sha
null
last_modified
null
library_name
stringclasses
154 values
text
stringlengths
1
900k
metadata
stringlengths
2
348k
pipeline_tag
stringclasses
45 values
id
stringlengths
5
122
tags
sequencelengths
1
1.84k
created_at
stringlengths
25
25
arxiv
sequencelengths
0
201
languages
sequencelengths
0
1.83k
tags_str
stringlengths
17
9.34k
text_str
stringlengths
0
389k
text_lists
sequencelengths
0
722
processed_texts
sequencelengths
1
723
tokens_length
sequencelengths
1
723
input_texts
sequencelengths
1
61
embeddings
sequencelengths
768
768
null
null
transformers
# CAMeLBERT: A collection of pre-trained models for Arabic NLP tasks ## Model description **CAMeLBERT** is a collection of BERT models pre-trained on Arabic texts with different sizes and variants. We release pre-trained language models for Modern Standard Arabic (MSA), dialectal Arabic (DA), and classical Arabic (CA), in addition to a model pre-trained on a mix of the three. We also provide additional models that are pre-trained on a scaled-down set of the MSA variant (half, quarter, eighth, and sixteenth). The details are described in the paper *"[The Interplay of Variant, Size, and Task Type in Arabic Pre-trained Language Models](https://arxiv.org/abs/2103.06678)."* This model card describes **CAMeLBERT-MSA-half** (`bert-base-arabic-camelbert-msa-half`), a model pre-trained on a half of the full MSA dataset. ||Model|Variant|Size|#Word| |-|-|:-:|-:|-:| ||`bert-base-arabic-camelbert-mix`|CA,DA,MSA|167GB|17.3B| ||`bert-base-arabic-camelbert-ca`|CA|6GB|847M| ||`bert-base-arabic-camelbert-da`|DA|54GB|5.8B| ||`bert-base-arabic-camelbert-msa`|MSA|107GB|12.6B| |✔|`bert-base-arabic-camelbert-msa-half`|MSA|53GB|6.3B| ||`bert-base-arabic-camelbert-msa-quarter`|MSA|27GB|3.1B| ||`bert-base-arabic-camelbert-msa-eighth`|MSA|14GB|1.6B| ||`bert-base-arabic-camelbert-msa-sixteenth`|MSA|6GB|746M| ## Intended uses You can use the released model for either masked language modeling or next sentence prediction. However, it is mostly intended to be fine-tuned on an NLP task, such as NER, POS tagging, sentiment analysis, dialect identification, and poetry classification. We release our fine-tuninig code [here](https://github.com/CAMeL-Lab/CAMeLBERT). #### How to use You can use this model directly with a pipeline for masked language modeling: ```python >>> from transformers import pipeline >>> unmasker = pipeline('fill-mask', model='CAMeL-Lab/bert-base-arabic-camelbert-msa-half') >>> unmasker("الهدف من الحياة هو [MASK] .") [{'sequence': '[CLS] الهدف من الحياة هو الحياة. [SEP]', 'score': 0.09132730215787888, 'token': 3696, 'token_str': 'الحياة'}, {'sequence': '[CLS] الهدف من الحياة هو.. [SEP]', 'score': 0.08282623440027237, 'token': 18, 'token_str': '.'}, {'sequence': '[CLS] الهدف من الحياة هو البقاء. [SEP]', 'score': 0.04031957685947418, 'token': 9331, 'token_str': 'البقاء'}, {'sequence': '[CLS] الهدف من الحياة هو النجاح. [SEP]', 'score': 0.032019514590501785, 'token': 6232, 'token_str': 'النجاح'}, {'sequence': '[CLS] الهدف من الحياة هو الحب. [SEP]', 'score': 0.028731243684887886, 'token': 3088, 'token_str': 'الحب'}] ``` *Note*: to download our models, you would need `transformers>=3.5.0`. Otherwise, you could download the models manually. Here is how to use this model to get the features of a given text in PyTorch: ```python from transformers import AutoTokenizer, AutoModel tokenizer = AutoTokenizer.from_pretrained('CAMeL-Lab/bert-base-arabic-camelbert-msa-half') model = AutoModel.from_pretrained('CAMeL-Lab/bert-base-arabic-camelbert-msa-half') text = "مرحبا يا عالم." encoded_input = tokenizer(text, return_tensors='pt') output = model(**encoded_input) ``` and in TensorFlow: ```python from transformers import AutoTokenizer, TFAutoModel tokenizer = AutoTokenizer.from_pretrained('CAMeL-Lab/bert-base-arabic-camelbert-msa-half') model = TFAutoModel.from_pretrained('CAMeL-Lab/bert-base-arabic-camelbert-msa-half') text = "مرحبا يا عالم." encoded_input = tokenizer(text, return_tensors='tf') output = model(encoded_input) ``` ## Training data - MSA (Modern Standard Arabic) - [The Arabic Gigaword Fifth Edition](https://catalog.ldc.upenn.edu/LDC2011T11) - [Abu El-Khair Corpus](http://www.abuelkhair.net/index.php/en/arabic/abu-el-khair-corpus) - [OSIAN corpus](https://vlo.clarin.eu/search;jsessionid=31066390B2C9E8C6304845BA79869AC1?1&q=osian) - [Arabic Wikipedia](https://archive.org/details/arwiki-20190201) - The unshuffled version of the Arabic [OSCAR corpus](https://oscar-corpus.com/) ## Training procedure We use [the original implementation](https://github.com/google-research/bert) released by Google for pre-training. We follow the original English BERT model's hyperparameters for pre-training, unless otherwise specified. ### Preprocessing - After extracting the raw text from each corpus, we apply the following pre-processing. - We first remove invalid characters and normalize white spaces using the utilities provided by [the original BERT implementation](https://github.com/google-research/bert/blob/eedf5716ce1268e56f0a50264a88cafad334ac61/tokenization.py#L286-L297). - We also remove lines without any Arabic characters. - We then remove diacritics and kashida using [CAMeL Tools](https://github.com/CAMeL-Lab/camel_tools). - Finally, we split each line into sentences with a heuristics-based sentence segmenter. - We train a WordPiece tokenizer on the entire dataset (167 GB text) with a vocabulary size of 30,000 using [HuggingFace's tokenizers](https://github.com/huggingface/tokenizers). - We do not lowercase letters nor strip accents. ### Pre-training - The model was trained on a single cloud TPU (`v3-8`) for one million steps in total. - The first 90,000 steps were trained with a batch size of 1,024 and the rest was trained with a batch size of 256. - The sequence length was limited to 128 tokens for 90% of the steps and 512 for the remaining 10%. - We use whole word masking and a duplicate factor of 10. - We set max predictions per sequence to 20 for the dataset with max sequence length of 128 tokens and 80 for the dataset with max sequence length of 512 tokens. - We use a random seed of 12345, masked language model probability of 0.15, and short sequence probability of 0.1. - The optimizer used is Adam with a learning rate of 1e-4, \\(\beta_{1} = 0.9\\) and \\(\beta_{2} = 0.999\\), a weight decay of 0.01, learning rate warmup for 10,000 steps and linear decay of the learning rate after. ## Evaluation results - We evaluate our pre-trained language models on five NLP tasks: NER, POS tagging, sentiment analysis, dialect identification, and poetry classification. - We fine-tune and evaluate the models using 12 dataset. - We used Hugging Face's transformers to fine-tune our CAMeLBERT models. - We used transformers `v3.1.0` along with PyTorch `v1.5.1`. - The fine-tuning was done by adding a fully connected linear layer to the last hidden state. - We use \\(F_{1}\\) score as a metric for all tasks. - Code used for fine-tuning is available [here](https://github.com/CAMeL-Lab/CAMeLBERT). ### Results | Task | Dataset | Variant | Mix | CA | DA | MSA | MSA-1/2 | MSA-1/4 | MSA-1/8 | MSA-1/16 | | -------------------- | --------------- | ------- | ----- | ----- | ----- | ----- | ------- | ------- | ------- | -------- | | NER | ANERcorp | MSA | 80.8% | 67.9% | 74.1% | 82.4% | 82.0% | 82.1% | 82.6% | 80.8% | | POS | PATB (MSA) | MSA | 98.1% | 97.8% | 97.7% | 98.3% | 98.2% | 98.3% | 98.2% | 98.2% | | | ARZTB (EGY) | DA | 93.6% | 92.3% | 92.7% | 93.6% | 93.6% | 93.7% | 93.6% | 93.6% | | | Gumar (GLF) | DA | 97.3% | 97.7% | 97.9% | 97.9% | 97.9% | 97.9% | 97.9% | 97.9% | | SA | ASTD | MSA | 76.3% | 69.4% | 74.6% | 76.9% | 76.0% | 76.8% | 76.7% | 75.3% | | | ArSAS | MSA | 92.7% | 89.4% | 91.8% | 93.0% | 92.6% | 92.5% | 92.5% | 92.3% | | | SemEval | MSA | 69.0% | 58.5% | 68.4% | 72.1% | 70.7% | 72.8% | 71.6% | 71.2% | | DID | MADAR-26 | DA | 62.9% | 61.9% | 61.8% | 62.6% | 62.0% | 62.8% | 62.0% | 62.2% | | | MADAR-6 | DA | 92.5% | 91.5% | 92.2% | 91.9% | 91.8% | 92.2% | 92.1% | 92.0% | | | MADAR-Twitter-5 | MSA | 75.7% | 71.4% | 74.2% | 77.6% | 78.5% | 77.3% | 77.7% | 76.2% | | | NADI | DA | 24.7% | 17.3% | 20.1% | 24.9% | 24.6% | 24.6% | 24.9% | 23.8% | | Poetry | APCD | CA | 79.8% | 80.9% | 79.6% | 79.7% | 79.9% | 80.0% | 79.7% | 79.8% | ### Results (Average) | | Variant | Mix | CA | DA | MSA | MSA-1/2 | MSA-1/4 | MSA-1/8 | MSA-1/16 | | -------------------- | ------- | ----- | ----- | ----- | ----- | ------- | ------- | ------- | -------- | | Variant-wise-average<sup>[[1]](#footnote-1)</sup> | MSA | 82.1% | 75.7% | 80.1% | 83.4% | 83.0% | 83.3% | 83.2% | 82.3% | | | DA | 74.4% | 72.1% | 72.9% | 74.2% | 74.0% | 74.3% | 74.1% | 73.9% | | | CA | 79.8% | 80.9% | 79.6% | 79.7% | 79.9% | 80.0% | 79.7% | 79.8% | | Macro-Average | ALL | 78.7% | 74.7% | 77.1% | 79.2% | 79.0% | 79.2% | 79.1% | 78.6% | <a name="footnote-1">[1]</a>: Variant-wise-average refers to average over a group of tasks in the same language variant. ## Acknowledgements This research was supported with Cloud TPUs from Google’s TensorFlow Research Cloud (TFRC). ## Citation ```bibtex @inproceedings{inoue-etal-2021-interplay, title = "The Interplay of Variant, Size, and Task Type in {A}rabic Pre-trained Language Models", author = "Inoue, Go and Alhafni, Bashar and Baimukan, Nurpeiis and Bouamor, Houda and Habash, Nizar", booktitle = "Proceedings of the Sixth Arabic Natural Language Processing Workshop", month = apr, year = "2021", address = "Kyiv, Ukraine (Online)", publisher = "Association for Computational Linguistics", abstract = "In this paper, we explore the effects of language variants, data sizes, and fine-tuning task types in Arabic pre-trained language models. To do so, we build three pre-trained language models across three variants of Arabic: Modern Standard Arabic (MSA), dialectal Arabic, and classical Arabic, in addition to a fourth language model which is pre-trained on a mix of the three. We also examine the importance of pre-training data size by building additional models that are pre-trained on a scaled-down set of the MSA variant. We compare our different models to each other, as well as to eight publicly available models by fine-tuning them on five NLP tasks spanning 12 datasets. Our results suggest that the variant proximity of pre-training data to fine-tuning data is more important than the pre-training data size. We exploit this insight in defining an optimized system selection model for the studied tasks.", } ```
{"language": ["ar"], "license": "apache-2.0", "widget": [{"text": "\u0627\u0644\u0647\u062f\u0641 \u0645\u0646 \u0627\u0644\u062d\u064a\u0627\u0629 \u0647\u0648 [MASK] ."}]}
fill-mask
CAMeL-Lab/bert-base-arabic-camelbert-msa-half
[ "transformers", "pytorch", "tf", "jax", "bert", "fill-mask", "ar", "arxiv:2103.06678", "license:apache-2.0", "autotrain_compatible", "endpoints_compatible", "region:us" ]
2022-03-02T23:29:04+00:00
[ "2103.06678" ]
[ "ar" ]
TAGS #transformers #pytorch #tf #jax #bert #fill-mask #ar #arxiv-2103.06678 #license-apache-2.0 #autotrain_compatible #endpoints_compatible #region-us
CAMeLBERT: A collection of pre-trained models for Arabic NLP tasks ================================================================== Model description ----------------- CAMeLBERT is a collection of BERT models pre-trained on Arabic texts with different sizes and variants. We release pre-trained language models for Modern Standard Arabic (MSA), dialectal Arabic (DA), and classical Arabic (CA), in addition to a model pre-trained on a mix of the three. We also provide additional models that are pre-trained on a scaled-down set of the MSA variant (half, quarter, eighth, and sixteenth). The details are described in the paper *"The Interplay of Variant, Size, and Task Type in Arabic Pre-trained Language Models."* This model card describes CAMeLBERT-MSA-half ('bert-base-arabic-camelbert-msa-half'), a model pre-trained on a half of the full MSA dataset. Intended uses ------------- You can use the released model for either masked language modeling or next sentence prediction. However, it is mostly intended to be fine-tuned on an NLP task, such as NER, POS tagging, sentiment analysis, dialect identification, and poetry classification. We release our fine-tuninig code here. #### How to use You can use this model directly with a pipeline for masked language modeling: *Note*: to download our models, you would need 'transformers>=3.5.0'. Otherwise, you could download the models manually. Here is how to use this model to get the features of a given text in PyTorch: and in TensorFlow: Training data ------------- * MSA (Modern Standard Arabic) + The Arabic Gigaword Fifth Edition + Abu El-Khair Corpus + OSIAN corpus + Arabic Wikipedia + The unshuffled version of the Arabic OSCAR corpus Training procedure ------------------ We use the original implementation released by Google for pre-training. We follow the original English BERT model's hyperparameters for pre-training, unless otherwise specified. ### Preprocessing * After extracting the raw text from each corpus, we apply the following pre-processing. * We first remove invalid characters and normalize white spaces using the utilities provided by the original BERT implementation. * We also remove lines without any Arabic characters. * We then remove diacritics and kashida using CAMeL Tools. * Finally, we split each line into sentences with a heuristics-based sentence segmenter. * We train a WordPiece tokenizer on the entire dataset (167 GB text) with a vocabulary size of 30,000 using HuggingFace's tokenizers. * We do not lowercase letters nor strip accents. ### Pre-training * The model was trained on a single cloud TPU ('v3-8') for one million steps in total. * The first 90,000 steps were trained with a batch size of 1,024 and the rest was trained with a batch size of 256. * The sequence length was limited to 128 tokens for 90% of the steps and 512 for the remaining 10%. * We use whole word masking and a duplicate factor of 10. * We set max predictions per sequence to 20 for the dataset with max sequence length of 128 tokens and 80 for the dataset with max sequence length of 512 tokens. * We use a random seed of 12345, masked language model probability of 0.15, and short sequence probability of 0.1. * The optimizer used is Adam with a learning rate of 1e-4, \(\beta\_{1} = 0.9\) and \(\beta\_{2} = 0.999\), a weight decay of 0.01, learning rate warmup for 10,000 steps and linear decay of the learning rate after. Evaluation results ------------------ * We evaluate our pre-trained language models on five NLP tasks: NER, POS tagging, sentiment analysis, dialect identification, and poetry classification. * We fine-tune and evaluate the models using 12 dataset. * We used Hugging Face's transformers to fine-tune our CAMeLBERT models. * We used transformers 'v3.1.0' along with PyTorch 'v1.5.1'. * The fine-tuning was done by adding a fully connected linear layer to the last hidden state. * We use \(F\_{1}\) score as a metric for all tasks. * Code used for fine-tuning is available here. ### Results ### Results (Average) [1]: Variant-wise-average refers to average over a group of tasks in the same language variant. Acknowledgements ---------------- This research was supported with Cloud TPUs from Google’s TensorFlow Research Cloud (TFRC).
[ "#### How to use\n\n\nYou can use this model directly with a pipeline for masked language modeling:\n\n\n*Note*: to download our models, you would need 'transformers>=3.5.0'. Otherwise, you could download the models manually.\n\n\nHere is how to use this model to get the features of a given text in PyTorch:\n\n\nand in TensorFlow:\n\n\nTraining data\n-------------\n\n\n* MSA (Modern Standard Arabic)\n\t+ The Arabic Gigaword Fifth Edition\n\t+ Abu El-Khair Corpus\n\t+ OSIAN corpus\n\t+ Arabic Wikipedia\n\t+ The unshuffled version of the Arabic OSCAR corpus\n\n\nTraining procedure\n------------------\n\n\nWe use the original implementation released by Google for pre-training.\nWe follow the original English BERT model's hyperparameters for pre-training, unless otherwise specified.", "### Preprocessing\n\n\n* After extracting the raw text from each corpus, we apply the following pre-processing.\n* We first remove invalid characters and normalize white spaces using the utilities provided by the original BERT implementation.\n* We also remove lines without any Arabic characters.\n* We then remove diacritics and kashida using CAMeL Tools.\n* Finally, we split each line into sentences with a heuristics-based sentence segmenter.\n* We train a WordPiece tokenizer on the entire dataset (167 GB text) with a vocabulary size of 30,000 using HuggingFace's tokenizers.\n* We do not lowercase letters nor strip accents.", "### Pre-training\n\n\n* The model was trained on a single cloud TPU ('v3-8') for one million steps in total.\n* The first 90,000 steps were trained with a batch size of 1,024 and the rest was trained with a batch size of 256.\n* The sequence length was limited to 128 tokens for 90% of the steps and 512 for the remaining 10%.\n* We use whole word masking and a duplicate factor of 10.\n* We set max predictions per sequence to 20 for the dataset with max sequence length of 128 tokens and 80 for the dataset with max sequence length of 512 tokens.\n* We use a random seed of 12345, masked language model probability of 0.15, and short sequence probability of 0.1.\n* The optimizer used is Adam with a learning rate of 1e-4, \\(\\beta\\_{1} = 0.9\\) and \\(\\beta\\_{2} = 0.999\\), a weight decay of 0.01, learning rate warmup for 10,000 steps and linear decay of the learning rate after.\n\n\nEvaluation results\n------------------\n\n\n* We evaluate our pre-trained language models on five NLP tasks: NER, POS tagging, sentiment analysis, dialect identification, and poetry classification.\n* We fine-tune and evaluate the models using 12 dataset.\n* We used Hugging Face's transformers to fine-tune our CAMeLBERT models.\n* We used transformers 'v3.1.0' along with PyTorch 'v1.5.1'.\n* The fine-tuning was done by adding a fully connected linear layer to the last hidden state.\n* We use \\(F\\_{1}\\) score as a metric for all tasks.\n* Code used for fine-tuning is available here.", "### Results", "### Results (Average)\n\n\n\n[1]: Variant-wise-average refers to average over a group of tasks in the same language variant.\n\n\nAcknowledgements\n----------------\n\n\nThis research was supported with Cloud TPUs from Google’s TensorFlow Research Cloud (TFRC)." ]
[ "TAGS\n#transformers #pytorch #tf #jax #bert #fill-mask #ar #arxiv-2103.06678 #license-apache-2.0 #autotrain_compatible #endpoints_compatible #region-us \n", "#### How to use\n\n\nYou can use this model directly with a pipeline for masked language modeling:\n\n\n*Note*: to download our models, you would need 'transformers>=3.5.0'. Otherwise, you could download the models manually.\n\n\nHere is how to use this model to get the features of a given text in PyTorch:\n\n\nand in TensorFlow:\n\n\nTraining data\n-------------\n\n\n* MSA (Modern Standard Arabic)\n\t+ The Arabic Gigaword Fifth Edition\n\t+ Abu El-Khair Corpus\n\t+ OSIAN corpus\n\t+ Arabic Wikipedia\n\t+ The unshuffled version of the Arabic OSCAR corpus\n\n\nTraining procedure\n------------------\n\n\nWe use the original implementation released by Google for pre-training.\nWe follow the original English BERT model's hyperparameters for pre-training, unless otherwise specified.", "### Preprocessing\n\n\n* After extracting the raw text from each corpus, we apply the following pre-processing.\n* We first remove invalid characters and normalize white spaces using the utilities provided by the original BERT implementation.\n* We also remove lines without any Arabic characters.\n* We then remove diacritics and kashida using CAMeL Tools.\n* Finally, we split each line into sentences with a heuristics-based sentence segmenter.\n* We train a WordPiece tokenizer on the entire dataset (167 GB text) with a vocabulary size of 30,000 using HuggingFace's tokenizers.\n* We do not lowercase letters nor strip accents.", "### Pre-training\n\n\n* The model was trained on a single cloud TPU ('v3-8') for one million steps in total.\n* The first 90,000 steps were trained with a batch size of 1,024 and the rest was trained with a batch size of 256.\n* The sequence length was limited to 128 tokens for 90% of the steps and 512 for the remaining 10%.\n* We use whole word masking and a duplicate factor of 10.\n* We set max predictions per sequence to 20 for the dataset with max sequence length of 128 tokens and 80 for the dataset with max sequence length of 512 tokens.\n* We use a random seed of 12345, masked language model probability of 0.15, and short sequence probability of 0.1.\n* The optimizer used is Adam with a learning rate of 1e-4, \\(\\beta\\_{1} = 0.9\\) and \\(\\beta\\_{2} = 0.999\\), a weight decay of 0.01, learning rate warmup for 10,000 steps and linear decay of the learning rate after.\n\n\nEvaluation results\n------------------\n\n\n* We evaluate our pre-trained language models on five NLP tasks: NER, POS tagging, sentiment analysis, dialect identification, and poetry classification.\n* We fine-tune and evaluate the models using 12 dataset.\n* We used Hugging Face's transformers to fine-tune our CAMeLBERT models.\n* We used transformers 'v3.1.0' along with PyTorch 'v1.5.1'.\n* The fine-tuning was done by adding a fully connected linear layer to the last hidden state.\n* We use \\(F\\_{1}\\) score as a metric for all tasks.\n* Code used for fine-tuning is available here.", "### Results", "### Results (Average)\n\n\n\n[1]: Variant-wise-average refers to average over a group of tasks in the same language variant.\n\n\nAcknowledgements\n----------------\n\n\nThis research was supported with Cloud TPUs from Google’s TensorFlow Research Cloud (TFRC)." ]
[ 60, 172, 148, 409, 3, 63 ]
[ "passage: TAGS\n#transformers #pytorch #tf #jax #bert #fill-mask #ar #arxiv-2103.06678 #license-apache-2.0 #autotrain_compatible #endpoints_compatible #region-us \n#### How to use\n\n\nYou can use this model directly with a pipeline for masked language modeling:\n\n\n*Note*: to download our models, you would need 'transformers>=3.5.0'. Otherwise, you could download the models manually.\n\n\nHere is how to use this model to get the features of a given text in PyTorch:\n\n\nand in TensorFlow:\n\n\nTraining data\n-------------\n\n\n* MSA (Modern Standard Arabic)\n\t+ The Arabic Gigaword Fifth Edition\n\t+ Abu El-Khair Corpus\n\t+ OSIAN corpus\n\t+ Arabic Wikipedia\n\t+ The unshuffled version of the Arabic OSCAR corpus\n\n\nTraining procedure\n------------------\n\n\nWe use the original implementation released by Google for pre-training.\nWe follow the original English BERT model's hyperparameters for pre-training, unless otherwise specified.### Preprocessing\n\n\n* After extracting the raw text from each corpus, we apply the following pre-processing.\n* We first remove invalid characters and normalize white spaces using the utilities provided by the original BERT implementation.\n* We also remove lines without any Arabic characters.\n* We then remove diacritics and kashida using CAMeL Tools.\n* Finally, we split each line into sentences with a heuristics-based sentence segmenter.\n* We train a WordPiece tokenizer on the entire dataset (167 GB text) with a vocabulary size of 30,000 using HuggingFace's tokenizers.\n* We do not lowercase letters nor strip accents." ]
[ -0.028569132089614868, 0.13191038370132446, -0.001962508074939251, 0.04435606300830841, 0.18826788663864136, 0.01898067817091942, 0.1261821985244751, 0.07522403448820114, -0.10439451783895493, 0.04855620115995407, 0.02032296732068062, 0.035154324024915695, 0.10067877173423767, 0.06185354292392731, 0.023266974836587906, -0.25140735507011414, 0.03130039945244789, -0.0518866665661335, 0.03334549814462662, 0.09433673322200775, 0.07633025199174881, -0.06319861859083176, 0.07331889867782593, 0.002255941741168499, -0.08369702100753784, 0.015916844829916954, -0.005775828380137682, -0.04941786080598831, 0.08738436549901962, 0.0745130106806755, 0.13616052269935608, 0.005935101304203272, 0.03328470140695572, -0.20621608197689056, 0.023837918415665627, 0.08785144984722137, -0.018968921154737473, 0.04047233983874321, 0.0842747688293457, -0.00022904695651959628, 0.17055173218250275, -0.07354599237442017, 0.014037316665053368, 0.022484244778752327, -0.10245484113693237, -0.059819865971803665, -0.12103603035211563, 0.0004697988333646208, 0.15941663086414337, 0.11974840611219406, -0.02661631815135479, 0.05164850130677223, -0.020610572770237923, 0.04865676164627075, 0.16743764281272888, -0.1994340717792511, -0.017859600484371185, -0.0748903676867485, 0.01303032599389553, 0.048469457775354385, -0.05427130311727524, 0.06752423197031021, -0.044500142335891724, 0.00044735020492225885, 0.024632159620523453, -0.06701036542654037, -0.14324994385242462, -0.07137519866228104, -0.10025312006473541, -0.0005928183672949672, 0.06678608804941177, -0.04263751953840256, -0.047784943133592606, 0.002037488855421543, -0.05508153885602951, 0.003533105831593275, -0.04121742025017738, 0.05383571609854698, 0.016608044505119324, -0.012600943446159363, 0.08266601711511612, -0.1963307410478592, -0.10661300271749496, -0.043313946574926376, -0.10017287731170654, 0.14722023904323578, 0.08278363198041916, 0.024639159440994263, 0.0007735950057394803, 0.054399751126766205, -0.16802197694778442, -0.07057789713144302, 0.00492883613333106, -0.03645319119095802, -0.04828928783535957, -0.017510266974568367, -0.07304652780294418, -0.2646156847476959, -0.02607138454914093, 0.08326272666454315, -0.08200853317975998, 0.04854405298829079, -0.061924319714307785, 0.014009423553943634, -0.05361595004796982, 0.142164945602417, -0.04713476449251175, -0.006381585728377104, 0.037764567881822586, 0.039415143430233, 0.04280015081167221, 0.007268919143825769, -0.010430303402245045, 0.04476430267095566, -0.043934017419815063, 0.08224525302648544, -0.0031533464789390564, 0.0802946612238884, -0.032141901552677155, -0.02230030670762062, 0.0668955147266388, -0.16488683223724365, 0.019901512190699577, -0.026737790554761887, 0.0034696992952376604, -0.016859503462910652, 0.10049036145210266, 0.0005272228736430407, -0.11125942319631577, 0.08255046606063843, -0.0527888722717762, 0.09837166219949722, -0.09739460051059723, -0.12390205264091492, -0.03033255599439144, -0.116489477455616, -0.053402725607156754, -0.11270102113485336, -0.19982850551605225, -0.011776498518884182, 0.04901500418782234, -0.030970660969614983, 0.04897947609424591, -0.012516506016254425, -0.002211179118603468, -0.03636804223060608, -0.03601254150271416, 0.05198731645941734, -0.037640608847141266, 0.044122979044914246, 0.0006942434702068567, 0.03649400919675827, -0.1261303573846817, 0.08603092283010483, -0.008736751973628998, -0.00015328294830396771, -0.22554443776607513, 0.12318020313978195, -0.05288044735789299, -0.0049927495419979095, -0.13286477327346802, 0.0014255958376452327, -0.04734411835670471, 0.05267517268657684, 0.06261281669139862, 0.07772183418273926, -0.20280994474887848, -0.06250815093517303, 0.17990601062774658, -0.1305314004421234, 0.035402562469244, 0.09283103793859482, -0.010787264443933964, 0.007141593378037214, 0.10916051268577576, 0.20146124064922333, -0.031159909442067146, -0.09954806417226791, -0.0015347766457125545, -0.019753027707338333, 0.08514972776174545, 0.029890190809965134, 0.05238494277000427, -0.1304304301738739, 0.02382240630686283, 0.01124659925699234, -0.12600557506084442, 0.06845583766698837, -0.00994030013680458, -0.07325398176908493, 0.07112681120634079, -0.11834986507892609, -0.008920569904148579, 0.030866989865899086, 0.07228422909975052, 0.00996323861181736, -0.07978446781635284, 0.09777131676673889, 0.07563379406929016, -0.05013922601938248, 0.11642706394195557, -0.06050887703895569, -0.024442998692393303, -0.04908823221921921, 0.02580917626619339, -0.21499161422252655, -0.048039358109235764, 0.014618861488997936, -0.0721622034907341, 0.05918095260858536, -0.12753623723983765, 0.0004778303555212915, 0.08693954348564148, -0.08917489647865295, 0.029916206374764442, 0.043377943336963654, -0.01025303453207016, -0.1426759660243988, -0.0752858892083168, -0.025667443871498108, -0.007515492849051952, 0.014455332420766354, -0.05009334534406662, 0.05000780150294304, -0.10118851810693741, 0.017782729119062424, -0.02008955366909504, -0.03495549410581589, 0.016274945810437202, 0.09525424242019653, 0.01669101044535637, -0.06271206587553024, 0.030065180733799934, -0.014088645577430725, -0.019790152087807655, 0.04548244550824165, -0.1691427379846573, -0.11345090717077255, 0.12627045810222626, 0.04424138367176056, -0.0687456876039505, 0.08387699723243713, 0.007642513606697321, -0.002019222592934966, -0.024534936994314194, -0.017796706408262253, 0.21927784383296967, 0.03314121440052986, 0.14283320307731628, -0.04254366457462311, 0.04413994029164314, -0.08260399848222733, -0.01721658930182457, -0.027473723515868187, 0.03784516826272011, 0.04087391123175621, -0.10070659220218658, 0.0586543083190918, 0.03711048513650894, -0.06763473898172379, 0.11359339952468872, 0.04177764430642128, -0.07329903542995453, 0.02539680339396, -0.004196987487375736, 0.005875485483556986, 0.05455541983246803, -0.041618771851062775, -0.016549302265048027, 0.028553059324622154, 0.003610184183344245, 0.04895853251218796, -0.07686779648065567, 0.0503666065633297, 0.036299023777246475, -0.014294790104031563, -0.018215429037809372, -0.05167130380868912, -0.03029310330748558, 0.0946827083826065, -0.009214977733790874, 0.11119073629379272, -0.03850138559937477, -0.00015244160022120923, -0.05247895047068596, 0.19109350442886353, -0.12321045249700546, -0.20530924201011658, -0.08131328225135803, -0.08869493007659912, -0.09641862660646439, 0.05799693241715431, 0.07334474474191666, -0.10690893977880478, -0.10507034510374069, -0.09963427484035492, 0.136155366897583, 0.034364569932222366, -0.03398855775594711, -0.011363380588591099, -0.09014878422021866, 0.016935206949710846, -0.10769428312778473, -0.0010101881343871355, -0.032199446111917496, -0.09003223478794098, 0.0017115091904997826, 0.003503095358610153, 0.05776001885533333, 0.05060173198580742, -0.020705724135041237, -0.008808474987745285, 0.022666430100798607, 0.11308400332927704, -0.02184244804084301, 0.0472213439643383, 0.1450328826904297, -0.0254634078592062, 0.0569993294775486, 0.10716810077428818, 0.008962190710008144, -0.05381348729133606, 0.012121947482228279, 0.1154228076338768, -0.02591649256646633, -0.22557060420513153, -0.05419722571969032, -0.042208295315504074, -0.15133458375930786, 0.023487543687224388, 0.05386403948068619, -0.01902434602379799, 0.04798509180545807, -0.06921648979187012, 0.004226220306009054, 0.004560625646263361, 0.0468875952064991, 0.03420740365982056, -0.01852775551378727, 0.08449698984622955, -0.06278854608535767, 0.019865134730935097, 0.08268626034259796, -0.0073051974177360535, 0.1841006726026535, -0.029235905036330223, 0.12628623843193054, 0.07808402180671692, 0.035476814955472946, 0.0029136240482330322, 0.0998731404542923, -0.033175937831401825, 0.03764056786894798, 0.001710945856757462, -0.02373029850423336, -0.018939323723316193, -0.009945201687514782, -0.014092082157731056, -0.029235849156975746, -0.05446503311395645, 0.00685367826372385, 0.09373562037944794, 0.18245071172714233, -0.05889848619699478, -0.17719145119190216, -0.010490949265658855, 0.004154798574745655, -0.07215134054422379, -0.10104931145906448, -0.04817214235663414, 0.04889442026615143, -0.07230640202760696, 0.08065215498209, -0.018062774091959, 0.08951139450073242, -0.03989197686314583, 0.023689301684498787, 0.09322705864906311, 0.07245266437530518, -0.05437132716178894, 0.03058547154068947, -0.30160844326019287, 0.18473781645298004, 0.08781684935092926, 0.10779964178800583, -0.008311032317578793, 0.015811080113053322, 0.07401713728904724, 0.004835855681449175, 0.11807520687580109, -0.006469121668487787, -0.059876326471567154, -0.05269310995936394, -0.08695938438177109, 0.049847524613142014, 0.10908041894435883, -0.04824162647128105, 0.065459705889225, 0.005887927487492561, 0.007357345893979073, -0.012197236530482769, 0.05284558981657028, -0.1293117105960846, -0.19528941810131073, 0.011056567542254925, -0.01915695145726204, 0.018648626282811165, -0.02641870081424713, -0.01735464483499527, -0.030116653069853783, 0.13615794479846954, -0.0786404237151146, -0.16689051687717438, -0.12470538914203644, 0.030796514824032784, 0.09977754950523376, -0.09007426351308823, 0.034796956926584244, -0.005180199630558491, -0.011987132020294666, -0.07326872646808624, -0.0770338848233223, 0.028102170675992966, -0.056326158344745636, -0.03440957888960838, -0.030399857088923454, 0.08797387033700943, 0.04128281772136688, 0.03410656750202179, -0.03704027831554413, -0.017842775210738182, 0.0021342721302062273, -0.08962855488061905, -0.1129470244050026, 0.07469430565834045, 0.1346963346004486, 0.0840953066945076, -0.13480551540851593, -0.13778258860111237, -0.11287645250558853, -0.030812405049800873, 0.10380325466394424, 0.20284903049468994, 0.007353241089731455, 0.12166465818881989, 0.16688109934329987, -0.06516100466251373, -0.22050921618938446, -0.025392355397343636, 0.06760299205780029, -0.02773735113441944, 0.04066438227891922, -0.22449535131454468, -0.00030141556635499, 0.02901175618171692, 0.023397518321871758, -0.05734485015273094, -0.17325359582901, -0.13740231096744537, 0.13843822479248047, 0.08763778209686279, 0.10921049863100052, -0.16585864126682281, -0.023955579847097397, -0.08690862357616425, 0.015380490571260452, 0.13487425446510315, -0.04715478792786598, 0.13533435761928558, 0.021204793825745583, -0.004271205980330706, 0.017834924161434174, -0.017498990520834923, 0.14027880132198334, 0.034402474761009216, 0.08720985800027847, -0.07102807611227036, 0.03497965261340141, 0.07666108012199402, -0.03366512432694435, 0.07334349304437637, -0.03104877658188343, 0.0065438877791166306, -0.0917414203286171, -0.06389136612415314, -0.10214298218488693, 0.019123129546642303, -0.023685308173298836, -0.004522735718637705, 0.05051043629646301, -0.0007910492713563144, 0.0861741304397583, 0.009435904212296009, -0.010391348972916603, -0.03007183037698269, 0.041515134274959564, 0.08053798228502274, 0.07970502972602844, 0.05111326649785042, -0.02588300034403801, 0.019220028072595596, 0.002934714313596487, 0.08326489478349686, -0.11158441007137299, 0.014468858018517494, 0.038954537361860275, -0.005122833885252476, 0.09749452024698257, -0.01112245675176382, -0.07737791538238525, 0.015009872615337372, 0.048882849514484406, -0.10089055448770523, -0.11007782071828842, 0.00567783834412694, 0.01982353813946247, -0.060425613075494766, -0.022249268367886543, 0.07065243273973465, 0.009230494499206543, -0.05148624628782272, -0.004597174469381571, 0.06695996969938278, -0.06642714887857437, 0.18636061251163483, 0.008832313120365143, 0.0005602462915703654, -0.11788464337587357, 0.1334492564201355, 0.10101788491010666, -0.08584805577993393, 0.04064580798149109, 0.1486966460943222, -0.10197069495916367, -0.08246412128210068, -0.02446027286350727, 0.11279699951410294, -0.09755264222621918, -0.04200875014066696, 0.01093487162142992, -0.04773008078336716, -0.06608757376670837, 0.07546280324459076, 0.0036583670880645514, 0.007247789762914181, 0.003179917111992836, -0.014497809112071991, -0.04844328388571739, 0.04769798368215561, 0.01458739209920168, -0.0032660169526934624, 0.022091280668973923, 0.0768529549241066, -0.018091542646288872, 0.0629735141992569, -0.016255512833595276, 0.07362540811300278, -0.06247425451874733, 0.00480956956744194, -0.10103997588157654, -0.014481795951724052, -0.058058567345142365, -0.044423360377550125, -0.008924132212996483, -0.023141903802752495, 0.015607036650180817, 0.01420503482222557, -0.06996536254882812, -0.06326893717050552, -0.04869228973984718, 0.00014496130461338907, -0.09202399104833603, 0.0011978831607848406, -0.011881643906235695, -0.012133070267736912, 0.0988662987947464, 0.07480410486459732, 0.018161527812480927, 0.08407090604305267, -0.08851440250873566, -0.02960757538676262, -0.04310349002480507, -0.008438928052783012, 0.020492760464549065, -0.018098462373018265, 0.022323498502373695, -0.020195547491312027, 0.02166924811899662, -0.038057565689086914, 0.16652797162532806, -0.0962318554520607, 0.07672563940286636, -0.039133694022893906, 0.028521187603473663, -0.02297111600637436, 0.05784151703119278, 0.07962603121995926, 0.03406955674290657, 0.10836141556501389, -0.0640515610575676, -0.009047710336744785, -0.07617883384227753, 0.021573027595877647, -0.03300377354025841, -0.040554605424404144, -0.035366278141736984, -0.08675115555524826, 0.06336771696805954, 0.0022336491383612156, 0.09717036783695221, 0.07238828390836716, 0.0908854529261589, 0.03581605851650238, 0.005696973297744989, 0.016302580013871193, 0.0016618163790553808, 0.12252635508775711, -0.03925744816660881, -0.033122073858976364, 0.0020287414081394672, 0.02471415139734745, 0.01107124611735344, 0.05254629999399185, 0.18515829741954803, 0.23609060049057007, 0.066356360912323, 0.07305151969194412, -0.04361523315310478, -0.09563517570495605, -0.12132138013839722, -0.04110521823167801, -0.008195525966584682, 0.002133231144398451, -0.06539183109998703, -0.02863544039428234, 0.10689911991357803, -0.1740901917219162, 0.10611844062805176, 0.04696938022971153, -0.07127451151609421, -0.08997409790754318, -0.10363616049289703, 0.01174367219209671, 0.004665814805775881, -0.028050579130649567, -0.10059265047311783, 0.03830829635262489, 0.15534384548664093, -0.02200128696858883, -0.024776434525847435, 0.23738481104373932, -0.06804504990577698, -0.12251003831624985, 0.04202774167060852, 0.0033552616368979216, 0.009683125652372837, 0.04041522741317749, -0.010759430937469006, 0.04148449748754501, 0.030911698937416077, 0.05864860489964485, 0.05508248880505562, 0.009448309428989887, 0.11615900695323944, -0.04380926489830017, -0.08971212804317474, -0.01427916157990694, 0.023253513500094414, 0.10976608842611313, 0.23337730765342712, 0.016634928062558174, -0.06381349265575409, -0.00305743794888258, 0.16428397595882416, -0.007562603801488876, -0.07254651933908463, -0.10175711661577225, 0.22194039821624756, 0.07953117787837982, -0.04496017098426819, -0.03629085421562195, -0.11503946036100388, 0.011830552481114864, 0.2229851633310318, 0.10858125239610672, -0.05412104353308678, -0.003764270804822445, -0.04108849912881851, 0.015182288363575935, 0.008678782731294632, 0.07940127700567245, 0.05957431718707085, 0.1027473658323288, -0.08236398547887802, 0.04347660392522812, 0.032589979469776154, -0.012738297693431377, -0.11857273429632187, 0.1505964994430542, 0.019844481721520424, -0.004244709853082895, 0.01126076839864254, 0.0250995010137558, -0.05056234449148178, -0.264251708984375, 0.012939831241965294, -0.08410307765007019, -0.08599649369716644, 0.0038379153702408075, 0.05793116241693497, 0.06016562506556511, 0.028639262542128563, 0.013903419487178326, 0.009034681133925915, 0.09607350081205368, -0.0075208451598882675, -0.06010494753718376, -0.10561127960681915, 0.115482859313488, -0.04414747655391693, 0.10052193701267242, 0.023570900782942772, -0.053643327206373215, 0.042977891862392426, -0.011522972024977207, -0.04850979149341583, 0.13808612525463104, -0.025961928069591522, -0.06324838846921921, 0.07584991306066513, 0.1568627655506134, -0.030714649707078934, -0.033333372324705124, -0.01609843038022518, -0.011025691404938698, 0.06676024198532104, -0.04954042658209801, -0.07658474147319794, -0.02236129157245159, 0.03075522556900978, -0.12074543535709381, 0.15466102957725525, 0.17575030028820038, 0.017388109117746353, 0.0536462664604187, -0.07504324615001678, -0.006282160058617592, 0.02811811864376068, 0.14515726268291473, -0.0913110077381134, -0.1618991196155548, 0.0531562939286232, -0.03981800377368927, 0.02884317934513092, -0.21905280649662018, 0.03357924520969391, -0.037240322679281235, -0.047598060220479965, -0.10885187983512878, 0.05570029839873314, 0.07445376366376877, 0.022911056876182556, -0.015069236978888512, -0.1958114206790924, 0.0243685282766819, 0.0652017742395401, -0.12425154447555542, -0.0603882297873497 ]
null
null
transformers
# CAMeLBERT MSA NER Model ## Model description **CAMeLBERT MSA NER Model** is a Named Entity Recognition (NER) model that was built by fine-tuning the [CAMeLBERT Modern Standard Arabic (MSA)](https://huggingface.co/CAMeL-Lab/bert-base-arabic-camelbert-msa/) model. For the fine-tuning, we used the [ANERcorp](https://camel.abudhabi.nyu.edu/anercorp/) dataset. Our fine-tuning procedure and the hyperparameters we used can be found in our paper *"[The Interplay of Variant, Size, and Task Type in Arabic Pre-trained Language Models](https://arxiv.org/abs/2103.06678). "* Our fine-tuning code can be found [here](https://github.com/CAMeL-Lab/CAMeLBERT). ## Intended uses You can use the CAMeLBERT MSA NER model directly as part of our [CAMeL Tools](https://github.com/CAMeL-Lab/camel_tools) NER component (*recommended*) or as part of the transformers pipeline. #### How to use To use the model with the [CAMeL Tools](https://github.com/CAMeL-Lab/camel_tools) NER component: ```python >>> from camel_tools.ner import NERecognizer >>> from camel_tools.tokenizers.word import simple_word_tokenize >>> ner = NERecognizer('CAMeL-Lab/bert-base-arabic-camelbert-msa-ner') >>> sentence = simple_word_tokenize('إمارة أبوظبي هي إحدى إمارات دولة الإمارات العربية المتحدة السبع') >>> ner.predict_sentence(sentence) >>> ['O', 'B-LOC', 'O', 'O', 'O', 'O', 'B-LOC', 'I-LOC', 'I-LOC', 'O'] ``` You can also use the NER model directly with a transformers pipeline: ```python >>> from transformers import pipeline >>> ner = pipeline('ner', model='CAMeL-Lab/bert-base-arabic-camelbert-msa-ner') >>> ner("إمارة أبوظبي هي إحدى إمارات دولة الإمارات العربية المتحدة السبع") [{'word': 'أبوظبي', 'score': 0.9895730018615723, 'entity': 'B-LOC', 'index': 2, 'start': 6, 'end': 12}, {'word': 'الإمارات', 'score': 0.8156259655952454, 'entity': 'B-LOC', 'index': 8, 'start': 33, 'end': 41}, {'word': 'العربية', 'score': 0.890906810760498, 'entity': 'I-LOC', 'index': 9, 'start': 42, 'end': 49}, {'word': 'المتحدة', 'score': 0.8169114589691162, 'entity': 'I-LOC', 'index': 10, 'start': 50, 'end': 57}] ``` *Note*: to download our models, you would need `transformers>=3.5.0`. Otherwise, you could download the models manually. ## Citation ```bibtex @inproceedings{inoue-etal-2021-interplay, title = "The Interplay of Variant, Size, and Task Type in {A}rabic Pre-trained Language Models", author = "Inoue, Go and Alhafni, Bashar and Baimukan, Nurpeiis and Bouamor, Houda and Habash, Nizar", booktitle = "Proceedings of the Sixth Arabic Natural Language Processing Workshop", month = apr, year = "2021", address = "Kyiv, Ukraine (Online)", publisher = "Association for Computational Linguistics", abstract = "In this paper, we explore the effects of language variants, data sizes, and fine-tuning task types in Arabic pre-trained language models. To do so, we build three pre-trained language models across three variants of Arabic: Modern Standard Arabic (MSA), dialectal Arabic, and classical Arabic, in addition to a fourth language model which is pre-trained on a mix of the three. We also examine the importance of pre-training data size by building additional models that are pre-trained on a scaled-down set of the MSA variant. We compare our different models to each other, as well as to eight publicly available models by fine-tuning them on five NLP tasks spanning 12 datasets. Our results suggest that the variant proximity of pre-training data to fine-tuning data is more important than the pre-training data size. We exploit this insight in defining an optimized system selection model for the studied tasks.", } ```
{"language": ["ar"], "license": "apache-2.0", "widget": [{"text": "\u0625\u0645\u0627\u0631\u0629 \u0623\u0628\u0648\u0638\u0628\u064a \u0647\u064a \u0625\u062d\u062f\u0649 \u0625\u0645\u0627\u0631\u0627\u062a \u062f\u0648\u0644\u0629 \u0627\u0644\u0625\u0645\u0627\u0631\u0627\u062a \u0627\u0644\u0639\u0631\u0628\u064a\u0629 \u0627\u0644\u0645\u062a\u062d\u062f\u0629 \u0627\u0644\u0633\u0628\u0639"}]}
token-classification
CAMeL-Lab/bert-base-arabic-camelbert-msa-ner
[ "transformers", "pytorch", "tf", "bert", "token-classification", "ar", "arxiv:2103.06678", "license:apache-2.0", "autotrain_compatible", "endpoints_compatible", "has_space", "region:us" ]
2022-03-02T23:29:04+00:00
[ "2103.06678" ]
[ "ar" ]
TAGS #transformers #pytorch #tf #bert #token-classification #ar #arxiv-2103.06678 #license-apache-2.0 #autotrain_compatible #endpoints_compatible #has_space #region-us
# CAMeLBERT MSA NER Model ## Model description CAMeLBERT MSA NER Model is a Named Entity Recognition (NER) model that was built by fine-tuning the CAMeLBERT Modern Standard Arabic (MSA) model. For the fine-tuning, we used the ANERcorp dataset. Our fine-tuning procedure and the hyperparameters we used can be found in our paper *"The Interplay of Variant, Size, and Task Type in Arabic Pre-trained Language Models. "* Our fine-tuning code can be found here. ## Intended uses You can use the CAMeLBERT MSA NER model directly as part of our CAMeL Tools NER component (*recommended*) or as part of the transformers pipeline. #### How to use To use the model with the CAMeL Tools NER component: You can also use the NER model directly with a transformers pipeline: *Note*: to download our models, you would need 'transformers>=3.5.0'. Otherwise, you could download the models manually.
[ "# CAMeLBERT MSA NER Model", "## Model description\nCAMeLBERT MSA NER Model is a Named Entity Recognition (NER) model that was built by fine-tuning the CAMeLBERT Modern Standard Arabic (MSA) model.\nFor the fine-tuning, we used the ANERcorp dataset.\nOur fine-tuning procedure and the hyperparameters we used can be found in our paper *\"The Interplay of Variant, Size, and Task Type in Arabic Pre-trained Language Models.\n\"* Our fine-tuning code can be found here.", "## Intended uses\nYou can use the CAMeLBERT MSA NER model directly as part of our CAMeL Tools NER component (*recommended*) or as part of the transformers pipeline.", "#### How to use\nTo use the model with the CAMeL Tools NER component:\n\n\nYou can also use the NER model directly with a transformers pipeline:\n\n*Note*: to download our models, you would need 'transformers>=3.5.0'.\nOtherwise, you could download the models manually." ]
[ "TAGS\n#transformers #pytorch #tf #bert #token-classification #ar #arxiv-2103.06678 #license-apache-2.0 #autotrain_compatible #endpoints_compatible #has_space #region-us \n", "# CAMeLBERT MSA NER Model", "## Model description\nCAMeLBERT MSA NER Model is a Named Entity Recognition (NER) model that was built by fine-tuning the CAMeLBERT Modern Standard Arabic (MSA) model.\nFor the fine-tuning, we used the ANERcorp dataset.\nOur fine-tuning procedure and the hyperparameters we used can be found in our paper *\"The Interplay of Variant, Size, and Task Type in Arabic Pre-trained Language Models.\n\"* Our fine-tuning code can be found here.", "## Intended uses\nYou can use the CAMeLBERT MSA NER model directly as part of our CAMeL Tools NER component (*recommended*) or as part of the transformers pipeline.", "#### How to use\nTo use the model with the CAMeL Tools NER component:\n\n\nYou can also use the NER model directly with a transformers pipeline:\n\n*Note*: to download our models, you would need 'transformers>=3.5.0'.\nOtherwise, you could download the models manually." ]
[ 62, 10, 121, 47, 67 ]
[ "passage: TAGS\n#transformers #pytorch #tf #bert #token-classification #ar #arxiv-2103.06678 #license-apache-2.0 #autotrain_compatible #endpoints_compatible #has_space #region-us \n# CAMeLBERT MSA NER Model## Model description\nCAMeLBERT MSA NER Model is a Named Entity Recognition (NER) model that was built by fine-tuning the CAMeLBERT Modern Standard Arabic (MSA) model.\nFor the fine-tuning, we used the ANERcorp dataset.\nOur fine-tuning procedure and the hyperparameters we used can be found in our paper *\"The Interplay of Variant, Size, and Task Type in Arabic Pre-trained Language Models.\n\"* Our fine-tuning code can be found here.## Intended uses\nYou can use the CAMeLBERT MSA NER model directly as part of our CAMeL Tools NER component (*recommended*) or as part of the transformers pipeline.#### How to use\nTo use the model with the CAMeL Tools NER component:\n\n\nYou can also use the NER model directly with a transformers pipeline:\n\n*Note*: to download our models, you would need 'transformers>=3.5.0'.\nOtherwise, you could download the models manually." ]
[ 0.020128924399614334, 0.08241838216781616, -0.004432296846061945, 0.03188368305563927, 0.11245610564947128, 0.02123144641518593, 0.15561850368976593, 0.041208576411008835, -0.027792077511548996, 0.0021245877724140882, 0.047621071338653564, 0.027007659897208214, 0.047490913420915604, 0.027777336537837982, 0.08359561860561371, -0.2655513286590576, -0.021943962201476097, -0.07177436351776123, -0.04975184053182602, 0.10847683995962143, 0.12024100124835968, -0.004404133185744286, 0.1069967970252037, 0.07910878956317902, -0.06884075701236725, 0.05008319765329361, -0.003197372192516923, -0.022676272317767143, 0.08543357998132706, 0.1313668191432953, 0.173878476023674, -0.008129263296723366, 0.1174846813082695, -0.22045794129371643, 0.021529871970415115, 0.06243184581398964, 0.0014372036093845963, 0.02951080910861492, 0.06673169881105423, -0.06755679845809937, 0.17830534279346466, -0.10924990475177765, 0.06646939367055893, 0.05875541642308235, -0.09488260000944138, -0.059293217957019806, -0.006257298868149519, 0.12529775500297546, 0.06209687143564224, 0.11081966012716293, 0.027724122628569603, 0.120771124958992, -0.023772327229380608, 0.08276771008968353, 0.08269021660089493, -0.14144006371498108, -0.06650422513484955, 0.07178796827793121, 0.01599006913602352, 0.09254725277423859, -0.017347006127238274, 0.0552244707942009, -0.01797392964363098, -0.002695894567295909, 0.06304087489843369, -0.05907829478383064, -0.06131383776664734, -0.016476133838295937, -0.1289857178926468, -0.05718790739774704, 0.09517015516757965, 0.007389851845800877, -0.010333123616874218, -0.10511075705289841, -0.09233445674180984, 0.07950294017791748, 0.00644861301407218, -0.05437203124165535, -0.020498456433415413, 0.012262196280062199, 0.044620029628276825, -0.16253991425037384, -0.11649307608604431, -0.04014404118061066, -0.10550826042890549, 0.08677132427692413, 0.022217223420739174, 0.06981633603572845, -0.07996266335248947, 0.08777158707380295, -0.0848870500922203, -0.06461263447999954, 0.0035149361938238144, -0.10572542250156403, -0.1369171142578125, -0.03455166891217232, -0.006612327415496111, -0.06523934751749039, 0.011888151988387108, 0.1516910046339035, 0.04699559509754181, 0.053658224642276764, 0.030944881960749626, 0.00813092477619648, 0.006608972791582346, 0.15403838455677032, -0.0389292873442173, -0.007393443025648594, 0.008752664551138878, -0.031444717198610306, -0.006731543689966202, -0.029467854648828506, -0.07264107465744019, 0.00034926016815006733, -0.06050342693924904, 0.04923350736498833, 0.04269969090819359, 0.0805877149105072, 0.04026202857494354, -0.07798932492733002, 0.16547314822673798, -0.13734474778175354, 0.0014905879506841302, 0.017227962613105774, -0.0036411990877240896, 0.08306732028722763, 0.10126794874668121, 0.008137236349284649, -0.048536140471696854, -0.021099088713526726, -0.03039296343922615, 0.0187916811555624, -0.048599034547805786, -0.07476527243852615, 0.012115816585719585, -0.012045318260788918, -0.029064422473311424, -0.1869443655014038, -0.07449907809495926, 0.0029187018517404795, 0.12651126086711884, -0.0278207678347826, 0.005136746447533369, 0.0733213797211647, 0.07095275074243546, 0.004118936602026224, 0.01383666880428791, -0.0817100927233696, -0.026573410257697105, -0.008841552771627903, 0.02946518547832966, 0.01477151457220316, 0.00032960702083073556, 0.006265616975724697, -0.03760994225740433, 0.013278787955641747, -0.1438068002462387, 0.09628909826278687, -0.03459756076335907, -0.031315650790929794, -0.17346149682998657, -0.0071857827715575695, -0.02587812952697277, -0.01462374534457922, -0.04562188312411308, 0.052186354994773865, -0.12929433584213257, -0.04983661323785782, 0.08462480455636978, -0.10569462180137634, -0.03296700119972229, 0.09329839050769806, -0.010225984267890453, 0.03154574707150459, 0.06165440380573273, 0.0853276252746582, 0.20530098676681519, -0.1877480149269104, 0.05095735192298889, 0.09618879854679108, -0.001963079208508134, 0.043546151369810104, 0.11298535019159317, -0.02523619309067726, 0.06021492928266525, -0.003808181034401059, -0.1240861564874649, 0.10286498069763184, -0.013425227254629135, -0.07313517481088638, -0.0010435831500217319, -0.0503908172249794, -0.0037637054920196533, 0.03734821826219559, 0.002771680010482669, 0.06231709569692612, -0.08185826987028122, 0.06421022117137909, 0.06972403824329376, -0.032172225415706635, 0.036448173224925995, -0.07639264315366745, -0.03874026611447334, -0.05249837413430214, -0.013713156804442406, -0.17397360503673553, -0.16315115988254547, -0.019742438569664955, -0.15930412709712982, 0.12394766509532928, -0.0008899936801753938, 0.042963236570358276, 0.07889344543218613, -0.01727413758635521, 0.05069299414753914, -0.011613021604716778, 0.029348617419600487, 0.01588570326566696, -0.09180048853158951, -0.058738842606544495, -0.019960494711995125, 0.14856208860874176, -0.1159849688410759, 0.026263050734996796, -0.037616174668073654, 0.09546833485364914, -0.004073635675013065, -0.029440347105264664, -0.01393384300172329, -0.023721197620034218, 0.009595561772584915, -0.03942033648490906, 0.029501860961318016, -0.01639801263809204, -0.07204125821590424, 0.050075676292181015, -0.14015810191631317, -0.0325847789645195, 0.07178311794996262, 0.03637198731303215, -0.06840021163225174, -0.005311164073646069, -0.023827554658055305, -0.017384223639965057, 0.01901046372950077, 0.014614433981478214, 0.15924938023090363, 0.06933823227882385, 0.10239437222480774, -0.04837926849722862, -0.006549203768372536, -0.012190135195851326, -0.08980143815279007, -0.0036135760601609945, 0.042256295680999756, 0.09027332067489624, -0.20042021572589874, 0.03470370173454285, 0.09968999028205872, -0.05283923074603081, 0.15506871044635773, 0.027418477460741997, -0.058665864169597626, -0.013721518218517303, -0.030469588935375214, 0.018448233604431152, -0.012628845870494843, 0.031582172960042953, -0.004115041811019182, 0.04453152045607567, 0.016793087124824524, 0.0016562953824177384, -0.054737694561481476, 0.0366811640560627, 0.08629746735095978, -0.03824764862656593, -0.003242049366235733, 0.008494132198393345, -0.02804962731897831, 0.024889539927244186, 0.010178844444453716, 0.051774680614471436, -0.008553806692361832, -0.027295952662825584, -0.10251206904649734, 0.14238594472408295, -0.038082461804151535, -0.236494779586792, -0.17689350247383118, -0.08950387686491013, -0.13847874104976654, -0.01773703470826149, 0.012856054119765759, -0.05530138686299324, -0.04635482281446457, -0.04980600252747536, 0.09450753033161163, -0.03753967583179474, -0.08350887894630432, -0.05072517320513725, -0.017748085781931877, 0.032822348177433014, -0.15872739255428314, -0.002129347063601017, 0.01778031885623932, -0.12082801014184952, 0.004652644973248243, -0.03487865626811981, 0.09299317002296448, 0.11203478276729584, -0.026368768885731697, 0.02114505134522915, 0.052682168781757355, 0.26081374287605286, -0.054299626499414444, 0.12979017198085785, 0.23169799149036407, -0.026702484115958214, 0.07731706649065018, 0.16673190891742706, 0.09370749443769455, 0.014294112101197243, -0.0005210950621403754, 0.07498005777597427, -0.06260518729686737, -0.17732270061969757, -0.13549600541591644, -0.05461384356021881, -0.13532401621341705, 0.04610971733927727, 0.050470445305109024, 0.009416470304131508, 0.02748405933380127, -0.07130035012960434, -0.03688839450478554, 0.07145299017429352, 0.08137290179729462, 0.1524990350008011, 0.010673046112060547, 0.06775853037834167, -0.07454320788383484, -0.04721115902066231, 0.07912274450063705, 0.06278814375400543, 0.12389327585697174, 0.07150194048881531, 0.1525767594575882, 0.06198392063379288, 0.04116087779402733, 0.09872724115848541, 0.07394661754369736, 0.020686261355876923, -0.0016687068855389953, 0.001584644545800984, -0.07580111920833588, 0.019025875255465508, 0.047751784324645996, 0.006571756210178137, -0.061790063977241516, 0.05124620348215103, 0.04579494893550873, 0.0416884683072567, 0.12067994475364685, -0.023546559736132622, -0.2367660403251648, -0.027850648388266563, -0.022289099171757698, -0.030956536531448364, -0.0427376814186573, -0.038104042410850525, -0.044002726674079895, -0.15291978418827057, 0.06018353998661041, -0.030321694910526276, 0.11395294219255447, -0.05123075842857361, 0.00927413534373045, 0.07535688579082489, 0.04339361563324928, 0.01751036010682583, 0.10693331062793732, -0.1324014514684677, 0.17690682411193848, 0.054579950869083405, 0.025607574731111526, -0.029750199988484383, 0.02758067287504673, 0.027970941737294197, 0.18090921640396118, 0.1303795874118805, 0.017247363924980164, -0.020384376868605614, -0.11930213123559952, -0.04671025276184082, 0.03937402367591858, 0.10370714217424393, -0.06630081683397293, 0.048061028122901917, -0.06969921290874481, -0.010224013589322567, 0.0007486324175260961, 0.08953529596328735, -0.17061984539031982, -0.25332051515579224, 0.022243883460760117, -0.05465683713555336, -0.01750343292951584, -0.02094021812081337, 0.012639814987778664, -0.015033000148832798, 0.19497497379779816, -0.13381485641002655, -0.10406546294689178, -0.12485780566930771, -0.09595063328742981, 0.12310470640659332, -0.12801240384578705, 0.029767874628305435, -0.09068218618631363, 0.09453962743282318, -0.0570281520485878, -0.1574723869562149, -0.030541928485035896, -0.10699909925460815, -0.007566215004771948, 0.0014512059278786182, 0.07991516590118408, 0.02319931983947754, 0.044088419526815414, 0.02315378375351429, 0.01850658655166626, -0.043819937855005264, -0.10569117218255997, -0.10497939586639404, 0.19873793423175812, -0.04073992371559143, 0.0016890050610527396, -0.05055645853281021, -0.03930933028459549, -0.07164999842643738, 0.00018982708570547402, 0.12263185530900955, 0.06831976026296616, -0.04685842618346214, 0.11555925756692886, 0.23103201389312744, -0.06775001436471939, -0.1899482160806656, -0.13787639141082764, 0.06434927135705948, -0.04937870800495148, 0.05005821958184242, -0.15208564698696136, 0.11853775382041931, 0.033267002552747726, -0.0011902950936928391, -0.12933696806430817, -0.27615320682525635, -0.1008763313293457, 0.10812707245349884, 0.004573845770210028, -0.08397980779409409, -0.11457306891679764, -0.023499025031924248, -0.08250350505113602, -0.17357400059700012, 0.13370627164840698, -0.11260904371738434, 0.05652329698204994, 0.015707427635788918, 0.030215635895729065, 0.0075860098004341125, -0.015033508650958538, 0.11986511200666428, -0.025616951286792755, 0.020931381732225418, -0.07518374919891357, 0.03868875280022621, 0.04568016901612282, -0.053351595997810364, 0.11189430952072144, -0.009820773266255856, 0.03472232073545456, -0.06063542515039444, -0.10735202580690384, -0.043649621307849884, 0.07393002510070801, -0.011845135129988194, -0.07713806629180908, -0.016188684850931168, 0.0035061403177678585, 0.06495977938175201, -0.02965601719915867, -0.005908504594117403, -0.05582918971776962, 0.00247779069468379, 0.18175379931926727, 0.07806181162595749, -0.022711556404829025, -0.15828360617160797, -0.04572492837905884, -0.003572323126718402, 0.06216812878847122, -0.10064631700515747, 0.02035706117749214, 0.07106997817754745, 0.01719311624765396, 0.0788661390542984, -0.033271126449108124, -0.08039186149835587, -0.058749761432409286, 0.038757678121328354, -0.06512770801782608, -0.17349855601787567, -0.06691006571054459, 0.024879945442080498, -0.0670817568898201, -0.06693623960018158, 0.11217989027500153, -0.03467157483100891, -0.0059456354938447475, 0.023415790870785713, -0.007810030598193407, -0.046931423246860504, 0.07339432090520859, 0.04615899175405502, 0.04320625588297844, -0.06103876978158951, 0.07156573235988617, 0.14408916234970093, -0.09324543923139572, -0.0181396696716547, 0.1240372583270073, -0.12678669393062592, -0.0745820626616478, 0.03457102179527283, 0.09093667566776276, -0.17315328121185303, -0.0710233747959137, 0.039962038397789, -0.02656964585185051, -0.07666590064764023, 0.0790569856762886, 0.0514993891119957, -0.012007908895611763, -0.06008211523294449, -0.02243187092244625, -0.05960040166974068, 0.07675231993198395, 0.04162300378084183, 0.003670663572847843, -0.1220768541097641, 0.02778211049735546, 0.032313715666532516, 0.062023404985666275, -0.03599013388156891, -0.011237514205276966, -0.061424799263477325, 0.014982369728386402, -0.060600992292165756, 0.020803652703762054, -0.04412151500582695, 0.03037538379430771, 0.00047755864216014743, -0.029165593907237053, 0.0033151041716337204, -0.0009600773337297142, -0.010174784809350967, -0.03562098369002342, -0.037627071142196655, 0.07708387076854706, -0.1714547723531723, -0.003610975341871381, 0.07145614176988602, -0.020766517147421837, 0.03814969211816788, 0.010525998659431934, -0.031415510922670364, 0.06870733946561813, -0.13127250969409943, -0.013135651126503944, -0.05364341288805008, 0.05468963831663132, 0.010793084278702736, -0.05825287848711014, 0.01875116117298603, 0.0025103604421019554, -0.0027521357405930758, -0.017107071354985237, 0.04150984063744545, -0.08354778587818146, 0.0046418337151408195, -0.0403781421482563, -0.06776835769414902, -0.06541594862937927, 0.030182844027876854, 0.06495250016450882, 0.06755247712135315, 0.08579004555940628, -0.047263942658901215, 0.0680183544754982, -0.11928801983594894, -0.005297738593071699, 0.024999460205435753, 0.022667361423373222, -0.045533083379268646, -0.1331028789281845, 0.015143772587180138, -0.055928170680999756, 0.13279211521148682, 0.0864781066775322, 0.10254129022359848, 0.05092211812734604, -0.0001940778602147475, -0.0006631536525674164, -0.038771435618400574, 0.08604486286640167, 0.046407848596572876, 0.03765850141644478, -0.01673370599746704, -0.021785693243145943, -0.05360819771885872, 0.021115632727742195, 0.08606493473052979, 0.1823953092098236, -0.04169660806655884, 0.020953258499503136, 0.08131314814090729, -0.026509983465075493, -0.06666342914104462, -0.10053124278783798, 0.016431331634521484, 0.004306108225136995, -0.08188958466053009, -0.018257543444633484, 0.21993087232112885, -0.11515995860099792, 0.06933397799730301, 0.03985104709863663, -0.08151598274707794, -0.12067250162363052, -0.22044219076633453, -0.05006418004631996, -0.06108320131897926, -0.021907765418291092, -0.0536324568092823, 0.06830950826406479, 0.05605970695614815, 0.02412748709321022, 0.011299497447907925, 0.19650040566921234, -0.08823060244321823, -0.10122549533843994, -0.05877620354294777, -0.001248426386155188, 0.040497563779354095, 0.05973076820373535, 0.0741724893450737, 0.04021652042865753, 0.009540649130940437, 0.03323119133710861, 0.0467483289539814, 0.06032055988907814, 0.05030914768576622, -0.06806869059801102, -0.08451174944639206, -0.051327966153621674, 0.018927987664937973, -0.0183670986443758, 0.16826103627681732, 0.017753778025507927, -0.0485231988132, -0.03740643337368965, 0.14770564436912537, -0.01477716863155365, -0.2070942521095276, -0.11314578354358673, 0.34246936440467834, -0.04572262242436409, 0.016326189041137695, -0.02331939898431301, -0.05179889500141144, -0.05407794192433357, 0.21820010244846344, 0.21238133311271667, -0.0030449640471488237, 0.02729363553225994, 0.010932602919638157, 0.022276340052485466, -0.01588183268904686, 0.09912054240703583, 0.013265310786664486, 0.23228003084659576, -0.0680394247174263, 0.051850784569978714, -0.004584874026477337, -0.039505165070295334, -0.09055688232183456, 0.10676862299442291, 0.04134893789887428, -0.01893479749560356, -0.018491769209504128, 0.108054518699646, -0.05636907368898392, -0.11923768371343613, 0.015337304212152958, 0.03159116953611374, -0.0325438417494297, -0.02179623208940029, 0.0585017167031765, -0.0005314871086739004, 0.011029698885977268, -0.02910517156124115, -0.05906020849943161, 0.10064143687486649, 0.03538931533694267, -0.1383136808872223, -0.034057825803756714, 0.12550486624240875, 0.02162822149693966, 0.11734431982040405, 0.04262242466211319, 0.1035698875784874, 0.0627758651971817, -0.018881123512983322, -0.055640798062086105, 0.09445486217737198, 0.05231209471821785, -0.044841211289167404, 0.004732304718345404, 0.09530236572027206, -0.006463725119829178, -0.011214773170650005, 0.025995586067438126, -0.13642913103103638, 0.03699006140232086, -0.007874132134020329, 0.018137287348508835, -0.07645130902528763, 0.0789039209485054, -0.10035987198352814, 0.1440647542476654, 0.18689636886119843, 0.005547055508941412, 0.017844492569565773, -0.08446498960256577, 0.04425419494509697, 0.08267910033464432, 0.026937691494822502, -0.04780580475926399, -0.06629011780023575, -0.009122063405811787, -0.11106301099061966, 0.05948805809020996, -0.10866149514913559, -0.07110369205474854, 0.03793434426188469, -0.005370160099118948, 0.03282514587044716, 0.09374594688415527, 0.12159261852502823, 0.05572669953107834, 0.0014242836041375995, -0.13190750777721405, 0.00008444226114079356, 0.018814926967024803, -0.1787143051624298, -0.04221167787909508 ]
null
null
transformers
# CAMeLBERT-MSA Poetry Classification Model ## Model description **CAMeLBERT-MSA Poetry Classification Model** is a poetry classification model that was built by fine-tuning the [CAMeLBERT Modern Standard Arabic (MSA)](https://huggingface.co/CAMeL-Lab/bert-base-arabic-camelbert-msa/) model. For the fine-tuning, we used the [APCD](https://arxiv.org/pdf/1905.05700.pdf) dataset. Our fine-tuning procedure and the hyperparameters we used can be found in our paper *"[The Interplay of Variant, Size, and Task Type in Arabic Pre-trained Language Models](https://arxiv.org/abs/2103.06678)."* Our fine-tuning code can be found [here](https://github.com/CAMeL-Lab/CAMeLBERT). ## Intended uses You can use the CAMeLBERT-MSA Poetry Classification model as part of the transformers pipeline. This model will also be available in [CAMeL Tools](https://github.com/CAMeL-Lab/camel_tools) soon. #### How to use To use the model with a transformers pipeline: ```python >>> from transformers import pipeline >>> poetry = pipeline('text-classification', model='CAMeL-Lab/bert-base-arabic-camelbert-msa-poetry') >>> # A list of verses where each verse consists of two parts. >>> verses = [ ['الخيل والليل والبيداء تعرفني' ,'والسيف والرمح والقرطاس والقلم'], ['قم للمعلم وفه التبجيلا' ,'كاد المعلم ان يكون رسولا'] ] >>> # A function that concatenates the halves of each verse by using the [SEP] token. >>> join_verse = lambda half: ' [SEP] '.join(half) >>> # Apply this to all the verses in the list. >>> verses = [join_verse(verse) for verse in verses] >>> poetry(sentences) [{'label': 'البسيط', 'score': 0.9914996027946472}, {'label': 'الكامل', 'score': 0.917242169380188}] ``` *Note*: to download our models, you would need `transformers>=3.5.0`. Otherwise, you could download the models manually. ## Citation ```bibtex @inproceedings{inoue-etal-2021-interplay, title = "The Interplay of Variant, Size, and Task Type in {A}rabic Pre-trained Language Models", author = "Inoue, Go and Alhafni, Bashar and Baimukan, Nurpeiis and Bouamor, Houda and Habash, Nizar", booktitle = "Proceedings of the Sixth Arabic Natural Language Processing Workshop", month = apr, year = "2021", address = "Kyiv, Ukraine (Online)", publisher = "Association for Computational Linguistics", abstract = "In this paper, we explore the effects of language variants, data sizes, and fine-tuning task types in Arabic pre-trained language models. To do so, we build three pre-trained language models across three variants of Arabic: Modern Standard Arabic (MSA), dialectal Arabic, and classical Arabic, in addition to a fourth language model which is pre-trained on a mix of the three. We also examine the importance of pre-training data size by building additional models that are pre-trained on a scaled-down set of the MSA variant. We compare our different models to each other, as well as to eight publicly available models by fine-tuning them on five NLP tasks spanning 12 datasets. Our results suggest that the variant proximity of pre-training data to fine-tuning data is more important than the pre-training data size. We exploit this insight in defining an optimized system selection model for the studied tasks.", } ```
{"language": ["ar"], "license": "apache-2.0", "widget": [{"text": "\u0627\u0644\u062e\u064a\u0644 \u0648\u0627\u0644\u0644\u064a\u0644 \u0648\u0627\u0644\u0628\u064a\u062f\u0627\u0621 \u062a\u0639\u0631\u0641\u0646\u064a [SEP] \u0648\u0627\u0644\u0633\u064a\u0641 \u0648\u0627\u0644\u0631\u0645\u062d \u0648\u0627\u0644\u0642\u0631\u0637\u0627\u0633 \u0648\u0627\u0644\u0642\u0644\u0645"}]}
text-classification
CAMeL-Lab/bert-base-arabic-camelbert-msa-poetry
[ "transformers", "pytorch", "tf", "bert", "text-classification", "ar", "arxiv:1905.05700", "arxiv:2103.06678", "license:apache-2.0", "autotrain_compatible", "endpoints_compatible", "region:us" ]
2022-03-02T23:29:04+00:00
[ "1905.05700", "2103.06678" ]
[ "ar" ]
TAGS #transformers #pytorch #tf #bert #text-classification #ar #arxiv-1905.05700 #arxiv-2103.06678 #license-apache-2.0 #autotrain_compatible #endpoints_compatible #region-us
# CAMeLBERT-MSA Poetry Classification Model ## Model description CAMeLBERT-MSA Poetry Classification Model is a poetry classification model that was built by fine-tuning the CAMeLBERT Modern Standard Arabic (MSA) model. For the fine-tuning, we used the APCD dataset. Our fine-tuning procedure and the hyperparameters we used can be found in our paper *"The Interplay of Variant, Size, and Task Type in Arabic Pre-trained Language Models."* Our fine-tuning code can be found here. ## Intended uses You can use the CAMeLBERT-MSA Poetry Classification model as part of the transformers pipeline. This model will also be available in CAMeL Tools soon. #### How to use To use the model with a transformers pipeline: *Note*: to download our models, you would need 'transformers>=3.5.0'. Otherwise, you could download the models manually.
[ "# CAMeLBERT-MSA Poetry Classification Model", "## Model description\nCAMeLBERT-MSA Poetry Classification Model is a poetry classification model that was built by fine-tuning the CAMeLBERT Modern Standard Arabic (MSA) model.\nFor the fine-tuning, we used the APCD dataset.\nOur fine-tuning procedure and the hyperparameters we used can be found in our paper *\"The Interplay of Variant, Size, and Task Type in Arabic Pre-trained Language Models.\"* Our fine-tuning code can be found here.", "## Intended uses\nYou can use the CAMeLBERT-MSA Poetry Classification model as part of the transformers pipeline.\nThis model will also be available in CAMeL Tools soon.", "#### How to use\nTo use the model with a transformers pipeline:\n\n*Note*: to download our models, you would need 'transformers>=3.5.0'.\nOtherwise, you could download the models manually." ]
[ "TAGS\n#transformers #pytorch #tf #bert #text-classification #ar #arxiv-1905.05700 #arxiv-2103.06678 #license-apache-2.0 #autotrain_compatible #endpoints_compatible #region-us \n", "# CAMeLBERT-MSA Poetry Classification Model", "## Model description\nCAMeLBERT-MSA Poetry Classification Model is a poetry classification model that was built by fine-tuning the CAMeLBERT Modern Standard Arabic (MSA) model.\nFor the fine-tuning, we used the APCD dataset.\nOur fine-tuning procedure and the hyperparameters we used can be found in our paper *\"The Interplay of Variant, Size, and Task Type in Arabic Pre-trained Language Models.\"* Our fine-tuning code can be found here.", "## Intended uses\nYou can use the CAMeLBERT-MSA Poetry Classification model as part of the transformers pipeline.\nThis model will also be available in CAMeL Tools soon.", "#### How to use\nTo use the model with a transformers pipeline:\n\n*Note*: to download our models, you would need 'transformers>=3.5.0'.\nOtherwise, you could download the models manually." ]
[ 66, 12, 115, 43, 48 ]
[ "passage: TAGS\n#transformers #pytorch #tf #bert #text-classification #ar #arxiv-1905.05700 #arxiv-2103.06678 #license-apache-2.0 #autotrain_compatible #endpoints_compatible #region-us \n# CAMeLBERT-MSA Poetry Classification Model## Model description\nCAMeLBERT-MSA Poetry Classification Model is a poetry classification model that was built by fine-tuning the CAMeLBERT Modern Standard Arabic (MSA) model.\nFor the fine-tuning, we used the APCD dataset.\nOur fine-tuning procedure and the hyperparameters we used can be found in our paper *\"The Interplay of Variant, Size, and Task Type in Arabic Pre-trained Language Models.\"* Our fine-tuning code can be found here.## Intended uses\nYou can use the CAMeLBERT-MSA Poetry Classification model as part of the transformers pipeline.\nThis model will also be available in CAMeL Tools soon.#### How to use\nTo use the model with a transformers pipeline:\n\n*Note*: to download our models, you would need 'transformers>=3.5.0'.\nOtherwise, you could download the models manually." ]
[ -0.026081643998622894, 0.21086841821670532, -0.0048715583980083466, 0.08101334422826767, 0.1485307216644287, 0.03353888913989067, 0.14674095809459686, 0.03873564675450325, -0.044453397393226624, -0.010709539987146854, 0.09640157222747803, 0.0861322358250618, 0.0055001163855195045, 0.05708327516913414, 0.09090318530797958, -0.330598384141922, -0.060354575514793396, -0.03543756157159805, -0.0684075728058815, 0.13464827835559845, 0.11569559574127197, 0.0003875929687637836, 0.09192363172769547, 0.04939308762550354, -0.050356850028038025, 0.011243430897593498, -0.031944211572408676, -0.07698006927967072, 0.04378858581185341, 0.11753658205270767, 0.08630959689617157, 0.060746897011995316, 0.07126676291227341, -0.15579837560653687, 0.03574322909116745, 0.017784008756279945, -0.04765396565198898, 0.04367302358150482, 0.10177135467529297, -0.12674154341220856, 0.15127518773078918, -0.09835542738437653, 0.047813188284635544, 0.05173397436738014, -0.06656225770711899, -0.06932570040225983, 0.011471355333924294, 0.06348118931055069, 0.1056595891714096, 0.1276163011789322, 0.014509730041027069, 0.09122026711702347, -0.01514285709708929, 0.07611522078514099, 0.05847905948758125, -0.25286105275154114, -0.07317349314689636, 0.09889940917491913, -0.0009838793193921447, 0.08669347316026688, -0.05400127172470093, 0.05497923493385315, -0.011931362561881542, 0.05047013238072395, 0.09134203940629959, -0.06491540372371674, -0.009469388984143734, -0.03371471166610718, -0.13823933899402618, -0.04316864535212517, 0.15067383646965027, -0.05737636238336563, -0.053084712475538254, -0.0901593491435051, -0.04765702784061432, 0.0611640140414238, -0.045275576412677765, 0.01654372364282608, -0.003954398911446333, 0.01901429519057274, 0.03399283438920975, -0.1253945678472519, -0.13754795491695404, -0.040245648473501205, -0.04785873740911484, 0.09164588153362274, 0.014909881167113781, 0.033956367522478104, -0.08676327764987946, 0.11167198419570923, -0.03977886214852333, -0.08052541315555573, -0.02928735874593258, -0.11699853092432022, -0.051781065762043, -0.0024900855496525764, -0.03755912184715271, -0.1309838443994522, 0.005564445164054632, 0.13329455256462097, 0.11337102949619293, 0.05271332710981369, 0.08375097811222076, 0.007271566893905401, 0.0586438924074173, 0.11853410303592682, -0.013900023885071278, 0.0018482619198039174, 0.03334534913301468, 0.01127003226429224, 0.02636447548866272, -0.025945274159312248, -0.08359809964895248, -0.021670378744602203, -0.03833092749118805, 0.06296151876449585, 0.047122713178396225, 0.07895801961421967, 0.011292096227407455, -0.08241657167673111, 0.2529946565628052, -0.09333658218383789, -0.03957138583064079, 0.02355801872909069, 0.0006586568197235465, 0.04567764699459076, 0.1308789849281311, -0.04337797686457634, -0.08318600058555603, 0.0261085107922554, -0.05075438693165779, -0.01880713738501072, -0.005978797096759081, -0.060002654790878296, -0.003199223428964615, -0.0011298188474029303, -0.012551242485642433, -0.2011873722076416, -0.07785952836275101, 0.0067931851372122765, 0.09482119977474213, -0.027912860736250877, -0.020921485498547554, 0.0080547034740448, 0.010961253196001053, 0.024996954947710037, -0.004151944536715746, -0.0312401931732893, -0.023276126012206078, 0.030908873304724693, -0.005795108620077372, 0.058877430856227875, -0.04689209535717964, 0.04714459925889969, -0.08601802587509155, -0.020952068269252777, -0.17293037474155426, 0.1468103677034378, -0.021995771676301956, -0.041628990322351456, -0.1342882663011551, -0.03142346814274788, 0.018615802749991417, 0.03505506366491318, -0.04353148862719536, 0.1316334754228592, -0.17053546011447906, -0.07242359220981598, 0.07947380095720291, -0.09729825705289841, -0.040860287845134735, 0.11291869729757309, -0.014097174629569054, -0.0009509275550954044, 0.08757513016462326, 0.08842413127422333, 0.19974425435066223, -0.045854076743125916, 0.021972011774778366, 0.08578052371740341, 0.03226746618747711, -0.0038659563288092613, 0.10870171338319778, 0.0025126782711595297, 0.04939235746860504, 0.020917389541864395, -0.1098645031452179, 0.07714277505874634, 0.01838621497154236, -0.05226052552461624, 0.00011048687156289816, -0.05634639412164688, 0.02417409047484398, 0.025945426896214485, 0.03863288462162018, 0.02688254602253437, -0.0948527529835701, 0.04269383102655411, 0.05636640265583992, -0.020457865670323372, 0.04686960205435753, -0.05964765325188637, -0.0305719505995512, -0.002299484796822071, 0.018289124593138695, -0.21214032173156738, -0.018596600741147995, -0.028367433696985245, -0.09848089516162872, 0.11287455260753632, -0.0394587442278862, 0.01944083720445633, 0.07862864434719086, 0.0012264446122571826, 0.0650617703795433, 0.05603909492492676, -0.006620851811021566, -0.07161722332239151, -0.07629481703042984, -0.02109139785170555, -0.04392072558403015, 0.12059399485588074, -0.15561725199222565, 0.02470232918858528, -0.02495097927749157, 0.0654706135392189, -0.004784428048878908, -0.018883313983678818, 0.0711204782128334, 0.012333606369793415, -0.03869720175862312, -0.010231210850179195, 0.06279415637254715, 0.005649334751069546, -0.09524416923522949, 0.08602406829595566, -0.13111793994903564, -0.06544337421655655, 0.15016359090805054, 0.006623155903071165, -0.05725082382559776, -0.013037048280239105, -0.014368542470037937, 0.024533672258257866, 0.05757346376776695, 0.054278068244457245, 0.20481917262077332, 0.023579997941851616, 0.16183608770370483, -0.06301102787256241, 0.02794521301984787, -0.006040602922439575, -0.06554736196994781, -0.00476739089936018, 0.1307002604007721, 0.010716487653553486, -0.13047254085540771, 0.017467772588133812, 0.14480403065681458, -0.0333063043653965, 0.15768931806087494, 0.04966939985752106, -0.05638003349304199, 0.019227148965001106, -0.05310545116662979, 0.03247075527906418, 0.005988641642034054, -0.009703169576823711, -0.0096163684502244, 0.0564805343747139, -0.01223077904433012, 0.0024868580512702465, -0.08559772372245789, -0.011033897288143635, 0.06764531135559082, -0.025270480662584305, -0.03147079795598984, 0.04509047046303749, -0.02569073811173439, 0.030299348756670952, -0.010672866366803646, 0.0248092133551836, 0.0048598055727779865, -0.03765873238444328, -0.11331845074892044, 0.21250860393047333, -0.0994948223233223, -0.3540785610675812, -0.13250666856765747, -0.011703424155712128, -0.06493744999170303, 0.01616646908223629, 0.07358106225728989, -0.12256719917058945, -0.06635814160108566, -0.0865476056933403, 0.08472961187362671, -0.05103997141122818, -0.06150723993778229, -0.06384672969579697, 0.01891481876373291, 0.0007973116007633507, -0.1264152079820633, 0.02874554879963398, 0.012031788937747478, -0.08523263782262802, 0.04063444957137108, -0.059197667986154556, 0.05055589973926544, 0.1462758183479309, 0.00031635144841857255, 0.005183880683034658, 0.035713039338588715, 0.21799805760383606, -0.05679748207330704, 0.08575986325740814, 0.2131250649690628, -0.007979330606758595, 0.035120896995067596, 0.10275908559560776, 0.06739615648984909, -0.016494467854499817, 0.05380365625023842, 0.010570407845079899, -0.09934396296739578, -0.21013277769088745, -0.14793431758880615, -0.06382516026496887, -0.03365038335323334, 0.09442375600337982, 0.08900578320026398, -0.028617197647690773, 0.07053641229867935, -0.06039160490036011, 0.02252245880663395, 0.0402350015938282, 0.09052176773548126, 0.17727643251419067, 0.021734539419412613, 0.05511964112520218, -0.10238159447908401, -0.011381990276277065, 0.08174837380647659, -0.005869936663657427, 0.03307732567191124, 0.02956518903374672, 0.1348809003829956, 0.07438264787197113, 0.040935222059488297, 0.11482921242713928, 0.01907113753259182, 0.029922712594270706, 0.003623299766331911, -0.04263082519173622, -0.10700112581253052, -0.008432985283434391, 0.051415376365184784, -0.022807154804468155, -0.06886480748653412, -0.017114661633968353, -0.0035369680263102055, -0.010741403326392174, 0.10738131403923035, 0.04591728374361992, -0.25284504890441895, -0.050852615386247635, 0.02677886374294758, -0.011517902836203575, -0.04642784595489502, 0.035032231360673904, -0.08875835686922073, -0.12974753975868225, 0.07772068679332733, -0.0428120456635952, 0.11953343451023102, -0.07272178679704666, -0.005945527460426092, 0.1063871905207634, 0.016229912638664246, 0.01553747896105051, 0.07024512439966202, -0.20081296563148499, 0.16021525859832764, 0.07014911621809006, 0.03366877883672714, -0.01936768926680088, -0.007182536646723747, 0.06280658394098282, 0.15323308110237122, 0.12769408524036407, -0.022494422271847725, 0.06254160404205322, -0.0507122278213501, -0.10188000649213791, 0.05949729308485985, 0.044568173587322235, -0.11682546138763428, 0.04008286073803902, -0.01647123135626316, -0.027357064187526703, -0.05615437775850296, 0.02128699980676174, -0.16305920481681824, -0.2533893585205078, 0.0004998296499252319, 0.015441697090864182, -0.013341414742171764, -0.002495063003152609, -0.057511091232299805, 0.02567335218191147, 0.1287340223789215, -0.11471341550350189, -0.18126724660396576, -0.08938729763031006, -0.08508765697479248, 0.10240702331066132, -0.08920260518789291, 0.026526760309934616, -0.08853450417518616, 0.07122176885604858, -0.052130140364170074, -0.1883401870727539, 0.0020417722407728434, -0.08490873128175735, -0.060322683304548264, -0.023576684296131134, 0.12855245172977448, 0.0327812097966671, 0.051904965192079544, 0.003745101159438491, 0.03896475210785866, -0.014167538844048977, -0.09476781636476517, -0.11073306202888489, 0.10684280842542648, -0.015536692924797535, 0.024596404284238815, -0.03295950964093208, -0.12225864082574844, -0.06994978338479996, 0.014079824090003967, 0.07474756240844727, 0.12467712163925171, -0.06816063076257706, 0.1673436015844345, 0.23845891654491425, -0.07179044187068939, -0.23804518580436707, -0.1467737853527069, 0.04404626041650772, -0.018238110467791557, 0.03869830071926117, -0.20602135360240936, 0.09984102100133896, -0.013095610775053501, 0.0031400537118315697, -0.03389403223991394, -0.34078752994537354, -0.1259913593530655, 0.11650973558425903, 0.016443118453025818, -0.04742632061243057, -0.16461052000522614, -0.051667384803295135, -0.07796207815408707, -0.13394767045974731, 0.16883887350559235, -0.04499761760234833, 0.12361086905002594, -0.036857593804597855, 0.012406989000737667, 0.0012290064478293061, 0.01825091987848282, 0.11911235749721527, 0.013320151716470718, 0.0006456276751123369, -0.08653183281421661, 0.06891738623380661, 0.011935480870306492, -0.028396816924214363, 0.11634834855794907, -0.06677169352769852, 0.06305311620235443, -0.14902208745479584, -0.09708169847726822, -0.08511035889387131, 0.013668612577021122, -0.03871580958366394, -0.052168719470500946, -0.027832534164190292, 0.019599318504333496, 0.009004402905702591, -0.03773434832692146, 0.0006258503999561071, -0.03986378759145737, 0.02269292250275612, 0.1965574473142624, 0.14172613620758057, 0.03158445283770561, -0.2176232486963272, -0.036582738161087036, -0.01720523089170456, 0.07033620029687881, -0.22433485090732574, -0.02733640931546688, 0.08051364123821259, 0.045067884027957916, 0.03223225846886635, -0.008203313685953617, -0.055506087839603424, 0.00030143503681756556, 0.05692896246910095, -0.14982272684574127, -0.15069369971752167, -0.06116686016321182, 0.012870420701801777, -0.030871013179421425, -0.0382031686604023, 0.14302869141101837, -0.07644069194793701, -0.033972643315792084, 0.05007368326187134, -0.019758054986596107, 0.00764029286801815, 0.1119217574596405, 0.04639868810772896, 0.02336850017309189, -0.08377817273139954, 0.08576081693172455, 0.10475954413414001, -0.12181838601827621, -0.006463607773184776, 0.19143135845661163, -0.1413572132587433, -0.08572296798229218, -0.003370405174791813, -0.02424721233546734, -0.17325599491596222, 0.005437974818050861, -0.0026926142163574696, -0.024161532521247864, -0.024741878733038902, 0.11235599219799042, 0.08100996911525726, -0.00973816029727459, -0.0897163525223732, -0.048870477825403214, -0.0312773734331131, 0.06872224062681198, 0.06025773286819458, -0.014566810801625252, -0.09162484854459763, 0.03304610401391983, 0.016692915931344032, 0.0688571035861969, -0.0641612559556961, -0.05638161301612854, -0.04251287877559662, 0.004548272583633661, -0.12646956741809845, 0.0761215016245842, -0.08424466103315353, 0.009537477977573872, -0.04435208439826965, 0.0015276982448995113, -0.025021489709615707, -0.022653762251138687, -0.01827145367860794, -0.040788743644952774, -0.05075182765722275, 0.08389538526535034, -0.1273440271615982, -0.0297591183334589, 0.0007855072035454214, -0.01876007206737995, 0.043404411524534225, -0.008074561133980751, -0.09219390898942947, 0.056012094020843506, -0.14353564381599426, -0.010151083581149578, -0.013565759174525738, 0.035828910768032074, 0.02806408889591694, -0.005310299806296825, 0.005113077349960804, -0.01123986765742302, 0.03397579491138458, 0.03225294128060341, 0.10828093439340591, -0.08773475885391235, -0.03154172748327255, -0.027428513392806053, 0.0031010142993181944, -0.0682574138045311, 0.03753814101219177, 0.10749650746583939, 0.06889985501766205, 0.11471060663461685, -0.09930230677127838, 0.06894557923078537, -0.1365678310394287, -0.0032653938978910446, -0.029453027993440628, -0.010154289193451405, -0.15727020800113678, -0.04872037470340729, 0.020572271198034286, -0.0566411055624485, 0.08379125595092773, 0.05488193780183792, 0.059936679899692535, 0.08080772310495377, 0.05681660771369934, 0.06697823107242584, -0.008111457340419292, 0.07948664575815201, 0.08529673516750336, 0.014884229749441147, -0.023536115884780884, 0.04478458687663078, 0.004388146568089724, 0.04028945416212082, 0.050693072378635406, 0.15042781829833984, 0.045694101601839066, 0.12601053714752197, 0.013208406046032906, 0.02978167124092579, -0.07908744364976883, -0.05329699069261551, 0.027012186124920845, 0.08722063899040222, -0.06052928790450096, 0.021671786904335022, 0.1609642058610916, -0.0699596107006073, 0.04786728322505951, 0.011130930855870247, -0.0891663134098053, -0.11405225098133087, -0.17049109935760498, -0.042704857885837555, -0.022058073431253433, -0.04386395588517189, -0.0557967945933342, 0.037210095673799515, 0.09969501197338104, 0.04224015772342682, -0.004231073893606663, 0.12127979844808578, 0.04220610111951828, -0.12497434765100479, 0.08031530678272247, -0.02385140210390091, 0.08562801033258438, 0.0496894046664238, 0.08872343599796295, 0.03273244574666023, -0.020193137228488922, -0.011990377679467201, 0.07773210853338242, 0.07187508791685104, 0.060969412326812744, -0.07059665769338608, -0.10311020910739899, -0.032587822526693344, 0.07582860440015793, 0.07473505288362503, 0.21626512706279755, 0.0394587442278862, -0.10320845991373062, -0.007316215895116329, 0.16399763524532318, 0.03135085850954056, -0.051633063703775406, -0.08810349553823471, 0.35578930377960205, -0.06046047806739807, 0.010993324220180511, 0.018566137179732323, -0.035236842930316925, -0.08873634040355682, 0.21352234482765198, 0.25242915749549866, -0.0494057759642601, 0.005816326476633549, -0.010059889405965805, 0.006739962380379438, 0.02118058130145073, 0.136832594871521, 0.004822758957743645, 0.2907947301864624, -0.07830129563808441, 0.008742216043174267, -0.05668633431196213, -0.009545162320137024, -0.09352196753025055, 0.08462647348642349, 0.035810817033052444, -0.01664123870432377, -0.008847967721521854, 0.13540342450141907, -0.14316430687904358, -0.07198578119277954, -0.034060288220644, -0.03216032683849335, -0.09547342360019684, -0.03295126557350159, -0.020344682037830353, 0.06848340481519699, 0.058430928736925125, -0.011521955952048302, -0.01406434178352356, 0.059314098209142685, -0.013476940803229809, -0.11803162842988968, -0.006829992868006229, 0.12253082543611526, -0.06380783766508102, 0.1573062539100647, 0.008141820318996906, 0.0805969089269638, 0.0588524267077446, 0.03372006490826607, -0.05623016878962517, -0.0033850157633423805, 0.030744250863790512, 0.015817906707525253, 0.07532095164060593, 0.09092534333467484, 0.016170194372534752, 0.0185969490557909, 0.058299604803323746, -0.035626571625471115, 0.0518910214304924, -0.023951087146997452, -0.0049736094661056995, -0.11525505036115646, 0.08344283699989319, -0.11168516427278519, 0.10915747284889221, 0.16426026821136475, -0.024996444582939148, -0.04474179074168205, -0.026777908205986023, 0.008631989359855652, -0.00938387867063284, -0.03223177418112755, 0.010124466381967068, -0.07844632863998413, 0.005526003427803516, -0.09982746094465256, 0.02716318890452385, -0.2984013557434082, -0.02561183087527752, -0.019899122416973114, -0.01027215737849474, 0.002132357330992818, 0.10824482142925262, 0.050223447382450104, 0.050364647060632706, -0.01560172252357006, -0.07470609247684479, -0.005345135927200317, 0.013503067195415497, -0.17521384358406067, -0.11725378036499023 ]
null
null
transformers
# CAMeLBERT-MSA POS-EGY Model ## Model description **CAMeLBERT-MSA POS-EGY Model** is a Egyptian Arabic POS tagging model that was built by fine-tuning the [CAMeLBERT-MSA](https://huggingface.co/CAMeL-Lab/bert-base-arabic-camelbert-msa/) model. For the fine-tuning, we used the ARZTB dataset . Our fine-tuning procedure and the hyperparameters we used can be found in our paper *"[The Interplay of Variant, Size, and Task Type in Arabic Pre-trained Language Models](https://arxiv.org/abs/2103.06678)."* Our fine-tuning code can be found [here](https://github.com/CAMeL-Lab/CAMeLBERT). ## Intended uses You can use the CAMeLBERT-MSA POS-EGY model as part of the transformers pipeline. This model will also be available in [CAMeL Tools](https://github.com/CAMeL-Lab/camel_tools) soon. #### How to use To use the model with a transformers pipeline: ```python >>> from transformers import pipeline >>> pos = pipeline('token-classification', model='CAMeL-Lab/bert-base-arabic-camelbert-msa-pos-egy') >>> text = 'عامل ايه ؟' >>> pos(text) [{'entity': 'adj', 'score': 0.99979395, 'index': 1, 'word': 'عامل', 'start': 0, 'end': 4}, {'entity': 'pron_interrog', 'score': 0.998192, 'index': 2, 'word': 'ايه', 'start': 5, 'end': 8}, {'entity': 'punc', 'score': 0.99929804, 'index': 3, 'word': '؟', 'start': 9, 'end': 10}] ``` *Note*: to download our models, you would need `transformers>=3.5.0`. Otherwise, you could download the models manually. ## Citation ```bibtex @inproceedings{inoue-etal-2021-interplay, title = "The Interplay of Variant, Size, and Task Type in {A}rabic Pre-trained Language Models", author = "Inoue, Go and Alhafni, Bashar and Baimukan, Nurpeiis and Bouamor, Houda and Habash, Nizar", booktitle = "Proceedings of the Sixth Arabic Natural Language Processing Workshop", month = apr, year = "2021", address = "Kyiv, Ukraine (Online)", publisher = "Association for Computational Linguistics", abstract = "In this paper, we explore the effects of language variants, data sizes, and fine-tuning task types in Arabic pre-trained language models. To do so, we build three pre-trained language models across three variants of Arabic: Modern Standard Arabic (MSA), dialectal Arabic, and classical Arabic, in addition to a fourth language model which is pre-trained on a mix of the three. We also examine the importance of pre-training data size by building additional models that are pre-trained on a scaled-down set of the MSA variant. We compare our different models to each other, as well as to eight publicly available models by fine-tuning them on five NLP tasks spanning 12 datasets. Our results suggest that the variant proximity of pre-training data to fine-tuning data is more important than the pre-training data size. We exploit this insight in defining an optimized system selection model for the studied tasks.", } ```
{"language": ["ar"], "license": "apache-2.0", "widget": [{"text": "\u0639\u0627\u0645\u0644 \u0627\u064a\u0647 \u061f"}]}
token-classification
CAMeL-Lab/bert-base-arabic-camelbert-msa-pos-egy
[ "transformers", "pytorch", "tf", "bert", "token-classification", "ar", "arxiv:2103.06678", "license:apache-2.0", "autotrain_compatible", "endpoints_compatible", "region:us" ]
2022-03-02T23:29:04+00:00
[ "2103.06678" ]
[ "ar" ]
TAGS #transformers #pytorch #tf #bert #token-classification #ar #arxiv-2103.06678 #license-apache-2.0 #autotrain_compatible #endpoints_compatible #region-us
# CAMeLBERT-MSA POS-EGY Model ## Model description CAMeLBERT-MSA POS-EGY Model is a Egyptian Arabic POS tagging model that was built by fine-tuning the CAMeLBERT-MSA model. For the fine-tuning, we used the ARZTB dataset . Our fine-tuning procedure and the hyperparameters we used can be found in our paper *"The Interplay of Variant, Size, and Task Type in Arabic Pre-trained Language Models."* Our fine-tuning code can be found here. ## Intended uses You can use the CAMeLBERT-MSA POS-EGY model as part of the transformers pipeline. This model will also be available in CAMeL Tools soon. #### How to use To use the model with a transformers pipeline: *Note*: to download our models, you would need 'transformers>=3.5.0'. Otherwise, you could download the models manually.
[ "# CAMeLBERT-MSA POS-EGY Model", "## Model description\nCAMeLBERT-MSA POS-EGY Model is a Egyptian Arabic POS tagging model that was built by fine-tuning the CAMeLBERT-MSA model.\nFor the fine-tuning, we used the ARZTB dataset .\nOur fine-tuning procedure and the hyperparameters we used can be found in our paper *\"The Interplay of Variant, Size, and Task Type in Arabic Pre-trained Language Models.\"* Our fine-tuning code can be found here.", "## Intended uses\nYou can use the CAMeLBERT-MSA POS-EGY model as part of the transformers pipeline.\nThis model will also be available in CAMeL Tools soon.", "#### How to use\nTo use the model with a transformers pipeline:\n\n*Note*: to download our models, you would need 'transformers>=3.5.0'.\nOtherwise, you could download the models manually." ]
[ "TAGS\n#transformers #pytorch #tf #bert #token-classification #ar #arxiv-2103.06678 #license-apache-2.0 #autotrain_compatible #endpoints_compatible #region-us \n", "# CAMeLBERT-MSA POS-EGY Model", "## Model description\nCAMeLBERT-MSA POS-EGY Model is a Egyptian Arabic POS tagging model that was built by fine-tuning the CAMeLBERT-MSA model.\nFor the fine-tuning, we used the ARZTB dataset .\nOur fine-tuning procedure and the hyperparameters we used can be found in our paper *\"The Interplay of Variant, Size, and Task Type in Arabic Pre-trained Language Models.\"* Our fine-tuning code can be found here.", "## Intended uses\nYou can use the CAMeLBERT-MSA POS-EGY model as part of the transformers pipeline.\nThis model will also be available in CAMeL Tools soon.", "#### How to use\nTo use the model with a transformers pipeline:\n\n*Note*: to download our models, you would need 'transformers>=3.5.0'.\nOtherwise, you could download the models manually." ]
[ 58, 13, 116, 44, 48 ]
[ "passage: TAGS\n#transformers #pytorch #tf #bert #token-classification #ar #arxiv-2103.06678 #license-apache-2.0 #autotrain_compatible #endpoints_compatible #region-us \n# CAMeLBERT-MSA POS-EGY Model## Model description\nCAMeLBERT-MSA POS-EGY Model is a Egyptian Arabic POS tagging model that was built by fine-tuning the CAMeLBERT-MSA model.\nFor the fine-tuning, we used the ARZTB dataset .\nOur fine-tuning procedure and the hyperparameters we used can be found in our paper *\"The Interplay of Variant, Size, and Task Type in Arabic Pre-trained Language Models.\"* Our fine-tuning code can be found here.## Intended uses\nYou can use the CAMeLBERT-MSA POS-EGY model as part of the transformers pipeline.\nThis model will also be available in CAMeL Tools soon.#### How to use\nTo use the model with a transformers pipeline:\n\n*Note*: to download our models, you would need 'transformers>=3.5.0'.\nOtherwise, you could download the models manually." ]
[ -0.058490440249443054, 0.17342358827590942, -0.003077534958720207, 0.02781604416668415, 0.14886868000030518, 0.03293913975358009, 0.22429579496383667, 0.06095912307500839, 0.008890588767826557, -0.038881346583366394, 0.10063731670379639, 0.0778159648180008, 0.045281581580638885, 0.1439097821712494, 0.14418193697929382, -0.3047797679901123, -0.030532853677868843, -0.03493814170360565, -0.09210879355669022, 0.1287800669670105, 0.09898026287555695, -0.0036988432984799147, 0.09709524363279343, 0.07005625218153, -0.037585169076919556, 0.024238834157586098, -0.06911107897758484, -0.08882171660661697, 0.07186754792928696, 0.11485698819160461, 0.11478076130151749, 0.013601116836071014, 0.10092070698738098, -0.16754883527755737, 0.0357198491692543, 0.047350578010082245, -0.03634728491306305, 0.03641225025057793, 0.07820631563663483, -0.09376907348632812, 0.18377341330051422, -0.07050881534814835, 0.043276943266391754, 0.023574447259306908, -0.03364073857665062, -0.11280510574579239, -0.0017993113724514842, 0.12329337000846863, 0.1070403903722763, 0.10423094034194946, 0.0315137654542923, 0.1945011019706726, -0.011535000056028366, 0.0731121078133583, 0.1469910591840744, -0.22968773543834686, -0.04823942855000496, 0.057671308517456055, -0.03301265463232994, 0.09753577411174774, 0.03249528631567955, 0.05550388991832733, -0.015040832571685314, 0.004122897982597351, 0.03738792985677719, -0.06503806263208389, -0.04275873675942421, -0.05593769997358322, -0.1676119565963745, -0.0703987181186676, 0.10766637325286865, -0.025826945900917053, -0.0513714961707592, -0.08890490978956223, -0.05501088127493858, 0.05341862142086029, -0.026934681460261345, 0.03739588335156441, 0.0011660096934065223, 0.002656843513250351, 0.056687131524086, -0.1338481903076172, -0.12330958247184753, -0.05483535677194595, -0.0655590370297432, 0.1960773915052414, 0.06089193746447563, 0.08970408141613007, -0.08984281122684479, 0.10150118172168732, -0.07423410564661026, -0.07613825052976608, -0.01643417403101921, -0.08946575224399567, -0.07837667316198349, -0.02652272768318653, -0.02700769156217575, -0.04679993540048599, 0.039699845016002655, 0.15347707271575928, 0.111052505671978, 0.05725611001253128, 0.09244979918003082, 0.0425603911280632, 0.039700984954833984, 0.10821059346199036, -0.08039778470993042, -0.02637377940118313, 0.01392025500535965, 0.010736411437392235, 0.016796287149190903, -0.010494221933186054, -0.07826271653175354, -0.00974561832845211, -0.08617796003818512, 0.07321389764547348, 0.032615456730127335, 0.0687270388007164, 0.02594413235783577, -0.10316619277000427, 0.18858712911605835, -0.12099764496088028, -0.06929224729537964, -0.024413470178842545, -0.038388509303331375, 0.055557239800691605, 0.12716208398342133, -0.011362476274371147, -0.06702365726232529, 0.007414970081299543, -0.03991443291306496, 0.014054187573492527, -0.04623081907629967, -0.03277348726987839, -0.025773361325263977, 0.003202775726094842, -0.007696768268942833, -0.20209133625030518, -0.18946561217308044, 0.045530617237091064, 0.08431848138570786, 0.018259108066558838, 0.028664370998740196, 0.07543236017227173, 0.04075067862868309, -0.00503878016024828, -0.026520386338233948, 0.029431380331516266, -0.04520835727453232, 0.044095903635025024, 0.040026042610406876, 0.06172695383429527, 0.0029067641589790583, -0.0022243817802518606, -0.06878724694252014, -0.025446292012929916, -0.19367095828056335, 0.10406060516834259, -0.07600123435258865, -0.039306070655584335, -0.16669198870658875, -0.025300271809101105, 0.039688825607299805, 0.0570264533162117, -0.026696793735027313, 0.1005467027425766, -0.13815484941005707, -0.08073122799396515, 0.19287657737731934, -0.1380520761013031, -0.09515081346035004, 0.11941903084516525, -0.00715693598613143, -0.0024374104104936123, 0.057445768266916275, 0.07181276381015778, 0.1790846437215805, -0.12368463724851608, 0.036373432725667953, 0.13174960017204285, 0.027462324127554893, -0.034175463020801544, 0.13714824616909027, -0.01015187706798315, 0.028587883338332176, 0.01176778320223093, -0.14375732839107513, 0.1399209201335907, -0.03037973679602146, -0.04249799996614456, 0.024693019688129425, -0.1258419007062912, 0.034857068210840225, 0.019118359312415123, 0.04232560470700264, 0.05081448331475258, -0.10419577360153198, 0.06097843125462532, 0.12114732712507248, -0.01459594164043665, -0.003357949899509549, -0.07601883262395859, -0.02610536850988865, -0.061032213270664215, -0.013087520375847816, -0.18432331085205078, -0.1128200963139534, -0.05249560624361038, -0.11397655308246613, 0.10974644124507904, -0.04606347903609276, 0.04687495157122612, 0.12013320624828339, 0.009746984578669071, 0.03425903245806694, 0.03701922297477722, 0.006714086979627609, -0.06805191189050674, -0.05673350393772125, -0.056539181619882584, -0.025832364335656166, 0.1371268630027771, -0.0647859275341034, 0.061322543770074844, -0.12636616826057434, 0.1346367746591568, -0.00988052599132061, -0.011223294772207737, 0.0500473789870739, 0.002712062792852521, -0.004938641097396612, -0.05578426644206047, 0.03166993334889412, -0.015200030989944935, -0.09102057665586472, 0.02457728050649166, -0.13531960546970367, 0.0762253925204277, 0.15155522525310516, 0.04507112503051758, -0.08047840744256973, -0.05532858148217201, -0.03202984854578972, 0.01919163390994072, 0.0001234878582181409, 0.03423253819346428, 0.16257549822330475, 0.04085604473948479, 0.1516050547361374, -0.05068551376461983, 0.03766361251473427, 0.0017105971928685904, -0.08147288113832474, 0.025500982999801636, 0.057875845581293106, 0.11198259890079498, -0.11059865355491638, 0.0458655022084713, 0.09149867296218872, -0.03477315232157707, 0.13408812880516052, 0.0243549644947052, -0.0874587818980217, 0.02112664096057415, -0.041590940207242966, 0.026181984692811966, 0.01871856115758419, -0.006664328742772341, -0.03805149346590042, 0.06069924309849739, -0.008970324881374836, -0.006994424853473902, -0.07774082571268082, -0.0014585359022021294, 0.07404839992523193, -0.003873709589242935, -0.029305895790457726, 0.038688793778419495, -0.05179368332028389, 0.04773273691534996, -0.03660150244832039, -0.00856796931475401, -0.014753259718418121, -0.0019640387035906315, -0.09655531495809555, 0.21384067833423615, -0.0440279021859169, -0.26527664065361023, -0.12466583400964737, -0.06694936007261276, -0.062221694737672806, 0.001785197644494474, 0.05466391146183014, -0.0814167857170105, -0.059447694569826126, -0.04907373711466789, 0.08799085766077042, -0.03743291646242142, 0.015096371993422508, -0.028243467211723328, -0.03584224358201027, 0.020917925983667374, -0.14688687026500702, 0.003997205290943384, 0.0030283944215625525, -0.10331461578607559, 0.018251502886414528, -0.03209859877824783, 0.051730573177337646, 0.08407575637102127, -0.032913289964199066, 0.026702087372541428, 0.02262832783162594, 0.23449388146400452, -0.049888886511325836, 0.07904035598039627, 0.2882446348667145, 0.0021473290398716927, 0.0524575300514698, 0.08083780854940414, 0.08358419686555862, -0.055005986243486404, 0.034812066704034805, 0.03563084453344345, -0.10177108645439148, -0.17292392253875732, -0.12984436750411987, -0.03277496621012688, -0.0788494199514389, 0.07996366918087006, 0.04243198037147522, 0.020052948966622353, 0.09766766428947449, -0.0940081998705864, 0.023221170529723167, -0.024296943098306656, 0.08708954602479935, 0.061069127172231674, 0.030721312388777733, 0.07346826046705246, -0.10808076709508896, -0.038480356335639954, 0.08112455904483795, 0.029036853462457657, 0.0812399759888649, 0.007925483398139477, 0.11050692200660706, 0.07852698117494583, 0.03784371539950371, 0.10414859652519226, 0.0365719236433506, 0.022692736238241196, -0.026384886354207993, -0.013214473612606525, -0.0810321718454361, -0.03913222253322601, 0.04298589006066322, -0.015310876071453094, -0.04685422405600548, 0.0003635471221059561, 0.04388723522424698, -0.002328328089788556, 0.06889868527650833, -0.026668613776564598, -0.27218884229660034, -0.05922475457191467, -0.015910793095827103, -0.0269322507083416, -0.0243524257093668, 0.007532969582825899, -0.10587210953235626, -0.14373336732387543, 0.06897659599781036, -0.030641693621873856, 0.10355708003044128, -0.07750632613897324, -0.0013983157696202397, 0.08638237416744232, 0.04401661828160286, 0.0029741658363491297, 0.09794773161411285, -0.158090278506279, 0.20215439796447754, 0.06893449276685715, 0.03118441067636013, -0.06686225533485413, 0.034766729921102524, 0.0893847867846489, 0.10740924626588821, 0.13163451850414276, -0.00909335259348154, 0.04350366070866585, -0.13534587621688843, -0.12363306432962418, 0.04343979060649872, 0.04938330501317978, -0.1033707857131958, 0.04586592689156532, -0.02718294970691204, -0.016770370304584503, -0.04601765424013138, 0.06545237451791763, -0.1635838896036148, -0.23653294146060944, 0.02471725270152092, 0.005359448958188295, -0.0038866980466991663, -0.034347932785749435, -0.05165979638695717, -0.04368994012475014, 0.12696528434753418, -0.06656423211097717, -0.19496147334575653, -0.1178259626030922, -0.015381968580186367, 0.1218712255358696, -0.10391514003276825, 0.024104608222842216, -0.04228962957859039, 0.08640075474977493, -0.03910195454955101, -0.16023613512516022, -0.015419076196849346, -0.13249222934246063, -0.06063948571681976, -0.042544249445199966, 0.09280893951654434, 0.05645987391471863, 0.04839559271931648, -0.007447645999491215, -0.020098766312003136, -0.017911026254296303, -0.11776188760995865, -0.09256482124328613, 0.16458654403686523, 0.01744583062827587, 0.020181383937597275, 0.020333662629127502, -0.02412545122206211, -0.039645906537771225, -0.004145938437432051, 0.05653565376996994, 0.159348264336586, -0.04611454904079437, 0.11319159716367722, 0.22590267658233643, -0.010882517322897911, -0.1818583458662033, -0.163576140999794, 0.12081915885210037, -0.03110968880355358, 0.06059233844280243, -0.1819879561662674, 0.16851557791233063, 0.03360966965556145, -0.009687142446637154, -0.06929785013198853, -0.40029704570770264, -0.11548381298780441, 0.1495617777109146, 0.06928067654371262, -0.00707150949165225, -0.17607226967811584, -0.00371566996909678, -0.04341590031981468, -0.14511187374591827, 0.13572914898395538, -0.10980977863073349, 0.08065318316221237, -0.022032342851161957, 0.06570479273796082, 0.002724066376686096, -0.025853242725133896, 0.144531711935997, -0.00261434493586421, -0.0021953489631414413, -0.07601038366556168, 0.13036707043647766, 0.050509240478277206, -0.013276265934109688, 0.10430804640054703, -0.05487178638577461, 0.060370542109012604, -0.17163583636283875, -0.09337380528450012, -0.030995264649391174, 0.05141144618391991, -0.009361576288938522, -0.08700896799564362, 0.028292030096054077, -0.026640132069587708, 0.031152913346886635, -0.019571276381611824, -0.0171247236430645, 0.0005768280243501067, 0.019059747457504272, 0.14548949897289276, 0.07503797113895416, 0.00551852909848094, -0.234426349401474, -0.07570353895425797, -0.013525692746043205, 0.07215449213981628, -0.1818312555551529, -0.03916443511843681, 0.048398904502391815, 0.038021236658096313, 0.018277578055858612, -0.016101786866784096, -0.04828852042555809, -0.00040284876013174653, 0.05454464256763458, -0.08272037655115128, -0.10854027420282364, -0.034806396812200546, 0.16611211001873016, -0.061531420797109604, 0.0028252676129341125, 0.12555323541164398, -0.07009526342153549, -0.05762350559234619, -0.000055532287660753354, -0.03989891707897186, -0.034424714744091034, 0.14836160838603973, 0.04798825457692146, 0.04877341911196709, -0.09266261011362076, 0.08303309977054596, 0.06328143179416656, -0.052377864718437195, -0.005302424542605877, 0.11287097632884979, -0.15254396200180054, -0.10543051362037659, 0.024573907256126404, 0.01096433401107788, -0.23173394799232483, -0.05015769973397255, 0.0035166405141353607, 0.027892032638192177, -0.04908325523138046, 0.10543923079967499, 0.08220557868480682, -0.07425131648778915, -0.062112413346767426, -0.04566800966858864, -0.010734070092439651, 0.04427462816238403, 0.055378641933202744, 0.027439193800091743, -0.10184060782194138, 0.08578205108642578, 0.01891241781413555, 0.04096677899360657, -0.04850148782134056, -0.039057862013578415, -0.059067148715257645, 0.02197936922311783, -0.11630693078041077, 0.04285431280732155, -0.08282049000263214, 0.030098462477326393, 0.00859044585376978, -0.04762326925992966, 0.013235216028988361, -0.005706209223717451, -0.04197964817285538, -0.008266821503639221, -0.004439547657966614, 0.06887742131948471, -0.13968715071678162, -0.014571992680430412, 0.020246267318725586, -0.017925722524523735, 0.04670808091759682, 0.01888209767639637, -0.02257133647799492, 0.0645037367939949, -0.09239578247070312, -0.018929926678538322, -0.03006003238260746, 0.04459593445062637, 0.03277650475502014, 0.044784657657146454, 0.05989949405193329, -0.01186638604849577, -0.008531146682798862, 0.0037638370413333178, 0.08034215867519379, -0.08361135423183441, -0.002051153453066945, -0.005899406503885984, 0.032187484204769135, -0.08059641718864441, 0.016396597027778625, 0.11965765804052353, 0.06723154336214066, 0.08066824823617935, -0.06834662705659866, 0.026668019592761993, -0.12101888656616211, -0.015280494466423988, -0.033192604780197144, -0.002563740825280547, -0.06238122284412384, -0.1034579798579216, 0.012957851402461529, -0.04961639642715454, 0.14921103417873383, 0.0540463961660862, 0.19614480435848236, 0.03510301187634468, 0.026280362159013748, 0.11306411772966385, -0.025028862059116364, 0.14022640883922577, 0.05657112970948219, 0.0705542340874672, -0.015567068010568619, 0.05146943777799606, 0.025846824049949646, -0.01709662191569805, 0.061651021242141724, 0.11104989051818848, -0.055590350180864334, 0.07510499656200409, -0.023193802684545517, -0.023121953010559082, -0.155143603682518, -0.20431049168109894, 0.04266735538840294, 0.02418181113898754, -0.06435706466436386, 0.01440280582755804, 0.17692112922668457, -0.05583370849490166, 0.005570023320615292, 0.07081019133329391, -0.03651004284620285, -0.10212486982345581, -0.16910408437252045, 0.01210744958370924, -0.05357692763209343, -0.03385068103671074, -0.041129276156425476, 0.02948141284286976, 0.1315418928861618, 0.03758608177304268, 0.043525274842977524, 0.15734775364398956, -0.034072715789079666, -0.0922064259648323, -0.07688421756029129, -0.016084877774119377, 0.05383237078785896, 0.014184222556650639, 0.0323113314807415, 0.018087275326251984, -0.03745942562818527, 0.0073183318600058556, 0.008140572346746922, 0.0010396625148132443, 0.06409898400306702, -0.06437402963638306, -0.09746881574392319, -0.035831108689308167, 0.009738649241626263, 0.026891082525253296, 0.16154180467128754, 0.036392342299222946, -0.05618155002593994, -0.043752722442150116, 0.18233622610569, -0.001964231487363577, -0.12343308329582214, -0.08966128528118134, 0.3336930274963379, -0.040262993425130844, -0.00030517263803631067, -0.03291371837258339, -0.054923973977565765, -0.07857160270214081, 0.24201783537864685, 0.16631874442100525, -0.027052389457821846, 0.008255118504166603, 0.004391610622406006, 0.003267544088885188, -0.023597534745931625, 0.13722103834152222, 0.021305132657289505, 0.286782443523407, -0.0892733782529831, 0.02136901207268238, -0.00827922485768795, -0.025890130549669266, -0.11041408032178879, 0.0522184856235981, -0.00033245107624679804, -0.020146945491433144, -0.0006879681022837758, 0.09966292977333069, -0.10336069762706757, -0.1384742558002472, 0.0036657245364040136, 0.005850629415363073, -0.06978586316108704, -0.01834019646048546, -0.006678415462374687, 0.11379849910736084, 0.03330371901392937, -0.025734832510352135, -0.01787712797522545, 0.06477109342813492, 0.018259838223457336, -0.16526320576667786, -0.09557388722896576, 0.10483371466398239, -0.0035144889261573553, 0.15026003122329712, 0.005661411210894585, 0.11681882292032242, 0.06251642107963562, 0.004595485515892506, -0.06398876011371613, 0.009085257537662983, 0.06142145022749901, -0.020158791914582253, 0.05139531195163727, 0.07835782319307327, -0.023202603682875633, -0.019490227103233337, -0.009047778323292732, -0.10818161815404892, 0.012923851609230042, -0.07148066908121109, 0.04305863380432129, -0.07614681124687195, 0.06796988099813461, -0.07067561894655228, 0.14964380860328674, 0.1089259535074234, -0.026432637125253677, -0.02510485053062439, -0.033880818635225296, 0.07609552890062332, 0.06564101576805115, -0.06614308804273605, -0.04189450293779373, -0.09312501549720764, -0.032676149159669876, -0.12681618332862854, 0.03270220011472702, -0.12832406163215637, -0.00660011637955904, -0.008985457941889763, -0.0251146350055933, -0.009443599730730057, 0.05887997895479202, 0.1221725195646286, 0.05238191410899162, -0.022678136825561523, -0.10518248379230499, -0.020876968279480934, 0.025283927097916603, -0.18322955071926117, -0.09986821562051773 ]
null
null
transformers
# CAMeLBERT-MSA POS-GLF Model ## Model description **CAMeLBERT-MSA POS-GLF Model** is a Gulf Arabic POS tagging model that was built by fine-tuning the [CAMeLBERT-MSA](https://huggingface.co/CAMeL-Lab/bert-base-arabic-camelbert-msa/) model. For the fine-tuning, we used the [Gumar](https://camel.abudhabi.nyu.edu/annotated-gumar-corpus/) dataset. Our fine-tuning procedure and the hyperparameters we used can be found in our paper *"[The Interplay of Variant, Size, and Task Type in Arabic Pre-trained Language Models](https://arxiv.org/abs/2103.06678)."* Our fine-tuning code can be found [here](https://github.com/CAMeL-Lab/CAMeLBERT). ## Intended uses You can use the CAMeLBERT-MSA POS-GLF model as part of the transformers pipeline. This model will also be available in [CAMeL Tools](https://github.com/CAMeL-Lab/camel_tools) soon. #### How to use To use the model with a transformers pipeline: ```python >>> from transformers import pipeline >>> pos = pipeline('token-classification', model='CAMeL-Lab/bert-base-arabic-camelbert-msa-pos-glf') >>> text = 'شلونك ؟ شخبارك ؟' >>> pos(text) [{'entity': 'adv_interrog', 'score': 0.5622676, 'index': 1, 'word': 'شلون', 'start': 0, 'end': 4}, {'entity': 'prep', 'score': 0.99969727, 'index': 2, 'word': '##ك', 'start': 4, 'end': 5}, {'entity': 'punc', 'score': 0.9999299, 'index': 3, 'word': '؟', 'start': 6, 'end': 7}, {'entity': 'noun', 'score': 0.9843815, 'index': 4, 'word': 'ش', 'start': 8, 'end': 9}, {'entity': 'noun', 'score': 0.9998467, 'index': 5, 'word': '##خبار', 'start': 9, 'end': 13}, {'entity': 'prep', 'score': 0.9993611, 'index': 6, 'word': '##ك', 'start': 13, 'end': 14}, {'entity': 'punc', 'score': 0.99993765, 'index': 7, 'word': '؟', 'start': 15, 'end': 16}] ``` *Note*: to download our models, you would need `transformers>=3.5.0`. Otherwise, you could download the models manually. ## Citation ```bibtex @inproceedings{inoue-etal-2021-interplay, title = "The Interplay of Variant, Size, and Task Type in {A}rabic Pre-trained Language Models", author = "Inoue, Go and Alhafni, Bashar and Baimukan, Nurpeiis and Bouamor, Houda and Habash, Nizar", booktitle = "Proceedings of the Sixth Arabic Natural Language Processing Workshop", month = apr, year = "2021", address = "Kyiv, Ukraine (Online)", publisher = "Association for Computational Linguistics", abstract = "In this paper, we explore the effects of language variants, data sizes, and fine-tuning task types in Arabic pre-trained language models. To do so, we build three pre-trained language models across three variants of Arabic: Modern Standard Arabic (MSA), dialectal Arabic, and classical Arabic, in addition to a fourth language model which is pre-trained on a mix of the three. We also examine the importance of pre-training data size by building additional models that are pre-trained on a scaled-down set of the MSA variant. We compare our different models to each other, as well as to eight publicly available models by fine-tuning them on five NLP tasks spanning 12 datasets. Our results suggest that the variant proximity of pre-training data to fine-tuning data is more important than the pre-training data size. We exploit this insight in defining an optimized system selection model for the studied tasks.", } ```
{"language": ["ar"], "license": "apache-2.0", "widget": [{"text": "\u0634\u0644\u0648\u0646\u0643 \u061f \u0634\u062e\u0628\u0627\u0631\u0643 \u061f"}]}
token-classification
CAMeL-Lab/bert-base-arabic-camelbert-msa-pos-glf
[ "transformers", "pytorch", "tf", "bert", "token-classification", "ar", "arxiv:2103.06678", "license:apache-2.0", "autotrain_compatible", "endpoints_compatible", "region:us" ]
2022-03-02T23:29:04+00:00
[ "2103.06678" ]
[ "ar" ]
TAGS #transformers #pytorch #tf #bert #token-classification #ar #arxiv-2103.06678 #license-apache-2.0 #autotrain_compatible #endpoints_compatible #region-us
# CAMeLBERT-MSA POS-GLF Model ## Model description CAMeLBERT-MSA POS-GLF Model is a Gulf Arabic POS tagging model that was built by fine-tuning the CAMeLBERT-MSA model. For the fine-tuning, we used the Gumar dataset. Our fine-tuning procedure and the hyperparameters we used can be found in our paper *"The Interplay of Variant, Size, and Task Type in Arabic Pre-trained Language Models."* Our fine-tuning code can be found here. ## Intended uses You can use the CAMeLBERT-MSA POS-GLF model as part of the transformers pipeline. This model will also be available in CAMeL Tools soon. #### How to use To use the model with a transformers pipeline: *Note*: to download our models, you would need 'transformers>=3.5.0'. Otherwise, you could download the models manually.
[ "# CAMeLBERT-MSA POS-GLF Model", "## Model description\nCAMeLBERT-MSA POS-GLF Model is a Gulf Arabic POS tagging model that was built by fine-tuning the CAMeLBERT-MSA model.\nFor the fine-tuning, we used the Gumar dataset.\nOur fine-tuning procedure and the hyperparameters we used can be found in our paper *\"The Interplay of Variant, Size, and Task Type in Arabic Pre-trained Language Models.\"*\nOur fine-tuning code can be found here.", "## Intended uses\nYou can use the CAMeLBERT-MSA POS-GLF model as part of the transformers pipeline.\nThis model will also be available in CAMeL Tools soon.", "#### How to use\nTo use the model with a transformers pipeline:\n\n*Note*: to download our models, you would need 'transformers>=3.5.0'.\nOtherwise, you could download the models manually." ]
[ "TAGS\n#transformers #pytorch #tf #bert #token-classification #ar #arxiv-2103.06678 #license-apache-2.0 #autotrain_compatible #endpoints_compatible #region-us \n", "# CAMeLBERT-MSA POS-GLF Model", "## Model description\nCAMeLBERT-MSA POS-GLF Model is a Gulf Arabic POS tagging model that was built by fine-tuning the CAMeLBERT-MSA model.\nFor the fine-tuning, we used the Gumar dataset.\nOur fine-tuning procedure and the hyperparameters we used can be found in our paper *\"The Interplay of Variant, Size, and Task Type in Arabic Pre-trained Language Models.\"*\nOur fine-tuning code can be found here.", "## Intended uses\nYou can use the CAMeLBERT-MSA POS-GLF model as part of the transformers pipeline.\nThis model will also be available in CAMeL Tools soon.", "#### How to use\nTo use the model with a transformers pipeline:\n\n*Note*: to download our models, you would need 'transformers>=3.5.0'.\nOtherwise, you could download the models manually." ]
[ 58, 13, 114, 44, 48 ]
[ "passage: TAGS\n#transformers #pytorch #tf #bert #token-classification #ar #arxiv-2103.06678 #license-apache-2.0 #autotrain_compatible #endpoints_compatible #region-us \n# CAMeLBERT-MSA POS-GLF Model## Model description\nCAMeLBERT-MSA POS-GLF Model is a Gulf Arabic POS tagging model that was built by fine-tuning the CAMeLBERT-MSA model.\nFor the fine-tuning, we used the Gumar dataset.\nOur fine-tuning procedure and the hyperparameters we used can be found in our paper *\"The Interplay of Variant, Size, and Task Type in Arabic Pre-trained Language Models.\"*\nOur fine-tuning code can be found here.## Intended uses\nYou can use the CAMeLBERT-MSA POS-GLF model as part of the transformers pipeline.\nThis model will also be available in CAMeL Tools soon.#### How to use\nTo use the model with a transformers pipeline:\n\n*Note*: to download our models, you would need 'transformers>=3.5.0'.\nOtherwise, you could download the models manually." ]
[ -0.08908093720674515, 0.14446236193180084, -0.0023904009722173214, 0.04070994630455971, 0.13947589695453644, 0.02058076485991478, 0.174298956990242, 0.05803493782877922, 0.026811890304088593, -0.028874030336737633, 0.08849021792411804, 0.06086175516247749, 0.044621020555496216, 0.15600691735744476, 0.13372698426246643, -0.3087596595287323, -0.03528003767132759, -0.0414150096476078, -0.09705120325088501, 0.11044453829526901, 0.0907144546508789, -0.000685997714754194, 0.11090277880430222, 0.07071433961391449, -0.05647362023591995, 0.006359641905874014, -0.05172988772392273, -0.08110112696886063, 0.05616684630513191, 0.11319559812545776, 0.09187007695436478, 0.0165408905595541, 0.10309846699237823, -0.1429186910390854, 0.03482770919799805, 0.0476665236055851, -0.024485521018505096, 0.040522634983062744, 0.0689043253660202, -0.056226346641778946, 0.1841968297958374, -0.06811597943305969, 0.030099160969257355, 0.05097636580467224, -0.06011222302913666, -0.11230601370334625, -0.016159329563379288, 0.046619951725006104, 0.08315542340278625, 0.10418005287647247, 0.03237106278538704, 0.15423232316970825, -0.006486241240054369, 0.06342382729053497, 0.14637789130210876, -0.2245841920375824, -0.055224332958459854, 0.08213239163160324, 0.006366411689668894, 0.07710707932710648, 0.02425018884241581, 0.0858062207698822, -0.008274536579847336, -0.00011576570250326768, 0.04749108850955963, -0.06475410610437393, -0.027371549978852272, -0.05405159667134285, -0.1732141524553299, -0.046227313578128815, 0.10797581821680069, -0.03143687918782234, -0.0642620325088501, -0.11393161118030548, -0.04318132624030113, 0.05252673849463463, -0.045842576771974564, 0.02356533706188202, 0.003112302627414465, 0.007513174321502447, 0.05412174016237259, -0.16754890978336334, -0.10765229165554047, -0.07664308696985245, -0.04035107046365738, 0.19075678288936615, 0.03693292662501335, 0.0851331502199173, -0.08457876741886139, 0.0921257883310318, -0.1047346219420433, -0.07735443115234375, -0.05045679211616516, -0.10097836703062057, -0.06495314091444016, -0.010860471986234188, -0.02625102549791336, -0.032136376947164536, 0.05280161648988724, 0.12530368566513062, 0.07493393123149872, 0.05419723689556122, 0.07843493670225143, 0.03536219149827957, 0.036932673305273056, 0.11220668256282806, -0.0758267268538475, -0.027131587266921997, 0.035296399146318436, -0.025874994695186615, 0.013261247426271439, -0.018173476681113243, -0.07769040018320084, -0.006189349573105574, -0.10586386173963547, 0.08314172178506851, 0.03138963133096695, 0.06947758048772812, 0.01537810917943716, -0.10342834889888763, 0.18990784883499146, -0.10518403351306915, -0.05276980996131897, -0.024332549422979355, -0.039364978671073914, 0.040605366230010986, 0.13722370564937592, -0.007389552891254425, -0.06042676419019699, -0.028310034424066544, -0.046263016760349274, 0.009905969724059105, -0.05057862028479576, -0.04830910265445709, -0.01873467117547989, -0.020042460411787033, -0.019951798021793365, -0.18570725619792938, -0.19042402505874634, 0.03997235372662544, 0.08136046677827835, 0.002614549593999982, 0.03523261100053787, 0.06866185367107391, 0.04633452743291855, -0.011315416544675827, -0.018860094249248505, 0.02943924255669117, -0.047439780086278915, 0.03892733156681061, 0.05362188071012497, 0.07861081510782242, -0.015616864897310734, 0.006432898808270693, -0.058300092816352844, -0.03414273262023926, -0.18490034341812134, 0.11023610830307007, -0.09705998003482819, -0.03373553976416588, -0.14042340219020844, -0.03784358873963356, 0.03071911260485649, 0.060669202357530594, -0.024733440950512886, 0.1088339164853096, -0.1267773061990738, -0.07462015748023987, 0.19782181084156036, -0.13589365780353546, -0.08211362361907959, 0.0935392826795578, 0.013374174945056438, -0.006951422430574894, 0.05136265605688095, 0.11099182814359665, 0.1865759640932083, -0.1621803641319275, 0.07486406713724136, 0.1379574090242386, 0.01084721740335226, -0.04595567658543587, 0.1159035935997963, -0.016897885128855705, -0.011517811566591263, 0.038211848586797714, -0.13891266286373138, 0.14371123909950256, -0.03391896188259125, -0.03972303122282028, 0.013475978747010231, -0.1254405528306961, 0.009369315579533577, 0.02181961014866829, 0.0367855504155159, 0.04499625414609909, -0.08419939875602722, 0.05828909948468208, 0.1088133156299591, -0.015145470388233662, -0.010705983266234398, -0.07725348323583603, 0.00868151057511568, -0.056558769196271896, -0.017162952572107315, -0.1805678904056549, -0.14924375712871552, -0.04411480203270912, -0.1082306057214737, 0.10363081842660904, -0.03981836140155792, 0.04558888450264931, 0.13455899059772491, 0.02551145665347576, 0.062060434371232986, 0.04528830200433731, 0.005171502940356731, -0.047488629817962646, -0.03910484537482262, -0.052245598286390305, -0.03095977008342743, 0.14885780215263367, -0.07954956591129303, 0.043446168303489685, -0.07790282368659973, 0.10071688890457153, 0.001330351922661066, -0.0443069227039814, 0.06460664421319962, -0.0073850094340741634, 0.014624481089413166, -0.06885818392038345, 0.043721623718738556, -0.0022047439124435186, -0.07403977960348129, 0.0161203034222126, -0.10737354308366776, 0.05182960629463196, 0.140499085187912, 0.04517168551683426, -0.07521096616983414, -0.06935432553291321, -0.045077454298734665, 0.029720138758420944, -0.01245833095163107, 0.04586035758256912, 0.14569582045078278, 0.02096341736614704, 0.15732628107070923, -0.05477829650044441, 0.033633336424827576, 0.017420435324311256, -0.06832659989595413, 0.015268086455762386, 0.05103742331266403, 0.08409971743822098, -0.09304305166006088, 0.03112724982202053, 0.05817865580320358, 0.0076031433418393135, 0.14337892830371857, 0.025908296927809715, -0.0748911201953888, 0.013365405611693859, -0.02948685921728611, 0.03684983029961586, 0.04162870720028877, -0.02810024656355381, -0.03569207340478897, 0.06144161522388458, 0.004093576222658157, 0.009433177299797535, -0.08186531811952591, -0.011621695011854172, 0.06473273038864136, -0.0350533053278923, -0.018860042095184326, 0.07182949036359787, -0.06482528150081635, 0.033000532537698746, -0.025433439761400223, 0.010857226327061653, -0.025282129645347595, -0.014992944896221161, -0.07902827113866806, 0.20786279439926147, -0.05393199622631073, -0.30857422947883606, -0.12007219344377518, -0.06817084550857544, -0.07241977751255035, 0.016555946320295334, 0.06169557198882103, -0.0914374515414238, -0.07285846769809723, -0.04915332421660423, 0.05791761726140976, -0.0245413389056921, -0.0024811706971377134, -0.03025551699101925, -0.020893314853310585, 0.041140709072351456, -0.15308892726898193, 0.002394105074927211, -0.008752518333494663, -0.10851767659187317, 0.01536436378955841, -0.029409099370241165, 0.06302185356616974, 0.07349865883588791, -0.022073376923799515, 0.05538873374462128, 0.03225795924663544, 0.24199429154396057, -0.055335838347673416, 0.05927097424864769, 0.2850966155529022, 0.034561194479465485, 0.04172360897064209, 0.044057346880435944, 0.08164844661951065, -0.07414933294057846, 0.025607824325561523, 0.03715077415108681, -0.11071808636188507, -0.1529187262058258, -0.15549026429653168, -0.048205096274614334, -0.06739366054534912, 0.07057857513427734, 0.05276516452431679, 0.03646571561694145, 0.09056469798088074, -0.06715931743383408, 0.016198255121707916, -0.006890634540468454, 0.08222662657499313, 0.07164693623781204, 0.001494508353061974, 0.0642254650592804, -0.08344186097383499, -0.031791802495718, 0.10227985680103302, -0.001045194803737104, 0.07812739163637161, 0.010007972829043865, 0.10695625096559525, 0.07810559868812561, 0.05808646231889725, 0.09475206583738327, 0.02906269207596779, 0.01487406063824892, -0.027973810210824013, -0.016315869987010956, -0.0931372344493866, -0.016017675399780273, 0.03539260849356651, -0.03113379329442978, -0.06532347202301025, -0.021723296493291855, 0.020320402458310127, -0.017413005232810974, 0.06447139382362366, 0.006360934115946293, -0.2502039968967438, -0.05480724200606346, -0.005922839976847172, 0.0039565772749483585, -0.0541081503033638, 0.019585683941841125, -0.08954989165067673, -0.14129716157913208, 0.0755094587802887, -0.032430265098810196, 0.10850299894809723, -0.06033383682370186, -0.002500711940228939, 0.11053048819303513, 0.06708452105522156, 0.019587097689509392, 0.09994981437921524, -0.1408977508544922, 0.18295076489448547, 0.06502833217382431, 0.018228916451334953, -0.07636190950870514, 0.03997640311717987, 0.07565025985240936, 0.09547456353902817, 0.15736645460128784, 0.002679676515981555, 0.04018132761120796, -0.13608425855636597, -0.12237360328435898, 0.04700731486082077, 0.05527251958847046, -0.09782243520021439, 0.025469519197940826, -0.02486351504921913, -0.02263755351305008, -0.05185394361615181, 0.015904640778899193, -0.20421607792377472, -0.22262845933437347, 0.0355733297765255, 0.02181379497051239, -0.0090783117339015, -0.037987735122442245, -0.046559855341911316, -0.03712835907936096, 0.1917567253112793, -0.04948904365301132, -0.17717182636260986, -0.1414993554353714, -0.005572479218244553, 0.1227332055568695, -0.08189773559570312, 0.04637085273861885, -0.03875972703099251, 0.10332383960485458, -0.016805145889520645, -0.16505560278892517, 0.029887108132243156, -0.12083911150693893, -0.04291083291172981, -0.031534239649772644, 0.09297548234462738, 0.0546482689678669, 0.02927195467054844, -0.0028667934238910675, -0.007056534290313721, -0.00976167805492878, -0.12611177563667297, -0.09056106209754944, 0.17767004668712616, 0.01485344860702753, 0.03633742034435272, -0.0024719499051570892, 0.0023744257632642984, -0.0051743206568062305, 0.004802880808711052, 0.06313221901655197, 0.14761537313461304, -0.0592072419822216, 0.13301672041416168, 0.19564665853977203, -0.009571591392159462, -0.2014596313238144, -0.1269833743572235, 0.09570377320051193, -0.017444299533963203, 0.04133433848619461, -0.18635722994804382, 0.16192907094955444, 0.03231716901063919, -0.02281133085489273, -0.004767021629959345, -0.3563808798789978, -0.11994772404432297, 0.12767408788204193, 0.07741180062294006, -0.01387981791049242, -0.16150251030921936, -0.021839022636413574, -0.04677838087081909, -0.1367376446723938, 0.12897078692913055, -0.1378362476825714, 0.0977916270494461, -0.024613896384835243, 0.04825551062822342, 0.006569514516741037, -0.023422803729772568, 0.1404123306274414, -0.025818942114710808, -0.010624716058373451, -0.09276874363422394, 0.1408715397119522, 0.03607974201440811, -0.016881847754120827, 0.12123792618513107, -0.03612281382083893, 0.07300813496112823, -0.13950523734092712, -0.09736379981040955, -0.03112475946545601, 0.08425085991621017, -0.004419765900820494, -0.0819259062409401, 0.016226839274168015, -0.003747934475541115, -0.003154297126457095, -0.017008600756525993, -0.043583907186985016, -0.02774900011718273, 0.0176954735070467, 0.15416859090328217, 0.06455276161432266, -0.01316085085272789, -0.20144733786582947, -0.058046746999025345, -0.008885819464921951, 0.0751817524433136, -0.16138191521167755, -0.035495564341545105, 0.04023250937461853, 0.0525682158768177, 0.01480533555150032, -0.019486606121063232, -0.04565563052892685, 0.004559533670544624, 0.055731795728206635, -0.09967298060655594, -0.10217341780662537, -0.05589407682418823, 0.1047087237238884, -0.024062370881438255, 0.018781404942274094, 0.13283252716064453, -0.05546560883522034, -0.04455947503447533, -0.008431337773799896, -0.02773451805114746, -0.04827195405960083, 0.13133203983306885, 0.052939195185899734, 0.029400551691651344, -0.10496511310338974, 0.07564236968755722, 0.04951714351773262, -0.04806714504957199, -0.008328720927238464, 0.1328957974910736, -0.1544458568096161, -0.11381527781486511, 0.01030044723302126, 0.021256746724247932, -0.19133058190345764, -0.03426959738135338, 0.012107915244996548, 0.01733829826116562, -0.04399523884057999, 0.1012658178806305, 0.07570014148950577, -0.06415209919214249, -0.06714234501123428, -0.03406946361064911, -0.017070529982447624, 0.02678055502474308, 0.05708664283156395, 0.015236379578709602, -0.11270459741353989, 0.05099374055862427, 0.01275868434458971, 0.05688819661736488, -0.057965390384197235, -0.05003161355853081, -0.0720420852303505, 0.005080876871943474, -0.11372120678424835, 0.0430721715092659, -0.07956037670373917, 0.03779640421271324, -0.006493454333394766, -0.060277990996837616, 0.017890863120555878, 0.013811513781547546, -0.03035389631986618, -0.02094414085149765, -0.019241176545619965, 0.057900749146938324, -0.13136440515518188, -0.015683254227042198, 0.011935312300920486, -0.007063505705446005, 0.05460866540670395, 0.01634402945637703, -0.02214791439473629, 0.0560632161796093, -0.1157989352941513, -0.028014395385980606, -0.011242016218602657, 0.03687198832631111, 0.05206780880689621, 0.02892770804464817, 0.05977119877934456, -0.006926278118044138, 0.015334799885749817, -0.0002697971649467945, 0.1058984324336052, -0.08988138288259506, -0.025033995509147644, -0.01465677097439766, 0.033643703907728195, -0.078606978058815, 0.011946707032620907, 0.13093580305576324, 0.06897909939289093, 0.04642084985971451, -0.06817125529050827, 0.03864360228180885, -0.13210268318653107, -0.014924081042408943, -0.027482258155941963, -0.008784754201769829, -0.046174418181180954, -0.08665118366479874, 0.03138395771384239, -0.026478737592697144, 0.1707807332277298, 0.07038459181785583, 0.2057415097951889, 0.029902953654527664, 0.0024980774614959955, 0.1553790420293808, -0.018933121114969254, 0.14982588589191437, 0.06327901780605316, 0.07659559696912766, 0.0002016107173403725, 0.08009535819292068, 0.023448506370186806, 0.016425782814621925, 0.057490285485982895, 0.09441990405321121, -0.08827272057533264, 0.06893394887447357, -0.0133353928104043, -0.031205203384160995, -0.1263273060321808, -0.19045914709568024, 0.03632868453860283, 0.03698889538645744, -0.09063469618558884, -0.0277719683945179, 0.12469522655010223, -0.06890865415334702, 0.007641068659722805, 0.07592864334583282, -0.06059473380446434, -0.1188221201300621, -0.16179990768432617, -0.004732373170554638, -0.05940276384353638, -0.0259172935038805, -0.050859373062849045, 0.044487688690423965, 0.07513660937547684, 0.03960942476987839, 0.04459495469927788, 0.18222534656524658, -0.04541642218828201, -0.08249853551387787, -0.03871452435851097, -0.014132441952824593, 0.06028914079070091, 0.024419650435447693, 0.040288593620061874, 0.0143006332218647, -0.024830985814332962, 0.008050760254263878, 0.029232634231448174, -0.004315624013543129, 0.06938359886407852, -0.049347031861543655, -0.0973767638206482, -0.05815345421433449, 0.02468061074614525, 0.03433874621987343, 0.16044877469539642, 0.02623906545341015, -0.06547164916992188, -0.03778260946273804, 0.18216009438037872, -0.01882760040462017, -0.09880254417657852, -0.07495064288377762, 0.3119739890098572, -0.05902206152677536, 0.005610390100628138, -0.05208992213010788, -0.04454140365123749, -0.06628690659999847, 0.2846131920814514, 0.19687198102474213, -0.03295676410198212, 0.013626690953969955, 0.006747510749846697, -0.0029346777591854334, -0.01431347243487835, 0.14251020550727844, 0.011299815960228443, 0.3048005700111389, -0.0753270760178566, -0.0015125467907637358, 0.018354950472712517, -0.04208587855100632, -0.1343337893486023, 0.048482220619916916, 0.007341667078435421, -0.017382139340043068, -0.0065880524925887585, 0.10226331651210785, -0.09762412309646606, -0.08095080405473709, 0.01819843426346779, 0.01915593259036541, -0.0735974907875061, -0.02415730617940426, -0.021886689588427544, 0.10250876843929291, 0.04000816121697426, -0.035246942192316055, -0.007544940337538719, 0.07675763219594955, 0.007730397861450911, -0.1701279580593109, -0.09790008515119553, 0.08879820257425308, -0.006979357451200485, 0.16632188856601715, -0.002378402277827263, 0.12175308912992477, 0.05470138043165207, -0.00739968940615654, -0.08995562046766281, -0.00011212813114980236, 0.029866185039281845, -0.061760179698467255, 0.05039620026946068, 0.08196905255317688, -0.04173579812049866, -0.04191679507493973, -0.011135134845972061, -0.1208501085639, 0.02296440303325653, -0.05497632548213005, 0.041961196810007095, -0.07523436099290848, 0.05697808414697647, -0.08294254541397095, 0.1606966257095337, 0.1106853112578392, -0.019572801887989044, -0.02907060831785202, -0.048341717571020126, 0.09292728453874588, 0.058799151331186295, -0.03600379079580307, -0.03479347005486488, -0.09487293660640717, -0.04376470297574997, -0.08923391997814178, 0.016287563368678093, -0.15196102857589722, -0.007088815327733755, -0.021386008709669113, -0.017919423058629036, 0.01071684155613184, 0.07415516674518585, 0.12414474040269852, 0.044141560792922974, -0.012372668832540512, -0.08315209299325943, 0.009793221950531006, 0.03434120491147041, -0.18592216074466705, -0.10401378571987152 ]
null
null
transformers
# CAMeLBERT-MSA POS-MSA Model ## Model description **CAMeLBERT-MSA POS-MSA Model** is a Modern Standard Arabic (MSA) POS tagging model that was built by fine-tuning the [CAMeLBERT-MSA](https://huggingface.co/CAMeL-Lab/bert-base-arabic-camelbert-msa/) model. For the fine-tuning, we used the [PATB](https://dl.acm.org/doi/pdf/10.5555/1621804.1621808) dataset . Our fine-tuning procedure and the hyperparameters we used can be found in our paper *"[The Interplay of Variant, Size, and Task Type in Arabic Pre-trained Language Models](https://arxiv.org/abs/2103.06678)."* Our fine-tuning code can be found [here](https://github.com/CAMeL-Lab/CAMeLBERT). ## Intended uses You can use the CAMeLBERT-MSA POS-MSA model as part of the transformers pipeline. This model will also be available in [CAMeL Tools](https://github.com/CAMeL-Lab/camel_tools) soon. #### How to use To use the model with a transformers pipeline: ```python >>> from transformers import pipeline >>> pos = pipeline('token-classification', model='CAMeL-Lab/bert-base-arabic-camelbert-msa-pos-msa') >>> text = 'إمارة أبوظبي هي إحدى إمارات دولة الإمارات العربية المتحدة السبع' >>> pos(text) [{'entity': 'noun', 'score': 0.9999764, 'index': 1, 'word': 'إمارة', 'start': 0, 'end': 5}, {'entity': 'noun_prop', 'score': 0.99991846, 'index': 2, 'word': 'أبوظبي', 'start': 6, 'end': 12}, {'entity': 'pron', 'score': 0.9998356, 'index': 3, 'word': 'هي', 'start': 13, 'end': 15}, {'entity': 'noun', 'score': 0.99368894, 'index': 4, 'word': 'إحدى', 'start': 16, 'end': 20}, {'entity': 'noun', 'score': 0.9999426, 'index': 5, 'word': 'إما', 'start': 21, 'end': 24}, {'entity': 'noun', 'score': 0.9999339, 'index': 6, 'word': '##رات', 'start': 24, 'end': 27}, {'entity': 'noun', 'score': 0.99996775, 'index': 7, 'word': 'دولة', 'start': 28, 'end': 32}, {'entity': 'noun', 'score': 0.99996895, 'index': 8, 'word': 'الإمارات', 'start': 33, 'end': 41}, {'entity': 'adj', 'score': 0.99990183, 'index': 9, 'word': 'العربية', 'start': 42, 'end': 49}, {'entity': 'adj', 'score': 0.9999347, 'index': 10, 'word': 'المتحدة', 'start': 50, 'end': 57}, {'entity': 'noun_num', 'score': 0.99931145, 'index': 11, 'word': 'السبع', 'start': 58, 'end': 63}] ``` *Note*: to download our models, you would need `transformers>=3.5.0`. Otherwise, you could download the models manually. ## Citation ```bibtex @inproceedings{inoue-etal-2021-interplay, title = "The Interplay of Variant, Size, and Task Type in {A}rabic Pre-trained Language Models", author = "Inoue, Go and Alhafni, Bashar and Baimukan, Nurpeiis and Bouamor, Houda and Habash, Nizar", booktitle = "Proceedings of the Sixth Arabic Natural Language Processing Workshop", month = apr, year = "2021", address = "Kyiv, Ukraine (Online)", publisher = "Association for Computational Linguistics", abstract = "In this paper, we explore the effects of language variants, data sizes, and fine-tuning task types in Arabic pre-trained language models. To do so, we build three pre-trained language models across three variants of Arabic: Modern Standard Arabic (MSA), dialectal Arabic, and classical Arabic, in addition to a fourth language model which is pre-trained on a mix of the three. We also examine the importance of pre-training data size by building additional models that are pre-trained on a scaled-down set of the MSA variant. We compare our different models to each other, as well as to eight publicly available models by fine-tuning them on five NLP tasks spanning 12 datasets. Our results suggest that the variant proximity of pre-training data to fine-tuning data is more important than the pre-training data size. We exploit this insight in defining an optimized system selection model for the studied tasks.", } ```
{"language": ["ar"], "license": "apache-2.0", "widget": [{"text": "\u0625\u0645\u0627\u0631\u0629 \u0623\u0628\u0648\u0638\u0628\u064a \u0647\u064a \u0625\u062d\u062f\u0649 \u0625\u0645\u0627\u0631\u0627\u062a \u062f\u0648\u0644\u0629 \u0627\u0644\u0625\u0645\u0627\u0631\u0627\u062a \u0627\u0644\u0639\u0631\u0628\u064a\u0629 \u0627\u0644\u0645\u062a\u062d\u062f\u0629 \u0627\u0644\u0633\u0628\u0639"}]}
token-classification
CAMeL-Lab/bert-base-arabic-camelbert-msa-pos-msa
[ "transformers", "pytorch", "tf", "bert", "token-classification", "ar", "arxiv:2103.06678", "license:apache-2.0", "autotrain_compatible", "endpoints_compatible", "region:us" ]
2022-03-02T23:29:04+00:00
[ "2103.06678" ]
[ "ar" ]
TAGS #transformers #pytorch #tf #bert #token-classification #ar #arxiv-2103.06678 #license-apache-2.0 #autotrain_compatible #endpoints_compatible #region-us
# CAMeLBERT-MSA POS-MSA Model ## Model description CAMeLBERT-MSA POS-MSA Model is a Modern Standard Arabic (MSA) POS tagging model that was built by fine-tuning the CAMeLBERT-MSA model. For the fine-tuning, we used the PATB dataset . Our fine-tuning procedure and the hyperparameters we used can be found in our paper *"The Interplay of Variant, Size, and Task Type in Arabic Pre-trained Language Models."* Our fine-tuning code can be found here. ## Intended uses You can use the CAMeLBERT-MSA POS-MSA model as part of the transformers pipeline. This model will also be available in CAMeL Tools soon. #### How to use To use the model with a transformers pipeline: *Note*: to download our models, you would need 'transformers>=3.5.0'. Otherwise, you could download the models manually.
[ "# CAMeLBERT-MSA POS-MSA Model", "## Model description\nCAMeLBERT-MSA POS-MSA Model is a Modern Standard Arabic (MSA) POS tagging model that was built by fine-tuning the CAMeLBERT-MSA model.\nFor the fine-tuning, we used the PATB dataset .\nOur fine-tuning procedure and the hyperparameters we used can be found in our paper *\"The Interplay of Variant, Size, and Task Type in Arabic Pre-trained Language Models.\"* Our fine-tuning code can be found here.", "## Intended uses\nYou can use the CAMeLBERT-MSA POS-MSA model as part of the transformers pipeline.\nThis model will also be available in CAMeL Tools soon.", "#### How to use\nTo use the model with a transformers pipeline:\n\n*Note*: to download our models, you would need 'transformers>=3.5.0'.\nOtherwise, you could download the models manually." ]
[ "TAGS\n#transformers #pytorch #tf #bert #token-classification #ar #arxiv-2103.06678 #license-apache-2.0 #autotrain_compatible #endpoints_compatible #region-us \n", "# CAMeLBERT-MSA POS-MSA Model", "## Model description\nCAMeLBERT-MSA POS-MSA Model is a Modern Standard Arabic (MSA) POS tagging model that was built by fine-tuning the CAMeLBERT-MSA model.\nFor the fine-tuning, we used the PATB dataset .\nOur fine-tuning procedure and the hyperparameters we used can be found in our paper *\"The Interplay of Variant, Size, and Task Type in Arabic Pre-trained Language Models.\"* Our fine-tuning code can be found here.", "## Intended uses\nYou can use the CAMeLBERT-MSA POS-MSA model as part of the transformers pipeline.\nThis model will also be available in CAMeL Tools soon.", "#### How to use\nTo use the model with a transformers pipeline:\n\n*Note*: to download our models, you would need 'transformers>=3.5.0'.\nOtherwise, you could download the models manually." ]
[ 58, 13, 119, 44, 48 ]
[ "passage: TAGS\n#transformers #pytorch #tf #bert #token-classification #ar #arxiv-2103.06678 #license-apache-2.0 #autotrain_compatible #endpoints_compatible #region-us \n# CAMeLBERT-MSA POS-MSA Model## Model description\nCAMeLBERT-MSA POS-MSA Model is a Modern Standard Arabic (MSA) POS tagging model that was built by fine-tuning the CAMeLBERT-MSA model.\nFor the fine-tuning, we used the PATB dataset .\nOur fine-tuning procedure and the hyperparameters we used can be found in our paper *\"The Interplay of Variant, Size, and Task Type in Arabic Pre-trained Language Models.\"* Our fine-tuning code can be found here.## Intended uses\nYou can use the CAMeLBERT-MSA POS-MSA model as part of the transformers pipeline.\nThis model will also be available in CAMeL Tools soon.#### How to use\nTo use the model with a transformers pipeline:\n\n*Note*: to download our models, you would need 'transformers>=3.5.0'.\nOtherwise, you could download the models manually." ]
[ -0.08308801054954529, 0.13495419919490814, -0.0031998055055737495, 0.0234809722751379, 0.15911656618118286, 0.02396448887884617, 0.18368133902549744, 0.03905492275953293, -0.027256272733211517, -0.02729330211877823, 0.07887899875640869, 0.07412552833557129, 0.03198513016104698, 0.17632617056369781, 0.12709492444992065, -0.30402129888534546, -0.029856383800506592, -0.02108701691031456, -0.10337460786104202, 0.13428500294685364, 0.09610707312822342, -0.007009220775216818, 0.1091601550579071, 0.07412833720445633, -0.050796374678611755, 0.024754555895924568, -0.02289234846830368, -0.08819819241762161, 0.05825738236308098, 0.11821810156106949, 0.11283257603645325, 0.00949837639927864, 0.11321946233510971, -0.13228976726531982, 0.03151380270719528, 0.05969301238656044, -0.004322626627981663, 0.04841174930334091, 0.09925272315740585, -0.05614857003092766, 0.15787993371486664, -0.056721609085798264, 0.047133393585681915, 0.054820578545331955, -0.05458023026585579, -0.09734180569648743, -0.011511788703501225, 0.09634532034397125, 0.08561293035745621, 0.11038001626729965, 0.04050887003540993, 0.19699890911579132, -0.009156941436231136, 0.07046733796596527, 0.16317908465862274, -0.21455106139183044, -0.055954497307538986, 0.05801484361290932, -0.003941664472222328, 0.09291155636310577, 0.042640671133995056, 0.05615989491343498, -0.02106691710650921, 0.01606133207678795, 0.059424493461847305, -0.060783691704273224, 0.0041114408522844315, -0.05245296284556389, -0.17466410994529724, -0.0654391273856163, 0.12684562802314758, -0.029903927817940712, -0.05217886343598366, -0.08905312418937683, -0.07465562224388123, 0.04316803067922592, -0.029634740203619003, 0.004883434623479843, -0.00563923129811883, 0.014408975839614868, 0.03356703370809555, -0.12182756513357162, -0.11338058859109879, -0.05817951634526253, -0.06313837319612503, 0.17604821920394897, 0.03607022762298584, 0.0854167714715004, -0.09919145703315735, 0.09748881310224533, -0.04410721734166145, -0.06418567895889282, -0.013092863373458385, -0.12078184634447098, -0.07835264503955841, -0.016631413251161575, -0.03091072104871273, -0.06717494875192642, 0.019392089918255806, 0.13436336815357208, 0.08554419875144958, 0.03937656432390213, 0.08280576765537262, 0.02500179037451744, 0.04239621385931969, 0.10544213652610779, -0.09290475398302078, -0.0013438117457553744, 0.016028808429837227, -0.011325765401124954, -0.008555369451642036, -0.019340915605425835, -0.045347996056079865, 0.005453066900372505, -0.07361219823360443, 0.07547524571418762, 0.04529854282736778, 0.08259570598602295, 0.017059313133358955, -0.11475440114736557, 0.18505074083805084, -0.12781211733818054, -0.05678390711545944, -0.014696131460368633, -0.016477592289447784, 0.11296585947275162, 0.14400437474250793, -0.03101980686187744, -0.08078566938638687, 0.005909735802561045, -0.050397951155900955, 0.005823376588523388, -0.07520687580108643, -0.045894768089056015, -0.018526585772633553, 0.00291769253090024, -0.022965755313634872, -0.20747005939483643, -0.15739862620830536, 0.0362483486533165, 0.0856022983789444, 0.015277177095413208, 0.027846166864037514, 0.10380405187606812, 0.04766135290265083, -0.014960676431655884, -0.03693800047039986, 0.035332392901182175, -0.036922913044691086, 0.04152826592326164, 0.04007139801979065, 0.0536833330988884, 0.00637418357655406, 0.010643662884831429, -0.059192538261413574, -0.02335175685584545, -0.18589839339256287, 0.10315525531768799, -0.07611222565174103, -0.04094193875789642, -0.14390689134597778, -0.04580051824450493, 0.016485514119267464, 0.0628766342997551, -0.032446250319480896, 0.09409963339567184, -0.10976534336805344, -0.06885065883398056, 0.17240549623966217, -0.15359097719192505, -0.0708693265914917, 0.08746055513620377, 0.013389106839895248, 0.009369072504341602, 0.05189520865678787, 0.05516732484102249, 0.18558713793754578, -0.140869140625, 0.07557143270969391, 0.12088791280984879, 0.002009212039411068, -0.046956613659858704, 0.1331004500389099, -0.017364690080285072, 0.0047914632596075535, 0.027471916750073433, -0.14893284440040588, 0.12122353166341782, -0.047782763838768005, -0.04289068654179573, 0.014885148964822292, -0.1112808808684349, -0.00792991928756237, 0.03046994097530842, 0.028982894495129585, 0.058058686554431915, -0.08640339970588684, 0.0994473397731781, 0.1039632260799408, -0.018752416595816612, 0.005655886605381966, -0.08755156397819519, -0.04146745055913925, -0.05740853026509285, -0.015636593103408813, -0.22012959420681, -0.1234283447265625, -0.05763282999396324, -0.11187224835157394, 0.09439665079116821, -0.01785074919462204, 0.03969784080982208, 0.11188427358865738, 0.012359468266367912, 0.05325537174940109, 0.02524099498987198, 0.020093156024813652, -0.041820868849754333, -0.06321407854557037, -0.08785233646631241, -0.027885964140295982, 0.1073388159275055, -0.042821016162633896, 0.052934788167476654, -0.10392773151397705, 0.11540630459785461, 0.0004225596785545349, -0.033037830144166946, 0.043963488191366196, 0.012409182265400887, 0.017968403175473213, -0.05247262492775917, 0.047616783529520035, -0.0029713495168834925, -0.038309257477521896, 0.028844088315963745, -0.14002862572669983, 0.075019970536232, 0.14605075120925903, 0.04501901566982269, -0.07151814550161362, -0.03570930287241936, -0.04384724795818329, 0.017227761447429657, -0.012685962952673435, 0.01938038319349289, 0.0984812080860138, 0.031056828796863556, 0.13350597023963928, -0.04984812065958977, 0.04155147820711136, 0.00016446334484498948, -0.08063973486423492, 0.015087018720805645, 0.04518628120422363, 0.11065302044153214, -0.11117957532405853, 0.03524978458881378, 0.07264199107885361, -0.010624747723340988, 0.11850367486476898, 0.014587877318263054, -0.09777883440256119, 0.011089721694588661, -0.05661124736070633, 0.03976244106888771, 0.023654647171497345, -0.0028025093488395214, -0.02623146027326584, 0.07529431581497192, 0.010586423799395561, 0.010312576778233051, -0.0654255598783493, 0.0014912734040990472, 0.07376948744058609, -0.006340761203318834, -0.027719547972083092, 0.04540557041764259, -0.03870392590761185, 0.04147770255804062, -0.034885480999946594, 0.029934342950582504, -0.021804967895150185, -0.00813922006636858, -0.10659728944301605, 0.20331674814224243, -0.05817446485161781, -0.2908862829208374, -0.16014228761196136, -0.062071893364191055, -0.06931284815073013, 0.00313358916901052, 0.04055040702223778, -0.0692598894238472, -0.08030936121940613, -0.05517340451478958, 0.09372986108064651, -0.02407858520746231, -0.0007716889376752079, -0.017436619848012924, -0.0015191850252449512, 0.04783754050731659, -0.1471068263053894, 0.0065016914159059525, 0.008831473998725414, -0.09112435579299927, 0.025376657024025917, -0.02407127246260643, 0.07024389505386353, 0.09578196704387665, -0.022680792957544327, 0.0319589227437973, 0.03367846459150314, 0.19736045598983765, -0.033519525080919266, 0.06641831248998642, 0.31132349371910095, -0.0010819575982168317, 0.032813746482133865, 0.04968851059675217, 0.08340094983577728, -0.042557522654533386, 0.03275929391384125, 0.026029136031866074, -0.10692155361175537, -0.17645162343978882, -0.1510792225599289, -0.0386967770755291, -0.045526690781116486, 0.08025291562080383, 0.0352008193731308, 0.002713533816859126, 0.08486833423376083, -0.07542206346988678, -0.014748100191354752, -0.012108970433473587, 0.07875025272369385, 0.07401546090841293, 0.010150481015443802, 0.08325415104627609, -0.09264189749956131, -0.011235466226935387, 0.09909403324127197, -0.004880896769464016, 0.07583580911159515, 0.006915995851159096, 0.07994675636291504, 0.09300468116998672, 0.052393071353435516, 0.112115278840065, 0.08333823829889297, 0.040111131966114044, -0.017699062824249268, -0.012891928665339947, -0.08845006674528122, -0.041564926505088806, 0.025461655110120773, -0.036994267255067825, -0.05116788297891617, -0.018367210403084755, 0.0557878352701664, -0.02215718664228916, 0.10812702775001526, -0.017715267837047577, -0.27627280354499817, -0.06308391690254211, -0.018735630437731743, -0.013578574173152447, -0.0375513881444931, 0.015421395190060139, -0.09525353461503983, -0.14730115234851837, 0.06332279741764069, -0.03589348495006561, 0.11495976895093918, -0.04067414999008179, -0.005027599632740021, 0.11923572421073914, 0.06750298291444778, 0.020358102396130562, 0.09117668122053146, -0.16911326348781586, 0.19108261168003082, 0.058013685047626495, 0.022706732153892517, -0.057190604507923126, 0.03011799231171608, 0.06564056128263474, 0.1253882795572281, 0.11833903193473816, -0.005466034170240164, 0.023211151361465454, -0.12240452319383621, -0.11174263060092926, 0.04350701719522476, 0.041429877281188965, -0.07572255283594131, 0.03711375966668129, -0.037026818841695786, -0.010316703468561172, -0.035678744316101074, 0.05888817086815834, -0.1926693320274353, -0.21690690517425537, 0.02884749509394169, -0.011913342401385307, 0.007275687996298075, -0.04489901661872864, -0.052385590970516205, -0.031090034171938896, 0.15740542113780975, -0.033610742539167404, -0.16497604548931122, -0.134470596909523, -0.016797296702861786, 0.1264583021402359, -0.08786128461360931, 0.037132591009140015, -0.04001082479953766, 0.0994391143321991, -0.015099250711500645, -0.1800098717212677, 0.020296387374401093, -0.1336880326271057, -0.05527646094560623, -0.02691400609910488, 0.09091666340827942, 0.04589240998029709, 0.039778247475624084, -0.01216150727123022, -0.017791403457522392, -0.0015220913337543607, -0.10841650515794754, -0.10351210087537766, 0.19391342997550964, 0.026455329731106758, 0.03410971909761429, -0.028700321912765503, -0.059423308819532394, -0.01926574856042862, -0.005665169097483158, 0.049304474145174026, 0.12226682156324387, -0.05976498872041702, 0.11731955409049988, 0.2210032045841217, -0.020788036286830902, -0.20715291798114777, -0.138067826628685, 0.09114114940166473, -0.028221607208251953, 0.08439609408378601, -0.15510061383247375, 0.17162659764289856, 0.04663898050785065, -0.005533347371965647, -0.10740450024604797, -0.36891302466392517, -0.11803010106086731, 0.14088092744350433, 0.07310687005519867, -0.03526948392391205, -0.16562598943710327, -0.0049265725538134575, -0.05118577182292938, -0.16678494215011597, 0.12676985561847687, -0.12408080697059631, 0.07760099321603775, -0.014677492901682854, 0.02615368366241455, -0.0028805737383663654, -0.03589655086398125, 0.12671826779842377, -0.01574051007628441, -0.010884608142077923, -0.07912828773260117, 0.14177455008029938, 0.06961528211832047, -0.008384814485907555, 0.1278776079416275, 0.014815215021371841, 0.07110315561294556, -0.1398984044790268, -0.09287779778242111, -0.05062374100089073, 0.05535254627466202, -0.009842963889241219, -0.08366672694683075, 0.026812806725502014, -0.015752729028463364, 0.0106185432523489, -0.03571447730064392, -0.05122492089867592, -0.03517790883779526, 0.03413514792919159, 0.19386976957321167, 0.08310894668102264, -0.04679401218891144, -0.22600258886814117, -0.07259651273488998, -0.023046664893627167, 0.0743011087179184, -0.1219499483704567, -0.021849580109119415, 0.03856094926595688, 0.039666056632995605, 0.007383313495665789, -0.009955509565770626, -0.04148949682712555, -0.007243874948471785, 0.05390454828739166, -0.10266713052988052, -0.10877696424722672, -0.04445355385541916, 0.13011975586414337, -0.05883299559354782, 0.01786794327199459, 0.13497620820999146, -0.05665789544582367, -0.045985352247953415, 0.004808420315384865, -0.024920834228396416, -0.05260270833969116, 0.15254469215869904, 0.04908188804984093, 0.044455356895923615, -0.09464682638645172, 0.08771487325429916, 0.05248861387372017, -0.09615256637334824, -0.030186031013727188, 0.1206081211566925, -0.16456712782382965, -0.09876064211130142, 0.0599212646484375, -0.01745743677020073, -0.1929568201303482, -0.04804367572069168, -0.004620843566954136, -0.0023178309202194214, -0.014752457849681377, 0.10731672495603561, 0.0738043487071991, -0.05796395242214203, -0.0680902749300003, -0.035140231251716614, -0.018783725798130035, 0.02843177318572998, 0.07176680117845535, 0.02435608208179474, -0.12176326662302017, 0.10514295101165771, 0.014780544675886631, 0.043887339532375336, -0.05860567092895508, -0.03821475803852081, -0.06778368353843689, 0.0205374788492918, -0.09690370410680771, 0.021444549784064293, -0.09542785584926605, 0.012085403315722942, -0.0060338168404996395, -0.04899916797876358, 0.006599292159080505, 0.009017943404614925, -0.027569323778152466, -0.015569567680358887, -0.01895987056195736, 0.059376079589128494, -0.1348990499973297, 0.005610707215964794, 0.011447753757238388, -0.01710245944559574, 0.035216718912124634, 0.01810823567211628, -0.04937874153256416, 0.04820610210299492, -0.06941071152687073, -0.03526351973414421, -0.008753489702939987, 0.046417657285928726, 0.03230029344558716, 0.018914759159088135, 0.054824937134981155, 0.013672711327672005, 0.006072172429412603, 0.007002736907452345, 0.11967024207115173, -0.08504554629325867, 0.01931123249232769, -0.002456117421388626, 0.022201774641871452, -0.0817359909415245, 0.00007896021998021752, 0.1326257437467575, 0.07112894207239151, 0.08060184866189957, -0.06921005994081497, 0.03111961856484413, -0.14829176664352417, -0.015830600634217262, -0.02503136545419693, 0.011098331771790981, -0.046571776270866394, -0.08131224662065506, 0.02654668688774109, -0.031392790377140045, 0.15790002048015594, 0.060169629752635956, 0.17605796456336975, 0.05358409509062767, 0.004242211114615202, 0.12287667393684387, -0.0042636338621377945, 0.1345009207725525, 0.04974064603447914, 0.07407651096582413, 0.0060930256731808186, 0.06217576563358307, -0.004283437505364418, 0.01103645097464323, 0.09173133969306946, 0.12003788352012634, -0.06915135681629181, 0.06851718574762344, -0.01115228608250618, -0.0020132949575781822, -0.1510847806930542, -0.20943063497543335, 0.028358399868011475, 0.02759525738656521, -0.07762841880321503, -0.021999452263116837, 0.16113996505737305, -0.06982991099357605, 0.02287697046995163, 0.05227625370025635, -0.045216154307127, -0.12210825830698013, -0.160784512758255, -0.0007045575184747577, -0.07242647558450699, -0.043349284678697586, -0.051986999809741974, 0.03202962875366211, 0.136032372713089, 0.030741535127162933, 0.03872082009911537, 0.17359977960586548, -0.06592652946710587, -0.09623308479785919, -0.07453364878892899, -0.0124509297311306, 0.057420141994953156, 0.012563630938529968, 0.05314837396144867, 0.021132543683052063, -0.01461261510848999, 0.014201043173670769, 0.0231768861413002, -0.008897773921489716, 0.06708875298500061, -0.055160727351903915, -0.09202505648136139, -0.04429275542497635, 0.005998724140226841, 0.02223609760403633, 0.17788392305374146, 0.020910678431391716, -0.07175138592720032, -0.03653468191623688, 0.1730349063873291, -0.021869683638215065, -0.1388809084892273, -0.1128634363412857, 0.34609827399253845, -0.04569359868764877, 0.007177127059549093, -0.023223722353577614, -0.035353537648916245, -0.08346947282552719, 0.25329044461250305, 0.19676460325717926, -0.029308637604117393, 0.014134894125163555, 0.010686622932553291, 0.00007812186959199607, -0.030414270237088203, 0.17611904442310333, 0.011973160319030285, 0.2864514887332916, -0.07068157196044922, 0.022760234773159027, -0.011545307002961636, -0.03667612746357918, -0.12009138613939285, 0.0488596111536026, 0.005355075933039188, -0.03178906440734863, 0.005147816613316536, 0.11491783708333969, -0.08049216866493225, -0.08567065000534058, -0.009555005468428135, 0.023693153634667397, -0.06109948828816414, -0.02602742426097393, 0.004029490984976292, 0.07227888703346252, 0.03589092940092087, -0.023633025586605072, 0.003030659630894661, 0.09476719796657562, 0.025988375768065453, -0.14986379444599152, -0.09293174743652344, 0.12256255745887756, -0.0017100798431783915, 0.12291353195905685, 0.006326689384877682, 0.10546860843896866, 0.05414285883307457, 0.0031698564998805523, -0.08372660726308823, -0.002572484314441681, 0.03750189393758774, -0.055279891937971115, 0.04785899445414543, 0.059807077050209045, -0.03249233588576317, -0.01158454641699791, -0.02553744986653328, -0.1445268988609314, 0.008016872219741344, -0.0687711089849472, 0.051513560116291046, -0.06392323970794678, 0.0650542676448822, -0.07970375567674637, 0.14986595511436462, 0.11439928412437439, -0.022475261241197586, -0.024149686098098755, -0.05682216212153435, 0.08837583661079407, 0.05017226189374924, -0.04109426960349083, -0.03163519874215126, -0.10926161706447601, -0.04861598461866379, -0.15197178721427917, 0.026671139523386955, -0.14310646057128906, -0.012651888653635979, -0.0012388192117214203, -0.04631788283586502, -0.013857273384928703, 0.07478278875350952, 0.09817443788051605, 0.050223592668771744, -0.01527904812246561, -0.08951826393604279, 0.009257478639483452, 0.04347258061170578, -0.2035604864358902, -0.09267579019069672 ]
null
null
transformers
# CAMeLBERT: A collection of pre-trained models for Arabic NLP tasks ## Model description **CAMeLBERT** is a collection of BERT models pre-trained on Arabic texts with different sizes and variants. We release pre-trained language models for Modern Standard Arabic (MSA), dialectal Arabic (DA), and classical Arabic (CA), in addition to a model pre-trained on a mix of the three. We also provide additional models that are pre-trained on a scaled-down set of the MSA variant (half, quarter, eighth, and sixteenth). The details are described in the paper *"[The Interplay of Variant, Size, and Task Type in Arabic Pre-trained Language Models](https://arxiv.org/abs/2103.06678)."* This model card describes **CAMeLBERT-MSA-quarter** (`bert-base-arabic-camelbert-msa-quarter`), a model pre-trained on a quarter of the full MSA dataset. ||Model|Variant|Size|#Word| |-|-|:-:|-:|-:| ||`bert-base-arabic-camelbert-mix`|CA,DA,MSA|167GB|17.3B| ||`bert-base-arabic-camelbert-ca`|CA|6GB|847M| ||`bert-base-arabic-camelbert-da`|DA|54GB|5.8B| ||`bert-base-arabic-camelbert-msa`|MSA|107GB|12.6B| ||`bert-base-arabic-camelbert-msa-half`|MSA|53GB|6.3B| |✔|`bert-base-arabic-camelbert-msa-quarter`|MSA|27GB|3.1B| ||`bert-base-arabic-camelbert-msa-eighth`|MSA|14GB|1.6B| ||`bert-base-arabic-camelbert-msa-sixteenth`|MSA|6GB|746M| ## Intended uses You can use the released model for either masked language modeling or next sentence prediction. However, it is mostly intended to be fine-tuned on an NLP task, such as NER, POS tagging, sentiment analysis, dialect identification, and poetry classification. We release our fine-tuninig code [here](https://github.com/CAMeL-Lab/CAMeLBERT). #### How to use You can use this model directly with a pipeline for masked language modeling: ```python >>> from transformers import pipeline >>> unmasker = pipeline('fill-mask', model='CAMeL-Lab/bert-base-arabic-camelbert-msa-quarter') >>> unmasker("الهدف من الحياة هو [MASK] .") [{'sequence': '[CLS] الهدف من الحياة هو الحياة. [SEP]', 'score': 0.17437894642353058, 'token': 3696, 'token_str': 'الحياة'}, {'sequence': '[CLS] الهدف من الحياة هو النجاح. [SEP]', 'score': 0.042852893471717834, 'token': 6232, 'token_str': 'النجاح'}, {'sequence': '[CLS] الهدف من الحياة هو البقاء. [SEP]', 'score': 0.030925093218684196, 'token': 9331, 'token_str': 'البقاء'}, {'sequence': '[CLS] الهدف من الحياة هو الحب. [SEP]', 'score': 0.02964409440755844, 'token': 3088, 'token_str': 'الحب'}, {'sequence': '[CLS] الهدف من الحياة هو الكمال. [SEP]', 'score': 0.028030086308717728, 'token': 17188, 'token_str': 'الكمال'}] ``` *Note*: to download our models, you would need `transformers>=3.5.0`. Otherwise, you could download the models manually. Here is how to use this model to get the features of a given text in PyTorch: ```python from transformers import AutoTokenizer, AutoModel tokenizer = AutoTokenizer.from_pretrained('CAMeL-Lab/bert-base-arabic-camelbert-msa-quarter') model = AutoModel.from_pretrained('CAMeL-Lab/bert-base-arabic-camelbert-msa-quarter') text = "مرحبا يا عالم." encoded_input = tokenizer(text, return_tensors='pt') output = model(**encoded_input) ``` and in TensorFlow: ```python from transformers import AutoTokenizer, TFAutoModel tokenizer = AutoTokenizer.from_pretrained('CAMeL-Lab/bert-base-arabic-camelbert-msa-quarter') model = TFAutoModel.from_pretrained('CAMeL-Lab/bert-base-arabic-camelbert-msa-quarter') text = "مرحبا يا عالم." encoded_input = tokenizer(text, return_tensors='tf') output = model(encoded_input) ``` ## Training data - MSA (Modern Standard Arabic) - [The Arabic Gigaword Fifth Edition](https://catalog.ldc.upenn.edu/LDC2011T11) - [Abu El-Khair Corpus](http://www.abuelkhair.net/index.php/en/arabic/abu-el-khair-corpus) - [OSIAN corpus](https://vlo.clarin.eu/search;jsessionid=31066390B2C9E8C6304845BA79869AC1?1&q=osian) - [Arabic Wikipedia](https://archive.org/details/arwiki-20190201) - The unshuffled version of the Arabic [OSCAR corpus](https://oscar-corpus.com/) ## Training procedure We use [the original implementation](https://github.com/google-research/bert) released by Google for pre-training. We follow the original English BERT model's hyperparameters for pre-training, unless otherwise specified. ### Preprocessing - After extracting the raw text from each corpus, we apply the following pre-processing. - We first remove invalid characters and normalize white spaces using the utilities provided by [the original BERT implementation](https://github.com/google-research/bert/blob/eedf5716ce1268e56f0a50264a88cafad334ac61/tokenization.py#L286-L297). - We also remove lines without any Arabic characters. - We then remove diacritics and kashida using [CAMeL Tools](https://github.com/CAMeL-Lab/camel_tools). - Finally, we split each line into sentences with a heuristics-based sentence segmenter. - We train a WordPiece tokenizer on the entire dataset (167 GB text) with a vocabulary size of 30,000 using [HuggingFace's tokenizers](https://github.com/huggingface/tokenizers). - We do not lowercase letters nor strip accents. ### Pre-training - The model was trained on a single cloud TPU (`v3-8`) for one million steps in total. - The first 90,000 steps were trained with a batch size of 1,024 and the rest was trained with a batch size of 256. - The sequence length was limited to 128 tokens for 90% of the steps and 512 for the remaining 10%. - We use whole word masking and a duplicate factor of 10. - We set max predictions per sequence to 20 for the dataset with max sequence length of 128 tokens and 80 for the dataset with max sequence length of 512 tokens. - We use a random seed of 12345, masked language model probability of 0.15, and short sequence probability of 0.1. - The optimizer used is Adam with a learning rate of 1e-4, \\(\beta_{1} = 0.9\\) and \\(\beta_{2} = 0.999\\), a weight decay of 0.01, learning rate warmup for 10,000 steps and linear decay of the learning rate after. ## Evaluation results - We evaluate our pre-trained language models on five NLP tasks: NER, POS tagging, sentiment analysis, dialect identification, and poetry classification. - We fine-tune and evaluate the models using 12 dataset. - We used Hugging Face's transformers to fine-tune our CAMeLBERT models. - We used transformers `v3.1.0` along with PyTorch `v1.5.1`. - The fine-tuning was done by adding a fully connected linear layer to the last hidden state. - We use \\(F_{1}\\) score as a metric for all tasks. - Code used for fine-tuning is available [here](https://github.com/CAMeL-Lab/CAMeLBERT). ### Results | Task | Dataset | Variant | Mix | CA | DA | MSA | MSA-1/2 | MSA-1/4 | MSA-1/8 | MSA-1/16 | | -------------------- | --------------- | ------- | ----- | ----- | ----- | ----- | ------- | ------- | ------- | -------- | | NER | ANERcorp | MSA | 80.8% | 67.9% | 74.1% | 82.4% | 82.0% | 82.1% | 82.6% | 80.8% | | POS | PATB (MSA) | MSA | 98.1% | 97.8% | 97.7% | 98.3% | 98.2% | 98.3% | 98.2% | 98.2% | | | ARZTB (EGY) | DA | 93.6% | 92.3% | 92.7% | 93.6% | 93.6% | 93.7% | 93.6% | 93.6% | | | Gumar (GLF) | DA | 97.3% | 97.7% | 97.9% | 97.9% | 97.9% | 97.9% | 97.9% | 97.9% | | SA | ASTD | MSA | 76.3% | 69.4% | 74.6% | 76.9% | 76.0% | 76.8% | 76.7% | 75.3% | | | ArSAS | MSA | 92.7% | 89.4% | 91.8% | 93.0% | 92.6% | 92.5% | 92.5% | 92.3% | | | SemEval | MSA | 69.0% | 58.5% | 68.4% | 72.1% | 70.7% | 72.8% | 71.6% | 71.2% | | DID | MADAR-26 | DA | 62.9% | 61.9% | 61.8% | 62.6% | 62.0% | 62.8% | 62.0% | 62.2% | | | MADAR-6 | DA | 92.5% | 91.5% | 92.2% | 91.9% | 91.8% | 92.2% | 92.1% | 92.0% | | | MADAR-Twitter-5 | MSA | 75.7% | 71.4% | 74.2% | 77.6% | 78.5% | 77.3% | 77.7% | 76.2% | | | NADI | DA | 24.7% | 17.3% | 20.1% | 24.9% | 24.6% | 24.6% | 24.9% | 23.8% | | Poetry | APCD | CA | 79.8% | 80.9% | 79.6% | 79.7% | 79.9% | 80.0% | 79.7% | 79.8% | ### Results (Average) | | Variant | Mix | CA | DA | MSA | MSA-1/2 | MSA-1/4 | MSA-1/8 | MSA-1/16 | | -------------------- | ------- | ----- | ----- | ----- | ----- | ------- | ------- | ------- | -------- | | Variant-wise-average<sup>[[1]](#footnote-1)</sup> | MSA | 82.1% | 75.7% | 80.1% | 83.4% | 83.0% | 83.3% | 83.2% | 82.3% | | | DA | 74.4% | 72.1% | 72.9% | 74.2% | 74.0% | 74.3% | 74.1% | 73.9% | | | CA | 79.8% | 80.9% | 79.6% | 79.7% | 79.9% | 80.0% | 79.7% | 79.8% | | Macro-Average | ALL | 78.7% | 74.7% | 77.1% | 79.2% | 79.0% | 79.2% | 79.1% | 78.6% | <a name="footnote-1">[1]</a>: Variant-wise-average refers to average over a group of tasks in the same language variant. ## Acknowledgements This research was supported with Cloud TPUs from Google’s TensorFlow Research Cloud (TFRC). ## Citation ```bibtex @inproceedings{inoue-etal-2021-interplay, title = "The Interplay of Variant, Size, and Task Type in {A}rabic Pre-trained Language Models", author = "Inoue, Go and Alhafni, Bashar and Baimukan, Nurpeiis and Bouamor, Houda and Habash, Nizar", booktitle = "Proceedings of the Sixth Arabic Natural Language Processing Workshop", month = apr, year = "2021", address = "Kyiv, Ukraine (Online)", publisher = "Association for Computational Linguistics", abstract = "In this paper, we explore the effects of language variants, data sizes, and fine-tuning task types in Arabic pre-trained language models. To do so, we build three pre-trained language models across three variants of Arabic: Modern Standard Arabic (MSA), dialectal Arabic, and classical Arabic, in addition to a fourth language model which is pre-trained on a mix of the three. We also examine the importance of pre-training data size by building additional models that are pre-trained on a scaled-down set of the MSA variant. We compare our different models to each other, as well as to eight publicly available models by fine-tuning them on five NLP tasks spanning 12 datasets. Our results suggest that the variant proximity of pre-training data to fine-tuning data is more important than the pre-training data size. We exploit this insight in defining an optimized system selection model for the studied tasks.", } ```
{"language": ["ar"], "license": "apache-2.0", "widget": [{"text": "\u0627\u0644\u0647\u062f\u0641 \u0645\u0646 \u0627\u0644\u062d\u064a\u0627\u0629 \u0647\u0648 [MASK] ."}]}
fill-mask
CAMeL-Lab/bert-base-arabic-camelbert-msa-quarter
[ "transformers", "pytorch", "tf", "jax", "bert", "fill-mask", "ar", "arxiv:2103.06678", "license:apache-2.0", "autotrain_compatible", "endpoints_compatible", "region:us" ]
2022-03-02T23:29:04+00:00
[ "2103.06678" ]
[ "ar" ]
TAGS #transformers #pytorch #tf #jax #bert #fill-mask #ar #arxiv-2103.06678 #license-apache-2.0 #autotrain_compatible #endpoints_compatible #region-us
CAMeLBERT: A collection of pre-trained models for Arabic NLP tasks ================================================================== Model description ----------------- CAMeLBERT is a collection of BERT models pre-trained on Arabic texts with different sizes and variants. We release pre-trained language models for Modern Standard Arabic (MSA), dialectal Arabic (DA), and classical Arabic (CA), in addition to a model pre-trained on a mix of the three. We also provide additional models that are pre-trained on a scaled-down set of the MSA variant (half, quarter, eighth, and sixteenth). The details are described in the paper *"The Interplay of Variant, Size, and Task Type in Arabic Pre-trained Language Models."* This model card describes CAMeLBERT-MSA-quarter ('bert-base-arabic-camelbert-msa-quarter'), a model pre-trained on a quarter of the full MSA dataset. Intended uses ------------- You can use the released model for either masked language modeling or next sentence prediction. However, it is mostly intended to be fine-tuned on an NLP task, such as NER, POS tagging, sentiment analysis, dialect identification, and poetry classification. We release our fine-tuninig code here. #### How to use You can use this model directly with a pipeline for masked language modeling: *Note*: to download our models, you would need 'transformers>=3.5.0'. Otherwise, you could download the models manually. Here is how to use this model to get the features of a given text in PyTorch: and in TensorFlow: Training data ------------- * MSA (Modern Standard Arabic) + The Arabic Gigaword Fifth Edition + Abu El-Khair Corpus + OSIAN corpus + Arabic Wikipedia + The unshuffled version of the Arabic OSCAR corpus Training procedure ------------------ We use the original implementation released by Google for pre-training. We follow the original English BERT model's hyperparameters for pre-training, unless otherwise specified. ### Preprocessing * After extracting the raw text from each corpus, we apply the following pre-processing. * We first remove invalid characters and normalize white spaces using the utilities provided by the original BERT implementation. * We also remove lines without any Arabic characters. * We then remove diacritics and kashida using CAMeL Tools. * Finally, we split each line into sentences with a heuristics-based sentence segmenter. * We train a WordPiece tokenizer on the entire dataset (167 GB text) with a vocabulary size of 30,000 using HuggingFace's tokenizers. * We do not lowercase letters nor strip accents. ### Pre-training * The model was trained on a single cloud TPU ('v3-8') for one million steps in total. * The first 90,000 steps were trained with a batch size of 1,024 and the rest was trained with a batch size of 256. * The sequence length was limited to 128 tokens for 90% of the steps and 512 for the remaining 10%. * We use whole word masking and a duplicate factor of 10. * We set max predictions per sequence to 20 for the dataset with max sequence length of 128 tokens and 80 for the dataset with max sequence length of 512 tokens. * We use a random seed of 12345, masked language model probability of 0.15, and short sequence probability of 0.1. * The optimizer used is Adam with a learning rate of 1e-4, \(\beta\_{1} = 0.9\) and \(\beta\_{2} = 0.999\), a weight decay of 0.01, learning rate warmup for 10,000 steps and linear decay of the learning rate after. Evaluation results ------------------ * We evaluate our pre-trained language models on five NLP tasks: NER, POS tagging, sentiment analysis, dialect identification, and poetry classification. * We fine-tune and evaluate the models using 12 dataset. * We used Hugging Face's transformers to fine-tune our CAMeLBERT models. * We used transformers 'v3.1.0' along with PyTorch 'v1.5.1'. * The fine-tuning was done by adding a fully connected linear layer to the last hidden state. * We use \(F\_{1}\) score as a metric for all tasks. * Code used for fine-tuning is available here. ### Results ### Results (Average) [1]: Variant-wise-average refers to average over a group of tasks in the same language variant. Acknowledgements ---------------- This research was supported with Cloud TPUs from Google’s TensorFlow Research Cloud (TFRC).
[ "#### How to use\n\n\nYou can use this model directly with a pipeline for masked language modeling:\n\n\n*Note*: to download our models, you would need 'transformers>=3.5.0'. Otherwise, you could download the models manually.\n\n\nHere is how to use this model to get the features of a given text in PyTorch:\n\n\nand in TensorFlow:\n\n\nTraining data\n-------------\n\n\n* MSA (Modern Standard Arabic)\n\t+ The Arabic Gigaword Fifth Edition\n\t+ Abu El-Khair Corpus\n\t+ OSIAN corpus\n\t+ Arabic Wikipedia\n\t+ The unshuffled version of the Arabic OSCAR corpus\n\n\nTraining procedure\n------------------\n\n\nWe use the original implementation released by Google for pre-training.\nWe follow the original English BERT model's hyperparameters for pre-training, unless otherwise specified.", "### Preprocessing\n\n\n* After extracting the raw text from each corpus, we apply the following pre-processing.\n* We first remove invalid characters and normalize white spaces using the utilities provided by the original BERT implementation.\n* We also remove lines without any Arabic characters.\n* We then remove diacritics and kashida using CAMeL Tools.\n* Finally, we split each line into sentences with a heuristics-based sentence segmenter.\n* We train a WordPiece tokenizer on the entire dataset (167 GB text) with a vocabulary size of 30,000 using HuggingFace's tokenizers.\n* We do not lowercase letters nor strip accents.", "### Pre-training\n\n\n* The model was trained on a single cloud TPU ('v3-8') for one million steps in total.\n* The first 90,000 steps were trained with a batch size of 1,024 and the rest was trained with a batch size of 256.\n* The sequence length was limited to 128 tokens for 90% of the steps and 512 for the remaining 10%.\n* We use whole word masking and a duplicate factor of 10.\n* We set max predictions per sequence to 20 for the dataset with max sequence length of 128 tokens and 80 for the dataset with max sequence length of 512 tokens.\n* We use a random seed of 12345, masked language model probability of 0.15, and short sequence probability of 0.1.\n* The optimizer used is Adam with a learning rate of 1e-4, \\(\\beta\\_{1} = 0.9\\) and \\(\\beta\\_{2} = 0.999\\), a weight decay of 0.01, learning rate warmup for 10,000 steps and linear decay of the learning rate after.\n\n\nEvaluation results\n------------------\n\n\n* We evaluate our pre-trained language models on five NLP tasks: NER, POS tagging, sentiment analysis, dialect identification, and poetry classification.\n* We fine-tune and evaluate the models using 12 dataset.\n* We used Hugging Face's transformers to fine-tune our CAMeLBERT models.\n* We used transformers 'v3.1.0' along with PyTorch 'v1.5.1'.\n* The fine-tuning was done by adding a fully connected linear layer to the last hidden state.\n* We use \\(F\\_{1}\\) score as a metric for all tasks.\n* Code used for fine-tuning is available here.", "### Results", "### Results (Average)\n\n\n\n[1]: Variant-wise-average refers to average over a group of tasks in the same language variant.\n\n\nAcknowledgements\n----------------\n\n\nThis research was supported with Cloud TPUs from Google’s TensorFlow Research Cloud (TFRC)." ]
[ "TAGS\n#transformers #pytorch #tf #jax #bert #fill-mask #ar #arxiv-2103.06678 #license-apache-2.0 #autotrain_compatible #endpoints_compatible #region-us \n", "#### How to use\n\n\nYou can use this model directly with a pipeline for masked language modeling:\n\n\n*Note*: to download our models, you would need 'transformers>=3.5.0'. Otherwise, you could download the models manually.\n\n\nHere is how to use this model to get the features of a given text in PyTorch:\n\n\nand in TensorFlow:\n\n\nTraining data\n-------------\n\n\n* MSA (Modern Standard Arabic)\n\t+ The Arabic Gigaword Fifth Edition\n\t+ Abu El-Khair Corpus\n\t+ OSIAN corpus\n\t+ Arabic Wikipedia\n\t+ The unshuffled version of the Arabic OSCAR corpus\n\n\nTraining procedure\n------------------\n\n\nWe use the original implementation released by Google for pre-training.\nWe follow the original English BERT model's hyperparameters for pre-training, unless otherwise specified.", "### Preprocessing\n\n\n* After extracting the raw text from each corpus, we apply the following pre-processing.\n* We first remove invalid characters and normalize white spaces using the utilities provided by the original BERT implementation.\n* We also remove lines without any Arabic characters.\n* We then remove diacritics and kashida using CAMeL Tools.\n* Finally, we split each line into sentences with a heuristics-based sentence segmenter.\n* We train a WordPiece tokenizer on the entire dataset (167 GB text) with a vocabulary size of 30,000 using HuggingFace's tokenizers.\n* We do not lowercase letters nor strip accents.", "### Pre-training\n\n\n* The model was trained on a single cloud TPU ('v3-8') for one million steps in total.\n* The first 90,000 steps were trained with a batch size of 1,024 and the rest was trained with a batch size of 256.\n* The sequence length was limited to 128 tokens for 90% of the steps and 512 for the remaining 10%.\n* We use whole word masking and a duplicate factor of 10.\n* We set max predictions per sequence to 20 for the dataset with max sequence length of 128 tokens and 80 for the dataset with max sequence length of 512 tokens.\n* We use a random seed of 12345, masked language model probability of 0.15, and short sequence probability of 0.1.\n* The optimizer used is Adam with a learning rate of 1e-4, \\(\\beta\\_{1} = 0.9\\) and \\(\\beta\\_{2} = 0.999\\), a weight decay of 0.01, learning rate warmup for 10,000 steps and linear decay of the learning rate after.\n\n\nEvaluation results\n------------------\n\n\n* We evaluate our pre-trained language models on five NLP tasks: NER, POS tagging, sentiment analysis, dialect identification, and poetry classification.\n* We fine-tune and evaluate the models using 12 dataset.\n* We used Hugging Face's transformers to fine-tune our CAMeLBERT models.\n* We used transformers 'v3.1.0' along with PyTorch 'v1.5.1'.\n* The fine-tuning was done by adding a fully connected linear layer to the last hidden state.\n* We use \\(F\\_{1}\\) score as a metric for all tasks.\n* Code used for fine-tuning is available here.", "### Results", "### Results (Average)\n\n\n\n[1]: Variant-wise-average refers to average over a group of tasks in the same language variant.\n\n\nAcknowledgements\n----------------\n\n\nThis research was supported with Cloud TPUs from Google’s TensorFlow Research Cloud (TFRC)." ]
[ 60, 172, 148, 409, 3, 63 ]
[ "passage: TAGS\n#transformers #pytorch #tf #jax #bert #fill-mask #ar #arxiv-2103.06678 #license-apache-2.0 #autotrain_compatible #endpoints_compatible #region-us \n#### How to use\n\n\nYou can use this model directly with a pipeline for masked language modeling:\n\n\n*Note*: to download our models, you would need 'transformers>=3.5.0'. Otherwise, you could download the models manually.\n\n\nHere is how to use this model to get the features of a given text in PyTorch:\n\n\nand in TensorFlow:\n\n\nTraining data\n-------------\n\n\n* MSA (Modern Standard Arabic)\n\t+ The Arabic Gigaword Fifth Edition\n\t+ Abu El-Khair Corpus\n\t+ OSIAN corpus\n\t+ Arabic Wikipedia\n\t+ The unshuffled version of the Arabic OSCAR corpus\n\n\nTraining procedure\n------------------\n\n\nWe use the original implementation released by Google for pre-training.\nWe follow the original English BERT model's hyperparameters for pre-training, unless otherwise specified.### Preprocessing\n\n\n* After extracting the raw text from each corpus, we apply the following pre-processing.\n* We first remove invalid characters and normalize white spaces using the utilities provided by the original BERT implementation.\n* We also remove lines without any Arabic characters.\n* We then remove diacritics and kashida using CAMeL Tools.\n* Finally, we split each line into sentences with a heuristics-based sentence segmenter.\n* We train a WordPiece tokenizer on the entire dataset (167 GB text) with a vocabulary size of 30,000 using HuggingFace's tokenizers.\n* We do not lowercase letters nor strip accents." ]
[ -0.028569132089614868, 0.13191038370132446, -0.001962508074939251, 0.04435606300830841, 0.18826788663864136, 0.01898067817091942, 0.1261821985244751, 0.07522403448820114, -0.10439451783895493, 0.04855620115995407, 0.02032296732068062, 0.035154324024915695, 0.10067877173423767, 0.06185354292392731, 0.023266974836587906, -0.25140735507011414, 0.03130039945244789, -0.0518866665661335, 0.03334549814462662, 0.09433673322200775, 0.07633025199174881, -0.06319861859083176, 0.07331889867782593, 0.002255941741168499, -0.08369702100753784, 0.015916844829916954, -0.005775828380137682, -0.04941786080598831, 0.08738436549901962, 0.0745130106806755, 0.13616052269935608, 0.005935101304203272, 0.03328470140695572, -0.20621608197689056, 0.023837918415665627, 0.08785144984722137, -0.018968921154737473, 0.04047233983874321, 0.0842747688293457, -0.00022904695651959628, 0.17055173218250275, -0.07354599237442017, 0.014037316665053368, 0.022484244778752327, -0.10245484113693237, -0.059819865971803665, -0.12103603035211563, 0.0004697988333646208, 0.15941663086414337, 0.11974840611219406, -0.02661631815135479, 0.05164850130677223, -0.020610572770237923, 0.04865676164627075, 0.16743764281272888, -0.1994340717792511, -0.017859600484371185, -0.0748903676867485, 0.01303032599389553, 0.048469457775354385, -0.05427130311727524, 0.06752423197031021, -0.044500142335891724, 0.00044735020492225885, 0.024632159620523453, -0.06701036542654037, -0.14324994385242462, -0.07137519866228104, -0.10025312006473541, -0.0005928183672949672, 0.06678608804941177, -0.04263751953840256, -0.047784943133592606, 0.002037488855421543, -0.05508153885602951, 0.003533105831593275, -0.04121742025017738, 0.05383571609854698, 0.016608044505119324, -0.012600943446159363, 0.08266601711511612, -0.1963307410478592, -0.10661300271749496, -0.043313946574926376, -0.10017287731170654, 0.14722023904323578, 0.08278363198041916, 0.024639159440994263, 0.0007735950057394803, 0.054399751126766205, -0.16802197694778442, -0.07057789713144302, 0.00492883613333106, -0.03645319119095802, -0.04828928783535957, -0.017510266974568367, -0.07304652780294418, -0.2646156847476959, -0.02607138454914093, 0.08326272666454315, -0.08200853317975998, 0.04854405298829079, -0.061924319714307785, 0.014009423553943634, -0.05361595004796982, 0.142164945602417, -0.04713476449251175, -0.006381585728377104, 0.037764567881822586, 0.039415143430233, 0.04280015081167221, 0.007268919143825769, -0.010430303402245045, 0.04476430267095566, -0.043934017419815063, 0.08224525302648544, -0.0031533464789390564, 0.0802946612238884, -0.032141901552677155, -0.02230030670762062, 0.0668955147266388, -0.16488683223724365, 0.019901512190699577, -0.026737790554761887, 0.0034696992952376604, -0.016859503462910652, 0.10049036145210266, 0.0005272228736430407, -0.11125942319631577, 0.08255046606063843, -0.0527888722717762, 0.09837166219949722, -0.09739460051059723, -0.12390205264091492, -0.03033255599439144, -0.116489477455616, -0.053402725607156754, -0.11270102113485336, -0.19982850551605225, -0.011776498518884182, 0.04901500418782234, -0.030970660969614983, 0.04897947609424591, -0.012516506016254425, -0.002211179118603468, -0.03636804223060608, -0.03601254150271416, 0.05198731645941734, -0.037640608847141266, 0.044122979044914246, 0.0006942434702068567, 0.03649400919675827, -0.1261303573846817, 0.08603092283010483, -0.008736751973628998, -0.00015328294830396771, -0.22554443776607513, 0.12318020313978195, -0.05288044735789299, -0.0049927495419979095, -0.13286477327346802, 0.0014255958376452327, -0.04734411835670471, 0.05267517268657684, 0.06261281669139862, 0.07772183418273926, -0.20280994474887848, -0.06250815093517303, 0.17990601062774658, -0.1305314004421234, 0.035402562469244, 0.09283103793859482, -0.010787264443933964, 0.007141593378037214, 0.10916051268577576, 0.20146124064922333, -0.031159909442067146, -0.09954806417226791, -0.0015347766457125545, -0.019753027707338333, 0.08514972776174545, 0.029890190809965134, 0.05238494277000427, -0.1304304301738739, 0.02382240630686283, 0.01124659925699234, -0.12600557506084442, 0.06845583766698837, -0.00994030013680458, -0.07325398176908493, 0.07112681120634079, -0.11834986507892609, -0.008920569904148579, 0.030866989865899086, 0.07228422909975052, 0.00996323861181736, -0.07978446781635284, 0.09777131676673889, 0.07563379406929016, -0.05013922601938248, 0.11642706394195557, -0.06050887703895569, -0.024442998692393303, -0.04908823221921921, 0.02580917626619339, -0.21499161422252655, -0.048039358109235764, 0.014618861488997936, -0.0721622034907341, 0.05918095260858536, -0.12753623723983765, 0.0004778303555212915, 0.08693954348564148, -0.08917489647865295, 0.029916206374764442, 0.043377943336963654, -0.01025303453207016, -0.1426759660243988, -0.0752858892083168, -0.025667443871498108, -0.007515492849051952, 0.014455332420766354, -0.05009334534406662, 0.05000780150294304, -0.10118851810693741, 0.017782729119062424, -0.02008955366909504, -0.03495549410581589, 0.016274945810437202, 0.09525424242019653, 0.01669101044535637, -0.06271206587553024, 0.030065180733799934, -0.014088645577430725, -0.019790152087807655, 0.04548244550824165, -0.1691427379846573, -0.11345090717077255, 0.12627045810222626, 0.04424138367176056, -0.0687456876039505, 0.08387699723243713, 0.007642513606697321, -0.002019222592934966, -0.024534936994314194, -0.017796706408262253, 0.21927784383296967, 0.03314121440052986, 0.14283320307731628, -0.04254366457462311, 0.04413994029164314, -0.08260399848222733, -0.01721658930182457, -0.027473723515868187, 0.03784516826272011, 0.04087391123175621, -0.10070659220218658, 0.0586543083190918, 0.03711048513650894, -0.06763473898172379, 0.11359339952468872, 0.04177764430642128, -0.07329903542995453, 0.02539680339396, -0.004196987487375736, 0.005875485483556986, 0.05455541983246803, -0.041618771851062775, -0.016549302265048027, 0.028553059324622154, 0.003610184183344245, 0.04895853251218796, -0.07686779648065567, 0.0503666065633297, 0.036299023777246475, -0.014294790104031563, -0.018215429037809372, -0.05167130380868912, -0.03029310330748558, 0.0946827083826065, -0.009214977733790874, 0.11119073629379272, -0.03850138559937477, -0.00015244160022120923, -0.05247895047068596, 0.19109350442886353, -0.12321045249700546, -0.20530924201011658, -0.08131328225135803, -0.08869493007659912, -0.09641862660646439, 0.05799693241715431, 0.07334474474191666, -0.10690893977880478, -0.10507034510374069, -0.09963427484035492, 0.136155366897583, 0.034364569932222366, -0.03398855775594711, -0.011363380588591099, -0.09014878422021866, 0.016935206949710846, -0.10769428312778473, -0.0010101881343871355, -0.032199446111917496, -0.09003223478794098, 0.0017115091904997826, 0.003503095358610153, 0.05776001885533333, 0.05060173198580742, -0.020705724135041237, -0.008808474987745285, 0.022666430100798607, 0.11308400332927704, -0.02184244804084301, 0.0472213439643383, 0.1450328826904297, -0.0254634078592062, 0.0569993294775486, 0.10716810077428818, 0.008962190710008144, -0.05381348729133606, 0.012121947482228279, 0.1154228076338768, -0.02591649256646633, -0.22557060420513153, -0.05419722571969032, -0.042208295315504074, -0.15133458375930786, 0.023487543687224388, 0.05386403948068619, -0.01902434602379799, 0.04798509180545807, -0.06921648979187012, 0.004226220306009054, 0.004560625646263361, 0.0468875952064991, 0.03420740365982056, -0.01852775551378727, 0.08449698984622955, -0.06278854608535767, 0.019865134730935097, 0.08268626034259796, -0.0073051974177360535, 0.1841006726026535, -0.029235905036330223, 0.12628623843193054, 0.07808402180671692, 0.035476814955472946, 0.0029136240482330322, 0.0998731404542923, -0.033175937831401825, 0.03764056786894798, 0.001710945856757462, -0.02373029850423336, -0.018939323723316193, -0.009945201687514782, -0.014092082157731056, -0.029235849156975746, -0.05446503311395645, 0.00685367826372385, 0.09373562037944794, 0.18245071172714233, -0.05889848619699478, -0.17719145119190216, -0.010490949265658855, 0.004154798574745655, -0.07215134054422379, -0.10104931145906448, -0.04817214235663414, 0.04889442026615143, -0.07230640202760696, 0.08065215498209, -0.018062774091959, 0.08951139450073242, -0.03989197686314583, 0.023689301684498787, 0.09322705864906311, 0.07245266437530518, -0.05437132716178894, 0.03058547154068947, -0.30160844326019287, 0.18473781645298004, 0.08781684935092926, 0.10779964178800583, -0.008311032317578793, 0.015811080113053322, 0.07401713728904724, 0.004835855681449175, 0.11807520687580109, -0.006469121668487787, -0.059876326471567154, -0.05269310995936394, -0.08695938438177109, 0.049847524613142014, 0.10908041894435883, -0.04824162647128105, 0.065459705889225, 0.005887927487492561, 0.007357345893979073, -0.012197236530482769, 0.05284558981657028, -0.1293117105960846, -0.19528941810131073, 0.011056567542254925, -0.01915695145726204, 0.018648626282811165, -0.02641870081424713, -0.01735464483499527, -0.030116653069853783, 0.13615794479846954, -0.0786404237151146, -0.16689051687717438, -0.12470538914203644, 0.030796514824032784, 0.09977754950523376, -0.09007426351308823, 0.034796956926584244, -0.005180199630558491, -0.011987132020294666, -0.07326872646808624, -0.0770338848233223, 0.028102170675992966, -0.056326158344745636, -0.03440957888960838, -0.030399857088923454, 0.08797387033700943, 0.04128281772136688, 0.03410656750202179, -0.03704027831554413, -0.017842775210738182, 0.0021342721302062273, -0.08962855488061905, -0.1129470244050026, 0.07469430565834045, 0.1346963346004486, 0.0840953066945076, -0.13480551540851593, -0.13778258860111237, -0.11287645250558853, -0.030812405049800873, 0.10380325466394424, 0.20284903049468994, 0.007353241089731455, 0.12166465818881989, 0.16688109934329987, -0.06516100466251373, -0.22050921618938446, -0.025392355397343636, 0.06760299205780029, -0.02773735113441944, 0.04066438227891922, -0.22449535131454468, -0.00030141556635499, 0.02901175618171692, 0.023397518321871758, -0.05734485015273094, -0.17325359582901, -0.13740231096744537, 0.13843822479248047, 0.08763778209686279, 0.10921049863100052, -0.16585864126682281, -0.023955579847097397, -0.08690862357616425, 0.015380490571260452, 0.13487425446510315, -0.04715478792786598, 0.13533435761928558, 0.021204793825745583, -0.004271205980330706, 0.017834924161434174, -0.017498990520834923, 0.14027880132198334, 0.034402474761009216, 0.08720985800027847, -0.07102807611227036, 0.03497965261340141, 0.07666108012199402, -0.03366512432694435, 0.07334349304437637, -0.03104877658188343, 0.0065438877791166306, -0.0917414203286171, -0.06389136612415314, -0.10214298218488693, 0.019123129546642303, -0.023685308173298836, -0.004522735718637705, 0.05051043629646301, -0.0007910492713563144, 0.0861741304397583, 0.009435904212296009, -0.010391348972916603, -0.03007183037698269, 0.041515134274959564, 0.08053798228502274, 0.07970502972602844, 0.05111326649785042, -0.02588300034403801, 0.019220028072595596, 0.002934714313596487, 0.08326489478349686, -0.11158441007137299, 0.014468858018517494, 0.038954537361860275, -0.005122833885252476, 0.09749452024698257, -0.01112245675176382, -0.07737791538238525, 0.015009872615337372, 0.048882849514484406, -0.10089055448770523, -0.11007782071828842, 0.00567783834412694, 0.01982353813946247, -0.060425613075494766, -0.022249268367886543, 0.07065243273973465, 0.009230494499206543, -0.05148624628782272, -0.004597174469381571, 0.06695996969938278, -0.06642714887857437, 0.18636061251163483, 0.008832313120365143, 0.0005602462915703654, -0.11788464337587357, 0.1334492564201355, 0.10101788491010666, -0.08584805577993393, 0.04064580798149109, 0.1486966460943222, -0.10197069495916367, -0.08246412128210068, -0.02446027286350727, 0.11279699951410294, -0.09755264222621918, -0.04200875014066696, 0.01093487162142992, -0.04773008078336716, -0.06608757376670837, 0.07546280324459076, 0.0036583670880645514, 0.007247789762914181, 0.003179917111992836, -0.014497809112071991, -0.04844328388571739, 0.04769798368215561, 0.01458739209920168, -0.0032660169526934624, 0.022091280668973923, 0.0768529549241066, -0.018091542646288872, 0.0629735141992569, -0.016255512833595276, 0.07362540811300278, -0.06247425451874733, 0.00480956956744194, -0.10103997588157654, -0.014481795951724052, -0.058058567345142365, -0.044423360377550125, -0.008924132212996483, -0.023141903802752495, 0.015607036650180817, 0.01420503482222557, -0.06996536254882812, -0.06326893717050552, -0.04869228973984718, 0.00014496130461338907, -0.09202399104833603, 0.0011978831607848406, -0.011881643906235695, -0.012133070267736912, 0.0988662987947464, 0.07480410486459732, 0.018161527812480927, 0.08407090604305267, -0.08851440250873566, -0.02960757538676262, -0.04310349002480507, -0.008438928052783012, 0.020492760464549065, -0.018098462373018265, 0.022323498502373695, -0.020195547491312027, 0.02166924811899662, -0.038057565689086914, 0.16652797162532806, -0.0962318554520607, 0.07672563940286636, -0.039133694022893906, 0.028521187603473663, -0.02297111600637436, 0.05784151703119278, 0.07962603121995926, 0.03406955674290657, 0.10836141556501389, -0.0640515610575676, -0.009047710336744785, -0.07617883384227753, 0.021573027595877647, -0.03300377354025841, -0.040554605424404144, -0.035366278141736984, -0.08675115555524826, 0.06336771696805954, 0.0022336491383612156, 0.09717036783695221, 0.07238828390836716, 0.0908854529261589, 0.03581605851650238, 0.005696973297744989, 0.016302580013871193, 0.0016618163790553808, 0.12252635508775711, -0.03925744816660881, -0.033122073858976364, 0.0020287414081394672, 0.02471415139734745, 0.01107124611735344, 0.05254629999399185, 0.18515829741954803, 0.23609060049057007, 0.066356360912323, 0.07305151969194412, -0.04361523315310478, -0.09563517570495605, -0.12132138013839722, -0.04110521823167801, -0.008195525966584682, 0.002133231144398451, -0.06539183109998703, -0.02863544039428234, 0.10689911991357803, -0.1740901917219162, 0.10611844062805176, 0.04696938022971153, -0.07127451151609421, -0.08997409790754318, -0.10363616049289703, 0.01174367219209671, 0.004665814805775881, -0.028050579130649567, -0.10059265047311783, 0.03830829635262489, 0.15534384548664093, -0.02200128696858883, -0.024776434525847435, 0.23738481104373932, -0.06804504990577698, -0.12251003831624985, 0.04202774167060852, 0.0033552616368979216, 0.009683125652372837, 0.04041522741317749, -0.010759430937469006, 0.04148449748754501, 0.030911698937416077, 0.05864860489964485, 0.05508248880505562, 0.009448309428989887, 0.11615900695323944, -0.04380926489830017, -0.08971212804317474, -0.01427916157990694, 0.023253513500094414, 0.10976608842611313, 0.23337730765342712, 0.016634928062558174, -0.06381349265575409, -0.00305743794888258, 0.16428397595882416, -0.007562603801488876, -0.07254651933908463, -0.10175711661577225, 0.22194039821624756, 0.07953117787837982, -0.04496017098426819, -0.03629085421562195, -0.11503946036100388, 0.011830552481114864, 0.2229851633310318, 0.10858125239610672, -0.05412104353308678, -0.003764270804822445, -0.04108849912881851, 0.015182288363575935, 0.008678782731294632, 0.07940127700567245, 0.05957431718707085, 0.1027473658323288, -0.08236398547887802, 0.04347660392522812, 0.032589979469776154, -0.012738297693431377, -0.11857273429632187, 0.1505964994430542, 0.019844481721520424, -0.004244709853082895, 0.01126076839864254, 0.0250995010137558, -0.05056234449148178, -0.264251708984375, 0.012939831241965294, -0.08410307765007019, -0.08599649369716644, 0.0038379153702408075, 0.05793116241693497, 0.06016562506556511, 0.028639262542128563, 0.013903419487178326, 0.009034681133925915, 0.09607350081205368, -0.0075208451598882675, -0.06010494753718376, -0.10561127960681915, 0.115482859313488, -0.04414747655391693, 0.10052193701267242, 0.023570900782942772, -0.053643327206373215, 0.042977891862392426, -0.011522972024977207, -0.04850979149341583, 0.13808612525463104, -0.025961928069591522, -0.06324838846921921, 0.07584991306066513, 0.1568627655506134, -0.030714649707078934, -0.033333372324705124, -0.01609843038022518, -0.011025691404938698, 0.06676024198532104, -0.04954042658209801, -0.07658474147319794, -0.02236129157245159, 0.03075522556900978, -0.12074543535709381, 0.15466102957725525, 0.17575030028820038, 0.017388109117746353, 0.0536462664604187, -0.07504324615001678, -0.006282160058617592, 0.02811811864376068, 0.14515726268291473, -0.0913110077381134, -0.1618991196155548, 0.0531562939286232, -0.03981800377368927, 0.02884317934513092, -0.21905280649662018, 0.03357924520969391, -0.037240322679281235, -0.047598060220479965, -0.10885187983512878, 0.05570029839873314, 0.07445376366376877, 0.022911056876182556, -0.015069236978888512, -0.1958114206790924, 0.0243685282766819, 0.0652017742395401, -0.12425154447555542, -0.0603882297873497 ]
null
null
transformers
# CAMeLBERT MSA SA Model ## Model description **CAMeLBERT MSA SA Model** is a Sentiment Analysis (SA) model that was built by fine-tuning the [CAMeLBERT Modern Standard Arabic (MSA)](https://huggingface.co/CAMeL-Lab/bert-base-arabic-camelbert-msa/) model. For the fine-tuning, we used the [ASTD](https://aclanthology.org/D15-1299.pdf), [ArSAS](http://lrec-conf.org/workshops/lrec2018/W30/pdf/22_W30.pdf), and [SemEval](https://aclanthology.org/S17-2088.pdf) datasets. Our fine-tuning procedure and the hyperparameters we used can be found in our paper *"[The Interplay of Variant, Size, and Task Type in Arabic Pre-trained Language Models](https://arxiv.org/abs/2103.06678)."* Our fine-tuning code can be found [here](https://github.com/CAMeL-Lab/CAMeLBERT). ## Intended uses You can use the CAMeLBERT MSA SA model directly as part of our [CAMeL Tools](https://github.com/CAMeL-Lab/camel_tools) SA component (*recommended*) or as part of the transformers pipeline. #### How to use To use the model with the [CAMeL Tools](https://github.com/CAMeL-Lab/camel_tools) SA component: ```python >>> from camel_tools.sentiment import SentimentAnalyzer >>> sa = SentimentAnalyzer("CAMeL-Lab/bert-base-arabic-camelbert-msa-sentiment") >>> sentences = ['أنا بخير', 'أنا لست بخير'] >>> sa.predict(sentences) >>> ['positive', 'negative'] ``` You can also use the SA model directly with a transformers pipeline: ```python >>> from transformers import pipeline >>> sa = pipeline('sentiment-analysis', model='CAMeL-Lab/bert-base-arabic-camelbert-msa-sentiment') >>> sentences = ['أنا بخير', 'أنا لست بخير'] >>> sa(sentences) [{'label': 'positive', 'score': 0.9616648554801941}, {'label': 'negative', 'score': 0.9779177904129028}] ``` *Note*: to download our models, you would need `transformers>=3.5.0`. Otherwise, you could download the models manually. ## Citation ```bibtex @inproceedings{inoue-etal-2021-interplay, title = "The Interplay of Variant, Size, and Task Type in {A}rabic Pre-trained Language Models", author = "Inoue, Go and Alhafni, Bashar and Baimukan, Nurpeiis and Bouamor, Houda and Habash, Nizar", booktitle = "Proceedings of the Sixth Arabic Natural Language Processing Workshop", month = apr, year = "2021", address = "Kyiv, Ukraine (Online)", publisher = "Association for Computational Linguistics", abstract = "In this paper, we explore the effects of language variants, data sizes, and fine-tuning task types in Arabic pre-trained language models. To do so, we build three pre-trained language models across three variants of Arabic: Modern Standard Arabic (MSA), dialectal Arabic, and classical Arabic, in addition to a fourth language model which is pre-trained on a mix of the three. We also examine the importance of pre-training data size by building additional models that are pre-trained on a scaled-down set of the MSA variant. We compare our different models to each other, as well as to eight publicly available models by fine-tuning them on five NLP tasks spanning 12 datasets. Our results suggest that the variant proximity of pre-training data to fine-tuning data is more important than the pre-training data size. We exploit this insight in defining an optimized system selection model for the studied tasks.", } ```
{"language": ["ar"], "license": "apache-2.0", "widget": [{"text": "\u0623\u0646\u0627 \u0628\u062e\u064a\u0631"}]}
text-classification
CAMeL-Lab/bert-base-arabic-camelbert-msa-sentiment
[ "transformers", "pytorch", "tf", "bert", "text-classification", "ar", "arxiv:2103.06678", "license:apache-2.0", "autotrain_compatible", "endpoints_compatible", "region:us" ]
2022-03-02T23:29:04+00:00
[ "2103.06678" ]
[ "ar" ]
TAGS #transformers #pytorch #tf #bert #text-classification #ar #arxiv-2103.06678 #license-apache-2.0 #autotrain_compatible #endpoints_compatible #region-us
# CAMeLBERT MSA SA Model ## Model description CAMeLBERT MSA SA Model is a Sentiment Analysis (SA) model that was built by fine-tuning the CAMeLBERT Modern Standard Arabic (MSA) model. For the fine-tuning, we used the ASTD, ArSAS, and SemEval datasets. Our fine-tuning procedure and the hyperparameters we used can be found in our paper *"The Interplay of Variant, Size, and Task Type in Arabic Pre-trained Language Models."* Our fine-tuning code can be found here. ## Intended uses You can use the CAMeLBERT MSA SA model directly as part of our CAMeL Tools SA component (*recommended*) or as part of the transformers pipeline. #### How to use To use the model with the CAMeL Tools SA component: You can also use the SA model directly with a transformers pipeline: *Note*: to download our models, you would need 'transformers>=3.5.0'. Otherwise, you could download the models manually.
[ "# CAMeLBERT MSA SA Model", "## Model description\nCAMeLBERT MSA SA Model is a Sentiment Analysis (SA) model that was built by fine-tuning the CAMeLBERT Modern Standard Arabic (MSA) model.\nFor the fine-tuning, we used the ASTD, ArSAS, and SemEval datasets.\nOur fine-tuning procedure and the hyperparameters we used can be found in our paper *\"The Interplay of Variant, Size, and Task Type in Arabic Pre-trained Language Models.\"* Our fine-tuning code can be found here.", "## Intended uses\nYou can use the CAMeLBERT MSA SA model directly as part of our CAMeL Tools SA component (*recommended*) or as part of the transformers pipeline.", "#### How to use\nTo use the model with the CAMeL Tools SA component:\n\nYou can also use the SA model directly with a transformers pipeline:\n\n*Note*: to download our models, you would need 'transformers>=3.5.0'.\nOtherwise, you could download the models manually." ]
[ "TAGS\n#transformers #pytorch #tf #bert #text-classification #ar #arxiv-2103.06678 #license-apache-2.0 #autotrain_compatible #endpoints_compatible #region-us \n", "# CAMeLBERT MSA SA Model", "## Model description\nCAMeLBERT MSA SA Model is a Sentiment Analysis (SA) model that was built by fine-tuning the CAMeLBERT Modern Standard Arabic (MSA) model.\nFor the fine-tuning, we used the ASTD, ArSAS, and SemEval datasets.\nOur fine-tuning procedure and the hyperparameters we used can be found in our paper *\"The Interplay of Variant, Size, and Task Type in Arabic Pre-trained Language Models.\"* Our fine-tuning code can be found here.", "## Intended uses\nYou can use the CAMeLBERT MSA SA model directly as part of our CAMeL Tools SA component (*recommended*) or as part of the transformers pipeline.", "#### How to use\nTo use the model with the CAMeL Tools SA component:\n\nYou can also use the SA model directly with a transformers pipeline:\n\n*Note*: to download our models, you would need 'transformers>=3.5.0'.\nOtherwise, you could download the models manually." ]
[ 57, 9, 124, 45, 65 ]
[ "passage: TAGS\n#transformers #pytorch #tf #bert #text-classification #ar #arxiv-2103.06678 #license-apache-2.0 #autotrain_compatible #endpoints_compatible #region-us \n# CAMeLBERT MSA SA Model## Model description\nCAMeLBERT MSA SA Model is a Sentiment Analysis (SA) model that was built by fine-tuning the CAMeLBERT Modern Standard Arabic (MSA) model.\nFor the fine-tuning, we used the ASTD, ArSAS, and SemEval datasets.\nOur fine-tuning procedure and the hyperparameters we used can be found in our paper *\"The Interplay of Variant, Size, and Task Type in Arabic Pre-trained Language Models.\"* Our fine-tuning code can be found here.## Intended uses\nYou can use the CAMeLBERT MSA SA model directly as part of our CAMeL Tools SA component (*recommended*) or as part of the transformers pipeline.#### How to use\nTo use the model with the CAMeL Tools SA component:\n\nYou can also use the SA model directly with a transformers pipeline:\n\n*Note*: to download our models, you would need 'transformers>=3.5.0'.\nOtherwise, you could download the models manually." ]
[ -0.03715215623378754, 0.05392368137836456, -0.0051157488487660885, 0.010288529098033905, 0.14215080440044403, 0.02165868505835533, 0.12095773965120316, 0.05073750391602516, 0.029887624084949493, -0.009451458230614662, 0.02489461749792099, 0.0760563462972641, 0.05442027747631073, 0.08735095709562302, 0.06859739124774933, -0.21392910182476044, -0.010127177461981773, -0.05629632994532585, -0.0646471381187439, 0.13771773874759674, 0.10982409864664078, -0.005757677834481001, 0.1233254224061966, 0.02709820307791233, -0.018866458907723427, 0.05136164650321007, 0.01744542084634304, -0.06586391478776932, 0.08819860219955444, 0.16210487484931946, 0.12181108444929123, 0.015593019314110279, 0.07231196016073227, -0.2161358892917633, 0.02648470178246498, 0.054478053003549576, -0.009934615343809128, 0.01506954524666071, 0.0698789581656456, -0.08030767738819122, 0.1695912927389145, -0.04417925328016281, 0.043891992419958115, 0.09778246283531189, -0.0847843587398529, -0.0800514742732048, -0.015851426869630814, 0.05237940326333046, 0.08805921673774719, 0.10697256028652191, 0.0052781435661017895, 0.1290842741727829, -0.056940969079732895, 0.07897622138261795, 0.0891779214143753, -0.1328665316104889, -0.048582032322883606, 0.11815763264894485, 0.012329650111496449, 0.14094345271587372, -0.012641245499253273, 0.07130186259746552, 0.01171625405550003, 0.01228606328368187, 0.06905088573694229, -0.05303971469402313, -0.02259204164147377, -0.02951524779200554, -0.10258746892213821, -0.08065523952245712, 0.20654413104057312, -0.003437967970967293, -0.06307077407836914, -0.13186989724636078, -0.03219696879386902, 0.09954198449850082, -0.012826905585825443, -0.0009992342675104737, -0.02093740738928318, 0.03492617607116699, 0.07028274238109589, -0.12128007411956787, -0.14378750324249268, -0.07079347968101501, -0.07636655122041702, 0.12768018245697021, 0.01187566202133894, 0.07041727751493454, -0.0893639475107193, 0.09447678178548813, -0.08447439223527908, -0.061240557581186295, -0.008339079096913338, -0.138584703207016, -0.09202893823385239, -0.02045927569270134, -0.03926524892449379, -0.163492351770401, 0.03878870978951454, 0.15846417844295502, 0.06410175561904907, 0.049014586955308914, -0.005980208981782198, 0.003328678198158741, 0.016948871314525604, 0.12372022122144699, -0.03044075146317482, -0.007972556166350842, -0.01932474970817566, -0.0035697845742106438, -0.009858781471848488, -0.0332619734108448, -0.025128070265054703, -0.021438339725136757, -0.09619080275297165, 0.07073602825403214, 0.05213788151741028, 0.08586683124303818, -0.007275864016264677, -0.06272395700216293, 0.1882542073726654, -0.14507612586021423, -0.04725699499249458, 0.017493214458227158, 0.01713273674249649, 0.05540713295340538, 0.1311207115650177, -0.00951183307915926, -0.04694217070937157, 0.01812404952943325, -0.010455312207341194, -0.003952594008296728, -0.07667779922485352, -0.05338425561785698, 0.005712260026484728, 0.04276278614997864, -0.01188855990767479, -0.17925968766212463, -0.06901509314775467, 0.014398950152099133, 0.05884986370801926, 0.011012226343154907, 0.009243768639862537, 0.09246362745761871, 0.03615351766347885, 0.009172610007226467, -0.00431204354390502, 0.03589921072125435, -0.04886966571211815, 0.04084349796175957, 0.02739620767533779, 0.0075377714820206165, 0.0002867214207071811, 0.0043623363599181175, -0.05633442848920822, -0.005739689338952303, -0.2232658565044403, 0.13659241795539856, -0.10785545408725739, -0.034438274800777435, -0.1417982131242752, 0.0070176576264202595, -0.03866664320230484, 0.04987615719437599, -0.09010794758796692, 0.09343725442886353, -0.1489938497543335, -0.05034743249416351, 0.1612822711467743, -0.1489194929599762, -0.04961777478456497, 0.10964853316545486, -0.01429097168147564, 0.009446492418646812, 0.07780691981315613, 0.07807803153991699, 0.1580720990896225, -0.1587401181459427, 0.0020460172090679407, 0.12438265234231949, 0.03362497687339783, 0.09741812944412231, 0.14144852757453918, -0.03641260042786598, -0.004787476267665625, 0.04648217558860779, -0.1586524397134781, 0.09152902662754059, 0.008463552221655846, -0.05852816626429558, -0.005125557538121939, -0.09349340200424194, 0.046844419091939926, 0.021992485970258713, -0.008433965034782887, 0.03468687832355499, -0.07643353193998337, -0.006307500880211592, 0.10575014352798462, -0.023172754794359207, 0.0029003608506172895, -0.06793387234210968, -0.046462707221508026, -0.02616453543305397, -0.007560306694358587, -0.20525093376636505, -0.1307820975780487, -0.02585429511964321, -0.10775795578956604, 0.06923341751098633, 0.004422558471560478, 0.04286898300051689, 0.044452957808971405, -0.04104924201965332, 0.052750613540410995, -0.02996573969721794, 0.007169080898165703, 0.008057874627411366, -0.08375906199216843, -0.05198797211050987, -0.03812166675925255, 0.19527341425418854, -0.08839327096939087, 0.054339077323675156, -0.00006273885810514912, 0.10684215277433395, 0.015745297074317932, -0.0319075807929039, 0.022965172305703163, -0.009960534982383251, -0.009341818280518055, -0.005149692762643099, 0.009755418635904789, -0.014264234341681004, -0.11785044521093369, 0.07355769723653793, -0.1474154144525528, -0.03773651272058487, 0.12516747415065765, 0.040884703397750854, -0.0784299299120903, -0.03787326067686081, 0.000316397228743881, -0.0016290388302877545, -0.02454480715095997, -0.0423596054315567, 0.16534505784511566, 0.06811023503541946, 0.10369525849819183, -0.05857253819704056, 0.028350671753287315, -0.003932248335331678, -0.06972271203994751, 0.029233919456601143, 0.04992418363690376, 0.06954658031463623, -0.06763803213834763, 0.048859626054763794, 0.08654255419969559, 0.0077062975615262985, 0.14955472946166992, -0.002139136428013444, -0.08921296149492264, 0.03462420403957367, -0.005878394935280085, 0.01891499012708664, -0.012930800206959248, 0.01872355118393898, -0.0046634795144200325, 0.06624399870634079, -0.016609854996204376, -0.01394116971641779, -0.053103864192962646, 0.01975192315876484, 0.08227545022964478, -0.03256407007575035, -0.039895862340927124, 0.029079817235469818, -0.007853071205317974, 0.041606467217206955, -0.04628119617700577, 0.10526090860366821, -0.0036690477281808853, -0.023089870810508728, -0.09685549139976501, 0.17914623022079468, -0.035901736468076706, -0.3107077479362488, -0.19027838110923767, -0.04018824175000191, -0.12411899119615555, -0.005217621568590403, 0.046374138444662094, -0.07775817811489105, -0.0674058347940445, -0.04441668465733528, 0.11798075586557388, -0.010118875652551651, -0.06491921842098236, -0.04182763770222664, 0.03087722510099411, 0.06343327462673187, -0.1412634402513504, -0.013389096595346928, 0.04514617845416069, -0.08998323231935501, 0.016084665432572365, -0.033115219324827194, 0.09331575781106949, 0.05286727100610733, 0.015395766124129295, 0.0011135899694636464, 0.029711417853832245, 0.2068086713552475, -0.06978609412908554, 0.07340357452630997, 0.28242161870002747, -0.06125553697347641, 0.03805522248148918, 0.14220987260341644, 0.09478750824928284, -0.003629616228863597, 0.020994000136852264, 0.06381707638502121, -0.08259100466966629, -0.22562503814697266, -0.1452139914035797, -0.045379966497421265, -0.09509648382663727, 0.035567399114370346, 0.03879576548933983, 0.009847268462181091, 0.07270209491252899, -0.09203200042247772, -0.028208747506141663, 0.0779721662402153, 0.06784801185131073, 0.12123594433069229, -0.002749789971858263, 0.10029394179582596, -0.09370796382427216, -0.008092328906059265, 0.11162003874778748, 0.03422585502266884, 0.07001569122076035, 0.016253121197223663, 0.0976877510547638, 0.06074768304824829, 0.02455270290374756, 0.08963143825531006, 0.04805196076631546, 0.034627676010131836, -0.015806689858436584, -0.033924657851457596, -0.08784469217061996, -0.06290967017412186, 0.05922011286020279, -0.031161539256572723, -0.05112820491194725, -0.01612536795437336, 0.045419055968523026, 0.04431145638227463, 0.12766368687152863, -0.061158884316682816, -0.21766507625579834, -0.05602436885237694, 0.013995231129229069, -0.006507224403321743, -0.06511532515287399, -0.015449919737875462, -0.04877251386642456, -0.15801726281642914, 0.10203291475772858, -0.027606310322880745, 0.10895729064941406, -0.03377404808998108, 0.027488749474287033, 0.024175245314836502, -0.0031956308521330357, 0.019159117713570595, 0.10973402857780457, -0.18831244111061096, 0.12320806831121445, 0.05763288959860802, 0.020083919167518616, -0.05810831859707832, 0.05395042151212692, 0.05441950634121895, 0.18700656294822693, 0.16660255193710327, -0.006489040330052376, -0.028822552412748337, -0.103020079433918, -0.09451110661029816, 0.04558051377534866, 0.036734286695718765, -0.10449683666229248, 0.04107089713215828, -0.05806586891412735, -0.0001514341274742037, -0.044208601117134094, 0.016703227534890175, -0.17197127640247345, -0.2545940577983856, 0.0424959734082222, -0.0442613884806633, 0.03017713502049446, -0.06654804199934006, 0.0007104322430677712, 0.014938185922801495, 0.1768888533115387, -0.10476825386285782, -0.13858692348003387, -0.1171891987323761, -0.08238377422094345, 0.14227217435836792, -0.09373302757740021, 0.030046792700886726, -0.05543460696935654, 0.1303381621837616, -0.06420018523931503, -0.14794908463954926, -0.024670826271176338, -0.11150646954774857, -0.03865997493267059, 0.000959866214543581, 0.09984590113162994, -0.015065610408782959, 0.04157067462801933, 0.02270875871181488, -0.031767282634973526, 0.01848611980676651, -0.09620941430330276, -0.11250585317611694, 0.23057501018047333, 0.027044935151934624, 0.07089926302433014, -0.050127170979976654, -0.13546131551265717, -0.07343892008066177, -0.04641158506274223, 0.0608290396630764, 0.12280547618865967, -0.07517575472593307, 0.14601868391036987, 0.19070187211036682, -0.06584572792053223, -0.21501825749874115, -0.13613878190517426, 0.08370625227689743, -0.03593989089131355, 0.14943358302116394, -0.17351241409778595, 0.09990978986024857, 0.024323130026459694, -0.015606046654284, -0.1690826416015625, -0.27518460154533386, -0.0953708291053772, 0.07939976453781128, 0.006248089950531721, -0.051131706684827805, -0.15478937327861786, -0.049894075840711594, -0.07099414616823196, -0.18061985075473785, 0.07284541428089142, -0.07574857771396637, 0.055427052080631256, 0.0033283070661127567, 0.053536903113126755, 0.0485939085483551, -0.02649628557264805, 0.16339454054832458, -0.06510622799396515, 0.00842209905385971, -0.08173923939466476, 0.07030308991670609, 0.037561364471912384, -0.033844225108623505, 0.1274559199810028, -0.08925159275531769, 0.04081297293305397, -0.07500869035720825, -0.0977497324347496, -0.05948870629072189, 0.07244687527418137, -0.02510075271129608, -0.056984011083841324, 0.010698073543608189, -0.03035062365233898, 0.02931070327758789, -0.032985419034957886, -0.01600266806781292, -0.10405609011650085, 0.04849538952112198, 0.16304336488246918, 0.1502208262681961, -0.01730293780565262, -0.18756715953350067, -0.04751686751842499, -0.029630299657583237, 0.06505487859249115, -0.18412014842033386, 0.04192774370312691, 0.03801713511347771, -0.014584388583898544, 0.08368334919214249, -0.016511941328644753, -0.06082938238978386, -0.008458919823169708, 0.08215106278657913, -0.07985689491033554, -0.17264172434806824, -0.08108936995267868, 0.10041234642267227, -0.10645166039466858, -0.06024768203496933, 0.14069457352161407, -0.03806563839316368, -0.03724854066967964, -0.010818613693118095, 0.0063183242455124855, -0.019310563802719116, 0.07266320288181305, 0.0009284724364988506, 0.03455042093992233, -0.08831658214330673, 0.08342640846967697, 0.08545471727848053, -0.17002002894878387, -0.020150622352957726, 0.054057009518146515, -0.12849925458431244, -0.09496639668941498, 0.023283446207642555, 0.01066670659929514, -0.15402445197105408, -0.06229686737060547, 0.011807471513748169, -0.04983363673090935, -0.05393679440021515, 0.038797006011009216, 0.05826877802610397, -0.004988156724721193, -0.012062322348356247, -0.03536107391119003, -0.012858333997428417, 0.06911613047122955, 0.06819093972444534, 0.026524368673563004, -0.15617148578166962, 0.033357664942741394, 0.035414375364780426, 0.011400360614061356, -0.027560781687498093, -0.0006980129983276129, -0.03822401165962219, 0.01802956312894821, -0.12599673867225647, 0.0635400265455246, -0.034465331584215164, 0.030792588368058205, 0.006720810197293758, -0.01721467450261116, 0.0035171753261238337, 0.009282325394451618, -0.049914516508579254, -0.03379033878445625, -0.022575367242097855, 0.1254817545413971, -0.1526772677898407, -0.01988125778734684, 0.06636201590299606, -0.047179900109767914, 0.040738802403211594, 0.039260074496269226, -0.05309275537729263, 0.08341231197118759, -0.10237571597099304, 0.00060590187786147, 0.007700333371758461, 0.06581888347864151, -0.028207866474986076, 0.0016900706104934216, 0.0386282354593277, 0.014244768768548965, -0.040945976972579956, 0.003333331784233451, 0.0891723483800888, -0.10404197126626968, -0.0015025502070784569, 0.057953473180532455, -0.018449900671839714, -0.06374678760766983, 0.04094107076525688, 0.1432918906211853, 0.09721942245960236, 0.08722947537899017, -0.0637054443359375, 0.017758917063474655, -0.14313404262065887, 0.007236138451844454, -0.040309321135282516, 0.0035422067157924175, -0.0692766010761261, -0.12905527651309967, 0.023980742320418358, -0.06028415262699127, 0.16082915663719177, 0.053739771246910095, 0.18411961197853088, 0.03610141575336456, 0.030852798372507095, 0.14470221102237701, -0.011598150245845318, 0.12750637531280518, 0.02013840712606907, 0.05645080655813217, -0.0031292445491999388, 0.0069995759986341, -0.04104679077863693, 0.026627443730831146, 0.0008284656214527786, 0.1440855711698532, -0.05247359350323677, 0.013449284248054028, 0.018379604443907738, -0.002945807995274663, -0.057712703943252563, -0.11640781909227371, -0.011328640393912792, 0.0008804468670859933, -0.08260855078697205, -0.019198473542928696, 0.18386970460414886, -0.09309066832065582, 0.08827424049377441, 0.02001447044312954, -0.04858517274260521, -0.12841030955314636, -0.15388531982898712, -0.04207294434309006, -0.047191865742206573, -0.020555470138788223, -0.06525995582342148, 0.061599332839250565, 0.10736647248268127, -0.000017148606275441125, 0.02842513471841812, 0.1981637328863144, -0.09147754311561584, -0.1240086629986763, -0.036020535975694656, -0.012933467514812946, 0.03268934041261673, 0.04441581293940544, 0.08426162600517273, 0.08497831225395203, -0.007237471640110016, 0.011276326142251492, 0.040306560695171356, 0.011915065348148346, 0.05321401730179787, -0.061143919825553894, -0.07167316228151321, -0.041091352701187134, -0.013249741867184639, -0.019009480252861977, 0.21559646725654602, 0.03975623846054077, -0.0588381290435791, -0.030493443831801414, 0.22041986882686615, -0.03274300694465637, -0.1274244636297226, -0.16378793120384216, 0.2629493176937103, -0.037492744624614716, 0.03835747763514519, -0.02942490391433239, -0.03657650947570801, -0.036849260330200195, 0.17956973612308502, 0.18199516832828522, 0.01871250942349434, 0.03385172784328461, -0.006991108879446983, 0.017855476588010788, -0.008345410227775574, 0.14790794253349304, -0.02545907534658909, 0.20167385041713715, -0.07551179826259613, 0.10941081494092941, -0.013966910541057587, -0.01567748934030533, -0.0837613046169281, 0.15208661556243896, -0.03984789922833443, -0.042117830365896225, 0.00040465223719365895, 0.1269511729478836, -0.000680592202115804, -0.0945117399096489, -0.051485609263181686, -0.012408261187374592, -0.024279551580548286, -0.03551799803972244, 0.00840189028531313, 0.046188414096832275, -0.006590747274458408, -0.02424204908311367, -0.04144884645938873, 0.16574279963970184, 0.027739427983760834, -0.13167057931423187, -0.05866647884249687, 0.1156563013792038, 0.01267480943351984, 0.12587806582450867, 0.03310247138142586, 0.0922975167632103, 0.04178236797451973, -0.02453106828033924, -0.04009699076414108, 0.04169078171253204, 0.05212356150150299, -0.02322324365377426, 0.04883231222629547, 0.09586247056722641, -0.02608518674969673, 0.053160928189754486, 0.0021039601415395737, -0.09235911816358566, 0.0494513101875782, -0.02915949560701847, -0.015755189582705498, -0.05262915790081024, 0.09910678118467331, -0.1046394407749176, 0.11663827300071716, 0.15577998757362366, 0.007247699424624443, -0.009898435324430466, -0.08276122808456421, 0.053666938096284866, 0.07920195162296295, 0.028931330889463425, -0.036460988223552704, -0.08969297260046005, -0.02039651945233345, -0.01906200870871544, 0.06744252890348434, -0.15390858054161072, -0.03882298246026039, 0.015552009455859661, -0.018143180757761, 0.004092806484550238, 0.06963934004306793, 0.12439300119876862, 0.02002202533185482, -0.015135420486330986, -0.13204486668109894, 0.01446177251636982, 0.05344220623373985, -0.1542341262102127, -0.06315309554338455 ]
null
null
transformers
# CAMeLBERT: A collection of pre-trained models for Arabic NLP tasks ## Model description **CAMeLBERT** is a collection of BERT models pre-trained on Arabic texts with different sizes and variants. We release pre-trained language models for Modern Standard Arabic (MSA), dialectal Arabic (DA), and classical Arabic (CA), in addition to a model pre-trained on a mix of the three. We also provide additional models that are pre-trained on a scaled-down set of the MSA variant (half, quarter, eighth, and sixteenth). The details are described in the paper *"[The Interplay of Variant, Size, and Task Type in Arabic Pre-trained Language Models](https://arxiv.org/abs/2103.06678)."* This model card describes **CAMeLBERT-MSA-sixteenth** (`bert-base-arabic-camelbert-msa-sixteenth`), a model pre-trained on a sixteenth of the full MSA dataset. ||Model|Variant|Size|#Word| |-|-|:-:|-:|-:| ||`bert-base-arabic-camelbert-mix`|CA,DA,MSA|167GB|17.3B| ||`bert-base-arabic-camelbert-ca`|CA|6GB|847M| ||`bert-base-arabic-camelbert-da`|DA|54GB|5.8B| ||`bert-base-arabic-camelbert-msa`|MSA|107GB|12.6B| ||`bert-base-arabic-camelbert-msa-half`|MSA|53GB|6.3B| ||`bert-base-arabic-camelbert-msa-quarter`|MSA|27GB|3.1B| ||`bert-base-arabic-camelbert-msa-eighth`|MSA|14GB|1.6B| |✔|`bert-base-arabic-camelbert-msa-sixteenth`|MSA|6GB|746M| ## Intended uses You can use the released model for either masked language modeling or next sentence prediction. However, it is mostly intended to be fine-tuned on an NLP task, such as NER, POS tagging, sentiment analysis, dialect identification, and poetry classification. We release our fine-tuninig code [here](https://github.com/CAMeL-Lab/CAMeLBERT). #### How to use You can use this model directly with a pipeline for masked language modeling: ```python >>> from transformers import pipeline >>> unmasker = pipeline('fill-mask', model='CAMeL-Lab/bert-base-arabic-camelbert-msa-sixteenth') >>> unmasker("الهدف من الحياة هو [MASK] .") [{'sequence': '[CLS] الهدف من الحياة هو التغيير. [SEP]', 'score': 0.08320745080709457, 'token': 7946, 'token_str': 'التغيير'}, {'sequence': '[CLS] الهدف من الحياة هو التعلم. [SEP]', 'score': 0.04305094853043556, 'token': 12554, 'token_str': 'التعلم'}, {'sequence': '[CLS] الهدف من الحياة هو العمل. [SEP]', 'score': 0.0417640283703804, 'token': 2854, 'token_str': 'العمل'}, {'sequence': '[CLS] الهدف من الحياة هو الحياة. [SEP]', 'score': 0.041371218860149384, 'token': 3696, 'token_str': 'الحياة'}, {'sequence': '[CLS] الهدف من الحياة هو المعرفة. [SEP]', 'score': 0.039794355630874634, 'token': 7344, 'token_str': 'المعرفة'}] ``` *Note*: to download our models, you would need `transformers>=3.5.0`. Otherwise, you could download the models manually. Here is how to use this model to get the features of a given text in PyTorch: ```python from transformers import AutoTokenizer, AutoModel tokenizer = AutoTokenizer.from_pretrained('CAMeL-Lab/bert-base-arabic-camelbert-msa-sixteenth') model = AutoModel.from_pretrained('CAMeL-Lab/bert-base-arabic-camelbert-msa-sixteenth') text = "مرحبا يا عالم." encoded_input = tokenizer(text, return_tensors='pt') output = model(**encoded_input) ``` and in TensorFlow: ```python from transformers import AutoTokenizer, TFAutoModel tokenizer = AutoTokenizer.from_pretrained('CAMeL-Lab/bert-base-arabic-camelbert-msa-sixteenth') model = TFAutoModel.from_pretrained('CAMeL-Lab/bert-base-arabic-camelbert-msa-sixteenth') text = "مرحبا يا عالم." encoded_input = tokenizer(text, return_tensors='tf') output = model(encoded_input) ``` ## Training data - MSA (Modern Standard Arabic) - [The Arabic Gigaword Fifth Edition](https://catalog.ldc.upenn.edu/LDC2011T11) - [Abu El-Khair Corpus](http://www.abuelkhair.net/index.php/en/arabic/abu-el-khair-corpus) - [OSIAN corpus](https://vlo.clarin.eu/search;jsessionid=31066390B2C9E8C6304845BA79869AC1?1&q=osian) - [Arabic Wikipedia](https://archive.org/details/arwiki-20190201) - The unshuffled version of the Arabic [OSCAR corpus](https://oscar-corpus.com/) ## Training procedure We use [the original implementation](https://github.com/google-research/bert) released by Google for pre-training. We follow the original English BERT model's hyperparameters for pre-training, unless otherwise specified. ### Preprocessing - After extracting the raw text from each corpus, we apply the following pre-processing. - We first remove invalid characters and normalize white spaces using the utilities provided by [the original BERT implementation](https://github.com/google-research/bert/blob/eedf5716ce1268e56f0a50264a88cafad334ac61/tokenization.py#L286-L297). - We also remove lines without any Arabic characters. - We then remove diacritics and kashida using [CAMeL Tools](https://github.com/CAMeL-Lab/camel_tools). - Finally, we split each line into sentences with a heuristics-based sentence segmenter. - We train a WordPiece tokenizer on the entire dataset (167 GB text) with a vocabulary size of 30,000 using [HuggingFace's tokenizers](https://github.com/huggingface/tokenizers). - We do not lowercase letters nor strip accents. ### Pre-training - The model was trained on a single cloud TPU (`v3-8`) for one million steps in total. - The first 90,000 steps were trained with a batch size of 1,024 and the rest was trained with a batch size of 256. - The sequence length was limited to 128 tokens for 90% of the steps and 512 for the remaining 10%. - We use whole word masking and a duplicate factor of 10. - We set max predictions per sequence to 20 for the dataset with max sequence length of 128 tokens and 80 for the dataset with max sequence length of 512 tokens. - We use a random seed of 12345, masked language model probability of 0.15, and short sequence probability of 0.1. - The optimizer used is Adam with a learning rate of 1e-4, \\(\beta_{1} = 0.9\\) and \\(\beta_{2} = 0.999\\), a weight decay of 0.01, learning rate warmup for 10,000 steps and linear decay of the learning rate after. ## Evaluation results - We evaluate our pre-trained language models on five NLP tasks: NER, POS tagging, sentiment analysis, dialect identification, and poetry classification. - We fine-tune and evaluate the models using 12 dataset. - We used Hugging Face's transformers to fine-tune our CAMeLBERT models. - We used transformers `v3.1.0` along with PyTorch `v1.5.1`. - The fine-tuning was done by adding a fully connected linear layer to the last hidden state. - We use \\(F_{1}\\) score as a metric for all tasks. - Code used for fine-tuning is available [here](https://github.com/CAMeL-Lab/CAMeLBERT). ### Results | Task | Dataset | Variant | Mix | CA | DA | MSA | MSA-1/2 | MSA-1/4 | MSA-1/8 | MSA-1/16 | | -------------------- | --------------- | ------- | ----- | ----- | ----- | ----- | ------- | ------- | ------- | -------- | | NER | ANERcorp | MSA | 80.8% | 67.9% | 74.1% | 82.4% | 82.0% | 82.1% | 82.6% | 80.8% | | POS | PATB (MSA) | MSA | 98.1% | 97.8% | 97.7% | 98.3% | 98.2% | 98.3% | 98.2% | 98.2% | | | ARZTB (EGY) | DA | 93.6% | 92.3% | 92.7% | 93.6% | 93.6% | 93.7% | 93.6% | 93.6% | | | Gumar (GLF) | DA | 97.3% | 97.7% | 97.9% | 97.9% | 97.9% | 97.9% | 97.9% | 97.9% | | SA | ASTD | MSA | 76.3% | 69.4% | 74.6% | 76.9% | 76.0% | 76.8% | 76.7% | 75.3% | | | ArSAS | MSA | 92.7% | 89.4% | 91.8% | 93.0% | 92.6% | 92.5% | 92.5% | 92.3% | | | SemEval | MSA | 69.0% | 58.5% | 68.4% | 72.1% | 70.7% | 72.8% | 71.6% | 71.2% | | DID | MADAR-26 | DA | 62.9% | 61.9% | 61.8% | 62.6% | 62.0% | 62.8% | 62.0% | 62.2% | | | MADAR-6 | DA | 92.5% | 91.5% | 92.2% | 91.9% | 91.8% | 92.2% | 92.1% | 92.0% | | | MADAR-Twitter-5 | MSA | 75.7% | 71.4% | 74.2% | 77.6% | 78.5% | 77.3% | 77.7% | 76.2% | | | NADI | DA | 24.7% | 17.3% | 20.1% | 24.9% | 24.6% | 24.6% | 24.9% | 23.8% | | Poetry | APCD | CA | 79.8% | 80.9% | 79.6% | 79.7% | 79.9% | 80.0% | 79.7% | 79.8% | ### Results (Average) | | Variant | Mix | CA | DA | MSA | MSA-1/2 | MSA-1/4 | MSA-1/8 | MSA-1/16 | | -------------------- | ------- | ----- | ----- | ----- | ----- | ------- | ------- | ------- | -------- | | Variant-wise-average<sup>[[1]](#footnote-1)</sup> | MSA | 82.1% | 75.7% | 80.1% | 83.4% | 83.0% | 83.3% | 83.2% | 82.3% | | | DA | 74.4% | 72.1% | 72.9% | 74.2% | 74.0% | 74.3% | 74.1% | 73.9% | | | CA | 79.8% | 80.9% | 79.6% | 79.7% | 79.9% | 80.0% | 79.7% | 79.8% | | Macro-Average | ALL | 78.7% | 74.7% | 77.1% | 79.2% | 79.0% | 79.2% | 79.1% | 78.6% | <a name="footnote-1">[1]</a>: Variant-wise-average refers to average over a group of tasks in the same language variant. ## Acknowledgements This research was supported with Cloud TPUs from Google’s TensorFlow Research Cloud (TFRC). ## Citation ```bibtex @inproceedings{inoue-etal-2021-interplay, title = "The Interplay of Variant, Size, and Task Type in {A}rabic Pre-trained Language Models", author = "Inoue, Go and Alhafni, Bashar and Baimukan, Nurpeiis and Bouamor, Houda and Habash, Nizar", booktitle = "Proceedings of the Sixth Arabic Natural Language Processing Workshop", month = apr, year = "2021", address = "Kyiv, Ukraine (Online)", publisher = "Association for Computational Linguistics", abstract = "In this paper, we explore the effects of language variants, data sizes, and fine-tuning task types in Arabic pre-trained language models. To do so, we build three pre-trained language models across three variants of Arabic: Modern Standard Arabic (MSA), dialectal Arabic, and classical Arabic, in addition to a fourth language model which is pre-trained on a mix of the three. We also examine the importance of pre-training data size by building additional models that are pre-trained on a scaled-down set of the MSA variant. We compare our different models to each other, as well as to eight publicly available models by fine-tuning them on five NLP tasks spanning 12 datasets. Our results suggest that the variant proximity of pre-training data to fine-tuning data is more important than the pre-training data size. We exploit this insight in defining an optimized system selection model for the studied tasks.", } ```
{"language": ["ar"], "license": "apache-2.0", "widget": [{"text": "\u0627\u0644\u0647\u062f\u0641 \u0645\u0646 \u0627\u0644\u062d\u064a\u0627\u0629 \u0647\u0648 [MASK] ."}]}
fill-mask
CAMeL-Lab/bert-base-arabic-camelbert-msa-sixteenth
[ "transformers", "pytorch", "tf", "jax", "bert", "fill-mask", "ar", "arxiv:2103.06678", "license:apache-2.0", "autotrain_compatible", "endpoints_compatible", "has_space", "region:us" ]
2022-03-02T23:29:04+00:00
[ "2103.06678" ]
[ "ar" ]
TAGS #transformers #pytorch #tf #jax #bert #fill-mask #ar #arxiv-2103.06678 #license-apache-2.0 #autotrain_compatible #endpoints_compatible #has_space #region-us
CAMeLBERT: A collection of pre-trained models for Arabic NLP tasks ================================================================== Model description ----------------- CAMeLBERT is a collection of BERT models pre-trained on Arabic texts with different sizes and variants. We release pre-trained language models for Modern Standard Arabic (MSA), dialectal Arabic (DA), and classical Arabic (CA), in addition to a model pre-trained on a mix of the three. We also provide additional models that are pre-trained on a scaled-down set of the MSA variant (half, quarter, eighth, and sixteenth). The details are described in the paper *"The Interplay of Variant, Size, and Task Type in Arabic Pre-trained Language Models."* This model card describes CAMeLBERT-MSA-sixteenth ('bert-base-arabic-camelbert-msa-sixteenth'), a model pre-trained on a sixteenth of the full MSA dataset. Intended uses ------------- You can use the released model for either masked language modeling or next sentence prediction. However, it is mostly intended to be fine-tuned on an NLP task, such as NER, POS tagging, sentiment analysis, dialect identification, and poetry classification. We release our fine-tuninig code here. #### How to use You can use this model directly with a pipeline for masked language modeling: *Note*: to download our models, you would need 'transformers>=3.5.0'. Otherwise, you could download the models manually. Here is how to use this model to get the features of a given text in PyTorch: and in TensorFlow: Training data ------------- * MSA (Modern Standard Arabic) + The Arabic Gigaword Fifth Edition + Abu El-Khair Corpus + OSIAN corpus + Arabic Wikipedia + The unshuffled version of the Arabic OSCAR corpus Training procedure ------------------ We use the original implementation released by Google for pre-training. We follow the original English BERT model's hyperparameters for pre-training, unless otherwise specified. ### Preprocessing * After extracting the raw text from each corpus, we apply the following pre-processing. * We first remove invalid characters and normalize white spaces using the utilities provided by the original BERT implementation. * We also remove lines without any Arabic characters. * We then remove diacritics and kashida using CAMeL Tools. * Finally, we split each line into sentences with a heuristics-based sentence segmenter. * We train a WordPiece tokenizer on the entire dataset (167 GB text) with a vocabulary size of 30,000 using HuggingFace's tokenizers. * We do not lowercase letters nor strip accents. ### Pre-training * The model was trained on a single cloud TPU ('v3-8') for one million steps in total. * The first 90,000 steps were trained with a batch size of 1,024 and the rest was trained with a batch size of 256. * The sequence length was limited to 128 tokens for 90% of the steps and 512 for the remaining 10%. * We use whole word masking and a duplicate factor of 10. * We set max predictions per sequence to 20 for the dataset with max sequence length of 128 tokens and 80 for the dataset with max sequence length of 512 tokens. * We use a random seed of 12345, masked language model probability of 0.15, and short sequence probability of 0.1. * The optimizer used is Adam with a learning rate of 1e-4, \(\beta\_{1} = 0.9\) and \(\beta\_{2} = 0.999\), a weight decay of 0.01, learning rate warmup for 10,000 steps and linear decay of the learning rate after. Evaluation results ------------------ * We evaluate our pre-trained language models on five NLP tasks: NER, POS tagging, sentiment analysis, dialect identification, and poetry classification. * We fine-tune and evaluate the models using 12 dataset. * We used Hugging Face's transformers to fine-tune our CAMeLBERT models. * We used transformers 'v3.1.0' along with PyTorch 'v1.5.1'. * The fine-tuning was done by adding a fully connected linear layer to the last hidden state. * We use \(F\_{1}\) score as a metric for all tasks. * Code used for fine-tuning is available here. ### Results ### Results (Average) [1]: Variant-wise-average refers to average over a group of tasks in the same language variant. Acknowledgements ---------------- This research was supported with Cloud TPUs from Google’s TensorFlow Research Cloud (TFRC).
[ "#### How to use\n\n\nYou can use this model directly with a pipeline for masked language modeling:\n\n\n*Note*: to download our models, you would need 'transformers>=3.5.0'. Otherwise, you could download the models manually.\n\n\nHere is how to use this model to get the features of a given text in PyTorch:\n\n\nand in TensorFlow:\n\n\nTraining data\n-------------\n\n\n* MSA (Modern Standard Arabic)\n\t+ The Arabic Gigaword Fifth Edition\n\t+ Abu El-Khair Corpus\n\t+ OSIAN corpus\n\t+ Arabic Wikipedia\n\t+ The unshuffled version of the Arabic OSCAR corpus\n\n\nTraining procedure\n------------------\n\n\nWe use the original implementation released by Google for pre-training.\nWe follow the original English BERT model's hyperparameters for pre-training, unless otherwise specified.", "### Preprocessing\n\n\n* After extracting the raw text from each corpus, we apply the following pre-processing.\n* We first remove invalid characters and normalize white spaces using the utilities provided by the original BERT implementation.\n* We also remove lines without any Arabic characters.\n* We then remove diacritics and kashida using CAMeL Tools.\n* Finally, we split each line into sentences with a heuristics-based sentence segmenter.\n* We train a WordPiece tokenizer on the entire dataset (167 GB text) with a vocabulary size of 30,000 using HuggingFace's tokenizers.\n* We do not lowercase letters nor strip accents.", "### Pre-training\n\n\n* The model was trained on a single cloud TPU ('v3-8') for one million steps in total.\n* The first 90,000 steps were trained with a batch size of 1,024 and the rest was trained with a batch size of 256.\n* The sequence length was limited to 128 tokens for 90% of the steps and 512 for the remaining 10%.\n* We use whole word masking and a duplicate factor of 10.\n* We set max predictions per sequence to 20 for the dataset with max sequence length of 128 tokens and 80 for the dataset with max sequence length of 512 tokens.\n* We use a random seed of 12345, masked language model probability of 0.15, and short sequence probability of 0.1.\n* The optimizer used is Adam with a learning rate of 1e-4, \\(\\beta\\_{1} = 0.9\\) and \\(\\beta\\_{2} = 0.999\\), a weight decay of 0.01, learning rate warmup for 10,000 steps and linear decay of the learning rate after.\n\n\nEvaluation results\n------------------\n\n\n* We evaluate our pre-trained language models on five NLP tasks: NER, POS tagging, sentiment analysis, dialect identification, and poetry classification.\n* We fine-tune and evaluate the models using 12 dataset.\n* We used Hugging Face's transformers to fine-tune our CAMeLBERT models.\n* We used transformers 'v3.1.0' along with PyTorch 'v1.5.1'.\n* The fine-tuning was done by adding a fully connected linear layer to the last hidden state.\n* We use \\(F\\_{1}\\) score as a metric for all tasks.\n* Code used for fine-tuning is available here.", "### Results", "### Results (Average)\n\n\n\n[1]: Variant-wise-average refers to average over a group of tasks in the same language variant.\n\n\nAcknowledgements\n----------------\n\n\nThis research was supported with Cloud TPUs from Google’s TensorFlow Research Cloud (TFRC)." ]
[ "TAGS\n#transformers #pytorch #tf #jax #bert #fill-mask #ar #arxiv-2103.06678 #license-apache-2.0 #autotrain_compatible #endpoints_compatible #has_space #region-us \n", "#### How to use\n\n\nYou can use this model directly with a pipeline for masked language modeling:\n\n\n*Note*: to download our models, you would need 'transformers>=3.5.0'. Otherwise, you could download the models manually.\n\n\nHere is how to use this model to get the features of a given text in PyTorch:\n\n\nand in TensorFlow:\n\n\nTraining data\n-------------\n\n\n* MSA (Modern Standard Arabic)\n\t+ The Arabic Gigaword Fifth Edition\n\t+ Abu El-Khair Corpus\n\t+ OSIAN corpus\n\t+ Arabic Wikipedia\n\t+ The unshuffled version of the Arabic OSCAR corpus\n\n\nTraining procedure\n------------------\n\n\nWe use the original implementation released by Google for pre-training.\nWe follow the original English BERT model's hyperparameters for pre-training, unless otherwise specified.", "### Preprocessing\n\n\n* After extracting the raw text from each corpus, we apply the following pre-processing.\n* We first remove invalid characters and normalize white spaces using the utilities provided by the original BERT implementation.\n* We also remove lines without any Arabic characters.\n* We then remove diacritics and kashida using CAMeL Tools.\n* Finally, we split each line into sentences with a heuristics-based sentence segmenter.\n* We train a WordPiece tokenizer on the entire dataset (167 GB text) with a vocabulary size of 30,000 using HuggingFace's tokenizers.\n* We do not lowercase letters nor strip accents.", "### Pre-training\n\n\n* The model was trained on a single cloud TPU ('v3-8') for one million steps in total.\n* The first 90,000 steps were trained with a batch size of 1,024 and the rest was trained with a batch size of 256.\n* The sequence length was limited to 128 tokens for 90% of the steps and 512 for the remaining 10%.\n* We use whole word masking and a duplicate factor of 10.\n* We set max predictions per sequence to 20 for the dataset with max sequence length of 128 tokens and 80 for the dataset with max sequence length of 512 tokens.\n* We use a random seed of 12345, masked language model probability of 0.15, and short sequence probability of 0.1.\n* The optimizer used is Adam with a learning rate of 1e-4, \\(\\beta\\_{1} = 0.9\\) and \\(\\beta\\_{2} = 0.999\\), a weight decay of 0.01, learning rate warmup for 10,000 steps and linear decay of the learning rate after.\n\n\nEvaluation results\n------------------\n\n\n* We evaluate our pre-trained language models on five NLP tasks: NER, POS tagging, sentiment analysis, dialect identification, and poetry classification.\n* We fine-tune and evaluate the models using 12 dataset.\n* We used Hugging Face's transformers to fine-tune our CAMeLBERT models.\n* We used transformers 'v3.1.0' along with PyTorch 'v1.5.1'.\n* The fine-tuning was done by adding a fully connected linear layer to the last hidden state.\n* We use \\(F\\_{1}\\) score as a metric for all tasks.\n* Code used for fine-tuning is available here.", "### Results", "### Results (Average)\n\n\n\n[1]: Variant-wise-average refers to average over a group of tasks in the same language variant.\n\n\nAcknowledgements\n----------------\n\n\nThis research was supported with Cloud TPUs from Google’s TensorFlow Research Cloud (TFRC)." ]
[ 64, 172, 148, 409, 3, 63 ]
[ "passage: TAGS\n#transformers #pytorch #tf #jax #bert #fill-mask #ar #arxiv-2103.06678 #license-apache-2.0 #autotrain_compatible #endpoints_compatible #has_space #region-us \n#### How to use\n\n\nYou can use this model directly with a pipeline for masked language modeling:\n\n\n*Note*: to download our models, you would need 'transformers>=3.5.0'. Otherwise, you could download the models manually.\n\n\nHere is how to use this model to get the features of a given text in PyTorch:\n\n\nand in TensorFlow:\n\n\nTraining data\n-------------\n\n\n* MSA (Modern Standard Arabic)\n\t+ The Arabic Gigaword Fifth Edition\n\t+ Abu El-Khair Corpus\n\t+ OSIAN corpus\n\t+ Arabic Wikipedia\n\t+ The unshuffled version of the Arabic OSCAR corpus\n\n\nTraining procedure\n------------------\n\n\nWe use the original implementation released by Google for pre-training.\nWe follow the original English BERT model's hyperparameters for pre-training, unless otherwise specified.### Preprocessing\n\n\n* After extracting the raw text from each corpus, we apply the following pre-processing.\n* We first remove invalid characters and normalize white spaces using the utilities provided by the original BERT implementation.\n* We also remove lines without any Arabic characters.\n* We then remove diacritics and kashida using CAMeL Tools.\n* Finally, we split each line into sentences with a heuristics-based sentence segmenter.\n* We train a WordPiece tokenizer on the entire dataset (167 GB text) with a vocabulary size of 30,000 using HuggingFace's tokenizers.\n* We do not lowercase letters nor strip accents." ]
[ -0.03611211106181145, 0.1797948181629181, -0.0014345949748530984, 0.054697416722774506, 0.1702076494693756, 0.016495192423462868, 0.12506507337093353, 0.08137527108192444, -0.07149102538824081, 0.04830784723162651, 0.02081381343305111, 0.030875176191329956, 0.08890174329280853, 0.06903476268053055, 0.017124272882938385, -0.2282387912273407, 0.033612459897994995, -0.05803094431757927, 0.061416782438755035, 0.09670865535736084, 0.06797731667757034, -0.05445236712694168, 0.07841332256793976, 0.0034968608524650335, -0.05327476188540459, 0.018584053963422775, -0.007011042907834053, -0.05103461816906929, 0.08992297202348709, 0.06499111652374268, 0.11974761635065079, 0.014008288271725178, 0.03144465759396553, -0.1854538470506668, 0.02651105262339115, 0.08884405344724655, -0.03431772068142891, 0.04710374027490616, 0.10729571431875229, -0.013585911132395267, 0.1471058428287506, -0.07978568226099014, 0.00853437464684248, 0.023758340626955032, -0.09662026166915894, -0.039010096341371536, -0.12211072444915771, 0.0012190514244139194, 0.1261950582265854, 0.1312105655670166, -0.033863477408885956, 0.07027062773704529, -0.011887602508068085, 0.04783757030963898, 0.1702636182308197, -0.196420356631279, -0.003471977077424526, -0.08127374947071075, 0.005679641384631395, 0.04741889610886574, -0.05497238039970398, 0.07799087464809418, -0.0465029738843441, 0.0019874675199389458, 0.01753784343600273, -0.052632808685302734, -0.12556681036949158, -0.05756954848766327, -0.09565354138612747, 0.006208444479852915, 0.06956423074007034, -0.04094171151518822, -0.040951598435640335, 0.004273299593478441, -0.057189054787158966, -0.0038976066280156374, -0.03931362181901932, 0.06503676623106003, 0.010580146685242653, 0.00006176935858093202, 0.08918081969022751, -0.22828935086727142, -0.10990054905414581, -0.025509171187877655, -0.11251379549503326, 0.14344310760498047, 0.08700741082429886, 0.014143428765237331, -0.0047395783476531506, 0.047679346054792404, -0.18895865976810455, -0.06723406165838242, 0.0271331574767828, -0.048482418060302734, -0.03859614208340645, -0.006463310681283474, -0.0864388719201088, -0.27544736862182617, -0.029852470383048058, 0.05331171676516533, -0.09409935772418976, 0.04739689081907272, -0.08070651441812515, 0.0128923449665308, -0.07676806300878525, 0.13474303483963013, -0.06882252544164658, 0.01975412853062153, 0.045121755450963974, 0.043774645775556564, 0.03412255644798279, 0.003972535487264395, -0.0015746921999379992, 0.04207656532526016, -0.0403994582593441, 0.08794289082288742, 0.021906908601522446, 0.08964299410581589, -0.027377504855394363, -0.024270912632346153, 0.0762476846575737, -0.170326367020607, 0.0225535798817873, -0.024191390722990036, 0.014273159205913544, -0.016158364713191986, 0.10814862698316574, -0.01681959442794323, -0.12372954934835434, 0.029654279351234436, -0.06000063568353653, 0.09602870792150497, -0.09189427644014359, -0.11478885263204575, -0.03216557949781418, -0.09848392754793167, -0.06980258971452713, -0.1087128221988678, -0.2091284692287445, 0.009771236218512058, 0.037343043833971024, -0.026874961331486702, 0.047473832964897156, -0.022409498691558838, -0.016347503289580345, -0.041654255241155624, -0.02125530131161213, 0.028090456500649452, -0.040485553443431854, 0.04280700162053108, -0.0023911050520837307, 0.02849476784467697, -0.12953154742717743, 0.07915453612804413, -0.013148266822099686, -0.018122032284736633, -0.20527003705501556, 0.11251053959131241, -0.05280299484729767, -0.03675235062837601, -0.11522866040468216, 0.0152254868298769, -0.02398931048810482, 0.0636393129825592, 0.052316341549158096, 0.08063984662294388, -0.24914662539958954, -0.06666737794876099, 0.18230341374874115, -0.10354495793581009, 0.05562034249305725, 0.09467169642448425, -0.0020542710553854704, -0.03513959422707558, 0.09540048241615295, 0.20103535056114197, -0.06123310700058937, -0.10316837579011917, 0.0053704287856817245, -0.030177224427461624, 0.08773120492696762, 0.04422376677393913, 0.033574167639017105, -0.15299923717975616, 0.050961531698703766, 0.030668213963508606, -0.131322979927063, 0.06224018335342407, 0.0029371739365160465, -0.06905116885900497, 0.0539710596203804, -0.12447896599769592, 0.035397984087467194, 0.01946210116147995, 0.07565268874168396, 0.007281664293259382, -0.09725393354892731, 0.057896438986063004, 0.056914351880550385, -0.04011271148920059, 0.12837041914463043, -0.05654013529419899, -0.009885026142001152, -0.048346180468797684, 0.019279688596725464, -0.21392236649990082, -0.05526059493422508, 0.004471097607165575, -0.0798155665397644, 0.0734131783246994, -0.12034162133932114, -0.013392917811870575, 0.08820510655641556, -0.1165253221988678, 0.024004487320780754, 0.03537561371922493, 0.0051017929799854755, -0.13392488658428192, -0.07100190222263336, -0.022672370076179504, -0.007105108816176653, -0.004984010476619005, -0.046535100787878036, 0.05890452489256859, -0.11029955744743347, 0.04485664144158363, -0.016765646636486053, -0.033815883100032806, 0.03124917857348919, 0.09732937812805176, 0.013433655723929405, -0.059987135231494904, 0.016411568969488144, -0.032043080776929855, -0.03646501526236534, 0.06226716563105583, -0.19682933390140533, -0.1167227104306221, 0.13389155268669128, 0.019282743334770203, -0.07284850627183914, 0.13241350650787354, 0.01822812482714653, 0.003936369437724352, -0.02400357834994793, -0.010204104706645012, 0.20765641331672668, 0.04656746983528137, 0.14964079856872559, -0.03501605987548828, 0.04570164531469345, -0.08814693987369537, -0.022652609273791313, -0.0497305803000927, 0.036416735500097275, 0.03764945641160011, -0.09541849046945572, 0.06387435644865036, 0.03220898658037186, -0.065078005194664, 0.14829972386360168, 0.050713490694761276, -0.06585311889648438, 0.030676888301968575, -0.018271036446094513, 0.0009393131476826966, 0.054534684866666794, -0.015690507367253304, -0.003845118684694171, 0.03633520007133484, 0.020520051941275597, 0.06022472679615021, -0.05824124068021774, 0.040508586913347244, 0.03584897518157959, -0.010407093912363052, -0.025007598102092743, -0.039375897496938705, -0.00699961232021451, 0.10273093730211258, -0.03307296708226204, 0.10511788725852966, -0.037556905299425125, 0.012946459464728832, -0.05389853194355965, 0.16721899807453156, -0.12695425748825073, -0.21182487905025482, -0.05803581327199936, -0.10090051591396332, -0.15239141881465912, 0.0621001273393631, 0.07744287699460983, -0.10261208564043045, -0.09896967560052872, -0.12158938497304916, 0.12130744010210037, 0.04030388966202736, -0.03901969641447067, -0.04502638056874275, -0.10036345571279526, 0.030495522543787956, -0.11197064816951752, 0.00014813586312811822, -0.017447026446461678, -0.07722292095422745, 0.008349603042006493, 0.0036735401954501867, 0.047049906104803085, 0.046694230288267136, -0.02796691656112671, -0.018986977636814117, 0.029434174299240112, 0.08595944195985794, -0.012831631116569042, 0.057642679661512375, 0.13315391540527344, -0.012725922279059887, 0.054837483912706375, 0.10136950016021729, 0.0053432537242770195, -0.050472915172576904, -0.007420102600008249, 0.14523695409297943, -0.010959831066429615, -0.2187916338443756, -0.06632006168365479, -0.055404890328645706, -0.14975592494010925, 0.004365801811218262, 0.053629450500011444, -0.009960997849702835, 0.028574388474225998, -0.07872619479894638, -0.0257248692214489, -0.005921230185776949, 0.04516070336103439, 0.04949290677905083, -0.024478372186422348, 0.08787097781896591, -0.05989186093211174, 0.034947048872709274, 0.08387301862239838, -0.003056837245821953, 0.15531110763549805, -0.034814879298210144, 0.13188347220420837, 0.06552273780107498, 0.046384211629629135, 0.008401642553508282, 0.09822158515453339, -0.00603319751098752, 0.03872876241803169, 0.003388575743883848, -0.020032193511724472, 0.0028468177188187838, -0.015504923649132252, -0.007848354056477547, -0.02656295709311962, -0.04747208207845688, 0.0011279199970886111, 0.11317785084247589, 0.14290951192378998, -0.05601922795176506, -0.1549903154373169, 0.009077760390937328, -0.0012309277663007379, -0.07945861667394638, -0.11375591903924942, -0.040969401597976685, 0.030803769826889038, -0.06553374230861664, 0.09186771512031555, -0.0073835235089063644, 0.0845969170331955, -0.014346427284181118, 0.03406147658824921, 0.06385869532823563, 0.06116408854722977, -0.05854333937168121, 0.02634652704000473, -0.2867755591869354, 0.1920783817768097, 0.09651371091604233, 0.09021548181772232, -0.015666259452700615, 0.001446702633984387, 0.09515753388404846, -0.004730014596134424, 0.11941201984882355, -0.006233454216271639, -0.04995638504624367, -0.03495500981807709, -0.0925566628575325, 0.043835051357746124, 0.09428036212921143, -0.03355737403035164, 0.05926165729761124, 0.012319199740886688, -0.0027699614875018597, -0.020631153136491776, 0.10811173170804977, -0.14153747260570526, -0.19953009486198425, 0.03141450509428978, 0.0023261713795363903, -0.005966706667095423, -0.029953042045235634, -0.033539433032274246, -0.0708121657371521, 0.14362205564975739, -0.04930093511939049, -0.16099140048027039, -0.12916117906570435, 0.016719073057174683, 0.11358096450567245, -0.08652389049530029, 0.027056459337472916, -0.01252411212772131, -0.008608651347458363, -0.0799359381198883, -0.0792521983385086, 0.03204448148608208, -0.0385935939848423, -0.04617175832390785, -0.0211899746209383, 0.10111364722251892, 0.020789803937077522, 0.032610323280096054, -0.04872685298323631, -0.0152175547555089, 0.002288716146722436, -0.08147799968719482, -0.11206809431314468, 0.07980304956436157, 0.13855335116386414, 0.08144301176071167, -0.12011420726776123, -0.16905267536640167, -0.1063995435833931, -0.045200150460004807, 0.10581842064857483, 0.23676197230815887, 0.017593279480934143, 0.13506481051445007, 0.148931622505188, -0.0616830550134182, -0.1933104246854782, -0.03863999620079994, 0.03430306166410446, -0.034264422953128815, 0.07760660350322723, -0.1839349865913391, -0.03394744545221329, 0.015828808769583702, 0.031968265771865845, -0.05916169658303261, -0.15188127756118774, -0.14708539843559265, 0.15152691304683685, 0.07098467648029327, 0.0994468703866005, -0.14156684279441833, -0.013026882894337177, -0.08042696118354797, 0.014472187496721745, 0.11123836785554886, -0.03238676115870476, 0.13834868371486664, 0.01896699331700802, 0.013558238744735718, 0.020867785438895226, -0.015821540728211403, 0.14648135006427765, 0.02206132747232914, 0.08427344262599945, -0.06073961406946182, 0.03430032730102539, 0.08955394476652145, -0.021581871435046196, 0.0661768689751625, -0.043308790773153305, 0.006059503648430109, -0.08746743947267532, -0.07175061106681824, -0.11707881838083267, 0.014077087864279747, -0.023639045655727386, -0.011524641886353493, 0.08288828283548355, -0.004036703612655401, 0.10350815206766129, -0.006019210908561945, -0.027618614956736565, -0.05088179558515549, 0.04293487221002579, 0.10078432410955429, 0.07494936138391495, 0.037292759865522385, -0.00432081101462245, 0.005880066193640232, -0.019283508881926537, 0.064146988093853, -0.09029817581176758, 0.020775267854332924, 0.033284179866313934, -0.004019853658974171, 0.09317105263471603, -0.023609107360243797, -0.07829150557518005, 0.012251933105289936, 0.03837263211607933, -0.10981625318527222, -0.0901784598827362, -0.006489736493676901, 0.04774699732661247, -0.045984283089637756, -0.025760110467672348, 0.0754857063293457, 0.01732637733221054, -0.06679406762123108, -0.003699094522744417, 0.06243572756648064, -0.05432910472154617, 0.15355674922466278, 0.010325128212571144, -0.007831473834812641, -0.1117548942565918, 0.14328782260417938, 0.09946522116661072, -0.0751892626285553, 0.049800075590610504, 0.14651215076446533, -0.09744741767644882, -0.09392795711755753, -0.0020552119240164757, 0.13386480510234833, -0.1207861378788948, -0.02925841324031353, 0.014803550206124783, -0.024934982880949974, -0.07328397035598755, 0.07080428302288055, -0.008224723860621452, 0.01859874092042446, -0.004612787626683712, -0.03677569329738617, -0.034705400466918945, 0.04466619715094566, 0.022996557876467705, -0.008002215065062046, 0.024910440668463707, 0.09255953133106232, -0.03816980868577957, 0.045324407517910004, -0.018406691029667854, 0.0870416909456253, -0.04695410281419754, 0.0017863610992208123, -0.12327086925506592, -0.03885739669203758, -0.045984603464603424, -0.05017300322651863, -0.016043778508901596, -0.026879562065005302, 0.01830538734793663, -0.0031171676237136126, -0.06887277215719223, -0.07163887470960617, -0.036143574863672256, 0.0025637231301516294, -0.10553442686796188, 0.014112808741629124, -0.022738317027688026, 0.001011249958537519, 0.09939871728420258, 0.06612177193164825, 0.0015933753456920385, 0.10659386217594147, -0.09963153302669525, -0.025266623124480247, -0.0673035979270935, -0.007871375419199467, 0.03274482488632202, -0.01884731836616993, 0.013457630760967731, -0.02024875022470951, 0.006070556119084358, -0.03166759014129639, 0.14565126597881317, -0.09856101125478745, 0.052438996732234955, -0.019486380741000175, 0.038478001952171326, -0.02655041590332985, 0.05728573352098465, 0.0798751637339592, 0.024706464260816574, 0.07198848575353622, -0.05870814248919487, -0.015652330592274666, -0.05832795798778534, 0.02582712471485138, -0.04138731583952904, -0.04247472062706947, 0.013249180279672146, -0.06081452965736389, 0.07858897000551224, -0.011046490631997585, 0.09627000987529755, 0.061885181814432144, 0.08318740129470825, 0.03521813079714775, 0.0024315756745636463, 0.02407241053879261, -0.0014097007224336267, 0.12225091457366943, -0.07278730720281601, -0.02277563512325287, 0.006489668041467667, 0.021328970789909363, -0.002309974282979965, 0.08204127848148346, 0.19195517897605896, 0.2163311243057251, 0.06046959012746811, 0.057341109961271286, -0.061860211193561554, -0.10030701011419296, -0.11599311232566833, -0.05405797064304352, 0.004583296366035938, 0.008723359555006027, -0.07635171711444855, -0.08183678984642029, 0.11521401256322861, -0.1762208789587021, 0.12128592282533646, 0.030958235263824463, -0.05943024903535843, -0.0741608589887619, -0.14374706149101257, 0.02361396513879299, 0.029058221727609634, -0.03361290693283081, -0.09310021251440048, 0.04855550825595856, 0.14590179920196533, -0.02652270533144474, -0.033177074044942856, 0.21876390278339386, -0.08326031267642975, -0.12583036720752716, 0.03135630860924721, 0.013361620716750622, 0.002874617697671056, 0.05420488491654396, -0.0010524846147745848, 0.04205292835831642, 0.05286668613553047, 0.04520130902528763, 0.05503775551915169, 0.005327367223799229, 0.12216952443122864, -0.06447026133537292, -0.0899321511387825, -0.017297277227044106, 0.008770015090703964, 0.12329623848199844, 0.2549331486225128, 0.01156251598149538, -0.06852429360151291, -0.009450776502490044, 0.19976088404655457, -0.010002704337239265, -0.07682574540376663, -0.09232659637928009, 0.19570539891719818, 0.07658952474594116, -0.06407853960990906, -0.03157568722963333, -0.12365894019603729, 0.01554366946220398, 0.1948452889919281, 0.11974930763244629, -0.056424498558044434, 0.011465449817478657, -0.035684362053871155, 0.013389541767537594, 0.005847673863172531, 0.0346846766769886, 0.0588919036090374, 0.09459845721721649, -0.09420657902956009, 0.049219097942113876, 0.03557337448000908, -0.006445063278079033, -0.12520109117031097, 0.1790938526391983, 0.026011299341917038, -0.009383994154632092, 0.01361790206283331, 0.010611278004944324, -0.04808001220226288, -0.24484571814537048, -0.025324951857328415, -0.08167190849781036, -0.07131645828485489, 0.010858716443181038, 0.06602136045694351, 0.06544623523950577, 0.007323325611650944, 0.013317268341779709, 0.021921835839748383, 0.08546183258295059, -0.01578780636191368, -0.04558224231004715, -0.09339535236358643, 0.10784569382667542, -0.01508503220975399, 0.09001100808382034, 0.03742823377251625, -0.06037748232483864, 0.04162716120481491, -0.005592951085418463, -0.04357690364122391, 0.17082267999649048, -0.02574791945517063, -0.03854399546980858, 0.07698755711317062, 0.16337837278842926, -0.015030158683657646, -0.05649249255657196, -0.017139917239546776, 0.005595299415290356, 0.07270835340023041, -0.04236970841884613, -0.08027498424053192, 0.010987643152475357, 0.06143847852945328, -0.12269826233386993, 0.14743195474147797, 0.15211157500743866, 0.012258803471922874, 0.0539214052259922, -0.07369675487279892, -0.0019147425191476941, 0.016093499958515167, 0.08571957796812057, -0.09603346884250641, -0.14529044926166534, 0.06393259763717651, -0.027094757184386253, 0.021693380549550056, -0.21270276606082916, 0.03494631499052048, -0.030820732936263084, -0.05257511883974075, -0.11680834740400314, 0.04698904603719711, 0.07865604758262634, 0.014807594940066338, -0.016821710392832756, -0.15727712213993073, 0.028265725821256638, 0.04186639189720154, -0.12136852741241455, -0.05690298229455948 ]
null
null
transformers
# CAMeLBERT: A collection of pre-trained models for Arabic NLP tasks ## Model description **CAMeLBERT** is a collection of BERT models pre-trained on Arabic texts with different sizes and variants. We release pre-trained language models for Modern Standard Arabic (MSA), dialectal Arabic (DA), and classical Arabic (CA), in addition to a model pre-trained on a mix of the three. We also provide additional models that are pre-trained on a scaled-down set of the MSA variant (half, quarter, eighth, and sixteenth). The details are described in the paper *"[The Interplay of Variant, Size, and Task Type in Arabic Pre-trained Language Models](https://arxiv.org/abs/2103.06678)."* This model card describes **CAMeLBERT-MSA** (`bert-base-arabic-camelbert-msa`), a model pre-trained on the entire MSA dataset. ||Model|Variant|Size|#Word| |-|-|:-:|-:|-:| ||`bert-base-arabic-camelbert-mix`|CA,DA,MSA|167GB|17.3B| ||`bert-base-arabic-camelbert-ca`|CA|6GB|847M| ||`bert-base-arabic-camelbert-da`|DA|54GB|5.8B| |✔|`bert-base-arabic-camelbert-msa`|MSA|107GB|12.6B| ||`bert-base-arabic-camelbert-msa-half`|MSA|53GB|6.3B| ||`bert-base-arabic-camelbert-msa-quarter`|MSA|27GB|3.1B| ||`bert-base-arabic-camelbert-msa-eighth`|MSA|14GB|1.6B| ||`bert-base-arabic-camelbert-msa-sixteenth`|MSA|6GB|746M| ## Intended uses You can use the released model for either masked language modeling or next sentence prediction. However, it is mostly intended to be fine-tuned on an NLP task, such as NER, POS tagging, sentiment analysis, dialect identification, and poetry classification. We release our fine-tuninig code [here](https://github.com/CAMeL-Lab/CAMeLBERT). #### How to use You can use this model directly with a pipeline for masked language modeling: ```python >>> from transformers import pipeline >>> unmasker = pipeline('fill-mask', model='CAMeL-Lab/bert-base-arabic-camelbert-msa') >>> unmasker("الهدف من الحياة هو [MASK] .") [{'sequence': '[CLS] الهدف من الحياة هو العمل. [SEP]', 'score': 0.08507660031318665, 'token': 2854, 'token_str': 'العمل'}, {'sequence': '[CLS] الهدف من الحياة هو الحياة. [SEP]', 'score': 0.058905381709337234, 'token': 3696, 'token_str': 'الحياة'}, {'sequence': '[CLS] الهدف من الحياة هو النجاح. [SEP]', 'score': 0.04660581797361374, 'token': 6232, 'token_str': 'النجاح'}, {'sequence': '[CLS] الهدف من الحياة هو الربح. [SEP]', 'score': 0.04156001657247543, 'token': 12413, 'token_str': 'الربح'}, {'sequence': '[CLS] الهدف من الحياة هو الحب. [SEP]', 'score': 0.03534102067351341, 'token': 3088, 'token_str': 'الحب'}] ``` *Note*: to download our models, you would need `transformers>=3.5.0`. Otherwise, you could download the models manually. Here is how to use this model to get the features of a given text in PyTorch: ```python from transformers import AutoTokenizer, AutoModel tokenizer = AutoTokenizer.from_pretrained('CAMeL-Lab/bert-base-arabic-camelbert-msa') model = AutoModel.from_pretrained('CAMeL-Lab/bert-base-arabic-camelbert-msa') text = "مرحبا يا عالم." encoded_input = tokenizer(text, return_tensors='pt') output = model(**encoded_input) ``` and in TensorFlow: ```python from transformers import AutoTokenizer, TFAutoModel tokenizer = AutoTokenizer.from_pretrained('CAMeL-Lab/bert-base-arabic-camelbert-msa') model = TFAutoModel.from_pretrained('CAMeL-Lab/bert-base-arabic-camelbert-msa') text = "مرحبا يا عالم." encoded_input = tokenizer(text, return_tensors='tf') output = model(encoded_input) ``` ## Training data - MSA (Modern Standard Arabic) - [The Arabic Gigaword Fifth Edition](https://catalog.ldc.upenn.edu/LDC2011T11) - [Abu El-Khair Corpus](http://www.abuelkhair.net/index.php/en/arabic/abu-el-khair-corpus) - [OSIAN corpus](https://vlo.clarin.eu/search;jsessionid=31066390B2C9E8C6304845BA79869AC1?1&q=osian) - [Arabic Wikipedia](https://archive.org/details/arwiki-20190201) - The unshuffled version of the Arabic [OSCAR corpus](https://oscar-corpus.com/) ## Training procedure We use [the original implementation](https://github.com/google-research/bert) released by Google for pre-training. We follow the original English BERT model's hyperparameters for pre-training, unless otherwise specified. ### Preprocessing - After extracting the raw text from each corpus, we apply the following pre-processing. - We first remove invalid characters and normalize white spaces using the utilities provided by [the original BERT implementation](https://github.com/google-research/bert/blob/eedf5716ce1268e56f0a50264a88cafad334ac61/tokenization.py#L286-L297). - We also remove lines without any Arabic characters. - We then remove diacritics and kashida using [CAMeL Tools](https://github.com/CAMeL-Lab/camel_tools). - Finally, we split each line into sentences with a heuristics-based sentence segmenter. - We train a WordPiece tokenizer on the entire dataset (167 GB text) with a vocabulary size of 30,000 using [HuggingFace's tokenizers](https://github.com/huggingface/tokenizers). - We do not lowercase letters nor strip accents. ### Pre-training - The model was trained on a single cloud TPU (`v3-8`) for one million steps in total. - The first 90,000 steps were trained with a batch size of 1,024 and the rest was trained with a batch size of 256. - The sequence length was limited to 128 tokens for 90% of the steps and 512 for the remaining 10%. - We use whole word masking and a duplicate factor of 10. - We set max predictions per sequence to 20 for the dataset with max sequence length of 128 tokens and 80 for the dataset with max sequence length of 512 tokens. - We use a random seed of 12345, masked language model probability of 0.15, and short sequence probability of 0.1. - The optimizer used is Adam with a learning rate of 1e-4, \\(\beta_{1} = 0.9\\) and \\(\beta_{2} = 0.999\\), a weight decay of 0.01, learning rate warmup for 10,000 steps and linear decay of the learning rate after. ## Evaluation results - We evaluate our pre-trained language models on five NLP tasks: NER, POS tagging, sentiment analysis, dialect identification, and poetry classification. - We fine-tune and evaluate the models using 12 dataset. - We used Hugging Face's transformers to fine-tune our CAMeLBERT models. - We used transformers `v3.1.0` along with PyTorch `v1.5.1`. - The fine-tuning was done by adding a fully connected linear layer to the last hidden state. - We use \\(F_{1}\\) score as a metric for all tasks. - Code used for fine-tuning is available [here](https://github.com/CAMeL-Lab/CAMeLBERT). ### Results | Task | Dataset | Variant | Mix | CA | DA | MSA | MSA-1/2 | MSA-1/4 | MSA-1/8 | MSA-1/16 | | -------------------- | --------------- | ------- | ----- | ----- | ----- | ----- | ------- | ------- | ------- | -------- | | NER | ANERcorp | MSA | 80.8% | 67.9% | 74.1% | 82.4% | 82.0% | 82.1% | 82.6% | 80.8% | | POS | PATB (MSA) | MSA | 98.1% | 97.8% | 97.7% | 98.3% | 98.2% | 98.3% | 98.2% | 98.2% | | | ARZTB (EGY) | DA | 93.6% | 92.3% | 92.7% | 93.6% | 93.6% | 93.7% | 93.6% | 93.6% | | | Gumar (GLF) | DA | 97.3% | 97.7% | 97.9% | 97.9% | 97.9% | 97.9% | 97.9% | 97.9% | | SA | ASTD | MSA | 76.3% | 69.4% | 74.6% | 76.9% | 76.0% | 76.8% | 76.7% | 75.3% | | | ArSAS | MSA | 92.7% | 89.4% | 91.8% | 93.0% | 92.6% | 92.5% | 92.5% | 92.3% | | | SemEval | MSA | 69.0% | 58.5% | 68.4% | 72.1% | 70.7% | 72.8% | 71.6% | 71.2% | | DID | MADAR-26 | DA | 62.9% | 61.9% | 61.8% | 62.6% | 62.0% | 62.8% | 62.0% | 62.2% | | | MADAR-6 | DA | 92.5% | 91.5% | 92.2% | 91.9% | 91.8% | 92.2% | 92.1% | 92.0% | | | MADAR-Twitter-5 | MSA | 75.7% | 71.4% | 74.2% | 77.6% | 78.5% | 77.3% | 77.7% | 76.2% | | | NADI | DA | 24.7% | 17.3% | 20.1% | 24.9% | 24.6% | 24.6% | 24.9% | 23.8% | | Poetry | APCD | CA | 79.8% | 80.9% | 79.6% | 79.7% | 79.9% | 80.0% | 79.7% | 79.8% | ### Results (Average) | | Variant | Mix | CA | DA | MSA | MSA-1/2 | MSA-1/4 | MSA-1/8 | MSA-1/16 | | -------------------- | ------- | ----- | ----- | ----- | ----- | ------- | ------- | ------- | -------- | | Variant-wise-average<sup>[[1]](#footnote-1)</sup> | MSA | 82.1% | 75.7% | 80.1% | 83.4% | 83.0% | 83.3% | 83.2% | 82.3% | | | DA | 74.4% | 72.1% | 72.9% | 74.2% | 74.0% | 74.3% | 74.1% | 73.9% | | | CA | 79.8% | 80.9% | 79.6% | 79.7% | 79.9% | 80.0% | 79.7% | 79.8% | | Macro-Average | ALL | 78.7% | 74.7% | 77.1% | 79.2% | 79.0% | 79.2% | 79.1% | 78.6% | <a name="footnote-1">[1]</a>: Variant-wise-average refers to average over a group of tasks in the same language variant. ## Acknowledgements This research was supported with Cloud TPUs from Google’s TensorFlow Research Cloud (TFRC). ## Citation ```bibtex @inproceedings{inoue-etal-2021-interplay, title = "The Interplay of Variant, Size, and Task Type in {A}rabic Pre-trained Language Models", author = "Inoue, Go and Alhafni, Bashar and Baimukan, Nurpeiis and Bouamor, Houda and Habash, Nizar", booktitle = "Proceedings of the Sixth Arabic Natural Language Processing Workshop", month = apr, year = "2021", address = "Kyiv, Ukraine (Online)", publisher = "Association for Computational Linguistics", abstract = "In this paper, we explore the effects of language variants, data sizes, and fine-tuning task types in Arabic pre-trained language models. To do so, we build three pre-trained language models across three variants of Arabic: Modern Standard Arabic (MSA), dialectal Arabic, and classical Arabic, in addition to a fourth language model which is pre-trained on a mix of the three. We also examine the importance of pre-training data size by building additional models that are pre-trained on a scaled-down set of the MSA variant. We compare our different models to each other, as well as to eight publicly available models by fine-tuning them on five NLP tasks spanning 12 datasets. Our results suggest that the variant proximity of pre-training data to fine-tuning data is more important than the pre-training data size. We exploit this insight in defining an optimized system selection model for the studied tasks.", } ```
{"language": ["ar"], "license": "apache-2.0", "widget": [{"text": "\u0627\u0644\u0647\u062f\u0641 \u0645\u0646 \u0627\u0644\u062d\u064a\u0627\u0629 \u0647\u0648 [MASK] ."}]}
fill-mask
CAMeL-Lab/bert-base-arabic-camelbert-msa
[ "transformers", "pytorch", "tf", "jax", "bert", "fill-mask", "ar", "arxiv:2103.06678", "license:apache-2.0", "autotrain_compatible", "endpoints_compatible", "region:us" ]
2022-03-02T23:29:04+00:00
[ "2103.06678" ]
[ "ar" ]
TAGS #transformers #pytorch #tf #jax #bert #fill-mask #ar #arxiv-2103.06678 #license-apache-2.0 #autotrain_compatible #endpoints_compatible #region-us
CAMeLBERT: A collection of pre-trained models for Arabic NLP tasks ================================================================== Model description ----------------- CAMeLBERT is a collection of BERT models pre-trained on Arabic texts with different sizes and variants. We release pre-trained language models for Modern Standard Arabic (MSA), dialectal Arabic (DA), and classical Arabic (CA), in addition to a model pre-trained on a mix of the three. We also provide additional models that are pre-trained on a scaled-down set of the MSA variant (half, quarter, eighth, and sixteenth). The details are described in the paper *"The Interplay of Variant, Size, and Task Type in Arabic Pre-trained Language Models."* This model card describes CAMeLBERT-MSA ('bert-base-arabic-camelbert-msa'), a model pre-trained on the entire MSA dataset. Intended uses ------------- You can use the released model for either masked language modeling or next sentence prediction. However, it is mostly intended to be fine-tuned on an NLP task, such as NER, POS tagging, sentiment analysis, dialect identification, and poetry classification. We release our fine-tuninig code here. #### How to use You can use this model directly with a pipeline for masked language modeling: *Note*: to download our models, you would need 'transformers>=3.5.0'. Otherwise, you could download the models manually. Here is how to use this model to get the features of a given text in PyTorch: and in TensorFlow: Training data ------------- * MSA (Modern Standard Arabic) + The Arabic Gigaword Fifth Edition + Abu El-Khair Corpus + OSIAN corpus + Arabic Wikipedia + The unshuffled version of the Arabic OSCAR corpus Training procedure ------------------ We use the original implementation released by Google for pre-training. We follow the original English BERT model's hyperparameters for pre-training, unless otherwise specified. ### Preprocessing * After extracting the raw text from each corpus, we apply the following pre-processing. * We first remove invalid characters and normalize white spaces using the utilities provided by the original BERT implementation. * We also remove lines without any Arabic characters. * We then remove diacritics and kashida using CAMeL Tools. * Finally, we split each line into sentences with a heuristics-based sentence segmenter. * We train a WordPiece tokenizer on the entire dataset (167 GB text) with a vocabulary size of 30,000 using HuggingFace's tokenizers. * We do not lowercase letters nor strip accents. ### Pre-training * The model was trained on a single cloud TPU ('v3-8') for one million steps in total. * The first 90,000 steps were trained with a batch size of 1,024 and the rest was trained with a batch size of 256. * The sequence length was limited to 128 tokens for 90% of the steps and 512 for the remaining 10%. * We use whole word masking and a duplicate factor of 10. * We set max predictions per sequence to 20 for the dataset with max sequence length of 128 tokens and 80 for the dataset with max sequence length of 512 tokens. * We use a random seed of 12345, masked language model probability of 0.15, and short sequence probability of 0.1. * The optimizer used is Adam with a learning rate of 1e-4, \(\beta\_{1} = 0.9\) and \(\beta\_{2} = 0.999\), a weight decay of 0.01, learning rate warmup for 10,000 steps and linear decay of the learning rate after. Evaluation results ------------------ * We evaluate our pre-trained language models on five NLP tasks: NER, POS tagging, sentiment analysis, dialect identification, and poetry classification. * We fine-tune and evaluate the models using 12 dataset. * We used Hugging Face's transformers to fine-tune our CAMeLBERT models. * We used transformers 'v3.1.0' along with PyTorch 'v1.5.1'. * The fine-tuning was done by adding a fully connected linear layer to the last hidden state. * We use \(F\_{1}\) score as a metric for all tasks. * Code used for fine-tuning is available here. ### Results ### Results (Average) [1]: Variant-wise-average refers to average over a group of tasks in the same language variant. Acknowledgements ---------------- This research was supported with Cloud TPUs from Google’s TensorFlow Research Cloud (TFRC).
[ "#### How to use\n\n\nYou can use this model directly with a pipeline for masked language modeling:\n\n\n*Note*: to download our models, you would need 'transformers>=3.5.0'. Otherwise, you could download the models manually.\n\n\nHere is how to use this model to get the features of a given text in PyTorch:\n\n\nand in TensorFlow:\n\n\nTraining data\n-------------\n\n\n* MSA (Modern Standard Arabic)\n\t+ The Arabic Gigaword Fifth Edition\n\t+ Abu El-Khair Corpus\n\t+ OSIAN corpus\n\t+ Arabic Wikipedia\n\t+ The unshuffled version of the Arabic OSCAR corpus\n\n\nTraining procedure\n------------------\n\n\nWe use the original implementation released by Google for pre-training.\nWe follow the original English BERT model's hyperparameters for pre-training, unless otherwise specified.", "### Preprocessing\n\n\n* After extracting the raw text from each corpus, we apply the following pre-processing.\n* We first remove invalid characters and normalize white spaces using the utilities provided by the original BERT implementation.\n* We also remove lines without any Arabic characters.\n* We then remove diacritics and kashida using CAMeL Tools.\n* Finally, we split each line into sentences with a heuristics-based sentence segmenter.\n* We train a WordPiece tokenizer on the entire dataset (167 GB text) with a vocabulary size of 30,000 using HuggingFace's tokenizers.\n* We do not lowercase letters nor strip accents.", "### Pre-training\n\n\n* The model was trained on a single cloud TPU ('v3-8') for one million steps in total.\n* The first 90,000 steps were trained with a batch size of 1,024 and the rest was trained with a batch size of 256.\n* The sequence length was limited to 128 tokens for 90% of the steps and 512 for the remaining 10%.\n* We use whole word masking and a duplicate factor of 10.\n* We set max predictions per sequence to 20 for the dataset with max sequence length of 128 tokens and 80 for the dataset with max sequence length of 512 tokens.\n* We use a random seed of 12345, masked language model probability of 0.15, and short sequence probability of 0.1.\n* The optimizer used is Adam with a learning rate of 1e-4, \\(\\beta\\_{1} = 0.9\\) and \\(\\beta\\_{2} = 0.999\\), a weight decay of 0.01, learning rate warmup for 10,000 steps and linear decay of the learning rate after.\n\n\nEvaluation results\n------------------\n\n\n* We evaluate our pre-trained language models on five NLP tasks: NER, POS tagging, sentiment analysis, dialect identification, and poetry classification.\n* We fine-tune and evaluate the models using 12 dataset.\n* We used Hugging Face's transformers to fine-tune our CAMeLBERT models.\n* We used transformers 'v3.1.0' along with PyTorch 'v1.5.1'.\n* The fine-tuning was done by adding a fully connected linear layer to the last hidden state.\n* We use \\(F\\_{1}\\) score as a metric for all tasks.\n* Code used for fine-tuning is available here.", "### Results", "### Results (Average)\n\n\n\n[1]: Variant-wise-average refers to average over a group of tasks in the same language variant.\n\n\nAcknowledgements\n----------------\n\n\nThis research was supported with Cloud TPUs from Google’s TensorFlow Research Cloud (TFRC)." ]
[ "TAGS\n#transformers #pytorch #tf #jax #bert #fill-mask #ar #arxiv-2103.06678 #license-apache-2.0 #autotrain_compatible #endpoints_compatible #region-us \n", "#### How to use\n\n\nYou can use this model directly with a pipeline for masked language modeling:\n\n\n*Note*: to download our models, you would need 'transformers>=3.5.0'. Otherwise, you could download the models manually.\n\n\nHere is how to use this model to get the features of a given text in PyTorch:\n\n\nand in TensorFlow:\n\n\nTraining data\n-------------\n\n\n* MSA (Modern Standard Arabic)\n\t+ The Arabic Gigaword Fifth Edition\n\t+ Abu El-Khair Corpus\n\t+ OSIAN corpus\n\t+ Arabic Wikipedia\n\t+ The unshuffled version of the Arabic OSCAR corpus\n\n\nTraining procedure\n------------------\n\n\nWe use the original implementation released by Google for pre-training.\nWe follow the original English BERT model's hyperparameters for pre-training, unless otherwise specified.", "### Preprocessing\n\n\n* After extracting the raw text from each corpus, we apply the following pre-processing.\n* We first remove invalid characters and normalize white spaces using the utilities provided by the original BERT implementation.\n* We also remove lines without any Arabic characters.\n* We then remove diacritics and kashida using CAMeL Tools.\n* Finally, we split each line into sentences with a heuristics-based sentence segmenter.\n* We train a WordPiece tokenizer on the entire dataset (167 GB text) with a vocabulary size of 30,000 using HuggingFace's tokenizers.\n* We do not lowercase letters nor strip accents.", "### Pre-training\n\n\n* The model was trained on a single cloud TPU ('v3-8') for one million steps in total.\n* The first 90,000 steps were trained with a batch size of 1,024 and the rest was trained with a batch size of 256.\n* The sequence length was limited to 128 tokens for 90% of the steps and 512 for the remaining 10%.\n* We use whole word masking and a duplicate factor of 10.\n* We set max predictions per sequence to 20 for the dataset with max sequence length of 128 tokens and 80 for the dataset with max sequence length of 512 tokens.\n* We use a random seed of 12345, masked language model probability of 0.15, and short sequence probability of 0.1.\n* The optimizer used is Adam with a learning rate of 1e-4, \\(\\beta\\_{1} = 0.9\\) and \\(\\beta\\_{2} = 0.999\\), a weight decay of 0.01, learning rate warmup for 10,000 steps and linear decay of the learning rate after.\n\n\nEvaluation results\n------------------\n\n\n* We evaluate our pre-trained language models on five NLP tasks: NER, POS tagging, sentiment analysis, dialect identification, and poetry classification.\n* We fine-tune and evaluate the models using 12 dataset.\n* We used Hugging Face's transformers to fine-tune our CAMeLBERT models.\n* We used transformers 'v3.1.0' along with PyTorch 'v1.5.1'.\n* The fine-tuning was done by adding a fully connected linear layer to the last hidden state.\n* We use \\(F\\_{1}\\) score as a metric for all tasks.\n* Code used for fine-tuning is available here.", "### Results", "### Results (Average)\n\n\n\n[1]: Variant-wise-average refers to average over a group of tasks in the same language variant.\n\n\nAcknowledgements\n----------------\n\n\nThis research was supported with Cloud TPUs from Google’s TensorFlow Research Cloud (TFRC)." ]
[ 60, 172, 148, 409, 3, 63 ]
[ "passage: TAGS\n#transformers #pytorch #tf #jax #bert #fill-mask #ar #arxiv-2103.06678 #license-apache-2.0 #autotrain_compatible #endpoints_compatible #region-us \n#### How to use\n\n\nYou can use this model directly with a pipeline for masked language modeling:\n\n\n*Note*: to download our models, you would need 'transformers>=3.5.0'. Otherwise, you could download the models manually.\n\n\nHere is how to use this model to get the features of a given text in PyTorch:\n\n\nand in TensorFlow:\n\n\nTraining data\n-------------\n\n\n* MSA (Modern Standard Arabic)\n\t+ The Arabic Gigaword Fifth Edition\n\t+ Abu El-Khair Corpus\n\t+ OSIAN corpus\n\t+ Arabic Wikipedia\n\t+ The unshuffled version of the Arabic OSCAR corpus\n\n\nTraining procedure\n------------------\n\n\nWe use the original implementation released by Google for pre-training.\nWe follow the original English BERT model's hyperparameters for pre-training, unless otherwise specified.### Preprocessing\n\n\n* After extracting the raw text from each corpus, we apply the following pre-processing.\n* We first remove invalid characters and normalize white spaces using the utilities provided by the original BERT implementation.\n* We also remove lines without any Arabic characters.\n* We then remove diacritics and kashida using CAMeL Tools.\n* Finally, we split each line into sentences with a heuristics-based sentence segmenter.\n* We train a WordPiece tokenizer on the entire dataset (167 GB text) with a vocabulary size of 30,000 using HuggingFace's tokenizers.\n* We do not lowercase letters nor strip accents." ]
[ -0.028569132089614868, 0.13191038370132446, -0.001962508074939251, 0.04435606300830841, 0.18826788663864136, 0.01898067817091942, 0.1261821985244751, 0.07522403448820114, -0.10439451783895493, 0.04855620115995407, 0.02032296732068062, 0.035154324024915695, 0.10067877173423767, 0.06185354292392731, 0.023266974836587906, -0.25140735507011414, 0.03130039945244789, -0.0518866665661335, 0.03334549814462662, 0.09433673322200775, 0.07633025199174881, -0.06319861859083176, 0.07331889867782593, 0.002255941741168499, -0.08369702100753784, 0.015916844829916954, -0.005775828380137682, -0.04941786080598831, 0.08738436549901962, 0.0745130106806755, 0.13616052269935608, 0.005935101304203272, 0.03328470140695572, -0.20621608197689056, 0.023837918415665627, 0.08785144984722137, -0.018968921154737473, 0.04047233983874321, 0.0842747688293457, -0.00022904695651959628, 0.17055173218250275, -0.07354599237442017, 0.014037316665053368, 0.022484244778752327, -0.10245484113693237, -0.059819865971803665, -0.12103603035211563, 0.0004697988333646208, 0.15941663086414337, 0.11974840611219406, -0.02661631815135479, 0.05164850130677223, -0.020610572770237923, 0.04865676164627075, 0.16743764281272888, -0.1994340717792511, -0.017859600484371185, -0.0748903676867485, 0.01303032599389553, 0.048469457775354385, -0.05427130311727524, 0.06752423197031021, -0.044500142335891724, 0.00044735020492225885, 0.024632159620523453, -0.06701036542654037, -0.14324994385242462, -0.07137519866228104, -0.10025312006473541, -0.0005928183672949672, 0.06678608804941177, -0.04263751953840256, -0.047784943133592606, 0.002037488855421543, -0.05508153885602951, 0.003533105831593275, -0.04121742025017738, 0.05383571609854698, 0.016608044505119324, -0.012600943446159363, 0.08266601711511612, -0.1963307410478592, -0.10661300271749496, -0.043313946574926376, -0.10017287731170654, 0.14722023904323578, 0.08278363198041916, 0.024639159440994263, 0.0007735950057394803, 0.054399751126766205, -0.16802197694778442, -0.07057789713144302, 0.00492883613333106, -0.03645319119095802, -0.04828928783535957, -0.017510266974568367, -0.07304652780294418, -0.2646156847476959, -0.02607138454914093, 0.08326272666454315, -0.08200853317975998, 0.04854405298829079, -0.061924319714307785, 0.014009423553943634, -0.05361595004796982, 0.142164945602417, -0.04713476449251175, -0.006381585728377104, 0.037764567881822586, 0.039415143430233, 0.04280015081167221, 0.007268919143825769, -0.010430303402245045, 0.04476430267095566, -0.043934017419815063, 0.08224525302648544, -0.0031533464789390564, 0.0802946612238884, -0.032141901552677155, -0.02230030670762062, 0.0668955147266388, -0.16488683223724365, 0.019901512190699577, -0.026737790554761887, 0.0034696992952376604, -0.016859503462910652, 0.10049036145210266, 0.0005272228736430407, -0.11125942319631577, 0.08255046606063843, -0.0527888722717762, 0.09837166219949722, -0.09739460051059723, -0.12390205264091492, -0.03033255599439144, -0.116489477455616, -0.053402725607156754, -0.11270102113485336, -0.19982850551605225, -0.011776498518884182, 0.04901500418782234, -0.030970660969614983, 0.04897947609424591, -0.012516506016254425, -0.002211179118603468, -0.03636804223060608, -0.03601254150271416, 0.05198731645941734, -0.037640608847141266, 0.044122979044914246, 0.0006942434702068567, 0.03649400919675827, -0.1261303573846817, 0.08603092283010483, -0.008736751973628998, -0.00015328294830396771, -0.22554443776607513, 0.12318020313978195, -0.05288044735789299, -0.0049927495419979095, -0.13286477327346802, 0.0014255958376452327, -0.04734411835670471, 0.05267517268657684, 0.06261281669139862, 0.07772183418273926, -0.20280994474887848, -0.06250815093517303, 0.17990601062774658, -0.1305314004421234, 0.035402562469244, 0.09283103793859482, -0.010787264443933964, 0.007141593378037214, 0.10916051268577576, 0.20146124064922333, -0.031159909442067146, -0.09954806417226791, -0.0015347766457125545, -0.019753027707338333, 0.08514972776174545, 0.029890190809965134, 0.05238494277000427, -0.1304304301738739, 0.02382240630686283, 0.01124659925699234, -0.12600557506084442, 0.06845583766698837, -0.00994030013680458, -0.07325398176908493, 0.07112681120634079, -0.11834986507892609, -0.008920569904148579, 0.030866989865899086, 0.07228422909975052, 0.00996323861181736, -0.07978446781635284, 0.09777131676673889, 0.07563379406929016, -0.05013922601938248, 0.11642706394195557, -0.06050887703895569, -0.024442998692393303, -0.04908823221921921, 0.02580917626619339, -0.21499161422252655, -0.048039358109235764, 0.014618861488997936, -0.0721622034907341, 0.05918095260858536, -0.12753623723983765, 0.0004778303555212915, 0.08693954348564148, -0.08917489647865295, 0.029916206374764442, 0.043377943336963654, -0.01025303453207016, -0.1426759660243988, -0.0752858892083168, -0.025667443871498108, -0.007515492849051952, 0.014455332420766354, -0.05009334534406662, 0.05000780150294304, -0.10118851810693741, 0.017782729119062424, -0.02008955366909504, -0.03495549410581589, 0.016274945810437202, 0.09525424242019653, 0.01669101044535637, -0.06271206587553024, 0.030065180733799934, -0.014088645577430725, -0.019790152087807655, 0.04548244550824165, -0.1691427379846573, -0.11345090717077255, 0.12627045810222626, 0.04424138367176056, -0.0687456876039505, 0.08387699723243713, 0.007642513606697321, -0.002019222592934966, -0.024534936994314194, -0.017796706408262253, 0.21927784383296967, 0.03314121440052986, 0.14283320307731628, -0.04254366457462311, 0.04413994029164314, -0.08260399848222733, -0.01721658930182457, -0.027473723515868187, 0.03784516826272011, 0.04087391123175621, -0.10070659220218658, 0.0586543083190918, 0.03711048513650894, -0.06763473898172379, 0.11359339952468872, 0.04177764430642128, -0.07329903542995453, 0.02539680339396, -0.004196987487375736, 0.005875485483556986, 0.05455541983246803, -0.041618771851062775, -0.016549302265048027, 0.028553059324622154, 0.003610184183344245, 0.04895853251218796, -0.07686779648065567, 0.0503666065633297, 0.036299023777246475, -0.014294790104031563, -0.018215429037809372, -0.05167130380868912, -0.03029310330748558, 0.0946827083826065, -0.009214977733790874, 0.11119073629379272, -0.03850138559937477, -0.00015244160022120923, -0.05247895047068596, 0.19109350442886353, -0.12321045249700546, -0.20530924201011658, -0.08131328225135803, -0.08869493007659912, -0.09641862660646439, 0.05799693241715431, 0.07334474474191666, -0.10690893977880478, -0.10507034510374069, -0.09963427484035492, 0.136155366897583, 0.034364569932222366, -0.03398855775594711, -0.011363380588591099, -0.09014878422021866, 0.016935206949710846, -0.10769428312778473, -0.0010101881343871355, -0.032199446111917496, -0.09003223478794098, 0.0017115091904997826, 0.003503095358610153, 0.05776001885533333, 0.05060173198580742, -0.020705724135041237, -0.008808474987745285, 0.022666430100798607, 0.11308400332927704, -0.02184244804084301, 0.0472213439643383, 0.1450328826904297, -0.0254634078592062, 0.0569993294775486, 0.10716810077428818, 0.008962190710008144, -0.05381348729133606, 0.012121947482228279, 0.1154228076338768, -0.02591649256646633, -0.22557060420513153, -0.05419722571969032, -0.042208295315504074, -0.15133458375930786, 0.023487543687224388, 0.05386403948068619, -0.01902434602379799, 0.04798509180545807, -0.06921648979187012, 0.004226220306009054, 0.004560625646263361, 0.0468875952064991, 0.03420740365982056, -0.01852775551378727, 0.08449698984622955, -0.06278854608535767, 0.019865134730935097, 0.08268626034259796, -0.0073051974177360535, 0.1841006726026535, -0.029235905036330223, 0.12628623843193054, 0.07808402180671692, 0.035476814955472946, 0.0029136240482330322, 0.0998731404542923, -0.033175937831401825, 0.03764056786894798, 0.001710945856757462, -0.02373029850423336, -0.018939323723316193, -0.009945201687514782, -0.014092082157731056, -0.029235849156975746, -0.05446503311395645, 0.00685367826372385, 0.09373562037944794, 0.18245071172714233, -0.05889848619699478, -0.17719145119190216, -0.010490949265658855, 0.004154798574745655, -0.07215134054422379, -0.10104931145906448, -0.04817214235663414, 0.04889442026615143, -0.07230640202760696, 0.08065215498209, -0.018062774091959, 0.08951139450073242, -0.03989197686314583, 0.023689301684498787, 0.09322705864906311, 0.07245266437530518, -0.05437132716178894, 0.03058547154068947, -0.30160844326019287, 0.18473781645298004, 0.08781684935092926, 0.10779964178800583, -0.008311032317578793, 0.015811080113053322, 0.07401713728904724, 0.004835855681449175, 0.11807520687580109, -0.006469121668487787, -0.059876326471567154, -0.05269310995936394, -0.08695938438177109, 0.049847524613142014, 0.10908041894435883, -0.04824162647128105, 0.065459705889225, 0.005887927487492561, 0.007357345893979073, -0.012197236530482769, 0.05284558981657028, -0.1293117105960846, -0.19528941810131073, 0.011056567542254925, -0.01915695145726204, 0.018648626282811165, -0.02641870081424713, -0.01735464483499527, -0.030116653069853783, 0.13615794479846954, -0.0786404237151146, -0.16689051687717438, -0.12470538914203644, 0.030796514824032784, 0.09977754950523376, -0.09007426351308823, 0.034796956926584244, -0.005180199630558491, -0.011987132020294666, -0.07326872646808624, -0.0770338848233223, 0.028102170675992966, -0.056326158344745636, -0.03440957888960838, -0.030399857088923454, 0.08797387033700943, 0.04128281772136688, 0.03410656750202179, -0.03704027831554413, -0.017842775210738182, 0.0021342721302062273, -0.08962855488061905, -0.1129470244050026, 0.07469430565834045, 0.1346963346004486, 0.0840953066945076, -0.13480551540851593, -0.13778258860111237, -0.11287645250558853, -0.030812405049800873, 0.10380325466394424, 0.20284903049468994, 0.007353241089731455, 0.12166465818881989, 0.16688109934329987, -0.06516100466251373, -0.22050921618938446, -0.025392355397343636, 0.06760299205780029, -0.02773735113441944, 0.04066438227891922, -0.22449535131454468, -0.00030141556635499, 0.02901175618171692, 0.023397518321871758, -0.05734485015273094, -0.17325359582901, -0.13740231096744537, 0.13843822479248047, 0.08763778209686279, 0.10921049863100052, -0.16585864126682281, -0.023955579847097397, -0.08690862357616425, 0.015380490571260452, 0.13487425446510315, -0.04715478792786598, 0.13533435761928558, 0.021204793825745583, -0.004271205980330706, 0.017834924161434174, -0.017498990520834923, 0.14027880132198334, 0.034402474761009216, 0.08720985800027847, -0.07102807611227036, 0.03497965261340141, 0.07666108012199402, -0.03366512432694435, 0.07334349304437637, -0.03104877658188343, 0.0065438877791166306, -0.0917414203286171, -0.06389136612415314, -0.10214298218488693, 0.019123129546642303, -0.023685308173298836, -0.004522735718637705, 0.05051043629646301, -0.0007910492713563144, 0.0861741304397583, 0.009435904212296009, -0.010391348972916603, -0.03007183037698269, 0.041515134274959564, 0.08053798228502274, 0.07970502972602844, 0.05111326649785042, -0.02588300034403801, 0.019220028072595596, 0.002934714313596487, 0.08326489478349686, -0.11158441007137299, 0.014468858018517494, 0.038954537361860275, -0.005122833885252476, 0.09749452024698257, -0.01112245675176382, -0.07737791538238525, 0.015009872615337372, 0.048882849514484406, -0.10089055448770523, -0.11007782071828842, 0.00567783834412694, 0.01982353813946247, -0.060425613075494766, -0.022249268367886543, 0.07065243273973465, 0.009230494499206543, -0.05148624628782272, -0.004597174469381571, 0.06695996969938278, -0.06642714887857437, 0.18636061251163483, 0.008832313120365143, 0.0005602462915703654, -0.11788464337587357, 0.1334492564201355, 0.10101788491010666, -0.08584805577993393, 0.04064580798149109, 0.1486966460943222, -0.10197069495916367, -0.08246412128210068, -0.02446027286350727, 0.11279699951410294, -0.09755264222621918, -0.04200875014066696, 0.01093487162142992, -0.04773008078336716, -0.06608757376670837, 0.07546280324459076, 0.0036583670880645514, 0.007247789762914181, 0.003179917111992836, -0.014497809112071991, -0.04844328388571739, 0.04769798368215561, 0.01458739209920168, -0.0032660169526934624, 0.022091280668973923, 0.0768529549241066, -0.018091542646288872, 0.0629735141992569, -0.016255512833595276, 0.07362540811300278, -0.06247425451874733, 0.00480956956744194, -0.10103997588157654, -0.014481795951724052, -0.058058567345142365, -0.044423360377550125, -0.008924132212996483, -0.023141903802752495, 0.015607036650180817, 0.01420503482222557, -0.06996536254882812, -0.06326893717050552, -0.04869228973984718, 0.00014496130461338907, -0.09202399104833603, 0.0011978831607848406, -0.011881643906235695, -0.012133070267736912, 0.0988662987947464, 0.07480410486459732, 0.018161527812480927, 0.08407090604305267, -0.08851440250873566, -0.02960757538676262, -0.04310349002480507, -0.008438928052783012, 0.020492760464549065, -0.018098462373018265, 0.022323498502373695, -0.020195547491312027, 0.02166924811899662, -0.038057565689086914, 0.16652797162532806, -0.0962318554520607, 0.07672563940286636, -0.039133694022893906, 0.028521187603473663, -0.02297111600637436, 0.05784151703119278, 0.07962603121995926, 0.03406955674290657, 0.10836141556501389, -0.0640515610575676, -0.009047710336744785, -0.07617883384227753, 0.021573027595877647, -0.03300377354025841, -0.040554605424404144, -0.035366278141736984, -0.08675115555524826, 0.06336771696805954, 0.0022336491383612156, 0.09717036783695221, 0.07238828390836716, 0.0908854529261589, 0.03581605851650238, 0.005696973297744989, 0.016302580013871193, 0.0016618163790553808, 0.12252635508775711, -0.03925744816660881, -0.033122073858976364, 0.0020287414081394672, 0.02471415139734745, 0.01107124611735344, 0.05254629999399185, 0.18515829741954803, 0.23609060049057007, 0.066356360912323, 0.07305151969194412, -0.04361523315310478, -0.09563517570495605, -0.12132138013839722, -0.04110521823167801, -0.008195525966584682, 0.002133231144398451, -0.06539183109998703, -0.02863544039428234, 0.10689911991357803, -0.1740901917219162, 0.10611844062805176, 0.04696938022971153, -0.07127451151609421, -0.08997409790754318, -0.10363616049289703, 0.01174367219209671, 0.004665814805775881, -0.028050579130649567, -0.10059265047311783, 0.03830829635262489, 0.15534384548664093, -0.02200128696858883, -0.024776434525847435, 0.23738481104373932, -0.06804504990577698, -0.12251003831624985, 0.04202774167060852, 0.0033552616368979216, 0.009683125652372837, 0.04041522741317749, -0.010759430937469006, 0.04148449748754501, 0.030911698937416077, 0.05864860489964485, 0.05508248880505562, 0.009448309428989887, 0.11615900695323944, -0.04380926489830017, -0.08971212804317474, -0.01427916157990694, 0.023253513500094414, 0.10976608842611313, 0.23337730765342712, 0.016634928062558174, -0.06381349265575409, -0.00305743794888258, 0.16428397595882416, -0.007562603801488876, -0.07254651933908463, -0.10175711661577225, 0.22194039821624756, 0.07953117787837982, -0.04496017098426819, -0.03629085421562195, -0.11503946036100388, 0.011830552481114864, 0.2229851633310318, 0.10858125239610672, -0.05412104353308678, -0.003764270804822445, -0.04108849912881851, 0.015182288363575935, 0.008678782731294632, 0.07940127700567245, 0.05957431718707085, 0.1027473658323288, -0.08236398547887802, 0.04347660392522812, 0.032589979469776154, -0.012738297693431377, -0.11857273429632187, 0.1505964994430542, 0.019844481721520424, -0.004244709853082895, 0.01126076839864254, 0.0250995010137558, -0.05056234449148178, -0.264251708984375, 0.012939831241965294, -0.08410307765007019, -0.08599649369716644, 0.0038379153702408075, 0.05793116241693497, 0.06016562506556511, 0.028639262542128563, 0.013903419487178326, 0.009034681133925915, 0.09607350081205368, -0.0075208451598882675, -0.06010494753718376, -0.10561127960681915, 0.115482859313488, -0.04414747655391693, 0.10052193701267242, 0.023570900782942772, -0.053643327206373215, 0.042977891862392426, -0.011522972024977207, -0.04850979149341583, 0.13808612525463104, -0.025961928069591522, -0.06324838846921921, 0.07584991306066513, 0.1568627655506134, -0.030714649707078934, -0.033333372324705124, -0.01609843038022518, -0.011025691404938698, 0.06676024198532104, -0.04954042658209801, -0.07658474147319794, -0.02236129157245159, 0.03075522556900978, -0.12074543535709381, 0.15466102957725525, 0.17575030028820038, 0.017388109117746353, 0.0536462664604187, -0.07504324615001678, -0.006282160058617592, 0.02811811864376068, 0.14515726268291473, -0.0913110077381134, -0.1618991196155548, 0.0531562939286232, -0.03981800377368927, 0.02884317934513092, -0.21905280649662018, 0.03357924520969391, -0.037240322679281235, -0.047598060220479965, -0.10885187983512878, 0.05570029839873314, 0.07445376366376877, 0.022911056876182556, -0.015069236978888512, -0.1958114206790924, 0.0243685282766819, 0.0652017742395401, -0.12425154447555542, -0.0603882297873497 ]
null
null
transformers
## JavaBERT A BERT-like model pretrained on Java software code. ### Training Data The model was trained on 2,998,345 Java files retrieved from open source projects on GitHub. A ```bert-base-uncased``` tokenizer is used by this model. ### Training Objective A MLM (Masked Language Model) objective was used to train this model. ### Usage ```python from transformers import pipeline pipe = pipeline('fill-mask', model='CAUKiel/JavaBERT') output = pipe(CODE) # Replace with Java code; Use '[MASK]' to mask tokens/words in the code. ```
{"language": ["java", "code"], "license": "apache-2.0", "widget": [{"text": "public [MASK] isOdd(Integer num){if (num % 2 == 0) {return \"even\";} else {return \"odd\";}}"}]}
fill-mask
CAUKiel/JavaBERT-uncased
[ "transformers", "pytorch", "safetensors", "bert", "fill-mask", "license:apache-2.0", "autotrain_compatible", "endpoints_compatible", "region:us" ]
2022-03-02T23:29:04+00:00
[]
[ "java", "code" ]
TAGS #transformers #pytorch #safetensors #bert #fill-mask #license-apache-2.0 #autotrain_compatible #endpoints_compatible #region-us
## JavaBERT A BERT-like model pretrained on Java software code. ### Training Data The model was trained on 2,998,345 Java files retrieved from open source projects on GitHub. A tokenizer is used by this model. ### Training Objective A MLM (Masked Language Model) objective was used to train this model. ### Usage
[ "## JavaBERT\nA BERT-like model pretrained on Java software code.", "### Training Data\nThe model was trained on 2,998,345 Java files retrieved from open source projects on GitHub. A tokenizer is used by this model.", "### Training Objective\nA MLM (Masked Language Model) objective was used to train this model.", "### Usage" ]
[ "TAGS\n#transformers #pytorch #safetensors #bert #fill-mask #license-apache-2.0 #autotrain_compatible #endpoints_compatible #region-us \n", "## JavaBERT\nA BERT-like model pretrained on Java software code.", "### Training Data\nThe model was trained on 2,998,345 Java files retrieved from open source projects on GitHub. A tokenizer is used by this model.", "### Training Objective\nA MLM (Masked Language Model) objective was used to train this model.", "### Usage" ]
[ 49, 18, 39, 22, 4 ]
[ "passage: TAGS\n#transformers #pytorch #safetensors #bert #fill-mask #license-apache-2.0 #autotrain_compatible #endpoints_compatible #region-us \n## JavaBERT\nA BERT-like model pretrained on Java software code.### Training Data\nThe model was trained on 2,998,345 Java files retrieved from open source projects on GitHub. A tokenizer is used by this model.### Training Objective\nA MLM (Masked Language Model) objective was used to train this model.### Usage" ]
[ -0.026824338361620903, 0.035820744931697845, -0.0014449735172092915, 0.09128652513027191, 0.1163322925567627, -0.0853554755449295, 0.1017586812376976, 0.06931003928184509, -0.011934424750506878, -0.08860805630683899, 0.20562021434307098, 0.15370488166809082, -0.01757379062473774, 0.16916504502296448, -0.007931079715490341, -0.26697126030921936, 0.07641836255788803, 0.02089315839111805, -0.04762740805745125, 0.10895530134439468, 0.13495831191539764, -0.056163378059864044, 0.11414513736963272, 0.00994177721440792, -0.15687552094459534, -0.017115989699959755, -0.03134181350469589, -0.1055808886885643, 0.09514955431222916, 0.021848181262612343, 0.06959352642297745, 0.012646881863474846, 0.061170995235443115, -0.06698297709226608, 0.023272747173905373, 0.010481062345206738, 0.04285525903105736, 0.06701163947582245, 0.0006177499308250844, 0.08009590208530426, 0.08856108784675598, 0.041940685361623764, 0.03558795526623726, 0.010322467423975468, -0.07589907944202423, -0.01480315625667572, -0.039042629301548004, -0.034345727413892746, 0.1272793710231781, 0.08500654250383377, 0.030533384531736374, 0.17266935110092163, -0.13095726072788239, 0.12024500221014023, 0.04821337014436722, -0.21287058293819427, -0.0564681701362133, 0.20033980906009674, 0.041532330214977264, -0.05587485060095787, 0.003782068844884634, 0.030395755544304848, 0.06860657036304474, 0.06888304650783539, 0.18363521993160248, -0.0730004534125328, -0.1444280594587326, -0.002873307326808572, -0.10808553546667099, -0.05455842986702919, 0.21777132153511047, -0.014770032837986946, -0.06991881877183914, -0.04577228054404259, -0.012796853668987751, 0.15042921900749207, 0.009452377445995808, -0.017057029530405998, 0.02643049880862236, 0.06756705045700073, -0.03684191033244133, -0.02946510724723339, -0.06798475980758667, -0.07252554595470428, -0.0746743306517601, 0.08778049796819687, 0.012279702350497246, 0.0546078085899353, -0.14517740905284882, 0.06158788502216339, -0.11155243963003159, -0.15209317207336426, 0.018668370321393013, -0.06316103786230087, 0.16590479016304016, -0.04073425754904747, -0.02087998390197754, -0.1760006695985794, 0.09350547194480896, -0.04443284124135971, -0.017738837748765945, 0.003647899255156517, -0.0060670687817037106, 0.054329726845026016, 0.054602593183517456, 0.09514378756284714, -0.09557654708623886, 0.0017910387832671404, 0.11382625997066498, 0.014529970474541187, -0.03678857162594795, 0.01958415098488331, -0.10350843518972397, 0.05043218284845352, 0.0719488337635994, 0.05238514021039009, -0.06593625992536545, 0.12180022895336151, -0.020765487104654312, 0.012608787976205349, -0.04427831619977951, -0.0940260961651802, -0.01230399589985609, -0.04277739301323891, -0.04452226683497429, -0.09536401182413101, 0.07125318795442581, 0.03533964231610298, -0.053698666393756866, -0.026801131665706635, -0.055525362491607666, -0.026421109214425087, -0.15141059458255768, -0.11471980810165405, 0.020970432087779045, -0.07204306125640869, 0.08546914905309677, -0.13240119814872742, -0.2656596601009369, 0.014070660807192326, 0.13493633270263672, -0.004693594761192799, -0.03202318400144577, -0.05489456281065941, -0.07042782753705978, -0.03869509696960449, -0.0455324649810791, 0.14749813079833984, -0.052587345242500305, 0.04095729812979698, -0.07086063921451569, 0.06064721196889877, -0.060434676706790924, 0.029792850837111473, -0.10636006295681, 0.051630496978759766, -0.1618320643901825, 0.05368926003575325, -0.004381988663226366, 0.10662221163511276, -0.07398790121078491, -0.07381933927536011, 0.047973595559597015, 0.04003862664103508, 0.09076303988695145, 0.18342116475105286, -0.14854726195335388, 0.03374091908335686, 0.09332837909460068, -0.07902651280164719, -0.1123523861169815, 0.0897652730345726, -0.0881161168217659, 0.2095729410648346, 0.07483925670385361, 0.15097354352474213, -0.034558460116386414, -0.023622587323188782, 0.10278988629579544, 0.0691852793097496, -0.015977028757333755, -0.07499392330646515, 0.051963187754154205, 0.056563735008239746, -0.24235816299915314, 0.06604375690221786, -0.10545699298381805, 0.09799457341432571, -0.07132577151060104, -0.050134073942899704, -0.024935824796557426, -0.09454657882452011, -0.04197000339627266, -0.006046148482710123, 0.11410292237997055, -0.07261846214532852, 0.017517585307359695, 0.07715251296758652, 0.06876067072153091, -0.057673342525959015, -0.046334125101566315, -0.1080978587269783, 0.0013066744431853294, -0.1009920984506607, 0.04577730968594551, -0.10568394511938095, 0.06631357967853546, 0.011922268196940422, -0.03994029015302658, -0.02605316787958145, 0.05968145653605461, 0.06592512130737305, 0.09045469760894775, 0.005797237623482943, -0.015144470147788525, 0.02750668302178383, 0.05853850767016411, -0.06469769775867462, -0.1486026793718338, -0.041502200067043304, -0.08345132321119308, -0.06384308636188507, -0.04596807062625885, 0.04860064759850502, -0.07092580944299698, 0.06559479236602783, 0.003586347447708249, 0.02251909300684929, 0.08311790972948074, 0.04457750916481018, -0.016869202256202698, -0.058599803596735, 0.07516684383153915, 0.06721840798854828, -0.01961858570575714, 0.1123361587524414, 0.0034297883976250887, 0.17686893045902252, 0.11659660190343857, -0.066658154129982, 0.007402966730296612, 0.1006508618593216, -0.018480299040675163, 0.0016234875656664371, -0.05875782296061516, 0.05413058400154114, 0.19445036351680756, -0.03312557190656662, 0.160811647772789, -0.10664674639701843, -0.011793948709964752, 0.02675125002861023, -0.11850152164697647, -0.0037570777349174023, 0.03671110048890114, 0.050862912088632584, -0.2064042091369629, 0.11872044950723648, 0.13316835463047028, -0.05350808799266815, 0.17809103429317474, -0.012967120856046677, 0.031428370624780655, -0.05013733357191086, -0.009926479309797287, -0.037148136645555496, 0.054705120623111725, -0.22992660105228424, -0.03994130343198776, 0.018334489315748215, 0.027038391679525375, 0.04539268836379051, -0.11069787293672562, -0.027857601642608643, 0.016451707109808922, 0.01752888225018978, -0.023853717371821404, 0.013870886527001858, -0.08797985315322876, 0.04697247967123985, 0.020105935633182526, -0.13492664694786072, 0.08848924934864044, 0.02049925923347473, -0.09762514382600784, 0.22467777132987976, -0.10424042493104935, -0.19421111047267914, -0.12608058750629425, -0.06955904513597488, -0.04912232607603073, 0.036119863390922546, 0.03811163827776909, -0.06515777111053467, -0.07389411330223083, -0.06460509449243546, -0.026548165827989578, 0.045155737549066544, 0.007836283184587955, 0.06107882410287857, 0.02619173564016819, 0.03326921910047531, -0.14304350316524506, -0.06423308700323105, 0.031782299280166626, -0.063367560505867, 0.06805291771888733, -0.09693003445863724, 0.054869551211595535, 0.06539318710565567, -0.045544594526290894, 0.05337781459093094, 0.01328543946146965, 0.2101382166147232, 0.024718862026929855, -0.01694505289196968, 0.14688681066036224, -0.044639017432928085, -0.016831589862704277, 0.11611240357160568, 0.03798466920852661, -0.09393744170665741, 0.03741022199392319, -0.07405120879411697, -0.09677322953939438, -0.140311136841774, -0.037436630576848984, -0.03530983254313469, 0.023244749754667282, 0.04975232481956482, 0.018211165443062782, 0.0032101599499583244, 0.11547385156154633, 0.09982781857252121, 0.07388126105070114, 0.005962977651506662, 0.06803983449935913, -0.07709067314863205, -0.06068490073084831, 0.0818343460559845, 0.001246713800355792, -0.04046149179339409, 0.02296297810971737, -0.003349474398419261, 0.16060861945152283, -0.012461507692933083, -0.054062213748693466, 0.12213269621133804, 0.12834955751895905, 0.049951858818531036, 0.1814083307981491, -0.10306348651647568, -0.012263103388249874, -0.06046295166015625, -0.0619698129594326, -0.11278504878282547, 0.033581603318452835, -0.14424467086791992, 0.07056647539138794, -0.10228011012077332, 0.019569747149944305, 0.025609901174902916, 0.27065393328666687, 0.026265494525432587, -0.30398446321487427, -0.07805564999580383, 0.054687656462192535, -0.0407995879650116, -0.07905862480401993, 0.08962219208478928, 0.1986347734928131, -0.11141356825828552, -0.023282835260033607, -0.00910995900630951, 0.11528129875659943, 0.0005331953871063888, 0.05771791189908981, -0.05200254172086716, 0.0486677810549736, 0.007187593262642622, 0.12440565228462219, -0.33281582593917847, 0.25684571266174316, -0.00023448525462299585, 0.1307058036327362, -0.08677396178245544, 0.01611497439444065, 0.06402696669101715, 0.1356901377439499, 0.12676553428173065, 0.033340949565172195, 0.013298584148287773, -0.08834969997406006, -0.0798448994755745, 0.06808048486709595, -0.09840896725654602, 0.004091635812073946, 0.021037470549345016, 0.029204830527305603, -0.0101542379707098, 0.02697310782968998, 0.05557364597916603, -0.10685859620571136, 0.00010516365728108212, -0.04301188513636589, 0.039218220859766006, 0.08722556382417679, -0.1105928048491478, -0.06229424476623535, 0.06927048414945602, 0.18451979756355286, 0.12230950593948364, -0.05947638675570488, -0.04866085946559906, 0.006942415609955788, 0.014721529558300972, -0.02370196208357811, 0.011824171990156174, -0.03274444118142128, 0.057368844747543335, -0.024831416085362434, -0.04137043282389641, 0.083859883248806, -0.14036299288272858, -0.014026167802512646, -0.015292493626475334, 0.01040622591972351, 0.026796560734510422, 0.004463257733732462, 0.0948726162314415, -0.015442896634340286, -0.012498012743890285, -0.09079208225011826, -0.056545473635196686, 0.060274992138147354, 0.13093402981758118, -0.03672466054558754, -0.10618701577186584, -0.051843538880348206, 0.008674551732838154, -0.04806005209684372, 0.15326747298240662, 0.08123237639665604, -0.030463870614767075, 0.0334816575050354, 0.3139829933643341, -0.08602701127529144, -0.25521841645240784, -0.007255428936332464, -0.01919768564403057, 0.06189943477511406, -0.061947908252477646, -0.17234700918197632, 0.0764201432466507, -0.017535652965307236, -0.008007550612092018, -0.12979288399219513, -0.23584657907485962, -0.08747000992298126, 0.18284441530704498, 0.14754663407802582, 0.3391418755054474, -0.0776304230093956, -0.002521541668102145, -0.04170425608754158, -0.13209427893161774, 0.11038228124380112, -0.19900983572006226, 0.07693805545568466, -0.0016522665973752737, 0.058050625026226044, 0.02840811386704445, -0.10458558797836304, 0.0964931845664978, -0.05274488404393196, 0.06083932891488075, -0.08989493548870087, -0.052720386534929276, 0.041173987090587616, -0.03530696779489517, 0.18445417284965515, -0.08095947653055191, 0.07859652489423752, -0.07484602183103561, -0.04743194207549095, -0.07873508334159851, 0.05629169940948486, 0.007753926794975996, -0.14085978269577026, 0.03105739690363407, 0.06703288108110428, 0.0586482398211956, 0.01475877221673727, 0.06530436128377914, 0.008021204732358456, 0.0477164201438427, 0.169053316116333, 0.10006613284349442, -0.21451935172080994, 0.08364226669073105, 0.04964284598827362, -0.040265265852212906, 0.11789920181035995, -0.16359537839889526, 0.008278944529592991, 0.057248521596193314, -0.011291871778666973, 0.13078349828720093, 0.042663149535655975, -0.01597195863723755, -0.02795724757015705, 0.044476013630628586, -0.16031980514526367, -0.015595884062349796, -0.02392016351222992, 0.19611696898937225, -0.00018125530914403498, 0.009434085339307785, 0.12067126482725143, -0.14671944081783295, -0.019700204953551292, -0.04584697261452675, 0.03826364129781723, -0.10933935642242432, 0.1174931526184082, 0.011612987145781517, 0.0338447280228138, -0.08804435282945633, 0.037373363971710205, -0.01033254899084568, 0.00303840939886868, 0.04831183701753616, 0.03547811508178711, -0.13797228038311005, -0.08886511623859406, 0.10330039262771606, 0.283798485994339, 0.05167241021990776, -0.09190140664577484, -0.06348853558301926, -0.1332092136144638, 0.021380530670285225, 0.10123119503259659, 0.11263643950223923, 0.02293071523308754, -0.06426975876092911, -0.045356277376413345, -0.09992213547229767, 0.04693875461816788, 0.03900102525949478, -0.03205863758921623, -0.07496318221092224, 0.08594711124897003, 0.02437851019203663, 0.08409126847982407, -0.06334521621465683, -0.033424731343984604, -0.1222323626279831, 0.041315339505672455, -0.15321561694145203, 0.005181835498660803, -0.0958169549703598, -0.011640887707471848, -0.0001431997079635039, -0.030685940757393837, -0.034258995205163956, 0.0733686313033104, -0.08848907798528671, 0.03443112596869469, -0.022557444870471954, 0.052783966064453125, 0.002208948601037264, -0.08546816557645798, 0.024111421778798103, -0.05376173183321953, 0.030723687261343002, 0.03671811893582344, -0.07991147041320801, 0.0290590301156044, -0.11369551718235016, -0.036617863923311234, 0.07874710857868195, -0.011642460711300373, 0.06179565191268921, -0.1582874357700348, 0.0034653786569833755, 0.05952030047774315, 0.016236281022429466, -0.012635585851967335, 0.16754131019115448, -0.0714409202337265, -0.030237752944231033, 0.11771919578313828, -0.03432945907115936, -0.04473036900162697, 0.043792475014925, 0.11026711761951447, 0.07726548612117767, 0.16743238270282745, -0.06044626608490944, 0.026563407853245735, -0.0699404701590538, 0.006729337386786938, -0.015646370127797127, -0.12403188645839691, -0.1068854033946991, -0.01708069257438183, -0.005682468414306641, -0.07701780647039413, 0.12495332211256027, 0.09309495985507965, -0.040126360952854156, -0.003128892043605447, -0.02735002152621746, 0.08660726249217987, 0.005695111118257046, 0.15787513554096222, -0.06167028844356537, 0.028207747265696526, -0.07417096942663193, 0.09288235753774643, 0.04693657532334328, -0.01063572894781828, 0.028367985039949417, 0.07772231101989746, 0.08980080485343933, 0.09686325490474701, 0.03288426250219345, 0.08194322884082794, -0.11767546087503433, -0.06185135990381241, 0.02228967286646366, 0.1351889669895172, -0.04023565351963043, 0.07072664052248001, 0.13524965941905975, -0.12303893268108368, 0.05010533332824707, -0.020251473411917686, -0.07469253987073898, -0.10903206467628479, -0.1529548615217209, -0.08679290115833282, -0.043950337916612625, 0.016306335106492043, -0.11141934990882874, -0.017662594094872475, 0.05170334503054619, 0.0299240555614233, -0.026811616495251656, 0.10382363945245743, -0.023577271029353142, 0.010036690160632133, 0.04364058002829552, -0.0387047715485096, -0.027005057781934738, -0.09405137598514557, -0.015285933390259743, -0.06862704455852509, -0.004905674606561661, -0.001014946959912777, 0.0067188250832259655, 0.02097894996404648, -0.025692036375403404, -0.00994022935628891, -0.042984943836927414, -0.06072292476892471, -0.03135061264038086, 0.03876936063170433, 0.07572496682405472, 0.021821871399879456, -0.08129812777042389, 0.08066233992576599, 0.13451926410198212, -0.019115284085273743, -0.14855065941810608, -0.1660560518503189, 0.21574342250823975, 0.005319437012076378, 0.014568492770195007, 0.03878163918852806, 0.05411757901310921, -0.047213323414325714, 0.25571388006210327, 0.21035531163215637, -0.03623029589653015, -0.02147592604160309, -0.06191038712859154, -0.020582718774676323, -0.06308583170175552, 0.15691855549812317, 0.08593306690454483, 0.10729029029607773, -0.08887840062379837, 0.05994225665926933, -0.08358210325241089, -0.05544619634747505, -0.06399304419755936, -0.04885931685566902, 0.002807128708809614, -0.05598298832774162, -0.02813086286187172, 0.03689553588628769, -0.058043237775564194, -0.048231340944767, -0.04653988778591156, -0.08531968295574188, -0.06891028583049774, -0.025180090218782425, -0.03219645470380783, 0.012549122795462608, 0.1139337569475174, -0.03672574460506439, 0.10504653304815292, 0.03728825971484184, 0.0037760057020932436, -0.043269913643598557, -0.1121116429567337, 0.15085548162460327, 0.05361855402588844, 0.20205387473106384, 0.019611062481999397, 0.052846960723400116, 0.07072843611240387, -0.020412538200616837, -0.12209556996822357, 0.09853149950504303, -0.014882625080645084, 0.04325690120458603, -0.020350905135273933, 0.005553484428673983, -0.07341384887695312, 0.045920971781015396, -0.05770186334848404, -0.11636843532323837, 0.01622944511473179, -0.08326158672571182, -0.06775110214948654, -0.0753164142370224, 0.04477095603942871, -0.0485956072807312, 0.07980884611606598, 0.12495081126689911, -0.030962850898504257, -0.0329081229865551, -0.08919394761323929, 0.1574479639530182, -0.0009909766959026456, -0.1531105637550354, -0.08059262484312057, -0.1406213492155075, -0.024736834689974785, -0.029469730332493782, -0.013435005210340023, -0.1975865662097931, -0.04559729993343353, -0.08476267009973526, -0.046872105449438095, -0.08040501922369003, 0.02052953839302063, 0.1319398581981659, 0.06582506746053696, -0.029113927856087685, -0.014001167379319668, -0.03622616454958916, 0.04946237429976463, -0.0516861230134964, -0.15015745162963867 ]
null
null
transformers
# Model Card for JavaBERT A BERT-like model pretrained on Java software code. # Model Details ## Model Description A BERT-like model pretrained on Java software code. - **Developed by:** Christian-Albrechts-University of Kiel (CAUKiel) - **Shared by [Optional]:** Hugging Face - **Model type:** Fill-Mask - **Language(s) (NLP):** en - **License:** Apache-2.0 - **Related Models:** A version of this model using an uncased tokenizer is available at [CAUKiel/JavaBERT-uncased](https://huggingface.co/CAUKiel/JavaBERT-uncased). - **Parent Model:** BERT - **Resources for more information:** - [Associated Paper](https://arxiv.org/pdf/2110.10404.pdf) # Uses ## Direct Use Fill-Mask ## Downstream Use [Optional] More information needed. ## Out-of-Scope Use The model should not be used to intentionally create hostile or alienating environments for people. # Bias, Risks, and Limitations Significant research has explored bias and fairness issues with language models (see, e.g., [Sheng et al. (2021)](https://aclanthology.org/2021.acl-long.330.pdf) and [Bender et al. (2021)](https://dl.acm.org/doi/pdf/10.1145/3442188.3445922)). Predictions generated by the model may include disturbing and harmful stereotypes across protected classes; identity characteristics; and sensitive, social, and occupational groups. ## Recommendations Users (both direct and downstream) should be made aware of the risks, biases and limitations of the model. More information needed for further recommendations. { see paper= word something) # Training Details ## Training Data The model was trained on 2,998,345 Java files retrieved from open source projects on GitHub. A ```bert-base-cased``` tokenizer is used by this model. ## Training Procedure ### Training Objective A MLM (Masked Language Model) objective was used to train this model. ### Preprocessing More information needed. ### Speeds, Sizes, Times More information needed. # Evaluation ## Testing Data, Factors & Metrics ### Testing Data More information needed. ### Factors ### Metrics More information needed. ## Results More information needed. # Model Examination More information needed. # Environmental Impact Carbon emissions can be estimated using the [Machine Learning Impact calculator](https://mlco2.github.io/impact#compute) presented in [Lacoste et al. (2019)](https://arxiv.org/abs/1910.09700). - **Hardware Type:** More information needed. - **Hours used:** More information needed. - **Cloud Provider:** More information needed. - **Compute Region:** More information needed. - **Carbon Emitted:** More information needed. # Technical Specifications [optional] ## Model Architecture and Objective More information needed. ## Compute Infrastructure More information needed. ### Hardware More information needed. ### Software More information needed. # Citation **BibTeX:** More information needed. **APA:** More information needed. # Glossary [optional] More information needed. # More Information [optional] More information needed. # Model Card Authors [optional] Christian-Albrechts-University of Kiel (CAUKiel) in collaboration with Ezi Ozoani and the team at Hugging Face # Model Card Contact More information needed. # How to Get Started with the Model Use the code below to get started with the model. <details> <summary> Click to expand </summary> ```python from transformers import pipeline pipe = pipeline('fill-mask', model='CAUKiel/JavaBERT') output = pipe(CODE) # Replace with Java code; Use '[MASK]' to mask tokens/words in the code. ``` </details>
{"language": ["code"], "license": "apache-2.0", "widget": [{"text": "public [MASK] isOdd(Integer num) {if (num % 2 == 0) {return \"even\";} else {return \"odd\";}}"}]}
fill-mask
CAUKiel/JavaBERT
[ "transformers", "pytorch", "safetensors", "bert", "fill-mask", "code", "arxiv:2110.10404", "arxiv:1910.09700", "license:apache-2.0", "autotrain_compatible", "endpoints_compatible", "region:us" ]
2022-03-02T23:29:04+00:00
[ "2110.10404", "1910.09700" ]
[ "code" ]
TAGS #transformers #pytorch #safetensors #bert #fill-mask #code #arxiv-2110.10404 #arxiv-1910.09700 #license-apache-2.0 #autotrain_compatible #endpoints_compatible #region-us
# Model Card for JavaBERT A BERT-like model pretrained on Java software code. # Model Details ## Model Description A BERT-like model pretrained on Java software code. - Developed by: Christian-Albrechts-University of Kiel (CAUKiel) - Shared by [Optional]: Hugging Face - Model type: Fill-Mask - Language(s) (NLP): en - License: Apache-2.0 - Related Models: A version of this model using an uncased tokenizer is available at CAUKiel/JavaBERT-uncased. - Parent Model: BERT - Resources for more information: - Associated Paper # Uses ## Direct Use Fill-Mask ## Downstream Use [Optional] More information needed. ## Out-of-Scope Use The model should not be used to intentionally create hostile or alienating environments for people. # Bias, Risks, and Limitations Significant research has explored bias and fairness issues with language models (see, e.g., Sheng et al. (2021) and Bender et al. (2021)). Predictions generated by the model may include disturbing and harmful stereotypes across protected classes; identity characteristics; and sensitive, social, and occupational groups. ## Recommendations Users (both direct and downstream) should be made aware of the risks, biases and limitations of the model. More information needed for further recommendations. { see paper= word something) # Training Details ## Training Data The model was trained on 2,998,345 Java files retrieved from open source projects on GitHub. A tokenizer is used by this model. ## Training Procedure ### Training Objective A MLM (Masked Language Model) objective was used to train this model. ### Preprocessing More information needed. ### Speeds, Sizes, Times More information needed. # Evaluation ## Testing Data, Factors & Metrics ### Testing Data More information needed. ### Factors ### Metrics More information needed. ## Results More information needed. # Model Examination More information needed. # Environmental Impact Carbon emissions can be estimated using the Machine Learning Impact calculator presented in Lacoste et al. (2019). - Hardware Type: More information needed. - Hours used: More information needed. - Cloud Provider: More information needed. - Compute Region: More information needed. - Carbon Emitted: More information needed. # Technical Specifications [optional] ## Model Architecture and Objective More information needed. ## Compute Infrastructure More information needed. ### Hardware More information needed. ### Software More information needed. BibTeX: More information needed. APA: More information needed. # Glossary [optional] More information needed. # More Information [optional] More information needed. # Model Card Authors [optional] Christian-Albrechts-University of Kiel (CAUKiel) in collaboration with Ezi Ozoani and the team at Hugging Face # Model Card Contact More information needed. # How to Get Started with the Model Use the code below to get started with the model. <details> <summary> Click to expand </summary> </details>
[ "# Model Card for JavaBERT\n \nA BERT-like model pretrained on Java software code.", "# Model Details", "## Model Description\n \nA BERT-like model pretrained on Java software code.\n \n- Developed by: Christian-Albrechts-University of Kiel (CAUKiel)\n- Shared by [Optional]: Hugging Face\n- Model type: Fill-Mask\n- Language(s) (NLP): en\n- License: Apache-2.0\n- Related Models: A version of this model using an uncased tokenizer is available at CAUKiel/JavaBERT-uncased.\n - Parent Model: BERT\n- Resources for more information: \n - Associated Paper", "# Uses", "## Direct Use\n \nFill-Mask", "## Downstream Use [Optional]\n \nMore information needed.", "## Out-of-Scope Use\n \nThe model should not be used to intentionally create hostile or alienating environments for people.", "# Bias, Risks, and Limitations\n \nSignificant research has explored bias and fairness issues with language models (see, e.g., Sheng et al. (2021) and Bender et al. (2021)). Predictions generated by the model may include disturbing and harmful stereotypes across protected classes; identity characteristics; and sensitive, social, and occupational groups.", "## Recommendations\n \nUsers (both direct and downstream) should be made aware of the risks, biases and limitations of the model. More information needed for further recommendations.\n{ see paper= word something)", "# Training Details", "## Training Data\nThe model was trained on 2,998,345 Java files retrieved from open source projects on GitHub. A tokenizer is used by this model.", "## Training Procedure", "### Training Objective\nA MLM (Masked Language Model) objective was used to train this model.", "### Preprocessing\n \nMore information needed.", "### Speeds, Sizes, Times\n \nMore information needed.", "# Evaluation", "## Testing Data, Factors & Metrics", "### Testing Data\nMore information needed.", "### Factors", "### Metrics\n \nMore information needed.", "## Results \nMore information needed.", "# Model Examination\n \nMore information needed.", "# Environmental Impact\n \n \nCarbon emissions can be estimated using the Machine Learning Impact calculator presented in Lacoste et al. (2019).\n \n- Hardware Type: More information needed.\n- Hours used: More information needed.\n- Cloud Provider: More information needed.\n- Compute Region: More information needed.\n- Carbon Emitted: More information needed.", "# Technical Specifications [optional]", "## Model Architecture and Objective\n \nMore information needed.", "## Compute Infrastructure\n \nMore information needed.", "### Hardware\n \nMore information needed.", "### Software\n \nMore information needed.\n \nBibTeX:\n \nMore information needed.\n \nAPA:\n \nMore information needed.", "# Glossary [optional]\nMore information needed.", "# More Information [optional]\n \nMore information needed.", "# Model Card Authors [optional]\n \nChristian-Albrechts-University of Kiel (CAUKiel) in collaboration with Ezi Ozoani and the team at Hugging Face", "# Model Card Contact\n \nMore information needed.", "# How to Get Started with the Model\n \nUse the code below to get started with the model.\n \n<details>\n<summary> Click to expand </summary>\n\n \n \n</details>" ]
[ "TAGS\n#transformers #pytorch #safetensors #bert #fill-mask #code #arxiv-2110.10404 #arxiv-1910.09700 #license-apache-2.0 #autotrain_compatible #endpoints_compatible #region-us \n", "# Model Card for JavaBERT\n \nA BERT-like model pretrained on Java software code.", "# Model Details", "## Model Description\n \nA BERT-like model pretrained on Java software code.\n \n- Developed by: Christian-Albrechts-University of Kiel (CAUKiel)\n- Shared by [Optional]: Hugging Face\n- Model type: Fill-Mask\n- Language(s) (NLP): en\n- License: Apache-2.0\n- Related Models: A version of this model using an uncased tokenizer is available at CAUKiel/JavaBERT-uncased.\n - Parent Model: BERT\n- Resources for more information: \n - Associated Paper", "# Uses", "## Direct Use\n \nFill-Mask", "## Downstream Use [Optional]\n \nMore information needed.", "## Out-of-Scope Use\n \nThe model should not be used to intentionally create hostile or alienating environments for people.", "# Bias, Risks, and Limitations\n \nSignificant research has explored bias and fairness issues with language models (see, e.g., Sheng et al. (2021) and Bender et al. (2021)). Predictions generated by the model may include disturbing and harmful stereotypes across protected classes; identity characteristics; and sensitive, social, and occupational groups.", "## Recommendations\n \nUsers (both direct and downstream) should be made aware of the risks, biases and limitations of the model. More information needed for further recommendations.\n{ see paper= word something)", "# Training Details", "## Training Data\nThe model was trained on 2,998,345 Java files retrieved from open source projects on GitHub. A tokenizer is used by this model.", "## Training Procedure", "### Training Objective\nA MLM (Masked Language Model) objective was used to train this model.", "### Preprocessing\n \nMore information needed.", "### Speeds, Sizes, Times\n \nMore information needed.", "# Evaluation", "## Testing Data, Factors & Metrics", "### Testing Data\nMore information needed.", "### Factors", "### Metrics\n \nMore information needed.", "## Results \nMore information needed.", "# Model Examination\n \nMore information needed.", "# Environmental Impact\n \n \nCarbon emissions can be estimated using the Machine Learning Impact calculator presented in Lacoste et al. (2019).\n \n- Hardware Type: More information needed.\n- Hours used: More information needed.\n- Cloud Provider: More information needed.\n- Compute Region: More information needed.\n- Carbon Emitted: More information needed.", "# Technical Specifications [optional]", "## Model Architecture and Objective\n \nMore information needed.", "## Compute Infrastructure\n \nMore information needed.", "### Hardware\n \nMore information needed.", "### Software\n \nMore information needed.\n \nBibTeX:\n \nMore information needed.\n \nAPA:\n \nMore information needed.", "# Glossary [optional]\nMore information needed.", "# More Information [optional]\n \nMore information needed.", "# Model Card Authors [optional]\n \nChristian-Albrechts-University of Kiel (CAUKiel) in collaboration with Ezi Ozoani and the team at Hugging Face", "# Model Card Contact\n \nMore information needed.", "# How to Get Started with the Model\n \nUse the code below to get started with the model.\n \n<details>\n<summary> Click to expand </summary>\n\n \n \n</details>" ]
[ 69, 21, 3, 123, 3, 7, 12, 28, 87, 48, 3, 38, 4, 22, 9, 13, 3, 11, 9, 4, 9, 6, 9, 73, 9, 11, 9, 7, 22, 12, 11, 39, 8, 41 ]
[ "passage: TAGS\n#transformers #pytorch #safetensors #bert #fill-mask #code #arxiv-2110.10404 #arxiv-1910.09700 #license-apache-2.0 #autotrain_compatible #endpoints_compatible #region-us \n# Model Card for JavaBERT\n \nA BERT-like model pretrained on Java software code.# Model Details## Model Description\n \nA BERT-like model pretrained on Java software code.\n \n- Developed by: Christian-Albrechts-University of Kiel (CAUKiel)\n- Shared by [Optional]: Hugging Face\n- Model type: Fill-Mask\n- Language(s) (NLP): en\n- License: Apache-2.0\n- Related Models: A version of this model using an uncased tokenizer is available at CAUKiel/JavaBERT-uncased.\n - Parent Model: BERT\n- Resources for more information: \n - Associated Paper# Uses## Direct Use\n \nFill-Mask## Downstream Use [Optional]\n \nMore information needed.## Out-of-Scope Use\n \nThe model should not be used to intentionally create hostile or alienating environments for people.# Bias, Risks, and Limitations\n \nSignificant research has explored bias and fairness issues with language models (see, e.g., Sheng et al. (2021) and Bender et al. (2021)). Predictions generated by the model may include disturbing and harmful stereotypes across protected classes; identity characteristics; and sensitive, social, and occupational groups.## Recommendations\n \nUsers (both direct and downstream) should be made aware of the risks, biases and limitations of the model. More information needed for further recommendations.\n{ see paper= word something)# Training Details## Training Data\nThe model was trained on 2,998,345 Java files retrieved from open source projects on GitHub. A tokenizer is used by this model.## Training Procedure### Training Objective\nA MLM (Masked Language Model) objective was used to train this model.### Preprocessing\n \nMore information needed.### Speeds, Sizes, Times\n \nMore information needed.# Evaluation## Testing Data, Factors & Metrics" ]
[ -0.07144130021333694, 0.18136093020439148, -0.006208140403032303, 0.03995369374752045, 0.05794386938214302, -0.025295108556747437, 0.04770921915769577, 0.08654692769050598, 0.05197305232286453, 0.09476494789123535, 0.02180854231119156, -0.0034215780906379223, 0.11598667502403259, 0.13796693086624146, -0.010885927826166153, -0.16323143243789673, 0.0542740523815155, -0.09599173069000244, 0.02097892574965954, 0.09387396275997162, 0.12368781864643097, -0.05273785442113876, 0.074397511780262, -0.012452441267669201, -0.02890639379620552, 0.008389468304812908, -0.06490156799554825, -0.02155565842986107, 0.032058700919151306, 0.03757202625274658, 0.07315491884946823, -0.016180386766791344, 0.07152015715837479, -0.22401167452335358, 0.023440463468432426, 0.06266523152589798, 0.03575689345598221, 0.054404761642217636, 0.07135273516178131, 0.01711319386959076, 0.08586756885051727, -0.12901176512241364, 0.1039278581738472, 0.05827891081571579, -0.06474809348583221, -0.10667753219604492, -0.11450031399726868, 0.0646839588880539, 0.06894107908010483, 0.06781191378831863, -0.027256671339273453, 0.14692752063274384, -0.026948917657136917, 0.028104521334171295, 0.11964550614356995, -0.10360925644636154, -0.03403064236044884, 0.024708576500415802, 0.06029009073972702, -0.0016261409036815166, -0.09363941848278046, -0.002578881336376071, 0.02499997615814209, 0.026014823466539383, 0.0658501386642456, -0.030419886112213135, 0.10455749928951263, -0.05223045125603676, -0.11982901394367218, -0.04542248323559761, 0.06400677561759949, 0.05297834053635597, -0.1041446328163147, -0.22936172783374786, -0.020021025091409683, 0.15744677186012268, 0.007465527858585119, -0.05248174071311951, 0.03929240256547928, -0.04027577489614487, 0.09605672955513, -0.05361626669764519, -0.06156144291162491, 0.009169647470116615, 0.005369032267481089, 0.13079556822776794, 0.045173387974500656, 0.010321112349629402, 0.0072858938947319984, 0.06290560960769653, 0.02243201434612274, -0.1418992280960083, -0.07867690920829773, -0.08866606652736664, -0.08220494538545609, -0.04507765918970108, 0.0005375463515520096, -0.017255477607250214, 0.020102176815271378, 0.10835765302181244, -0.0951988697052002, 0.05063924193382263, -0.01902720332145691, -0.01703287847340107, 0.11326334625482559, 0.09715653210878372, -0.03836658596992493, -0.07307300716638565, 0.026232372969388962, 0.05754781514406204, 0.004491561092436314, -0.01952640898525715, -0.018071673810482025, -0.031730592250823975, 0.019675806164741516, 0.1036861464381218, 0.06456175446510315, 0.025800837203860283, -0.06142409145832062, -0.058358192443847656, 0.08700524270534515, -0.17522871494293213, 0.031395889818668365, 0.012228436768054962, -0.04627950116991997, 0.006507089827209711, 0.03511878475546837, -0.023379066959023476, -0.09263279289007187, -0.007001823280006647, -0.05200637876987457, -0.02022433467209339, -0.09523580968379974, -0.09864627569913864, 0.06635287404060364, -0.02228906750679016, -0.0316326878964901, -0.09387350082397461, -0.1784161925315857, -0.09169485419988632, 0.04392581433057785, -0.06683452427387238, -0.04464339464902878, -0.016386032104492188, -0.07637493312358856, -0.00896325334906578, -0.004727773368358612, 0.03503068536520004, -0.002842752728611231, 0.04009268432855606, -0.08897939324378967, 0.031120451167225838, 0.13982631266117096, 0.014468200504779816, -0.08494158834218979, 0.033663444221019745, -0.16965821385383606, 0.13851189613342285, -0.08090193569660187, -0.013990899547934532, -0.09788559377193451, -0.03600597381591797, 0.008174101822078228, 0.015904130414128304, 0.029002942144870758, 0.18057823181152344, -0.18980464339256287, 0.004059641156345606, 0.18339002132415771, -0.10022446513175964, -0.057319365441799164, 0.08399981260299683, -0.07942655682563782, 0.11156255006790161, 0.07548032701015472, 0.056036435067653656, 0.0646454244852066, -0.15644440054893494, -0.04965163767337799, -0.00779795553535223, 0.003581617958843708, 0.14834991097450256, 0.06512531638145447, -0.05815983936190605, 0.0501004159450531, -0.005354715511202812, -0.04472113400697708, -0.007510137278586626, -0.01088046282529831, -0.0493817999958992, 0.028205033391714096, -0.03210414946079254, 0.04992654174566269, 0.001240466721355915, -0.08059181272983551, -0.029521137475967407, -0.16615135967731476, -0.04127212241292, 0.08944796025753021, -0.03297456353902817, 0.006480720825493336, -0.08223085850477219, 0.007658463902771473, -0.009176859632134438, 0.017172422260046005, -0.1632382869720459, -0.08736134320497513, 0.048337362706661224, -0.21291251480579376, 0.06444860994815826, -0.007194230332970619, 0.02670789510011673, 0.05066070705652237, -0.040660202503204346, -0.003691395279020071, -0.04051697999238968, 0.005576250143349171, -0.03609618544578552, -0.1842004507780075, -0.03755318373441696, -0.041103556752204895, 0.14509418606758118, -0.15543285012245178, 0.027739614248275757, 0.05222603678703308, 0.11683330684900284, 0.024939771741628647, -0.05390172079205513, 0.05705299228429794, -0.008486343547701836, 0.023475714027881622, -0.07522192597389221, -0.011580800637602806, 0.001121800858527422, -0.03215114399790764, 0.08454059064388275, -0.13502797484397888, -0.08180002868175507, 0.05218006297945976, 0.07118774950504303, -0.13342544436454773, 0.004124658647924662, -0.012846238911151886, -0.014602858573198318, -0.08417166769504547, -0.05698629468679428, 0.15590721368789673, 0.03479589521884918, 0.06073108687996864, -0.09766937792301178, -0.08819879591464996, -0.022454814985394478, -0.03364895284175873, -0.0190228633582592, 0.05598095804452896, 0.0027080411091446877, -0.18817663192749023, 0.08178945630788803, 0.07899660617113113, 0.052159737795591354, 0.14698128402233124, -0.00866318866610527, -0.08033144474029541, -0.04604719579219818, -0.0023431042209267616, -0.01999996043741703, 0.08253903687000275, 0.01605099067091942, 0.04197683185338974, 0.055507950484752655, 0.006791223771870136, 0.02437841147184372, -0.03610394895076752, 0.05186641961336136, 0.04406724125146866, 0.004213987849652767, -0.029309939593076706, 0.004255882930010557, 0.05352795869112015, 0.08098093420267105, 0.04206984490156174, 0.04929598420858383, 0.006230146158486605, -0.06739687919616699, -0.12935680150985718, 0.16194461286067963, -0.07339515537023544, -0.2253105640411377, -0.12079000473022461, 0.01647697016596794, 0.0009375064400956035, -0.012092436663806438, 0.0006493529072031379, -0.03870602324604988, -0.10453085601329803, -0.11510026454925537, 0.018932662904262543, 0.07441118359565735, -0.08357717096805573, -0.01045649591833353, 0.02137279137969017, 0.05596901476383209, -0.12554003298282623, -0.009588180109858513, 0.014788569882512093, -0.05871506780385971, -0.03049791231751442, 0.06721244007349014, 0.10311596095561981, 0.080184705555439, -0.007748316042125225, -0.028973247855901718, 0.0003556557931005955, 0.17863571643829346, -0.10694123804569244, 0.08143773674964905, 0.16588851809501648, -0.10030116140842438, 0.07106875628232956, 0.1358397901058197, 0.005510659422725439, -0.03732464835047722, 0.016344543546438217, 0.044825103133916855, -0.030654478818178177, -0.23867180943489075, -0.05276093631982803, -0.027865774929523468, -0.07559382915496826, 0.03182987868785858, 0.024664506316184998, -0.0024878738913685083, 0.02167356386780739, -0.0884910374879837, -0.05334395170211792, 0.07771378010511398, 0.09796137362718582, 0.040283385664224625, -0.00236407108604908, 0.060019172728061676, -0.04200458154082298, 0.01949973590672016, 0.08395018428564072, -0.04990944266319275, 0.21966217458248138, -0.03954286500811577, 0.09991388767957687, 0.08638495951890945, 0.036683857440948486, 0.005374791566282511, 0.008397966623306274, 0.00405605835840106, 0.05342258885502815, -0.039633892476558685, -0.07878993451595306, -0.04631763696670532, 0.06872229278087616, 0.007521047256886959, 0.023519955575466156, -0.0357837975025177, -0.04947477579116821, 0.05690911412239075, 0.15086296200752258, 0.011850472539663315, -0.13070975244045258, -0.05257400870323181, 0.07366353273391724, -0.09650690853595734, -0.10654439777135849, -0.012546926736831665, 0.09584507346153259, -0.193487286567688, 0.08547051250934601, 0.007440398447215557, 0.10445599257946014, -0.0951266959309578, -0.007464112248271704, -0.014973931014537811, 0.0781279131770134, -0.004666528198868036, 0.07380020618438721, -0.12010546773672104, 0.12223382294178009, 0.010701144114136696, 0.08703497052192688, -0.08583508431911469, 0.08498290926218033, 0.06546738743782043, -0.03207384794950485, 0.1293499767780304, 0.01470518670976162, 0.000013016164302825928, -0.07635725289583206, -0.043201297521591187, 0.027141666039824486, 0.04810591787099838, -0.07042393088340759, 0.10307253152132034, -0.013890905305743217, -0.01163470558822155, -0.03724449500441551, -0.0005189590156078339, -0.1416376233100891, -0.14251339435577393, 0.04140518605709076, -0.12773092091083527, -0.03398887440562248, -0.08238159120082855, -0.05253972113132477, -0.03230714797973633, 0.17794552445411682, -0.12991143763065338, -0.08570519089698792, -0.11166056245565414, -0.03042568638920784, 0.11344929039478302, -0.0885162204504013, 0.00875465851277113, 0.01026393286883831, 0.17148415744304657, -0.030732348561286926, -0.03443477302789688, 0.02166154608130455, -0.0751897543668747, -0.12143068015575409, -0.03275560587644577, 0.10788163542747498, 0.11382017284631729, 0.04692225158214569, 0.006508782971650362, 0.031471721827983856, 0.0175679549574852, -0.10829991102218628, 0.01107591949403286, 0.17574413120746613, 0.07317394018173218, 0.10097561031579971, -0.04126228764653206, -0.14546047151088715, -0.06728290766477585, -0.010236471891403198, 0.034898824989795685, 0.20835787057876587, -0.029707245528697968, 0.11108461767435074, 0.19469238817691803, -0.11642328649759293, -0.24863386154174805, 0.053148865699768066, 0.05589979141950607, 0.030899466946721077, 0.06920620054006577, -0.14858706295490265, 0.03347202390432358, -0.015825726091861725, -0.015371984802186489, 0.02014341577887535, -0.12936724722385406, -0.1332431435585022, 0.11179271340370178, 0.009383738040924072, -0.04817759990692139, -0.06824477016925812, -0.05627097934484482, -0.042401716113090515, -0.14632107317447662, 0.07158052921295166, -0.08644651621580124, 0.023750320076942444, 0.04889705404639244, 0.03098175674676895, 0.05522904545068741, -0.03778717294335365, 0.15661463141441345, -0.01550960075110197, 0.058721959590911865, -0.10487569868564606, -0.010751385241746902, 0.009609760716557503, -0.0685475766658783, 0.12575900554656982, 0.022193994373083115, 0.044133566319942474, -0.06873993575572968, -0.06027936190366745, -0.07256859540939331, 0.06617997586727142, -0.06756845861673355, -0.04720030725002289, -0.056613489985466, 0.12050658464431763, 0.10535018146038055, -0.01730070263147354, -0.05036364495754242, -0.07459591329097748, 0.0001151328906416893, 0.1679304540157318, 0.18748685717582703, 0.029958875849843025, -0.017092125490307808, -0.005469500087201595, -0.021218109875917435, 0.06657175719738007, -0.11357446014881134, 0.03241053968667984, 0.04897334426641464, 0.006467669270932674, 0.11683344841003418, -0.030180003494024277, -0.15303897857666016, -0.031068261712789536, -0.013536824844777584, -0.08060445636510849, -0.1519104540348053, -0.017565995454788208, -0.0005700048059225082, -0.16504427790641785, -0.09534198045730591, 0.12233661115169525, 0.00025568902492523193, -0.035622742027044296, -0.00623140437528491, 0.08423873782157898, 0.02990066260099411, 0.06068871170282364, 0.03425686061382294, 0.06042991578578949, -0.06661123037338257, 0.07624952495098114, 0.06740159541368484, -0.0586438812315464, 0.08450034260749817, 0.0863567367196083, -0.049792028963565826, -0.04401702061295509, -0.019390324130654335, 0.17539715766906738, 0.04272107779979706, -0.04364806413650513, 0.0038977288641035557, -0.09869873523712158, 0.03583689033985138, 0.14620213210582733, 0.033259592950344086, -0.01567554846405983, 0.015945816412568092, 0.017693493515253067, -0.06875419616699219, 0.1324124038219452, 0.07362781465053558, -0.0038231408689171076, -0.03579480201005936, 0.014757047407329082, 0.01374551746994257, 0.02235615998506546, -0.007150833494961262, -0.020350225269794464, -0.055334948003292084, -0.0213359035551548, -0.18047413229942322, 0.01649966649711132, -0.06547962129116058, 0.01918085664510727, -0.027951790019869804, -0.04492814466357231, 0.007501824758946896, 0.05042530596256256, -0.03086191415786743, -0.05643171817064285, -0.014897726476192474, 0.10625766962766647, -0.13661031424999237, -0.03611142933368683, 0.09356720745563507, -0.1073484867811203, 0.07958924770355225, -0.006422253791242838, -0.03954630345106125, 0.016621015965938568, -0.11307904124259949, -0.012782333418726921, -0.029125021770596504, 0.029875140637159348, 0.02225017175078392, -0.22017210721969604, 0.009029141627252102, -0.01237889938056469, -0.041951216757297516, -0.007068248465657234, 0.04499019309878349, -0.05140012502670288, 0.07043013721704483, 0.045282524079084396, -0.07190752029418945, -0.04992518201470375, 0.07822686433792114, 0.10632088780403137, 0.02228822559118271, 0.11743918061256409, -0.030228491872549057, 0.08445552736520767, -0.15810230374336243, -0.022356964647769928, 0.02127010188996792, 0.032189443707466125, 0.05199800431728363, -0.022284261882305145, 0.06779805570840836, -0.033821627497673035, 0.1284523457288742, 0.017832837998867035, 0.008652940392494202, 0.06781657785177231, 0.01100174430757761, 0.002291194163262844, 0.04762701690196991, -0.07243531197309494, -0.029598843306303024, -0.01629960723221302, 0.016548331826925278, -0.0443294458091259, -0.026627112179994583, -0.12195302546024323, 0.14343832433223724, 0.1715293824672699, 0.1458483636379242, 0.0057219271548092365, 0.07171101868152618, -0.036243073642253876, -0.04050614684820175, 0.046607278287410736, 0.02415994554758072, -0.020948998630046844, -0.06588074564933777, 0.12207236886024475, 0.11337915062904358, -0.16206523776054382, 0.10558517277240753, -0.045191556215286255, -0.057614393532276154, -0.11410166323184967, -0.17675000429153442, -0.05666017532348633, 0.05880106985569, 0.0005722097121179104, -0.08409330248832703, 0.059877946972846985, 0.10842792689800262, -0.01353990938514471, -0.026886727660894394, 0.10479031503200531, -0.11804713308811188, -0.0765768438577652, 0.06688496470451355, 0.026451222598552704, 0.01915360614657402, 0.010585786774754524, 0.014529241248965263, 0.03514019772410393, 0.09755904972553253, 0.06213904544711113, 0.04889950901269913, 0.016686227172613144, -0.0030185249634087086, -0.07138630747795105, -0.09695740789175034, 0.015915298834443092, 0.0014132809592410922, 0.03218705952167511, 0.16812467575073242, 0.05862601473927498, -0.007729650475084782, -0.016040630638599396, 0.1545417606830597, -0.022142203524708748, -0.10467514395713806, -0.15181013941764832, 0.018001090735197067, 0.007570739835500717, 0.010574813932180405, 0.07503025233745575, -0.11066354811191559, 0.03646450117230415, 0.08729347586631775, 0.13858562707901, -0.059438735246658325, 0.011705219745635986, 0.0055519347079098225, 0.0035712854005396366, -0.012738514691591263, 0.06594987213611603, 0.041213713586330414, 0.2132987082004547, -0.0524919256567955, 0.11940759420394897, 0.01929854229092598, -0.06015952676534653, -0.05745992809534073, 0.13355156779289246, -0.03336310386657715, 0.026896821334958076, -0.06370014697313309, 0.08190704882144928, -0.01626315899193287, -0.28147363662719727, 0.0176452174782753, -0.07727478444576263, -0.12019304931163788, 0.0023961637634783983, -0.01003941148519516, 0.0006057567661628127, 0.05551896616816521, 0.030453402549028397, -0.002323500346392393, 0.19269996881484985, 0.02688657119870186, 0.027223484590649605, -0.0833662673830986, 0.10241753607988358, -0.09489161521196365, 0.24145689606666565, 0.03252395987510681, 0.1145363599061966, 0.10226254165172577, -0.022532371804118156, -0.1261570006608963, 0.0020211399532854557, 0.06009109690785408, -0.018421245738863945, 0.02745114639401436, 0.20290523767471313, -0.027181264013051987, 0.10304564237594604, 0.11369967460632324, -0.043385349214076996, 0.029784811660647392, -0.10499788820743561, -0.09332416951656342, -0.08740945160388947, 0.12381541728973389, -0.09512807428836823, 0.11849339306354523, 0.14783230423927307, -0.019861191511154175, 0.018089447170495987, -0.044187091290950775, 0.023695694282650948, 0.010731465183198452, 0.043386586010456085, 0.008038020692765713, -0.1147250160574913, 0.036212921142578125, 0.007594921160489321, 0.11580425500869751, -0.21280387043952942, -0.07758113741874695, 0.02231736108660698, 0.006459742784500122, -0.03164277598261833, 0.10900664329528809, -0.002767682308331132, 0.01871032640337944, -0.01290071289986372, -0.09781932830810547, 0.0010705890599638224, 0.10525822639465332, -0.07795301824808121, -0.002173817250877619 ]
null
null
transformers
This model translate from English to Khmer. It is the pure fine-tuned version of MarianMT model en-zh. This is the result after 30 epochs of pure fine-tuning of khmer language. ### Example ``` %%capture !pip install transformers transformers[sentencepiece] from transformers import AutoModelForSeq2SeqLM, AutoTokenizer # Download the pretrained model for English-Vietnamese available on the hub model = AutoModelForSeq2SeqLM.from_pretrained("CLAck/en-km") tokenizer = AutoTokenizer.from_pretrained("CLAck/en-km") # Download a tokenizer that can tokenize English since the model Tokenizer doesn't know anymore how to do it # We used the one coming from the initial model # This tokenizer is used to tokenize the input sentence tokenizer_en = AutoTokenizer.from_pretrained('Helsinki-NLP/opus-mt-en-zh') # These special tokens are needed to reproduce the original tokenizer tokenizer_en.add_tokens(["<2zh>", "<2khm>"], special_tokens=True) sentence = "The cat is on the table" # This token is needed to identify the target language input_sentence = "<2khm> " + sentence translated = model.generate(**tokenizer_en(input_sentence, return_tensors="pt", padding=True)) output_sentence = [tokenizer.decode(t, skip_special_tokens=True) for t in translated] ```
{"tags": ["translation"]}
translation
CLAck/en-km
[ "transformers", "pytorch", "marian", "text2text-generation", "translation", "autotrain_compatible", "endpoints_compatible", "region:us" ]
2022-03-02T23:29:04+00:00
[]
[]
TAGS #transformers #pytorch #marian #text2text-generation #translation #autotrain_compatible #endpoints_compatible #region-us
This model translate from English to Khmer. It is the pure fine-tuned version of MarianMT model en-zh. This is the result after 30 epochs of pure fine-tuning of khmer language. ### Example
[ "### Example" ]
[ "TAGS\n#transformers #pytorch #marian #text2text-generation #translation #autotrain_compatible #endpoints_compatible #region-us \n", "### Example" ]
[ 42, 4 ]
[ "passage: TAGS\n#transformers #pytorch #marian #text2text-generation #translation #autotrain_compatible #endpoints_compatible #region-us \n### Example" ]
[ -0.034979239106178284, 0.005186958238482475, -0.008722594007849693, 0.009519891813397408, 0.14869365096092224, 0.026424072682857513, 0.12137410044670105, 0.09852517396211624, -0.01415189728140831, -0.04607534408569336, 0.15581421554088593, 0.18354004621505737, -0.017395123839378357, 0.07982326298952103, -0.05878479778766632, -0.33592674136161804, 0.03799976035952568, 0.04425078257918358, -0.02719542570412159, 0.11581689864397049, 0.08922828733921051, -0.06723938137292862, 0.10277992486953735, -0.0059844558127224445, -0.10033562034368515, 0.036457207053899765, 0.010040462017059326, -0.13096511363983154, 0.12415476888418198, 0.07274661213159561, 0.13723745942115784, 0.026472749188542366, -0.024341508746147156, -0.19125188887119293, 0.01851833052933216, -0.04336729645729065, -0.04701700806617737, 0.018328795209527016, 0.09192932397127151, -0.1085486188530922, 0.11971960216760635, 0.05135786533355713, -0.023456471040844917, 0.04559577628970146, -0.14698930084705353, -0.023051636293530464, 0.00424130680039525, -0.01390692126005888, 0.025906885042786598, 0.0646580383181572, -0.014994323253631592, 0.10880489647388458, -0.1173076257109642, 0.10258260369300842, 0.13536503911018372, -0.31066688895225525, -0.02341608516871929, 0.03863513097167015, 0.1005420908331871, 0.09441681206226349, 0.013177824206650257, 0.08238136023283005, 0.006182914599776268, 0.023549864068627357, -0.049539729952812195, -0.1092311441898346, -0.1248382180929184, 0.02788185141980648, -0.09575217962265015, -0.009826835244894028, 0.18345360457897186, -0.09289134293794632, 0.069064661860466, -0.07203514873981476, -0.08440260589122772, 0.009309504181146622, -0.04265432804822922, -0.03775997459888458, -0.05332022160291672, 0.07772459834814072, 0.03727233409881592, -0.04826286435127258, -0.12926018238067627, 0.03026096522808075, -0.20608104765415192, 0.12422483414411545, 0.03345244377851486, 0.03189043700695038, -0.17827379703521729, 0.04304587468504906, 0.018221035599708557, -0.09965092688798904, 0.05345024913549423, -0.1373029202222824, 0.08349534869194031, 0.01928929053246975, -0.038655541837215424, -0.1171700656414032, 0.07985007017850876, 0.043272051960229874, 0.034471020102500916, 0.045957814902067184, -0.03208057954907417, 0.10216810554265976, 0.028300106525421143, 0.09782294929027557, 0.024799296632409096, -0.07667107880115509, 0.014935893937945366, -0.12396407872438431, 0.007892235182225704, -0.04686571657657623, -0.18969912827014923, -0.06439454108476639, 0.0008050152682699263, 0.09872657060623169, 0.012432534247636795, 0.044607147574424744, -0.052933141589164734, -0.025407977402210236, -0.02296433225274086, -0.04489972069859505, 0.026828348636627197, 0.022146036848425865, 0.022974209859967232, 0.16111303865909576, 0.009425361640751362, 0.0187834519892931, -0.10146322846412659, 0.045194111764431, -0.038529567420482635, 0.009740758687257767, -0.045526694506406784, -0.08296138793230057, 0.03153879567980766, -0.07086959481239319, 0.03248224034905434, -0.16917236149311066, -0.1022406741976738, 0.0127192921936512, 0.03583649918437004, -0.04266960918903351, 0.00119489966891706, -0.07372285425662994, 0.01196051575243473, 0.038513731211423874, -0.06158464029431343, -0.041160766035318375, -0.06672364473342896, 0.09045930951833725, -0.03215630725026131, 0.07973766326904297, -0.07731395959854126, 0.05576491728425026, -0.11393482983112335, -0.03466722369194031, -0.10139931738376617, 0.10771597176790237, -0.0343247689306736, 0.12571707367897034, -0.0033289080020040274, -0.03724222257733345, -0.12192035466432571, 0.1083325743675232, -0.03204585611820221, 0.2314131110906601, -0.11792543530464172, -0.1085856556892395, 0.25520792603492737, -0.07226824760437012, -0.1115611344575882, 0.10872902721166611, -0.0007773303077556193, 0.075102798640728, 0.08606484532356262, 0.1904236376285553, 0.01846102997660637, -0.0202532559633255, 0.16838952898979187, 0.11229079961776733, -0.054057296365499496, -0.04267973080277443, -0.009072154760360718, -0.02218567579984665, -0.011742301285266876, 0.046347059309482574, 0.07367663085460663, 0.10408087819814682, -0.07204106450080872, -0.041940994560718536, 0.014196908101439476, -0.00708512170240283, 0.0959695503115654, 0.046363234519958496, 0.1323293149471283, -0.07714544981718063, -0.014159445650875568, 0.01390836015343666, -0.05019156634807587, -0.021961767226457596, 0.04744238033890724, -0.04791328310966492, 0.07734425365924835, 0.02497381716966629, 0.04386433586478233, -0.18825900554656982, -0.032051391899585724, -0.007603734731674194, 0.14413677155971527, 0.01871456578373909, 0.12675224244594574, 0.06528805196285248, -0.012403100728988647, -0.00009597495227353647, 0.040980082005262375, 0.1839585155248642, -0.0018529584631323814, -0.0675363540649414, -0.06927982717752457, 0.0906376764178276, -0.05242609977722168, -0.041102733463048935, -0.09555363655090332, 0.010724157094955444, 0.07344114780426025, 0.09916892647743225, 0.013858766295015812, 0.0593281164765358, -0.030587440356612206, 0.0832199975848198, -0.06940880417823792, 0.02164420671761036, 0.09998518228530884, -0.030320165678858757, -0.11235733330249786, 0.26453083753585815, -0.18491463363170624, 0.2596014738082886, 0.20979686081409454, -0.3519304692745209, 0.008757326751947403, -0.054641351103782654, -0.009730929508805275, 0.03804052993655205, 0.05147150903940201, 0.032515257596969604, 0.11074159294366837, 0.01789107546210289, 0.1887209266424179, -0.038332901895046234, 0.005061269272118807, 0.006755369249731302, -0.06623749434947968, -0.03539728373289108, 0.11620064079761505, 0.055704016238451004, -0.17286956310272217, 0.1787247210741043, 0.2257278859615326, 0.032805975526571274, 0.21312929689884186, 0.008186769671738148, 0.007603870239108801, 0.07061810791492462, -0.0028935656882822514, -0.03700094297528267, -0.07606574892997742, -0.18890909850597382, -0.08198856562376022, 0.05890635401010513, 0.032929569482803345, 0.07494667172431946, -0.11583346128463745, -0.04250722378492355, 0.023917902261018753, 0.008528448641300201, -0.008919564075767994, 0.08094552159309387, 0.0461551807820797, 0.0879361629486084, -0.03669830411672592, -0.031113576143980026, 0.06845715641975403, 0.011279983446002007, -0.08542831242084503, 0.20706836879253387, -0.1479058414697647, -0.3186964988708496, -0.1795898973941803, -0.1615096628665924, 0.01633150316774845, 0.05061018839478493, 0.12118788808584213, -0.09657049179077148, -0.03382587805390358, 0.03495131433010101, 0.09291232377290726, -0.06365226954221725, -0.04306192323565483, -0.1264936625957489, 0.06360423564910889, -0.11317814886569977, -0.07263337075710297, -0.05845119059085846, -0.014312583953142166, -0.026006974279880524, 0.1214386373758316, -0.17235401272773743, 0.0653378888964653, 0.1427655667066574, 0.029141224920749664, 0.05128176137804985, -0.04091368615627289, 0.17613038420677185, -0.10504517704248428, -0.029228638857603073, 0.17559441924095154, -0.0665912926197052, 0.0629836842417717, 0.13394688069820404, 0.031128056347370148, -0.05218684673309326, -0.011335095390677452, -0.06423894315958023, -0.08783377707004547, -0.21935363113880157, -0.12916679680347443, -0.13287688791751862, 0.07380659878253937, -0.004061901476234198, 0.019851546734571457, 0.0725788101553917, 0.0803825780749321, 0.023630477488040924, 0.011617478914558887, 0.053694430738687515, 0.0764964371919632, 0.28320619463920593, -0.0330260768532753, 0.1485142558813095, -0.04525166377425194, -0.158666729927063, 0.0814724937081337, 0.028202790766954422, 0.14709456264972687, 0.08837813138961792, 0.0878298357129097, 0.03898719698190689, 0.06516607850790024, 0.11710122227668762, 0.09076862037181854, 0.08001590520143509, -0.0066203405149281025, -0.04748900234699249, -0.04012187570333481, -0.0576900988817215, 0.047549523413181305, 0.06268716603517532, -0.16425147652626038, -0.07513100653886795, -0.034223370254039764, 0.07524452358484268, 0.06167318671941757, 0.025757694616913795, -0.1834937483072281, 0.0311978030949831, 0.08735867589712143, -0.03316203132271767, -0.09189759194850922, 0.1255161464214325, 0.03734877333045006, -0.16557341814041138, 0.06855616718530655, -0.03608393669128418, 0.12428195774555206, -0.08636420220136642, 0.09994915872812271, -0.1290307641029358, -0.14226758480072021, 0.04182169958949089, 0.10063442587852478, -0.3313555419445038, 0.269578754901886, 0.008787665516138077, -0.07757427543401718, -0.08005566895008087, -0.018994048237800598, 0.03623725101351738, 0.16527429223060608, 0.10311135649681091, -0.008498874492943287, -0.07951785624027252, -0.11391326040029526, 0.024320978671312332, 0.01027592457830906, 0.15188468992710114, 0.012525033205747604, -0.03202711045742035, -0.044398363679647446, -0.021624334156513214, -0.059986673295497894, 0.02430886961519718, -0.03751528263092041, -0.19293008744716644, 0.05947116017341614, 0.011463381350040436, 0.05513408035039902, 0.009814790450036526, -0.03401768207550049, -0.04460129886865616, 0.15587471425533295, -0.06737861782312393, -0.07016371190547943, -0.0930255576968193, -0.06840677559375763, 0.09632393717765808, -0.08876572549343109, 0.07519319653511047, -0.06612269580364227, -0.021336890757083893, -0.07940705865621567, -0.17147888243198395, 0.14555121958255768, -0.10194199532270432, -0.01626565307378769, -0.06312747299671173, 0.12330376356840134, -0.05261683464050293, 0.023534879088401794, 0.0541522353887558, 0.006663506850600243, -0.11411599814891815, -0.05244568735361099, -0.04329489544034004, 0.009452148340642452, 0.02919326350092888, 0.013225382193922997, -0.09982243180274963, -0.05838201195001602, -0.03849032148718834, -0.07326968014240265, 0.30086812376976013, 0.0987732857465744, -0.026110626757144928, 0.1583547592163086, 0.16452069580554962, -0.10650603473186493, -0.31119421124458313, -0.12353576719760895, -0.06952443718910217, 0.014921204186975956, 0.01454968098551035, -0.15503789484500885, 0.04547857120633125, -0.007204015273600817, -0.011034052819013596, 0.08013050258159637, -0.2667985260486603, -0.09156781435012817, 0.16762858629226685, 0.013895736075937748, 0.3495679199695587, -0.152602881193161, -0.09876479208469391, -0.040204767137765884, -0.1796971708536148, 0.13293172419071198, -0.0016991958254948258, 0.06334574520587921, 0.02781674638390541, 0.11240049451589584, 0.051605843007564545, -0.02023804374039173, 0.0715431421995163, -0.042834363877773285, -0.05135168880224228, -0.10304273664951324, -0.08864597976207733, 0.02544006146490574, 0.03489503264427185, -0.05023408308625221, -0.058934856206178665, -0.01269129291176796, -0.14700517058372498, -0.05338865891098976, -0.07276062667369843, 0.029136983677744865, 0.006445189006626606, -0.041288599371910095, 0.03675523400306702, -0.04776204749941826, -0.011264580301940441, 0.03120635822415352, 0.22606876492500305, -0.09666876494884491, 0.13322404026985168, 0.09931887686252594, 0.19894687831401825, -0.11926379799842834, 0.09005369246006012, -0.09146180003881454, -0.053475432097911835, 0.057891204953193665, -0.0778777226805687, 0.048904966562986374, 0.11893191933631897, -0.06672156602144241, 0.03416385129094124, 0.09221704304218292, 0.017319295555353165, 0.02514605037868023, 0.15271712839603424, -0.16352926194667816, -0.006930793635547161, -0.08131332695484161, -0.007524413056671619, 0.16070427000522614, 0.03793880715966225, 0.18049827218055725, 0.05005078390240669, -0.06438921391963959, -0.01236024871468544, 0.005328075494617224, -0.034635283052921295, 0.06568635255098343, 0.009657126851379871, 0.012853133492171764, -0.10823070257902145, 0.01422717235982418, 0.0010066357208415866, -0.21278060972690582, 0.0019571788143366575, 0.1945091187953949, -0.12203719466924667, -0.12710489332675934, 0.00974651612341404, 0.12703926861286163, -0.18011470139026642, -0.030905768275260925, -0.06496211886405945, -0.1568404734134674, 0.03284795582294464, 0.17051349580287933, 0.07679326832294464, 0.055235255509614944, -0.06346894800662994, -0.019918691366910934, 0.06807573139667511, 0.00803002342581749, 0.059005070477724075, -0.013232652097940445, -0.0837988555431366, 0.049808576703071594, -0.04283203184604645, 0.10886038839817047, -0.08740279823541641, -0.050130944699048996, -0.14941126108169556, 0.06499121338129044, -0.1407269686460495, -0.045121002942323685, -0.0935262143611908, -0.05197465047240257, -0.026879696175456047, -0.054435763508081436, -0.035935673862695694, -0.06328742951154709, -0.14607585966587067, 0.044598374515771866, -0.06572818756103516, 0.04341091215610504, -0.03446299955248833, -0.02130771428346634, 0.09146687388420105, -0.03435330465435982, 0.08818194270133972, 0.11529780179262161, -0.09736596792936325, 0.09726554155349731, -0.12222007662057877, -0.06795324385166168, 0.10594099760055542, 0.042362116277217865, 0.07960362732410431, 0.14098727703094482, 0.030394067987799644, 0.09434819221496582, 0.06649576872587204, 0.04154052585363388, 0.05008959397673607, -0.09555792063474655, 0.05475439876317978, -0.01915137469768524, -0.2080259919166565, -0.029016699641942978, -0.001094357343390584, 0.06529567390680313, -0.011516752652823925, 0.09838837385177612, -0.07924196869134903, 0.12142238765954971, -0.006245996803045273, 0.02921193838119507, 0.010918492451310158, -0.17475606501102448, -0.051319316029548645, -0.1405884325504303, 0.02428455650806427, 0.013806921429932117, 0.23760166764259338, 0.0623113214969635, 0.08341442048549652, 0.020424485206604004, 0.024893080815672874, 0.01605251245200634, 0.04039238393306732, 0.19560697674751282, 0.10037177056074142, -0.039005640894174576, -0.1470230221748352, 0.07607528567314148, 0.028228480368852615, 0.0007822721963748336, 0.09531804919242859, 0.07493287324905396, 0.010697811841964722, 0.1243511363863945, 0.005735156591981649, 0.050500497221946716, -0.0992727279663086, -0.1916082501411438, 0.02458643913269043, 0.08166574686765671, -0.04196147993206978, 0.08687861263751984, 0.12816159427165985, -0.023475125432014465, 0.029884805902838707, -0.05222545191645622, -0.05169235169887543, -0.21087044477462769, -0.12608814239501953, -0.061710525304079056, -0.12153563648462296, -0.005553785711526871, -0.09011273086071014, 0.026723315939307213, 0.027234990149736404, 0.08355844765901566, -0.07763668894767761, 0.088158518075943, 0.058262139558792114, -0.10868240147829056, 0.06964370608329773, -0.011131628416478634, 0.09058389812707901, 0.00005614847032120451, -0.03039119951426983, -0.14906898140907288, 0.0035507427528500557, -0.032473716884851456, 0.045375145971775055, -0.1051904559135437, -0.02640562504529953, -0.1430504322052002, -0.08199531584978104, -0.0722922831773758, 0.038501057773828506, -0.03443212807178497, 0.14072945713996887, -0.016811316832900047, -0.03635204955935478, 0.028244860470294952, 0.1922895312309265, -0.05219447240233421, -0.1007760539650917, -0.042578574270009995, 0.21804998815059662, 0.049201808869838715, 0.15957145392894745, -0.0662354826927185, 0.027883224189281464, -0.08217964321374893, 0.3846994638442993, 0.3254329562187195, -0.09890638291835785, 0.01201346144080162, 0.1053014025092125, 0.041702378541231155, 0.12299209833145142, 0.1304894983768463, 0.07934337109327316, 0.34095942974090576, -0.06769131869077682, -0.024590063840150833, -0.044336091727018356, -0.02262876182794571, -0.16494737565517426, 0.11427950114011765, 0.052333008497953415, -0.060655102133750916, -0.015344839543104172, 0.14209386706352234, -0.22389622032642365, 0.15269547700881958, -0.04987626522779465, -0.2255149781703949, -0.04562122002243996, -0.046137161552906036, 0.16891613602638245, 0.024646975100040436, 0.08810262382030487, -0.01040911115705967, -0.11829555779695511, 0.05429837107658386, 0.044545192271471024, -0.22658663988113403, 0.01252073422074318, 0.0289748627692461, -0.1329062581062317, 0.003401381429284811, -0.019371317699551582, 0.03888213261961937, 0.07497520744800568, 0.0688880905508995, 0.023461809381842613, 0.02110733836889267, 0.033892467617988586, -0.019118085503578186, 0.013657089322805405, -0.0022933364380151033, -0.001398906228132546, -0.09908334910869598, 0.06653588265180588, -0.17033953964710236, 0.09783364087343216, 0.014348246157169342, -0.06544153392314911, 0.036626920104026794, 0.03656166046857834, -0.06874366849660873, 0.012587146833539009, 0.08473346382379532, 0.03745594620704651, -0.019930897280573845, -0.04901662468910217, -0.01416841708123684, 0.008180100470781326, -0.05664200335741043, -0.11312764883041382, -0.11101033538579941, -0.12453429400920868, 0.07242873311042786, 0.008456078357994556, -0.1647748202085495, -0.00040577008621767163, -0.07323639839887619, 0.07109196484088898, -0.18155133724212646, 0.09716834872961044, 0.08517026156187057, -0.013654956594109535, 0.020209090784192085, -0.08764713257551193, 0.08107991516590118, 0.06440302729606628, -0.09522261470556259, -0.056132446974515915 ]
null
null
transformers
This is a finetuning of a MarianMT pretrained on English-Chinese. The target language pair is English-Vietnamese. The first phase of training (mixed) is performed on a dataset containing both English-Chinese and English-Vietnamese sentences. The second phase of training (pure) is performed on a dataset containing only English-Vietnamese sentences. ### Example ``` %%capture !pip install transformers transformers[sentencepiece] from transformers import AutoModelForSeq2SeqLM, AutoTokenizer # Download the pretrained model for English-Vietnamese available on the hub model = AutoModelForSeq2SeqLM.from_pretrained("CLAck/en-vi") tokenizer = AutoTokenizer.from_pretrained("CLAck/en-vi") # Download a tokenizer that can tokenize English since the model Tokenizer doesn't know anymore how to do it # We used the one coming from the initial model # This tokenizer is used to tokenize the input sentence tokenizer_en = AutoTokenizer.from_pretrained('Helsinki-NLP/opus-mt-en-zh') # These special tokens are needed to reproduce the original tokenizer tokenizer_en.add_tokens(["<2zh>", "<2vi>"], special_tokens=True) sentence = "The cat is on the table" # This token is needed to identify the target language input_sentence = "<2vi> " + sentence translated = model.generate(**tokenizer_en(input_sentence, return_tensors="pt", padding=True)) output_sentence = [tokenizer.decode(t, skip_special_tokens=True) for t in translated] ``` ### Training results MIXED | Epoch | Bleu | |:-----:|:-------:| | 1.0 | 26.2407 | | 2.0 | 32.6016 | | 3.0 | 35.4060 | | 4.0 | 36.6737 | | 5.0 | 37.3774 | PURE | Epoch | Bleu | |:-----:|:-------:| | 1.0 | 37.3169 | | 2.0 | 37.4407 | | 3.0 | 37.6696 | | 4.0 | 37.8765 | | 5.0 | 38.0105 |
{"language": ["en", "vi"], "license": "apache-2.0", "tags": ["translation"], "datasets": ["ALT"], "metrics": ["sacrebleu"]}
translation
CLAck/en-vi
[ "transformers", "pytorch", "marian", "text2text-generation", "translation", "en", "vi", "dataset:ALT", "license:apache-2.0", "autotrain_compatible", "endpoints_compatible", "region:us" ]
2022-03-02T23:29:04+00:00
[]
[ "en", "vi" ]
TAGS #transformers #pytorch #marian #text2text-generation #translation #en #vi #dataset-ALT #license-apache-2.0 #autotrain_compatible #endpoints_compatible #region-us
This is a finetuning of a MarianMT pretrained on English-Chinese. The target language pair is English-Vietnamese. The first phase of training (mixed) is performed on a dataset containing both English-Chinese and English-Vietnamese sentences. The second phase of training (pure) is performed on a dataset containing only English-Vietnamese sentences. ### Example ### Training results MIXED PURE
[ "### Example", "### Training results\n\n\nMIXED\n\n\n\nPURE" ]
[ "TAGS\n#transformers #pytorch #marian #text2text-generation #translation #en #vi #dataset-ALT #license-apache-2.0 #autotrain_compatible #endpoints_compatible #region-us \n", "### Example", "### Training results\n\n\nMIXED\n\n\n\nPURE" ]
[ 60, 4, 9 ]
[ "passage: TAGS\n#transformers #pytorch #marian #text2text-generation #translation #en #vi #dataset-ALT #license-apache-2.0 #autotrain_compatible #endpoints_compatible #region-us \n### Example### Training results\n\n\nMIXED\n\n\n\nPURE" ]
[ -0.10805416107177734, 0.09389518201351166, -0.00480430806055665, 0.06121187284588814, 0.11390387266874313, 0.01996001787483692, 0.13437746465206146, 0.1389591246843338, -0.12426712363958359, -0.05844957008957863, 0.14989547431468964, 0.20960137248039246, 0.023600857704877853, 0.11471058428287506, -0.07320626825094223, -0.24615378677845, 0.06894737482070923, 0.06714361160993576, -0.08876848220825195, 0.11812232434749603, 0.1395944058895111, -0.06451074033975601, 0.06389321386814117, 0.008179768919944763, -0.085622638463974, 0.0016401034081354737, 0.002157779410481453, -0.10141193121671677, 0.14996640384197235, 0.07857880741357803, 0.10299548506736755, 0.052703410387039185, 0.0056524560786783695, -0.1876436471939087, 0.021314198151230812, -0.005391606129705906, -0.0346858985722065, 0.07606393843889236, 0.04513610526919365, -0.044282011687755585, 0.07438402622938156, 0.035918623208999634, -0.003788160625845194, 0.05705355480313301, -0.10342645645141602, -0.09538892656564713, -0.08729515224695206, 0.020609185099601746, 0.05069781467318535, 0.09975112974643707, 0.002624790882691741, 0.11927781254053116, -0.12244485318660736, 0.0697428435087204, 0.07036308199167252, -0.31997203826904297, -0.037150945514440536, 0.03949418663978577, 0.04678171128034592, 0.04525260999798775, 0.0036380321253091097, 0.044544558972120285, 0.06784097850322723, 0.023416923359036446, -0.0075357588939368725, -0.0391729436814785, -0.15625669062137604, 0.04854787513613701, -0.08542541414499283, -0.05443812534213066, 0.2196739912033081, -0.011386043392121792, 0.017734084278345108, -0.07325587421655655, -0.04030010849237442, -0.019352508708834648, -0.012782289646565914, -0.006560065783560276, 0.00757196918129921, 0.06885705143213272, 0.0031386706978082657, -0.02902941033244133, -0.1524452269077301, -0.025709515437483788, -0.14496886730194092, 0.0008619459113106132, 0.04871020093560219, 0.029937779530882835, -0.14879505336284637, 0.11438646167516708, 0.02488832175731659, -0.10879263281822205, -0.010274596512317657, -0.07672180980443954, 0.08492475748062134, -0.009161249734461308, -0.0706838071346283, -0.06449001282453537, 0.0901685431599617, 0.09962934255599976, 0.01847183145582676, 0.012485465034842491, -0.045195721089839935, 0.09772642701864243, -0.05293974652886391, 0.0924205332994461, -0.0014262552140280604, -0.017289921641349792, 0.05952594801783562, -0.03895103558897972, 0.02168024145066738, 0.01824975199997425, -0.1284317970275879, -0.060703277587890625, -0.008100387640297413, 0.09626168012619019, 0.00592460623010993, 0.03947156295180321, -0.0778772234916687, 0.019165169447660446, 0.014360613189637661, -0.05851593613624573, -0.0076048546470701694, -0.012745874933898449, -0.020382679998874664, 0.06612031906843185, 0.09383419156074524, 0.05112011358141899, -0.07784529030323029, 0.01275730412453413, -0.024613723158836365, -0.015575271099805832, -0.06861524283885956, -0.05082542449235916, 0.05242057889699936, -0.04580383375287056, 0.04144769161939621, -0.13984473049640656, -0.20663125813007355, 0.0035177452955394983, 0.09204962104558945, -0.020945759490132332, -0.05676970258355141, -0.08712062984704971, -0.019205426797270775, 0.036967817693948746, -0.06481854617595673, 0.0759175717830658, -0.05964161828160286, 0.067837655544281, -0.017658989876508713, 0.028669852763414383, -0.08536533266305923, 0.06556560844182968, -0.11455488204956055, -0.02483985386788845, -0.016872311010956764, 0.08510494977235794, -0.04134788736701012, 0.12427735328674316, -0.06336472183465958, -0.06647054105997086, -0.03765374794602394, 0.024059899151325226, 0.018513284623622894, 0.17617230117321014, -0.1708023101091385, -0.05143151432275772, 0.23072946071624756, -0.0911688432097435, -0.17444834113121033, 0.09265467524528503, -0.03391381353139877, 0.14254726469516754, 0.09392674267292023, 0.10889023542404175, 0.0504467748105526, -0.038516681641340256, 0.10135693103075027, 0.06105665862560272, -0.0018345772987231612, -0.10712971538305283, 0.03083154372870922, -0.018549209460616112, -0.043111011385917664, 0.06476651877164841, -0.005634533707052469, 0.1140018105506897, -0.06019868329167366, -0.09613361209630966, -0.04902715981006622, -0.06615535914897919, 0.017637353390455246, 0.03798418864607811, 0.11465717852115631, -0.09338204562664032, -0.014791080728173256, -0.014340120367705822, 0.06327015906572342, -0.02576730027794838, 0.0389261320233345, -0.07196501642465591, 0.05040813609957695, -0.004910777322947979, 0.02349189482629299, -0.10887247323989868, 0.04369286447763443, -0.01929406449198723, 0.0654037669301033, 0.02641410194337368, 0.0853644609451294, 0.054452620446681976, 0.00788805354386568, -0.03765574097633362, -0.029753411188721657, 0.06373289227485657, 0.026170171797275543, -0.0509415864944458, -0.14298386871814728, 0.05919834226369858, -0.025381119921803474, 0.07666101306676865, -0.13005876541137695, 0.04852640628814697, -0.005430345889180899, 0.11513067781925201, -0.01690499857068062, 0.07836438715457916, -0.03154711425304413, 0.049699317663908005, -0.09401800483465195, -0.01015991810709238, 0.1011129841208458, 0.03578495606780052, -0.10862183570861816, 0.18888716399669647, -0.04157261550426483, 0.1651318371295929, 0.16516545414924622, -0.22090472280979156, 0.011219306848943233, -0.006714599672704935, -0.037169769406318665, 0.004429497756063938, -0.021377159282565117, 0.0573342926800251, 0.10140233486890793, -0.0062346975319087505, 0.19495557248592377, -0.05914754793047905, -0.015950866043567657, -0.00008844172407407314, -0.05652488395571709, -0.006096583791077137, 0.08776099979877472, 0.07785747200250626, -0.1901116818189621, 0.16704599559307098, 0.21846738457679749, -0.00006866925832582638, 0.17192690074443817, -0.044390805065631866, -0.0314539298415184, 0.026457881554961205, 0.011905848979949951, -0.01563131809234619, 0.016143571585416794, -0.14004456996917725, -0.006110348738729954, 0.07195273786783218, 0.0805702805519104, 0.07062047719955444, -0.18335995078086853, -0.03827866166830063, 0.03910650685429573, -0.0409417562186718, -0.05255495384335518, 0.06946644186973572, -0.028256898745894432, 0.09574735909700394, -0.060866281390190125, -0.049569591879844666, 0.09514924138784409, -0.002861795946955681, -0.10441233217716217, 0.17475111782550812, -0.14441008865833282, -0.23031000792980194, -0.16543330252170563, -0.05843977630138397, 0.01565498672425747, 0.024354584515094757, 0.11867573112249374, -0.08082447946071625, -0.026901235803961754, 0.0030949420761317015, -0.011770542711019516, -0.040951915085315704, -0.02498846873641014, -0.08088186383247375, 0.08372335135936737, 0.01020551472902298, -0.1332506388425827, -0.02974761836230755, 0.027287129312753677, -0.04675178602337837, 0.08268169313669205, -0.1120619997382164, 0.04273958131670952, 0.07755746692419052, 0.017723528668284416, 0.032943349331617355, -0.051255203783512115, 0.15637528896331787, -0.06668323278427124, -0.006609263364225626, 0.189369797706604, -0.010503285564482212, 0.026334721595048904, 0.11694736033678055, -0.0026909750886261463, -0.06498698145151138, 0.00846027210354805, -0.0672854408621788, -0.04655798524618149, -0.31919825077056885, -0.09506195038557053, -0.1247916966676712, 0.03464966267347336, 0.029877832159399986, 0.02900717407464981, 0.04183313623070717, 0.0881865918636322, 0.002270729746669531, 0.013585918582975864, 0.025238316506147385, 0.03901446983218193, 0.22340036928653717, -0.014761924743652344, 0.12542417645454407, -0.09598641097545624, -0.05874454230070114, 0.075007364153862, 0.056150950491428375, 0.17374251782894135, 0.037400905042886734, 0.08386962115764618, 0.09272406995296478, 0.19091911613941193, 0.05970344319939613, 0.1215449646115303, 0.07637908309698105, -0.019225651398301125, -0.045422133058309555, -0.030257197096943855, -0.0784623846411705, 0.04643247649073601, -0.02668502740561962, -0.0615004226565361, -0.12551558017730713, -0.043074652552604675, 0.06911037117242813, 0.1873578280210495, 0.05823289602994919, -0.2213449776172638, -0.04659666493535042, 0.07098850607872009, -0.03942751884460449, -0.07044652849435806, 0.0853816568851471, 0.02315245196223259, -0.14861461520195007, 0.0864446759223938, -0.027318423613905907, 0.14758917689323425, -0.02280748449265957, 0.020411256700754166, -0.06889658421278, -0.12880057096481323, 0.04968828707933426, 0.14829657971858978, -0.39277148246765137, 0.2724568545818329, -0.013891389593482018, 0.04701439291238785, -0.055806782096624374, 0.012407522648572922, 0.06237458065152168, 0.19170480966567993, 0.09269137680530548, 0.0063875517807900906, -0.06803643703460693, -0.03987798094749451, -0.035211231559515, 0.044128868728876114, 0.018314968794584274, 0.0284785907715559, -0.010749643668532372, -0.04891844093799591, 0.008873648010194302, 0.015640191733837128, 0.09557365626096725, -0.1131170317530632, -0.15039782226085663, -0.0010234384099021554, 0.05321855843067169, 0.09806117415428162, -0.06730729341506958, -0.07561525702476501, -0.10406666249036789, 0.18641303479671478, -0.02667844668030739, -0.043267302215099335, -0.08389279991388321, 0.005158795975148678, 0.055140942335128784, -0.06707202643156052, 0.05993989109992981, -0.04641241207718849, 0.007760165724903345, -0.03123658522963524, -0.114036925137043, 0.08601155877113342, -0.12442339211702347, -0.07197602838277817, -0.0786820724606514, 0.09245274215936661, -0.04959547147154808, 0.03673981502652168, 0.05193066596984863, 0.002540001878514886, -0.10628598928451538, -0.059326447546482086, -0.019162939861416817, 0.04237229749560356, 0.07094036042690277, 0.01510210707783699, -0.11205583810806274, -0.07380180060863495, -0.01824210025370121, -0.14532782137393951, 0.28044357895851135, 0.17751973867416382, -0.07034073024988174, 0.12770141661167145, 0.09642881155014038, -0.10809047520160675, -0.25953131914138794, -0.06451981514692307, -0.04726221784949303, 0.04527556151151657, -0.02256169356405735, -0.1684214323759079, 0.0014459522208198905, -0.001743361703120172, -0.0408199205994606, 0.025107912719249725, -0.2827293574810028, -0.09355515986680984, 0.17116910219192505, 0.04669201746582985, 0.28805309534072876, -0.10390923172235489, -0.04703588783740997, -0.06443442404270172, -0.17346389591693878, 0.1344767063856125, -0.0860854834318161, 0.0737534612417221, 0.007757939863950014, 0.05174312740564346, -0.006547164171934128, -0.05377717316150665, 0.11536482721567154, -0.04223543405532837, -0.016414696350693703, -0.08758879452943802, 0.06374955922365189, 0.025253959000110626, -0.004541332833468914, 0.029245907440781593, -0.08934836834669113, 0.049629468470811844, -0.12559640407562256, -0.011254964396357536, -0.0421646349132061, 0.04312995821237564, -0.015948519110679626, -0.05494366213679314, -0.037010349333286285, -0.004659635480493307, 0.08292117714881897, 0.010560636408627033, 0.1515267789363861, -0.016820775344967842, 0.09975666552782059, 0.06158532574772835, 0.14638371765613556, -0.11633867770433426, 0.05776437371969223, -0.08473122864961624, -0.05818751081824303, 0.059409867972135544, -0.1443905532360077, 0.04975392296910286, 0.12744154036045074, -0.06320967525243759, 0.11435217410326004, 0.08529052138328552, 0.0067657046020030975, 0.005148837808519602, 0.11597122997045517, -0.1499267965555191, -0.011907659471035004, -0.04071192815899849, 0.03644086793065071, 0.0945192500948906, 0.040107835084199905, 0.13820554316043854, -0.028968986123800278, -0.041322533041238785, -0.014687365852296352, 0.02070624567568302, -0.10224616527557373, 0.12489484250545502, 0.022390270605683327, -0.001999536296352744, -0.10086075961589813, 0.08163999021053314, 0.009281006641685963, -0.1904015690088272, 0.007841839455068111, 0.058419015258550644, -0.12841151654720306, -0.11237601190805435, 0.08781439810991287, 0.16119344532489777, -0.1357656717300415, -0.11908307671546936, -0.11640750616788864, -0.1302667111158371, 0.06893563270568848, 0.05854806676506996, 0.11031444370746613, 0.08424192667007446, -0.05329681187868118, -0.05446276441216469, 0.008129940368235111, 0.024991076439619064, 0.0376557819545269, 0.023100560531020164, -0.09779226034879684, 0.0767754390835762, -0.006305422633886337, 0.08042777329683304, -0.03193514421582222, -0.01736738719046116, -0.05520327389240265, 0.06566387414932251, -0.1630391776561737, -0.01276890467852354, -0.055497314780950546, -0.035888273268938065, -0.015253685414791107, -0.07301425188779831, -0.02718079648911953, 0.0022151670418679714, -0.12490705400705338, 0.02623249590396881, -0.04898519814014435, 0.08681971579790115, -0.05544200539588928, -0.024551868438720703, 0.07341331988573074, -0.04192746803164482, 0.07380011677742004, 0.058073390275239944, -0.05669788271188736, 0.06720816344022751, -0.1545129120349884, -0.06515330821275711, 0.06326526403427124, 0.04129074886441231, 0.04351888969540596, -0.04879816249012947, 0.04888395220041275, 0.12921446561813354, 0.008020180277526379, 0.02354787290096283, 0.0548010878264904, -0.10272800177335739, -0.08007285743951797, 0.0137534374371171, -0.11944104731082916, -0.04200909286737442, -0.005229871720075607, 0.044103868305683136, 0.03954111784696579, 0.17116694152355194, -0.08744776993989944, 0.04233641177415848, -0.08746620267629623, 0.029019691050052643, -0.021632898598909378, -0.1274246722459793, -0.12994450330734253, -0.0990293025970459, 0.018134791404008865, -0.024099009111523628, 0.19439814984798431, 0.025507589802145958, -0.03679138049483299, 0.0373111292719841, -0.02193034254014492, 0.01354459673166275, 0.03160151466727257, 0.28109756112098694, 0.0408187173306942, 0.0024277672637254, -0.09027410298585892, 0.031333159655332565, 0.016612127423286438, 0.041622310876846313, 0.09463445842266083, 0.13399361073970795, 0.05033254250884056, 0.10488496720790863, 0.007237842306494713, 0.00888412818312645, -0.10148961842060089, -0.12299475818872452, 0.01411862950772047, 0.07589802891016006, -0.017432257533073425, 0.11089614778757095, 0.11293332278728485, -0.1363261193037033, 0.039891861379146576, -0.10377094894647598, -0.04746873304247856, -0.16688065230846405, -0.11671249568462372, -0.0862511694431305, -0.12283719331026077, -0.0004265445750206709, -0.081025630235672, 0.027220387011766434, 0.02593817561864853, 0.07699765264987946, -0.08852756768465042, 0.044613342732191086, 0.030534785240888596, -0.06754294037818909, 0.04170845448970795, -0.01798984967172146, 0.0384649932384491, -0.06292954087257385, -0.06070714071393013, -0.08369562029838562, 0.007696754764765501, -0.02184913121163845, 0.006508868187665939, -0.043537940829992294, 0.026139067485928535, -0.06162014231085777, -0.037052493542432785, -0.05312866345047951, 0.026517674326896667, 0.05827704071998596, 0.12806281447410583, 0.026237735524773598, 0.020254945382475853, 0.0683656707406044, 0.22639527916908264, -0.05388714745640755, -0.17781232297420502, -0.12554486095905304, 0.18701699376106262, 0.05795221030712128, 0.06103391572833061, 0.01287064142525196, 0.016616350039839745, -0.017448987811803818, 0.34749549627304077, 0.30107811093330383, -0.08427853137254715, -0.012083880603313446, 0.04293720796704292, 0.006920209154486656, 0.05322547256946564, 0.10216981172561646, 0.11951430141925812, 0.1531810760498047, -0.10992508381605148, -0.016861721873283386, -0.072918601334095, -0.004021473228931427, -0.08928139507770538, 0.1604233831167221, -0.037867117673158646, -0.057094305753707886, 0.008062032051384449, 0.1145472526550293, -0.07281443476676941, 0.04842148721218109, -0.016451289877295494, -0.15555693209171295, -0.10380636900663376, -0.03957850858569145, 0.19020959734916687, 0.016151228919625282, 0.034762751311063766, -0.03749503940343857, -0.00037726425216533244, 0.1199396625161171, 0.0014146105386316776, -0.10894740372896194, -0.04408947378396988, 0.07655056565999985, -0.08098816871643066, 0.0897151306271553, -0.0015353701310232282, 0.05068366602063179, 0.10738970339298248, 0.0691501572728157, -0.05031789839267731, 0.0932893455028534, 0.017685474827885628, 0.039347659796476364, 0.036483004689216614, -0.014806673862040043, -0.021936194971203804, -0.047491252422332764, 0.055233635008335114, -0.13171787559986115, 0.10234931111335754, -0.012215880677103996, -0.10408856719732285, -0.027103791013360023, 0.0537581630051136, -0.04250652715563774, 0.06633235514163971, 0.10212107747793198, -0.03897671774029732, -0.015975678339600563, -0.09244661778211594, 0.022195259109139442, 0.009590652771294117, -0.07056836783885956, -0.0437786690890789, -0.12934626638889313, -0.04941673204302788, 0.049235597252845764, 0.033241793513298035, -0.16972586512565613, -0.04978836327791214, -0.08115184307098389, -0.05130694806575775, -0.15497152507305145, 0.1078355684876442, 0.09019941836595535, 0.006851226091384888, -0.0023490111343562603, -0.05133465677499771, -0.00768129201605916, 0.06043678894639015, -0.04255443438887596, -0.08338456600904465 ]
null
null
transformers
This model is pretrained on Chinese and Indonesian languages, and fine-tuned on Indonesian language. ### Example ``` %%capture !pip install transformers transformers[sentencepiece] from transformers import AutoModelForSeq2SeqLM, AutoTokenizer # Download the pretrained model for English-Vietnamese available on the hub model = AutoModelForSeq2SeqLM.from_pretrained("CLAck/indo-mixed") tokenizer = AutoTokenizer.from_pretrained("CLAck/indo-mixed") # Download a tokenizer that can tokenize English since the model Tokenizer doesn't know anymore how to do it # We used the one coming from the initial model # This tokenizer is used to tokenize the input sentence tokenizer_en = AutoTokenizer.from_pretrained('Helsinki-NLP/opus-mt-en-zh') # These special tokens are needed to reproduce the original tokenizer tokenizer_en.add_tokens(["<2zh>", "<2indo>"], special_tokens=True) sentence = "The cat is on the table" # This token is needed to identify the target language input_sentence = "<2indo> " + sentence translated = model.generate(**tokenizer_en(input_sentence, return_tensors="pt", padding=True)) output_sentence = [tokenizer.decode(t, skip_special_tokens=True) for t in translated] ``` ### Training results MIXED | Epoch | Bleu | |:-----:|:-------:| | 1.0 | 24.2579 | | 2.0 | 30.6287 | | 3.0 | 34.4417 | | 4.0 | 36.2577 | | 5.0 | 37.3488 | FINETUNING | Epoch | Bleu | |:-----:|:-------:| | 6.0 | 34.1676 | | 7.0 | 35.2320 | | 8.0 | 36.7110 | | 9.0 | 37.3195 | | 10.0 | 37.9461 |
{"language": ["en", "id"], "license": "apache-2.0", "tags": ["translation"], "datasets": ["ALT"], "metrics": ["sacrebleu"]}
translation
CLAck/indo-mixed
[ "transformers", "pytorch", "marian", "text2text-generation", "translation", "en", "id", "dataset:ALT", "license:apache-2.0", "autotrain_compatible", "endpoints_compatible", "region:us" ]
2022-03-02T23:29:04+00:00
[]
[ "en", "id" ]
TAGS #transformers #pytorch #marian #text2text-generation #translation #en #id #dataset-ALT #license-apache-2.0 #autotrain_compatible #endpoints_compatible #region-us
This model is pretrained on Chinese and Indonesian languages, and fine-tuned on Indonesian language. ### Example ### Training results MIXED FINETUNING
[ "### Example", "### Training results\n\n\nMIXED\n\n\n\nFINETUNING" ]
[ "TAGS\n#transformers #pytorch #marian #text2text-generation #translation #en #id #dataset-ALT #license-apache-2.0 #autotrain_compatible #endpoints_compatible #region-us \n", "### Example", "### Training results\n\n\nMIXED\n\n\n\nFINETUNING" ]
[ 60, 4, 10 ]
[ "passage: TAGS\n#transformers #pytorch #marian #text2text-generation #translation #en #id #dataset-ALT #license-apache-2.0 #autotrain_compatible #endpoints_compatible #region-us \n### Example### Training results\n\n\nMIXED\n\n\n\nFINETUNING" ]
[ -0.08561129868030548, 0.09055403620004654, -0.005245218053460121, 0.0643201395869255, 0.12019617110490799, 0.024916689842939377, 0.14107449352741241, 0.1281135231256485, -0.10710800439119339, -0.0697743222117424, 0.15323592722415924, 0.1855614334344864, 0.03170827776193619, 0.0931856781244278, -0.061168406158685684, -0.2591142952442169, 0.06383658945560455, 0.05719524249434471, -0.08969206362962723, 0.11469210684299469, 0.1424962878227234, -0.053955309092998505, 0.07135173678398132, 0.024351656436920166, -0.10339116305112839, 0.0069702183827757835, -0.005009503103792667, -0.10108224302530289, 0.15838563442230225, 0.08512597531080246, 0.10204389691352844, 0.0362405888736248, 0.026065250858664513, -0.1879430115222931, 0.017552021890878677, 0.0026547196321189404, -0.04029657319188118, 0.07235302776098251, 0.05808650702238083, -0.03390679508447647, 0.1057070791721344, 0.019071336835622787, 0.0043317778035998344, 0.052577905356884, -0.1136721670627594, -0.10517967492341995, -0.0963287204504013, 0.03855667635798454, 0.0739564374089241, 0.09564502537250519, 0.016647811979055405, 0.12287712097167969, -0.13072451949119568, 0.07240982353687286, 0.07619385421276093, -0.32944464683532715, -0.02091861516237259, 0.05125508829951286, 0.05974777042865753, 0.017061026766896248, -0.005199262872338295, 0.035644784569740295, 0.07262994349002838, 0.023546654731035233, -0.020533552393317223, -0.040412452071905136, -0.15163743495941162, 0.04055542126297951, -0.08374319225549698, -0.0685538798570633, 0.24845919013023376, -0.006833886727690697, 0.012803183868527412, -0.07028260827064514, -0.02712245099246502, 0.009963597171008587, 0.0010424937354400754, -0.020824583247303963, -0.0012516418937593699, 0.06894053518772125, 0.031397052109241486, -0.059419311583042145, -0.14893490076065063, -0.013018330559134483, -0.1664213240146637, 0.004540640395134687, 0.03841559216380119, 0.03471355885267258, -0.14167888462543488, 0.10899412631988525, 0.060071077197790146, -0.08989009261131287, 0.003553682006895542, -0.07068812847137451, 0.07707295566797256, -0.015101234428584576, -0.06340893357992172, -0.041508812457323074, 0.06979074329137802, 0.13371405005455017, 0.012579714879393578, 0.007170237600803375, -0.0616501159965992, 0.10827183723449707, -0.04202103987336159, 0.08693578839302063, -0.018609629943966866, -0.0175765547901392, 0.053967833518981934, -0.04354776814579964, 0.012848680838942528, -0.004087894223630428, -0.13816194236278534, -0.07725659012794495, -0.008301904425024986, 0.09728183597326279, 0.021796319633722305, 0.04998938366770744, -0.07230795919895172, 0.009197724051773548, 0.01369441207498312, -0.05907602980732918, -0.013467954471707344, -0.011631546542048454, -0.03371204063296318, 0.05460688844323158, 0.09782575815916061, 0.07191047072410583, -0.07266267389059067, 0.03329305723309517, -0.020492825657129288, -0.032087646424770355, -0.06899245083332062, -0.043318841606378555, 0.0599394328892231, -0.03493182361125946, 0.04066720977425575, -0.1256469190120697, -0.22060319781303406, -0.0008335423190146685, 0.08750499039888382, -0.013570228591561317, -0.06585089862346649, -0.0825711041688919, -0.019760234281420708, 0.029479891061782837, -0.07107523083686829, 0.09079807996749878, -0.05925658345222473, 0.05388879030942917, -0.061477284878492355, 0.03661739081144333, -0.09227278083562851, 0.05220681428909302, -0.09916896373033524, -0.013009066693484783, 0.002579986583441496, 0.09540189802646637, -0.03933895379304886, 0.11576880514621735, -0.07575957477092743, -0.06821123510599136, -0.05368158966302872, 0.0315399244427681, 0.0125126326456666, 0.18644975125789642, -0.1601274609565735, -0.05159091204404831, 0.2184615135192871, -0.07536435127258301, -0.16305094957351685, 0.10294444859027863, -0.04888402298092842, 0.15794014930725098, 0.0868053063750267, 0.12084691226482391, 0.05317878723144531, -0.03875487670302391, 0.09294137358665466, 0.08338402211666107, -0.039362672716379166, -0.09760195016860962, 0.0368633009493351, -0.016955381259322166, -0.04214037209749222, 0.05156318098306656, -0.00191825395449996, 0.11263547837734222, -0.05933639779686928, -0.10523558408021927, -0.02941887080669403, -0.048649173229932785, 0.014910287223756313, 0.027225611731410027, 0.11193430423736572, -0.07388537377119064, -0.017251716926693916, -0.015540706925094128, 0.047868624329566956, -0.018187737092375755, 0.050926174968481064, -0.06260581314563751, 0.011495302431285381, 0.03097781538963318, 0.02725270204246044, -0.12397133558988571, 0.03571843355894089, -0.03261375427246094, 0.08404552936553955, 0.020851772278547287, 0.09398426860570908, 0.053335871547460556, -0.011722547002136707, -0.03273637965321541, -0.006708326283842325, 0.08497326076030731, 0.013962301425635815, -0.06540530920028687, -0.14765004813671112, 0.047069430351257324, -0.02709605172276497, 0.07023799419403076, -0.12453704327344894, 0.04690738394856453, -0.007822055369615555, 0.12102138251066208, -0.018445707857608795, 0.08227617293596268, -0.04523937404155731, 0.033754613250494, -0.07869327813386917, -0.018341977149248123, 0.1004495695233345, 0.037386294454336166, -0.1267663538455963, 0.20508979260921478, -0.051220446825027466, 0.18257282674312592, 0.16321004927158356, -0.2132961004972458, 0.017832867801189423, -0.03940800204873085, -0.04679647833108902, -0.01280942652374506, 0.009095828048884869, 0.039793819189071655, 0.1218612864613533, 0.0001780228194547817, 0.1921188086271286, -0.053129252046346664, -0.015770159661769867, -0.013021943159401417, -0.05679734796285629, -0.015260446816682816, 0.08092335611581802, 0.04931075870990753, -0.19445757567882538, 0.16165921092033386, 0.201992005109787, -0.006234500091522932, 0.1527978777885437, -0.04689612239599228, -0.022502413019537926, 0.020666740834712982, 0.004775633104145527, -0.014533632434904575, 0.00027345199487172067, -0.12754382193088531, -0.0018220047932118177, 0.08530546724796295, 0.07487346231937408, 0.08190178126096725, -0.18163523077964783, -0.044929422438144684, 0.028805900365114212, -0.03639655187726021, -0.05376854166388512, 0.06459560990333557, -0.0077851274982094765, 0.09374994039535522, -0.03744777292013168, -0.05289031192660332, 0.11085955798625946, -0.011515923775732517, -0.10595886409282684, 0.18713808059692383, -0.14802441000938416, -0.25681445002555847, -0.19351698458194733, -0.07907433062791824, 0.020033307373523712, 0.015879327431321144, 0.10304665565490723, -0.07275062054395676, -0.024539567530155182, 0.0033187014050781727, 0.0011739215115085244, -0.06334615498781204, -0.03754057362675667, -0.05744973570108414, 0.08910799771547318, -0.0041170320473611355, -0.13954482972621918, -0.02608572132885456, 0.02732815407216549, -0.03983278572559357, 0.07177560776472092, -0.11836039274930954, 0.03513110801577568, 0.07748038321733475, 0.01923348940908909, 0.033694617450237274, -0.05457473546266556, 0.15952496230602264, -0.07569380849599838, -0.019085776060819626, 0.18559059500694275, -0.03871144726872444, 0.037666238844394684, 0.12208035588264465, 0.0008051608456298709, -0.0591595321893692, 0.007357981987297535, -0.059857890009880066, -0.05566365271806717, -0.3208426237106323, -0.09538351744413376, -0.11748509854078293, 0.044834330677986145, 0.03190109506249428, 0.0291320588439703, 0.08366302400827408, 0.07418142259120941, -0.005515773314982653, 0.030483970418572426, 0.017554868012666702, 0.04205350577831268, 0.22730448842048645, -0.02722110040485859, 0.12114910036325455, -0.09474000334739685, -0.05859728530049324, 0.07457902282476425, 0.0733012929558754, 0.1922842413187027, 0.04448423907160759, 0.08506578952074051, 0.08998307585716248, 0.17796483635902405, 0.0387117899954319, 0.11194730550050735, 0.0789107009768486, -0.019410129636526108, -0.05098753422498703, -0.021157216280698776, -0.07442167401313782, 0.05675472691655159, -0.0209326334297657, -0.06008056551218033, -0.10979166626930237, -0.04204564169049263, 0.04244319722056389, 0.19422776997089386, 0.022347399964928627, -0.21945294737815857, -0.03106815740466118, 0.0621747151017189, -0.03585180640220642, -0.07091581076383591, 0.08610856533050537, 0.015665296465158463, -0.1648254543542862, 0.06021302565932274, -0.04679815471172333, 0.15025658905506134, -0.04239911958575249, 0.03128591179847717, -0.0788053497672081, -0.10854844748973846, 0.040850598365068436, 0.15549281239509583, -0.3827463984489441, 0.27941498160362244, -0.011303181760013103, 0.04499123618006706, -0.08112990111112595, 0.011158376932144165, 0.059235215187072754, 0.1634371429681778, 0.10989963263273239, 0.002983975689858198, -0.09679250419139862, -0.039091359823942184, -0.032494425773620605, 0.035607293248176575, 0.03153316676616669, 0.034603510051965714, -0.018476393073797226, -0.045046135783195496, 0.023264482617378235, 0.028753627091646194, 0.07751448452472687, -0.11652394384145737, -0.1753530502319336, 0.011717015877366066, 0.04913865029811859, 0.07349586486816406, -0.06963460147380829, -0.07127099484205246, -0.08433621376752853, 0.20158877968788147, -0.0304012019187212, -0.03963737189769745, -0.08517459779977798, 0.0007800513994880021, 0.06734760850667953, -0.057986341416835785, 0.06052089482545853, -0.03726065158843994, -0.0020551951602101326, -0.045993924140930176, -0.12172885984182358, 0.0857037603855133, -0.133804053068161, -0.053189344704151154, -0.06607163697481155, 0.1024206206202507, -0.03480785712599754, 0.0351046547293663, 0.05816501006484032, -0.011240866035223007, -0.09886930137872696, -0.06447906047105789, -0.015866495668888092, 0.03846115246415138, 0.0990041121840477, 0.004159169737249613, -0.09381193667650223, -0.05210612714290619, -0.023456165567040443, -0.12144406139850616, 0.2898947298526764, 0.16839085519313812, -0.06489689648151398, 0.14687171578407288, 0.08448819816112518, -0.11099667102098465, -0.2636216878890991, -0.06684774905443192, -0.03580077737569809, 0.04164128005504608, 0.0007006471860222518, -0.16443240642547607, 0.0030011171475052834, 0.007843440398573875, -0.042767737060785294, 0.021881690248847008, -0.30091074109077454, -0.0949893370270729, 0.17375540733337402, 0.01881590485572815, 0.28551945090293884, -0.09379640966653824, -0.04356224462389946, -0.07353956997394562, -0.18419235944747925, 0.14636749029159546, -0.06749667227268219, 0.0710851401090622, 0.015274524688720703, 0.06643609702587128, -0.003055120352655649, -0.05332398787140846, 0.1236569806933403, -0.0347144640982151, -0.012559514492750168, -0.09579217433929443, 0.03245527669787407, 0.05124429240822792, -0.0038765270728617907, 0.02949189767241478, -0.0983242467045784, 0.04761168360710144, -0.1547652631998062, -0.02490374445915222, -0.037978772073984146, 0.058627501130104065, -0.023415211588144302, -0.06055662781000137, -0.04392165690660477, 0.009697353467345238, 0.07374557852745056, 0.026163484901189804, 0.15134559571743011, -0.0012063875328749418, 0.0809338167309761, 0.07517629116773605, 0.18392206728458405, -0.08815912157297134, 0.06089714542031288, -0.08374424278736115, -0.06053202599287033, 0.06109403818845749, -0.16364125907421112, 0.04260149970650673, 0.12868505716323853, -0.0619196780025959, 0.09980881959199905, 0.09008312225341797, -0.004514384549111128, 0.006365843117237091, 0.12274128943681717, -0.1387246549129486, -0.036236148327589035, -0.033594224601984024, 0.04657300189137459, 0.06303269416093826, 0.0276910699903965, 0.13769666850566864, -0.021793397143483162, -0.035887423902750015, -0.0005730305565521121, 0.015225756913423538, -0.09762954711914062, 0.11058302968740463, 0.03808986023068428, -0.0006860324065200984, -0.09905563294887543, 0.09729811549186707, 0.01113167591392994, -0.17078858613967896, 0.024374833330512047, 0.05454148352146149, -0.11892041563987732, -0.09811923652887344, 0.05415964126586914, 0.13330449163913727, -0.12750805914402008, -0.12165439873933792, -0.08570878952741623, -0.12529347836971283, 0.07413166016340256, 0.034043584018945694, 0.09677617996931076, 0.0760725736618042, -0.06941971182823181, -0.05369328707456589, 0.0029597762040793896, 0.022810904309153557, 0.04556158557534218, 0.003950133919715881, -0.09547346085309982, 0.08550594747066498, -0.009960787370800972, 0.09202554821968079, -0.033543363213539124, -0.023334268480539322, -0.07095637917518616, 0.06561238318681717, -0.15944835543632507, -0.024893660098314285, -0.05277515947818756, -0.028862204402685165, -0.011570185422897339, -0.06356468796730042, -0.035295549780130386, 0.0008752550929784775, -0.12088805437088013, 0.013981624506413937, -0.03981956094503403, 0.08349073678255081, -0.047731105238199234, -0.04391370713710785, 0.0874035507440567, -0.039281830191612244, 0.07583429664373398, 0.06742117553949356, -0.0533161424100399, 0.06516854465007782, -0.1568828672170639, -0.050939884036779404, 0.0728612095117569, 0.04503742977976799, 0.03776152804493904, -0.022271733731031418, 0.022138454020023346, 0.11394141614437103, 0.012363595888018608, 0.027217332273721695, 0.027646519243717194, -0.09827554225921631, -0.056554581969976425, -0.013166074641048908, -0.11098241060972214, -0.04140074923634529, -0.0011573155643418431, 0.059906747192144394, 0.037660207599401474, 0.16799944639205933, -0.06396828591823578, 0.05259612947702408, -0.08698108792304993, 0.028295384719967842, -0.018189527094364166, -0.12309156358242035, -0.08772045373916626, -0.11000154912471771, 0.019954130053520203, -0.015028135851025581, 0.22006259858608246, 0.01915421150624752, -0.026224462315440178, 0.031254153698682785, -0.009564066305756569, 0.013390101492404938, 0.022007577121257782, 0.2772988975048065, 0.0547434464097023, 0.004828064702451229, -0.07933036237955093, 0.03381025791168213, 0.0009658944327384233, 0.017088359221816063, 0.10076077282428741, 0.1279229372739792, 0.03927683085203171, 0.11578413844108582, 0.0036310190334916115, -0.003952277358621359, -0.09868352115154266, -0.09743110835552216, 0.023145707324147224, 0.07112468779087067, -0.019289448857307434, 0.10758785158395767, 0.12464307993650436, -0.12372899055480957, 0.048307016491889954, -0.07465358823537827, -0.05086567997932434, -0.16807876527309418, -0.10479506850242615, -0.0671641081571579, -0.10943878442049026, 0.007600339129567146, -0.08324005454778671, 0.030697442591190338, 0.05225978046655655, 0.06753891706466675, -0.08722905069589615, 0.03446979820728302, 0.008227902464568615, -0.06624402850866318, 0.04549320787191391, -0.02655048482120037, 0.048299964517354965, -0.10068263858556747, -0.06694281846284866, -0.07198452949523926, 0.007694320287555456, -0.01344259548932314, 0.0006805550074204803, -0.022909918799996376, 0.03177377209067345, -0.07776647061109543, -0.039061855524778366, -0.050931066274642944, 0.04041334241628647, 0.06276989728212357, 0.1296815574169159, 0.027751198038458824, 0.01096975989639759, 0.06099436432123184, 0.2064005434513092, -0.050204284489154816, -0.16311132907867432, -0.12374429404735565, 0.1697285771369934, 0.042055852711200714, 0.05751470476388931, -0.0001439440529793501, 0.014963816851377487, -0.02485220693051815, 0.34057095646858215, 0.29792410135269165, -0.09985991567373276, -0.022420253604650497, 0.03551212698221207, 0.008809969760477543, 0.04616155847907066, 0.12208329141139984, 0.1277494728565216, 0.15961438417434692, -0.11063598096370697, -0.03290526196360588, -0.06548338383436203, -0.005867946892976761, -0.0938035324215889, 0.16031350195407867, -0.027874255552887917, -0.061822131276130676, 0.0194857195019722, 0.12279033660888672, -0.08750484883785248, 0.037048257887363434, -0.0346667617559433, -0.1463896781206131, -0.1064675971865654, -0.02255174331367016, 0.1467686891555786, 0.020343288779258728, 0.044159796088933945, -0.03357541561126709, -0.005342184565961361, 0.10992059856653214, -0.0004649903567042202, -0.1243075430393219, -0.028057705610990524, 0.06382784992456436, -0.06242803484201431, 0.11018859595060349, -0.007424722425639629, 0.08689054101705551, 0.10280537605285645, 0.07308319211006165, -0.04909942299127579, 0.0328138992190361, 0.019047392532229424, 0.04357296973466873, 0.03714422136545181, -0.030843693763017654, -0.017286943271756172, -0.06381982564926147, 0.05879567563533783, -0.14060653746128082, 0.10113652050495148, -0.004207921680063009, -0.08967680484056473, -0.03745219483971596, 0.056012023240327835, -0.048388779163360596, 0.08117092400789261, 0.09944545477628708, -0.03110591508448124, -0.014553175307810307, -0.0773431807756424, 0.010982274077832699, 0.02086551859974861, -0.06492439657449722, -0.049882613122463226, -0.10866688191890717, -0.05787006765604019, 0.03335190564393997, 0.01239857729524374, -0.1657181978225708, -0.05678349733352661, -0.07845203578472137, -0.05343429744243622, -0.13082677125930786, 0.09416168928146362, 0.08458074182271957, -0.002806148724630475, 0.011207393370568752, -0.06581199169158936, -0.0010255195666104555, 0.05220533162355423, -0.044881317764520645, -0.07075484097003937 ]
null
null
transformers
Pure fine-tuning version of MarianMT en-zh on Indonesian Language ### Example ``` %%capture !pip install transformers transformers[sentencepiece] from transformers import AutoModelForSeq2SeqLM, AutoTokenizer # Download the pretrained model for English-Vietnamese available on the hub model = AutoModelForSeq2SeqLM.from_pretrained("CLAck/indo-pure") tokenizer = AutoTokenizer.from_pretrained("CLAck/indo-pure") # Download a tokenizer that can tokenize English since the model Tokenizer doesn't know anymore how to do it # We used the one coming from the initial model # This tokenizer is used to tokenize the input sentence tokenizer_en = AutoTokenizer.from_pretrained('Helsinki-NLP/opus-mt-en-zh') # These special tokens are needed to reproduce the original tokenizer tokenizer_en.add_tokens(["<2zh>", "<2indo>"], special_tokens=True) sentence = "The cat is on the table" # This token is needed to identify the target language input_sentence = "<2indo> " + sentence translated = model.generate(**tokenizer_en(input_sentence, return_tensors="pt", padding=True)) output_sentence = [tokenizer.decode(t, skip_special_tokens=True) for t in translated] ``` ### Training results | Epoch | Bleu | |:-----:|:-------:| | 1.0 | 15.9336 | | 2.0 | 28.0175 | | 3.0 | 31.6603 | | 4.0 | 33.9151 | | 5.0 | 35.0472 | | 6.0 | 35.8469 | | 7.0 | 36.1180 | | 8.0 | 36.6018 | | 9.0 | 37.1973 | | 10.0 | 37.2738 |
{"language": ["en", "id"], "license": "apache-2.0", "tags": ["translation"], "datasets": ["ALT"], "metrics": ["sacrebleu"]}
translation
CLAck/indo-pure
[ "transformers", "pytorch", "marian", "text2text-generation", "translation", "en", "id", "dataset:ALT", "license:apache-2.0", "autotrain_compatible", "endpoints_compatible", "region:us" ]
2022-03-02T23:29:04+00:00
[]
[ "en", "id" ]
TAGS #transformers #pytorch #marian #text2text-generation #translation #en #id #dataset-ALT #license-apache-2.0 #autotrain_compatible #endpoints_compatible #region-us
Pure fine-tuning version of MarianMT en-zh on Indonesian Language ### Example ### Training results
[ "### Example", "### Training results" ]
[ "TAGS\n#transformers #pytorch #marian #text2text-generation #translation #en #id #dataset-ALT #license-apache-2.0 #autotrain_compatible #endpoints_compatible #region-us \n", "### Example", "### Training results" ]
[ 60, 4, 4 ]
[ "passage: TAGS\n#transformers #pytorch #marian #text2text-generation #translation #en #id #dataset-ALT #license-apache-2.0 #autotrain_compatible #endpoints_compatible #region-us \n### Example### Training results" ]
[ -0.10818791389465332, 0.10783851146697998, -0.004077926743775606, 0.05888735502958298, 0.13480211794376373, 0.00998366717249155, 0.13691703975200653, 0.1370144635438919, -0.10518592596054077, -0.0681409016251564, 0.18006505072116852, 0.2099212110042572, 0.012799222022294998, 0.08581548184156418, -0.05195202678442001, -0.25987231731414795, 0.0526319183409214, 0.04691474512219429, -0.08086331188678741, 0.12189752608537674, 0.13337762653827667, -0.06290178745985031, 0.07233551889657974, 0.017995161935687065, -0.09441463649272919, 0.009525737725198269, -0.016262061893939972, -0.12173254787921906, 0.15317155420780182, 0.054447222501039505, 0.0934188961982727, 0.039751894772052765, 0.034759771078825, -0.19720351696014404, 0.00937548466026783, -0.0013433591229841113, -0.03221634775400162, 0.0745750367641449, 0.05350785329937935, -0.03799435496330261, 0.12426232546567917, 0.024467771872878075, -0.005969747435301542, 0.05975792929530144, -0.10948494076728821, -0.12328965961933136, -0.09063401818275452, 0.022731240838766098, 0.08025184273719788, 0.11045832931995392, 0.013099364936351776, 0.1207975447177887, -0.14292603731155396, 0.0784626305103302, 0.09527979046106339, -0.3242771625518799, -0.03197169676423073, 0.044105418026447296, 0.05746706947684288, 0.0317663848400116, -0.004124404862523079, 0.046167708933353424, 0.07724397629499435, 0.03067380003631115, -0.01274105254560709, -0.0396244078874588, -0.15171955525875092, 0.05310865864157677, -0.09058450907468796, -0.07422805577516556, 0.25738030672073364, -0.017517773434519768, 0.008852630853652954, -0.05830013379454613, -0.007168148644268513, -0.016943078488111496, -0.013272954151034355, -0.01497581135481596, 0.011534230783581734, 0.06352116167545319, 0.0009619316551834345, -0.035802096128463745, -0.16167305409908295, -0.02874019369482994, -0.14755474030971527, -0.010867990553379059, 0.027966994792222977, 0.031728923320770264, -0.14046308398246765, 0.10835468024015427, 0.08342248946428299, -0.0925716981291771, -0.012843321077525616, -0.06863950937986374, 0.09311132878065109, -0.010705370455980301, -0.051933567970991135, -0.04406778886914253, 0.08121566474437714, 0.11421117931604385, 0.02436251752078533, 0.009484756737947464, -0.04084530845284462, 0.10454221069812775, -0.05859606713056564, 0.1121438592672348, 0.010941611602902412, -0.03266396000981331, 0.046910371631383896, -0.05472012236714363, 0.003516741096973419, 0.003936083987355232, -0.13703539967536926, -0.06356590986251831, 0.012477824464440346, 0.11133483052253723, 0.01232962030917406, 0.0335540808737278, -0.06574469804763794, 0.02077890932559967, 0.03032253123819828, -0.05485343933105469, -0.01739688590168953, -0.010946930386126041, -0.04462053254246712, 0.058316923677921295, 0.09775999933481216, 0.05574344843626022, -0.07773920148611069, 0.02065684273838997, -0.016774943098425865, -0.024210700765252113, -0.07551213353872299, -0.032644037157297134, 0.06395493447780609, -0.04264340549707413, 0.043093908578157425, -0.14472903311252594, -0.23945491015911102, 0.002249541226774454, 0.09493014961481094, -0.011967793107032776, -0.060521386563777924, -0.08623231202363968, -0.03371915966272354, 0.025546174496412277, -0.07801126688718796, 0.10060577839612961, -0.06608839333057404, 0.0667714923620224, -0.04350974038243294, 0.03433682397007942, -0.07104677706956863, 0.05712639540433884, -0.10461069643497467, -0.0271369107067585, -0.00636634323745966, 0.09676844626665115, -0.05796030908823013, 0.15513938665390015, -0.08493651449680328, -0.08104676008224487, -0.05538633093237877, 0.045767903327941895, 0.013464192859828472, 0.20382808148860931, -0.16080623865127563, -0.04813339561223984, 0.221713587641716, -0.07067453861236572, -0.18570944666862488, 0.09175398200750351, -0.039484698325395584, 0.15957798063755035, 0.10637079179286957, 0.12942029535770416, 0.04470759257674217, -0.04925304651260376, 0.10401951521635056, 0.07998596876859665, -0.01611407659947872, -0.15445318818092346, 0.04038042202591896, -0.02850588597357273, -0.016737820580601692, 0.06341903656721115, -0.020546169951558113, 0.10585249960422516, -0.0662599727511406, -0.10232443362474442, -0.02847273275256157, -0.07850544154644012, -0.0025076502934098244, 0.05035720765590668, 0.13605710864067078, -0.08795598149299622, -0.023929253220558167, -0.013864019885659218, 0.041537631303071976, -0.021091504022479057, 0.04033278673887253, -0.06168803945183754, 0.027538059279322624, 0.015052111819386482, 0.02207702398300171, -0.1337062418460846, 0.05023251846432686, -0.03310168534517288, 0.08073756843805313, 0.009865348227322102, 0.0808948278427124, 0.06306494772434235, -0.015472806990146637, -0.014659782871603966, -0.005854458548128605, 0.09456562250852585, 0.01363180112093687, -0.07166440784931183, -0.12876157462596893, 0.04810729995369911, -0.02814476005733013, 0.06687775999307632, -0.1473073810338974, 0.049105625599622726, -0.001718610990792513, 0.09141483902931213, -0.018973924219608307, 0.06916862726211548, -0.04307473078370094, 0.037967339158058167, -0.07052624225616455, -0.01614442467689514, 0.10164979100227356, 0.03359539806842804, -0.11178071051836014, 0.19174526631832123, -0.0344177670776844, 0.1941782385110855, 0.17138247191905975, -0.22179867327213287, 0.01931779645383358, -0.017870627343654633, -0.0510159470140934, 0.0016241258708760142, 0.0032433010637760162, 0.04498237371444702, 0.12368030101060867, -0.00015159013855736703, 0.1890365332365036, -0.04881966859102249, -0.031749945133924484, -0.0088341124355793, -0.05469370260834694, 0.0012197672622278333, 0.09716212749481201, 0.07710711658000946, -0.1775008887052536, 0.15311555564403534, 0.19488783180713654, -0.023453323170542717, 0.15518569946289062, -0.05877556651830673, -0.03754091635346413, 0.04749426618218422, 0.003630690975114703, -0.015165256336331367, 0.01994680054485798, -0.1482238918542862, -0.022248607128858566, 0.07516130805015564, 0.06746799498796463, 0.07867324352264404, -0.18859434127807617, -0.05566823482513428, 0.023082729429006577, -0.046126313507556915, -0.06511761993169785, 0.059516631066799164, -0.026611976325511932, 0.08816082030534744, -0.049482300877571106, -0.056073691695928574, 0.09617730975151062, -0.010474143549799919, -0.11190193891525269, 0.2072017788887024, -0.13138198852539062, -0.2438659965991974, -0.17187121510505676, -0.06775054335594177, 0.042274538427591324, 0.018248649314045906, 0.1208987608551979, -0.10007834434509277, -0.028455855324864388, -0.0002233948471257463, -0.004576577339321375, -0.03744799643754959, -0.034088607877492905, -0.04418383538722992, 0.08789502829313278, -0.008205815218389034, -0.1466173231601715, -0.0352637805044651, 0.012268283404409885, -0.041634637862443924, 0.07410495728254318, -0.1300237476825714, 0.04169758781790733, 0.07950598001480103, 0.03629777207970619, 0.03983171284198761, -0.04906899109482765, 0.1579277217388153, -0.08139003813266754, -0.026905355975031853, 0.19040916860103607, -0.011223174631595612, 0.02485935017466545, 0.09093888849020004, 0.009191613644361496, -0.07046537101268768, 0.013440808281302452, -0.06100592762231827, -0.06885191798210144, -0.32855546474456787, -0.09876178205013275, -0.11371346563100815, 0.05033160373568535, 0.04069168493151665, 0.03894656524062157, 0.0767342746257782, 0.08256526291370392, 0.025469928979873657, 0.01926298253238201, 0.013557889498770237, 0.04289807379245758, 0.19495943188667297, -0.01926499791443348, 0.12413422763347626, -0.1067943200469017, -0.057306498289108276, 0.07959285378456116, 0.06564456969499588, 0.19595080614089966, 0.04387473687529564, 0.08603999018669128, 0.08624890446662903, 0.17538854479789734, 0.04320670664310455, 0.13188382983207703, 0.088823601603508, -0.020574305206537247, -0.037900786846876144, -0.020846426486968994, -0.0822213888168335, 0.05466154217720032, -0.023044602945446968, -0.08455660194158554, -0.11626002937555313, -0.03767423331737518, 0.055214349180459976, 0.20931309461593628, 0.02797739766538143, -0.2544078230857849, -0.044358570128679276, 0.057577233761548996, -0.050407424569129944, -0.051325783133506775, 0.10206511616706848, 0.007043711841106415, -0.1693871021270752, 0.060738980770111084, -0.038608063012361526, 0.14916859567165375, -0.04121417924761772, 0.03369288891553879, -0.0554933063685894, -0.12181054800748825, 0.047836437821388245, 0.15502026677131653, -0.38755151629447937, 0.2913331985473633, -0.025300247594714165, 0.0594184584915638, -0.08934549242258072, 0.007346536964178085, 0.06635372340679169, 0.15029360353946686, 0.12057285755872726, -0.0008244195487350225, -0.10143039375543594, -0.040641140192747116, -0.04462188109755516, 0.04737852141261101, 0.019460856914520264, 0.020589476451277733, -0.020163582637906075, -0.03184712305665016, 0.011118524707853794, 0.02039415016770363, 0.048728760331869125, -0.11463253945112228, -0.15411658585071564, -0.0001934934698510915, 0.032278843224048615, 0.08263277262449265, -0.07604926824569702, -0.07439679652452469, -0.07476108521223068, 0.18477405607700348, -0.03351619094610214, -0.04258899390697479, -0.0900292843580246, -0.003892467822879553, 0.07471735030412674, -0.06660003960132599, 0.07030495256185532, -0.029679210856556892, -0.01700974628329277, -0.02404293790459633, -0.11357180029153824, 0.08432426303625107, -0.138552725315094, -0.055573560297489166, -0.06054239720106125, 0.09644544124603271, -0.03399785980582237, 0.03469154238700867, 0.06458722054958344, -0.009714586660265923, -0.10303156077861786, -0.07069724053144455, -0.008724735118448734, 0.021875035017728806, 0.0914006382226944, -0.02749568223953247, -0.09489994496107101, -0.044717609882354736, -0.025601981207728386, -0.1282009780406952, 0.2959435284137726, 0.1613699346780777, -0.0677255392074585, 0.13381312787532806, 0.10820478945970535, -0.10522047430276871, -0.2720406949520111, -0.06790077686309814, -0.027299417182803154, 0.03313426300883293, -0.0013356590643525124, -0.1870095580816269, 0.04164911061525345, 0.02104552462697029, -0.05002914369106293, 0.03900789096951485, -0.30845627188682556, -0.09651599079370499, 0.18831583857536316, 0.04262223839759827, 0.27116861939430237, -0.12924323976039886, -0.044851336628198624, -0.07208369672298431, -0.17705665528774261, 0.1434369534254074, -0.07861833274364471, 0.06503701210021973, 0.019729258492588997, 0.08203063160181046, -0.008739739656448364, -0.061722513288259506, 0.12531545758247375, -0.025161104276776314, -0.026052456349134445, -0.0982646644115448, 0.04728201776742935, 0.041997235268354416, -0.009607363492250443, 0.04756907373666763, -0.11672160774469376, 0.04964958876371384, -0.17890289425849915, -0.017304031178355217, -0.0426674447953701, 0.05474896356463432, -0.018916741013526917, -0.05184081196784973, -0.018177160993218422, -0.0032742288894951344, 0.07170671224594116, 0.024640142917633057, 0.148638054728508, -0.010556693188846111, 0.07836700230836868, 0.06168796494603157, 0.18339692056179047, -0.08638600260019302, 0.0717209056019783, -0.08909665793180466, -0.052492592483758926, 0.04837484657764435, -0.18761928379535675, 0.03368030861020088, 0.13347917795181274, -0.05454733967781067, 0.10024094581604004, 0.0829327404499054, -0.00026316510047763586, 0.01373170968145132, 0.13726143538951874, -0.12055102735757828, 0.0019989502616226673, -0.0362461656332016, 0.057274382561445236, 0.058015160262584686, 0.04587075486779213, 0.12756501138210297, -0.03115246072411537, -0.03229941800236702, -0.008553655818104744, 0.017192814499139786, -0.10810154676437378, 0.13346600532531738, 0.05140715092420578, 0.009601359255611897, -0.09964623302221298, 0.09138815850019455, -0.0029521966353058815, -0.15450386703014374, 0.016901688650250435, 0.08198383450508118, -0.11682526767253876, -0.11376109719276428, 0.07315775007009506, 0.14410722255706787, -0.13866449892520905, -0.11982035636901855, -0.09327095001935959, -0.12420635670423508, 0.08262231200933456, 0.03205301612615585, 0.10215657204389572, 0.06665714085102081, -0.0663154199719429, -0.04457554966211319, -0.0012506800703704357, 0.026512805372476578, 0.056884683668613434, 0.0022430045064538717, -0.08894689381122589, 0.06193957477807999, -0.008155361749231815, 0.07614605873823166, -0.03554116562008858, -0.018917923793196678, -0.07457441836595535, 0.08029859513044357, -0.1654951572418213, -0.02060575783252716, -0.06568487733602524, -0.027236580848693848, -0.011604155413806438, -0.06654880940914154, -0.050275519490242004, 0.0007319353753700852, -0.14426763355731964, 0.02014111913740635, -0.04034080728888512, 0.08622316271066666, -0.06008206680417061, -0.03530802205204964, 0.07527633756399155, -0.037787970155477524, 0.07643069326877594, 0.07130305469036102, -0.056350257247686386, 0.088453508913517, -0.16066192090511322, -0.03854368254542351, 0.07727258652448654, 0.034944090992212296, 0.046676285564899445, -0.007877270691096783, 0.02781900204718113, 0.1245303526520729, 0.020991845056414604, 0.031633734703063965, 0.015433079563081264, -0.10510246455669403, -0.061672210693359375, -0.007408562581986189, -0.10701567679643631, -0.04107324033975601, 0.0032077389769256115, 0.06814666837453842, 0.03284575417637825, 0.16507235169410706, -0.07161356508731842, 0.05358366295695305, -0.08604497462511063, 0.026439089328050613, -0.010083165019750595, -0.12440565973520279, -0.11707939952611923, -0.10842536389827728, 0.025894582271575928, -0.021326202899217606, 0.2189912647008896, 0.025010202080011368, -0.009601909667253494, 0.026582177728414536, -0.010736613534390926, 0.027379203587770462, 0.020001953467726707, 0.29079118371009827, 0.057717882096767426, 0.014377889223396778, -0.08496598899364471, 0.04151799529790878, 0.006483124103397131, 0.0077839200384914875, 0.11097110062837601, 0.14340956509113312, 0.03447195142507553, 0.1289181113243103, -0.0021387599408626556, -0.00007598878437420353, -0.09909218549728394, -0.09657078236341476, 0.011981777846813202, 0.0829639807343483, -0.015334740281105042, 0.11146463453769684, 0.11734136193990707, -0.12560197710990906, 0.028495728969573975, -0.08070167154073715, -0.04973370209336281, -0.16783693432807922, -0.10849922150373459, -0.061058368533849716, -0.12530730664730072, 0.018817925825715065, -0.08762913197278976, 0.019585521891713142, 0.0591781921684742, 0.07652506977319717, -0.08436112105846405, 0.04771890118718147, 0.022324657067656517, -0.06355024874210358, 0.06421598047018051, -0.03641090914607048, 0.04335639625787735, -0.10096049308776855, -0.05256151035428047, -0.08559035509824753, 0.008890236727893353, -0.01355762965977192, -0.0010364047484472394, -0.07095763832330704, 0.038320720195770264, -0.07399741560220718, -0.04455455765128136, -0.051869962364435196, 0.04189799726009369, 0.05729896202683449, 0.14697672426700592, 0.01782124675810337, 0.007196004968136549, 0.07141192257404327, 0.20999321341514587, -0.05423928052186966, -0.17602458596229553, -0.13064448535442352, 0.1779957115650177, 0.05676918849349022, 0.04373728856444359, -0.007820547558367252, 0.01686440408229828, -0.022887038066983223, 0.3594875931739807, 0.2988407015800476, -0.08060088753700256, -0.021022425964474678, 0.029384639114141464, 0.004515271168202162, 0.03835846856236458, 0.13504758477210999, 0.1280791163444519, 0.187983900308609, -0.11326632648706436, -0.03969193994998932, -0.06138928607106209, -0.020325809717178345, -0.09586402028799057, 0.15058279037475586, -0.023374222218990326, -0.06827405095100403, 0.01279202476143837, 0.14838065207004547, -0.12298021465539932, 0.04289184510707855, -0.04000319913029671, -0.15422490239143372, -0.11153922975063324, -0.02335280179977417, 0.15448319911956787, 0.03713403642177582, 0.04222331941127777, -0.031040944159030914, -0.012557297945022583, 0.10780507326126099, -0.0026838318444788456, -0.14237089455127716, -0.03257666900753975, 0.06760716438293457, -0.07392265647649765, 0.12893138825893402, -0.020606951788067818, 0.07996846735477448, 0.10206878930330276, 0.06874067336320877, -0.0583825521171093, 0.04624844714999199, 0.029896434396505356, 0.024935033172369003, 0.05107332393527031, -0.03442921116948128, -0.024004144594073296, -0.06773480027914047, 0.055046215653419495, -0.1322285532951355, 0.09801217913627625, 0.007254885975271463, -0.07642112672328949, -0.04505891352891922, 0.03756357356905937, -0.054478663951158524, 0.07360388338565826, 0.094975546002388, -0.034695934504270554, -0.013466088101267815, -0.0851355493068695, 0.0354822613298893, 0.011431063525378704, -0.10911652445793152, -0.058508921414613724, -0.1278691440820694, -0.061670832335948944, 0.038966018706560135, -0.0010200688848271966, -0.167119100689888, -0.04020337015390396, -0.07112540304660797, -0.05367681011557579, -0.13432197272777557, 0.09180036932229996, 0.10717617720365524, 0.000964252685662359, 0.008155178278684616, -0.04356987029314041, -0.00787748210132122, 0.06841917335987091, -0.06353142112493515, -0.08389889448881149 ]
null
null
transformers
This is a finetuning of a MarianMT pretrained on Chinese-English. The target language pair is Vietnamese-English. ### Example ``` %%capture !pip install transformers transformers[sentencepiece] from transformers import AutoModelForSeq2SeqLM, AutoTokenizer # Download the pretrained model for English-Vietnamese available on the hub model = AutoModelForSeq2SeqLM.from_pretrained("CLAck/vi-en") tokenizer = AutoTokenizer.from_pretrained("CLAck/vi-en") sentence = your_vietnamese_sentence # This token is needed to identify the source language input_sentence = "<2vi> " + sentence translated = model.generate(**tokenizer(input_sentence, return_tensors="pt", padding=True)) output_sentence = [tokenizer.decode(t, skip_special_tokens=True) for t in translated] ``` ### Training results | Epoch | Bleu | |:-----:|:-------:| | 1.0 | 21.3180 | | 2.0 | 26.8012 | | 3.0 | 29.3578 | | 4.0 | 31.5178 | | 5.0 | 32.8740 |
{"language": ["en", "vi"], "license": "apache-2.0", "tags": ["translation"], "datasets": ["ALT"], "metrics": ["sacrebleu"]}
translation
CLAck/vi-en
[ "transformers", "pytorch", "marian", "text2text-generation", "translation", "en", "vi", "dataset:ALT", "license:apache-2.0", "autotrain_compatible", "endpoints_compatible", "region:us" ]
2022-03-02T23:29:04+00:00
[]
[ "en", "vi" ]
TAGS #transformers #pytorch #marian #text2text-generation #translation #en #vi #dataset-ALT #license-apache-2.0 #autotrain_compatible #endpoints_compatible #region-us
This is a finetuning of a MarianMT pretrained on Chinese-English. The target language pair is Vietnamese-English. ### Example ### Training results
[ "### Example", "### Training results" ]
[ "TAGS\n#transformers #pytorch #marian #text2text-generation #translation #en #vi #dataset-ALT #license-apache-2.0 #autotrain_compatible #endpoints_compatible #region-us \n", "### Example", "### Training results" ]
[ 60, 4, 4 ]
[ "passage: TAGS\n#transformers #pytorch #marian #text2text-generation #translation #en #vi #dataset-ALT #license-apache-2.0 #autotrain_compatible #endpoints_compatible #region-us \n### Example### Training results" ]
[ -0.10888727009296417, 0.10064510256052017, -0.004124462138861418, 0.06017257645726204, 0.13813260197639465, 0.009070673026144505, 0.12866176664829254, 0.13584865629673004, -0.11613374203443527, -0.06429377943277359, 0.18212513625621796, 0.20929865539073944, 0.013580070808529854, 0.08670969307422638, -0.05238686501979828, -0.26199445128440857, 0.053457506000995636, 0.04804396256804466, -0.07224448025226593, 0.1192559003829956, 0.1343604177236557, -0.0681353434920311, 0.07290947437286377, 0.019157374277710915, -0.10019634664058685, 0.007680730894207954, -0.012014213018119335, -0.11855448782444, 0.15663975477218628, 0.05582335218787193, 0.093692347407341, 0.04006308317184448, 0.03792216256260872, -0.19006244838237762, 0.009953801520168781, -0.001807985594496131, -0.03215473145246506, 0.07149427384138107, 0.0537666454911232, -0.028308650478720665, 0.11902233213186264, 0.026320895180106163, -0.007789834402501583, 0.05828821659088135, -0.10843081772327423, -0.11881637573242188, -0.09173942357301712, 0.007085941266268492, 0.07968306541442871, 0.10987269878387451, 0.009902109391987324, 0.1263732761144638, -0.13956725597381592, 0.07910221070051193, 0.09779445081949234, -0.33086854219436646, -0.0377056710422039, 0.049095459282398224, 0.06362230330705643, 0.039454784244298935, -0.0015833042562007904, 0.05195547267794609, 0.07625114172697067, 0.027594590559601784, -0.011710336431860924, -0.04111041501164436, -0.16011108458042145, 0.05545326694846153, -0.09448852390050888, -0.06966888159513474, 0.2541975975036621, -0.018718920648097992, 0.012614833191037178, -0.05445263907313347, -0.0093046510592103, -0.005357563495635986, -0.01691366173326969, -0.011645406484603882, 0.012724779546260834, 0.05753263458609581, 0.010597669519484043, -0.034218158572912216, -0.1615680456161499, -0.034361787140369415, -0.1381615400314331, -0.02985401265323162, 0.03048085793852806, 0.027841180562973022, -0.1439473032951355, 0.10125529021024704, 0.05147257819771767, -0.09504376351833344, -0.01667466014623642, -0.06917433440685272, 0.09136156737804413, -0.012223409488797188, -0.050208475440740585, -0.063514843583107, 0.08450441062450409, 0.0907883271574974, 0.031089071184396744, 0.015486475080251694, -0.049455784261226654, 0.09996560961008072, -0.059372976422309875, 0.11783365905284882, 0.008728336542844772, -0.027700694277882576, 0.0461738221347332, -0.04961520805954933, -0.0010425506625324488, 0.005849113687872887, -0.1353776752948761, -0.06590181589126587, 0.004957148805260658, 0.11203037947416306, 0.012695463374257088, 0.03193286806344986, -0.06149716302752495, 0.022206954658031464, 0.02455168403685093, -0.05469667911529541, -0.013211246579885483, -0.01004401221871376, -0.03776855021715164, 0.05959446355700493, 0.0884149819612503, 0.051025498658418655, -0.08567894995212555, 0.017529305070638657, -0.01873382180929184, -0.021969538182020187, -0.07357429713010788, -0.04018641635775566, 0.06268391013145447, -0.048294518142938614, 0.04017980769276619, -0.14698681235313416, -0.22629229724407196, 0.002461155876517296, 0.09560170024633408, -0.015406257472932339, -0.0595974437892437, -0.08906346559524536, -0.03560880199074745, 0.02704385109245777, -0.07617508620023727, 0.0987696424126625, -0.06675586104393005, 0.06764154136180878, -0.040520548820495605, 0.03136613965034485, -0.06397905945777893, 0.05774544179439545, -0.09656094014644623, -0.02957662008702755, -0.008710498921573162, 0.09277375042438507, -0.06161561608314514, 0.14914806187152863, -0.08901933580636978, -0.08184441179037094, -0.04133840650320053, 0.041595276445150375, 0.019440585747361183, 0.2052091658115387, -0.16706813871860504, -0.046538397669792175, 0.22353912889957428, -0.07309108972549438, -0.18648450076580048, 0.0925009697675705, -0.03583851829171181, 0.14945681393146515, 0.10436275601387024, 0.1351740062236786, 0.04419128596782684, -0.059356432408094406, 0.10992419719696045, 0.07537892460823059, -0.010564757511019707, -0.15054954588413239, 0.040958255529403687, -0.026929939165711403, -0.02652120403945446, 0.06214027851819992, -0.03609168156981468, 0.10183057188987732, -0.06795939803123474, -0.1015792265534401, -0.030567960813641548, -0.07824952155351639, -0.0008694581920281053, 0.04943999648094177, 0.13394486904144287, -0.08793247491121292, -0.017202485352754593, -0.018766960129141808, 0.045414142310619354, -0.024866728112101555, 0.04199845716357231, -0.06481046974658966, 0.03817712888121605, 0.007086359430104494, 0.028432123363018036, -0.1292816400527954, 0.05506883189082146, -0.025598667562007904, 0.07601191103458405, 0.0074724177829921246, 0.07859102636575699, 0.061506882309913635, -0.012615017592906952, -0.015384730882942677, -0.008324544876813889, 0.08321640640497208, 0.014578022062778473, -0.0706435889005661, -0.13467200100421906, 0.04852038994431496, -0.03061492368578911, 0.0483459010720253, -0.15345756709575653, 0.0458608940243721, 0.003615729045122862, 0.08268819749355316, -0.01946556381881237, 0.06749248504638672, -0.04300875961780548, 0.03968242183327675, -0.06999381631612778, -0.014179238118231297, 0.10010401159524918, 0.02955980971455574, -0.10386455804109573, 0.19154462218284607, -0.02851112186908722, 0.1948363333940506, 0.17005106806755066, -0.21953876316547394, 0.02339094877243042, -0.01045934483408928, -0.04537743702530861, 0.004184119403362274, -0.00024871507775969803, 0.0492192804813385, 0.11481792479753494, -0.000723384611774236, 0.19065822660923004, -0.052777260541915894, -0.024042867124080658, 0.000029900123990955763, -0.05281548947095871, -0.004673497751355171, 0.10073532909154892, 0.08950033783912659, -0.1782016009092331, 0.1453816443681717, 0.20078198611736298, -0.02203269675374031, 0.15340349078178406, -0.05659555271267891, -0.035250600427389145, 0.049103476107120514, 0.010079741477966309, -0.010478540323674679, 0.023962000384926796, -0.16432373225688934, -0.0256855096668005, 0.07137440890073776, 0.07164009660482407, 0.07270164042711258, -0.1845548450946808, -0.056967176496982574, 0.024457184597849846, -0.046856336295604706, -0.07213394343852997, 0.061559878289699554, -0.02989145740866661, 0.0901564508676529, -0.04778847470879555, -0.05506748706102371, 0.08743425458669662, -0.013083148747682571, -0.11387237906455994, 0.2102697491645813, -0.1394890397787094, -0.24787665903568268, -0.16404154896736145, -0.07842539250850677, 0.03829372301697731, 0.021353617310523987, 0.12398634105920792, -0.11100772023200989, -0.03372500464320183, 0.0005317485774867237, 0.005375335458666086, -0.03594406321644783, -0.03095073066651821, -0.04131529480218887, 0.08462405204772949, -0.007144222967326641, -0.14680950343608856, -0.02992202527821064, 0.009854661300778389, -0.04507865756750107, 0.07008617371320724, -0.12630191445350647, 0.046623121947050095, 0.0798705592751503, 0.034699782729148865, 0.039867497980594635, -0.04716143012046814, 0.16831034421920776, -0.07859184592962265, -0.028285527601838112, 0.20044811069965363, -0.005937281064689159, 0.022371377795934677, 0.09403987973928452, 0.009271987713873386, -0.07332271337509155, 0.010414127260446548, -0.06518729776144028, -0.06518221646547318, -0.33024275302886963, -0.09704247862100601, -0.11776573210954666, 0.051171254366636276, 0.045873045921325684, 0.03861534595489502, 0.06414297223091125, 0.08146978914737701, 0.030247889459133148, 0.02018793113529682, 0.02503589168190956, 0.04610196501016617, 0.20251043140888214, -0.020775428041815758, 0.12053464353084564, -0.1006513461470604, -0.052003972232341766, 0.07800085842609406, 0.06131060793995857, 0.195938840508461, 0.0454973429441452, 0.08577679842710495, 0.08844379335641861, 0.17640338838100433, 0.04412803798913956, 0.1318524330854416, 0.0789109468460083, -0.01958443969488144, -0.04122614488005638, -0.02503335475921631, -0.07650085538625717, 0.04794834181666374, -0.01916421204805374, -0.08847294747829437, -0.12588351964950562, -0.0359649620950222, 0.05763685703277588, 0.19049522280693054, 0.03361568972468376, -0.2470279186964035, -0.04055706039071083, 0.05569738894701004, -0.05336778238415718, -0.059593316167593, 0.103390172123909, 0.015605936758220196, -0.16801676154136658, 0.060250911861658096, -0.03705323114991188, 0.15304814279079437, -0.030991964042186737, 0.037690818309783936, -0.054597821086645126, -0.12314639240503311, 0.0505354218184948, 0.15455955266952515, -0.390176385641098, 0.29576539993286133, -0.024017952382564545, 0.05977284908294678, -0.0843258947134018, 0.007452771067619324, 0.05973347648978233, 0.16735610365867615, 0.12420302629470825, -0.0005720111075788736, -0.07498036324977875, -0.028699766844511032, -0.03739084675908089, 0.04991975799202919, 0.019953304901719093, 0.02146044559776783, -0.02141474187374115, -0.032057031989097595, 0.0066731697879731655, 0.01887916959822178, 0.04479433596134186, -0.11787352710962296, -0.15068237483501434, 0.004253758583217859, 0.028543055057525635, 0.0850829929113388, -0.0761888176202774, -0.07521842420101166, -0.08000632375478745, 0.1811884343624115, -0.0315377302467823, -0.03590121865272522, -0.09233245998620987, 0.0031741412822157145, 0.07810217887163162, -0.06808286905288696, 0.07828260958194733, -0.033869870007038116, -0.015759645029902458, -0.026023181155323982, -0.10722412168979645, 0.07943810522556305, -0.13599103689193726, -0.05920988321304321, -0.060805946588516235, 0.09337348490953445, -0.03863607347011566, 0.029414134100079536, 0.0651944950222969, -0.007348697166889906, -0.09983500838279724, -0.07002072036266327, -0.013775583356618881, 0.028326736763119698, 0.08316009491682053, -0.03575202077627182, -0.08768324553966522, -0.05221441388130188, -0.0249714944511652, -0.13151371479034424, 0.2917797863483429, 0.16612888872623444, -0.06671140342950821, 0.13675585389137268, 0.1138516291975975, -0.10711751133203506, -0.27655500173568726, -0.067463718354702, -0.02508530393242836, 0.03523346409201622, -0.004474130924791098, -0.1868256777524948, 0.039414405822753906, 0.010217648930847645, -0.04925790801644325, 0.025036893784999847, -0.31289005279541016, -0.0972910225391388, 0.17896904051303864, 0.05636155605316162, 0.26917362213134766, -0.1200413778424263, -0.045977745205163956, -0.0647762268781662, -0.1801566630601883, 0.13770543038845062, -0.07257383316755295, 0.06580967456102371, 0.022006332874298096, 0.07457471638917923, -0.007793234195560217, -0.06281222403049469, 0.1268143653869629, -0.0269139613956213, -0.0325588583946228, -0.09588512778282166, 0.043944768607616425, 0.03412545099854469, -0.007734293583780527, 0.045137010514736176, -0.11007694900035858, 0.05187056586146355, -0.175332173705101, -0.015084679238498211, -0.044926658272743225, 0.05618107318878174, -0.021220793947577477, -0.0465223602950573, -0.014902660623192787, -0.004300474189221859, 0.07431056350469589, 0.02459070459008217, 0.15574553608894348, -0.011278815567493439, 0.07134830951690674, 0.05593361705541611, 0.1840396672487259, -0.0917089506983757, 0.0766165629029274, -0.08230029046535492, -0.04968590661883354, 0.0544978529214859, -0.18864060938358307, 0.035459693521261215, 0.13240550458431244, -0.056537479162216187, 0.09694286435842514, 0.08323995769023895, -0.003200473031029105, 0.012149392627179623, 0.1346697062253952, -0.12313056737184525, -0.0010942491935566068, -0.03844764083623886, 0.06141702085733414, 0.06464312225580215, 0.05190378427505493, 0.131002277135849, -0.03430730849504471, -0.0338473841547966, -0.010319207794964314, 0.01881079562008381, -0.10605370253324509, 0.14064359664916992, 0.04754822701215744, 0.010499929077923298, -0.10359857976436615, 0.0847499892115593, 0.0023301844485104084, -0.1674468219280243, 0.015641584992408752, 0.088938407599926, -0.11919369548559189, -0.11779516190290451, 0.08299390971660614, 0.1425270438194275, -0.13114383816719055, -0.11093735694885254, -0.089292012155056, -0.12567047774791718, 0.08361711353063583, 0.04529533535242081, 0.10120353102684021, 0.06526030600070953, -0.06701593101024628, -0.04599050059914589, -0.0034032869152724743, 0.03150562196969986, 0.05694104731082916, 0.004800673108547926, -0.09640217572450638, 0.0523793064057827, -0.008942685090005398, 0.08190442621707916, -0.034513089805841446, -0.014998632483184338, -0.07867699861526489, 0.07698007673025131, -0.1549985706806183, -0.01805461384356022, -0.06087055429816246, -0.025687208399176598, -0.01678706705570221, -0.06985185295343399, -0.04641261696815491, 0.003711846424266696, -0.14388570189476013, 0.021699368953704834, -0.045166585594415665, 0.08855337649583817, -0.061199549585580826, -0.03200512379407883, 0.07366938143968582, -0.03950168564915657, 0.08069797605276108, 0.06507967412471771, -0.056520260870456696, 0.0952802449464798, -0.15860022604465485, -0.044223736971616745, 0.07315029203891754, 0.04085654765367508, 0.052832938730716705, -0.00901376735419035, 0.03561968728899956, 0.12166274338960648, 0.01891317218542099, 0.028180712834000587, 0.02798195369541645, -0.10411064326763153, -0.06371212005615234, -0.01264374889433384, -0.11260568350553513, -0.037027377635240555, 0.00915988814085722, 0.06338095664978027, 0.033604878932237625, 0.15857011079788208, -0.07211329787969589, 0.055028434842824936, -0.08359421789646149, 0.02579592727124691, -0.012770923785865307, -0.12990739941596985, -0.12871013581752777, -0.1061326190829277, 0.029530195519328117, -0.026430808007717133, 0.19855932891368866, 0.03433253988623619, -0.007161465939134359, 0.029568416997790337, -0.019143279641866684, 0.023750996217131615, 0.02332497574388981, 0.283079594373703, 0.05388687551021576, 0.018381642177700996, -0.08798979222774506, 0.037978772073984146, 0.008160503581166267, 0.011037771590054035, 0.10422006994485855, 0.1438961923122406, 0.03967247158288956, 0.12587593495845795, 0.0032384139485657215, -0.0038821802008897066, -0.10524742305278778, -0.09357474744319916, 0.00596269266679883, 0.09008019417524338, -0.019138680770993233, 0.11009298264980316, 0.11544239521026611, -0.12413900345563889, 0.027583163231611252, -0.08675608783960342, -0.054084017872810364, -0.16893942654132843, -0.11388614773750305, -0.06744486093521118, -0.1304289549589157, 0.018919356167316437, -0.09351325035095215, 0.026510829105973244, 0.03954127058386803, 0.07756432890892029, -0.08286488801240921, 0.05498651787638664, 0.03538203984498978, -0.062439803034067154, 0.06752470135688782, -0.033475618809461594, 0.0424877367913723, -0.08987972140312195, -0.04619276151061058, -0.08410200476646423, 0.0075606293976306915, -0.018649036064743996, 0.003272905247285962, -0.07239310443401337, 0.03792707994580269, -0.06796211749315262, -0.044492509216070175, -0.04880649968981743, 0.039401210844516754, 0.054375916719436646, 0.14793437719345093, 0.01635795459151268, 0.005778922699391842, 0.06996620446443558, 0.21224166452884674, -0.050902385264635086, -0.17346689105033875, -0.1309841126203537, 0.17971500754356384, 0.05973411723971367, 0.04965682327747345, -0.008809954859316349, 0.02205595001578331, -0.025187818333506584, 0.376197874546051, 0.29654189944267273, -0.07657976448535919, -0.022736510261893272, 0.032387252897024155, 0.004795249551534653, 0.03794345259666443, 0.14107419550418854, 0.12910082936286926, 0.18709425628185272, -0.1120143011212349, -0.036614347249269485, -0.06544089317321777, -0.014619825407862663, -0.09176567196846008, 0.14664575457572937, -0.020438943058252335, -0.07009642571210861, 0.01409999094903469, 0.14925159513950348, -0.11286673694849014, 0.040437210351228714, -0.03880239650607109, -0.15798887610435486, -0.1097477376461029, -0.027814596891403198, 0.16637536883354187, 0.03086456097662449, 0.041379861533641815, -0.033419810235500336, -0.012179127894341946, 0.11151967942714691, 0.0008362365770153701, -0.13545870780944824, -0.04005132243037224, 0.07187045365571976, -0.08433157950639725, 0.13033200800418854, -0.01889030449092388, 0.0734780803322792, 0.0999176949262619, 0.06792187690734863, -0.06038365513086319, 0.047437045723199844, 0.032337747514247894, 0.023184102028608322, 0.04991843178868294, -0.0270750280469656, -0.025187624618411064, -0.05309632420539856, 0.049804311245679855, -0.1340004801750183, 0.0943300798535347, 0.013438868336379528, -0.07591050118207932, -0.03735747188329697, 0.045395080000162125, -0.05894375592470169, 0.06947913765907288, 0.09395015239715576, -0.03416301682591438, -0.012437719851732254, -0.08997564017772675, 0.0392858125269413, 0.005700354930013418, -0.09666898846626282, -0.05323212593793869, -0.13675260543823242, -0.06313037127256393, 0.027134031057357788, 0.0024507080670446157, -0.15595673024654388, -0.04046061635017395, -0.07368136942386627, -0.04713449254631996, -0.14029532670974731, 0.09585179388523102, 0.11070909351110458, -0.007753510028123856, 0.00549339409917593, -0.0477919727563858, -0.007388649042695761, 0.07416099309921265, -0.06244349852204323, -0.08465753495693207 ]
null
null
transformers
# MedRoBERTa.nl ## Description This model is a RoBERTa-based model pre-trained from scratch on Dutch hospital notes sourced from Electronic Health Records. The model is not fine-tuned. All code used for the creation of MedRoBERTa.nl can be found at https://github.com/cltl-students/verkijk_stella_rma_thesis_dutch_medical_language_model. ## Intended use The model can be fine-tuned on any type of task. Since it is a domain-specific model trained on medical data, it is meant to be used on medical NLP tasks for Dutch. ## Data The model was trained on nearly 10 million hospital notes from the Amsterdam University Medical Centres. The training data was anonymized before starting the pre-training procedure. ## Privacy By anonymizing the training data we made sure the model did not learn any representative associations linked to names. Apart from the training data, the model's vocabulary was also anonymized. This ensures that the model can not predict any names in the generative fill-mask task. ## Authors Stella Verkijk, Piek Vossen ## Reference Paper: Verkijk, S. & Vossen, P. (2022) MedRoBERTa.nl: A Language Model for Dutch Electronic Health Records. Computational Linguistics in the Netherlands Journal, 11.
{"language": "nl", "license": "mit"}
fill-mask
CLTL/MedRoBERTa.nl
[ "transformers", "pytorch", "roberta", "fill-mask", "nl", "doi:10.57967/hf/0960", "license:mit", "autotrain_compatible", "endpoints_compatible", "region:us" ]
2022-03-02T23:29:04+00:00
[]
[ "nl" ]
TAGS #transformers #pytorch #roberta #fill-mask #nl #doi-10.57967/hf/0960 #license-mit #autotrain_compatible #endpoints_compatible #region-us
# URL ## Description This model is a RoBERTa-based model pre-trained from scratch on Dutch hospital notes sourced from Electronic Health Records. The model is not fine-tuned. All code used for the creation of URL can be found at URL ## Intended use The model can be fine-tuned on any type of task. Since it is a domain-specific model trained on medical data, it is meant to be used on medical NLP tasks for Dutch. ## Data The model was trained on nearly 10 million hospital notes from the Amsterdam University Medical Centres. The training data was anonymized before starting the pre-training procedure. ## Privacy By anonymizing the training data we made sure the model did not learn any representative associations linked to names. Apart from the training data, the model's vocabulary was also anonymized. This ensures that the model can not predict any names in the generative fill-mask task. ## Authors Stella Verkijk, Piek Vossen ## Reference Paper: Verkijk, S. & Vossen, P. (2022) URL: A Language Model for Dutch Electronic Health Records. Computational Linguistics in the Netherlands Journal, 11.
[ "# URL", "## Description\nThis model is a RoBERTa-based model pre-trained from scratch on Dutch hospital notes sourced from Electronic Health Records. The model is not fine-tuned. All code used for the creation of URL can be found at URL", "## Intended use\nThe model can be fine-tuned on any type of task. Since it is a domain-specific model trained on medical data, it is meant to be used on medical NLP tasks for Dutch.", "## Data\nThe model was trained on nearly 10 million hospital notes from the Amsterdam University Medical Centres. The training data was anonymized before starting the pre-training procedure.", "## Privacy\nBy anonymizing the training data we made sure the model did not learn any representative associations linked to names. Apart from the training data, the model's vocabulary was also anonymized. This ensures that the model can not predict any names in the generative fill-mask task.", "## Authors\nStella Verkijk, Piek Vossen", "## Reference\nPaper: Verkijk, S. & Vossen, P. (2022) URL: A Language Model for Dutch Electronic Health Records. Computational Linguistics in the Netherlands Journal, 11." ]
[ "TAGS\n#transformers #pytorch #roberta #fill-mask #nl #doi-10.57967/hf/0960 #license-mit #autotrain_compatible #endpoints_compatible #region-us \n", "# URL", "## Description\nThis model is a RoBERTa-based model pre-trained from scratch on Dutch hospital notes sourced from Electronic Health Records. The model is not fine-tuned. All code used for the creation of URL can be found at URL", "## Intended use\nThe model can be fine-tuned on any type of task. Since it is a domain-specific model trained on medical data, it is meant to be used on medical NLP tasks for Dutch.", "## Data\nThe model was trained on nearly 10 million hospital notes from the Amsterdam University Medical Centres. The training data was anonymized before starting the pre-training procedure.", "## Privacy\nBy anonymizing the training data we made sure the model did not learn any representative associations linked to names. Apart from the training data, the model's vocabulary was also anonymized. This ensures that the model can not predict any names in the generative fill-mask task.", "## Authors\nStella Verkijk, Piek Vossen", "## Reference\nPaper: Verkijk, S. & Vossen, P. (2022) URL: A Language Model for Dutch Electronic Health Records. Computational Linguistics in the Netherlands Journal, 11." ]
[ 56, 2, 51, 48, 35, 63, 11, 41 ]
[ "passage: TAGS\n#transformers #pytorch #roberta #fill-mask #nl #doi-10.57967/hf/0960 #license-mit #autotrain_compatible #endpoints_compatible #region-us \n# URL## Description\nThis model is a RoBERTa-based model pre-trained from scratch on Dutch hospital notes sourced from Electronic Health Records. The model is not fine-tuned. All code used for the creation of URL can be found at URL## Intended use\nThe model can be fine-tuned on any type of task. Since it is a domain-specific model trained on medical data, it is meant to be used on medical NLP tasks for Dutch.## Data\nThe model was trained on nearly 10 million hospital notes from the Amsterdam University Medical Centres. The training data was anonymized before starting the pre-training procedure.## Privacy\nBy anonymizing the training data we made sure the model did not learn any representative associations linked to names. Apart from the training data, the model's vocabulary was also anonymized. This ensures that the model can not predict any names in the generative fill-mask task.## Authors\nStella Verkijk, Piek Vossen## Reference\nPaper: Verkijk, S. & Vossen, P. (2022) URL: A Language Model for Dutch Electronic Health Records. Computational Linguistics in the Netherlands Journal, 11." ]
[ -0.01711221970617771, 0.07671958953142166, -0.004370798356831074, 0.011331959627568722, 0.04061651974916458, -0.03650951012969017, 0.15281528234481812, 0.0750567838549614, 0.13936613500118256, 0.07230397313833237, 0.05549784004688263, -0.07802869379520416, 0.06548283249139786, 0.07684490084648132, 0.0775952860713005, -0.2795320451259613, 0.13412992656230927, -0.013235827907919884, -0.026267848908901215, 0.01609940640628338, 0.039554301649332047, -0.04578307271003723, 0.046425070613622665, 0.04390282556414604, 0.0030567022040486336, 0.061063915491104126, -0.058259837329387665, -0.04089696332812309, 0.13728544116020203, 0.0222360510379076, 0.11417191475629807, 0.002894542645663023, 0.09828193485736847, -0.1840565949678421, -0.007734685204923153, -0.005531929433345795, -0.049537189304828644, 0.008268754929304123, -0.07712956517934799, -0.0679066851735115, 0.18534988164901733, -0.11391828954219818, 0.04134117811918259, -0.041932523250579834, -0.05200851336121559, -0.19040879607200623, -0.04052845761179924, 0.01639784313738346, -0.009621856734156609, 0.11905574053525925, 0.015352930873632431, 0.14544813334941864, -0.10208315402269363, -0.0005705853109247983, 0.10177398473024368, -0.12414726614952087, -0.0044143833220005035, 0.14532195031642914, 0.060217615216970444, 0.010704600252211094, -0.07248900830745697, 0.023541804403066635, -0.031541988253593445, 0.080734021961689, 0.08911599963903427, 0.003820371115580201, 0.0407843254506588, -0.035292915999889374, -0.08534253388643265, -0.04055449739098549, 0.17743566632270813, -0.01441160123795271, 0.04367852956056595, -0.036126360297203064, -0.01406885590404272, 0.15742430090904236, 0.041543640196323395, -0.11029651761054993, 0.033928096294403076, -0.05818420648574829, 0.08985671401023865, -0.03726311773061752, -0.057522788643836975, 0.004403748549520969, -0.035284604877233505, 0.07713969051837921, 0.053787898272275925, 0.04831371083855629, -0.0007359522860497236, 0.08873659372329712, -0.07970724254846573, -0.043166667222976685, -0.035474251955747604, -0.02731042169034481, -0.0360245518386364, -0.0033334146719425917, -0.0013838716549798846, -0.17606310546398163, 0.10052786022424698, -0.009829501621425152, -0.056270401924848557, -0.1042661964893341, 0.007837794721126556, 0.02942686714231968, 0.04339911788702011, 0.008821827359497547, -0.16985230147838593, 0.08022727817296982, -0.028971223160624504, -0.022362176328897476, 0.02513756789267063, 0.01685445010662079, -0.049367181956768036, -0.025983063504099846, -0.0018626726232469082, 0.025140931829810143, -0.12965905666351318, 0.02883289009332657, 0.04240147024393082, -0.0028888832312077284, 0.030130235478281975, -0.027673928067088127, -0.07054030895233154, -0.05004168674349785, 0.01677866280078888, 0.031606532633304596, 0.06727050244808197, 0.04858183488249779, -0.1445615440607071, 0.11609441787004471, -0.002864596201106906, -0.045161694288253784, -0.08417943865060806, -0.13543416559696198, 0.04167919233441353, 0.058251217007637024, -0.024839967489242554, -0.11414080858230591, -0.07012201845645905, -0.08583592623472214, 0.041192829608917236, -0.01414368487894535, 0.13223795592784882, -0.08588655292987823, -0.012862375937402248, -0.03683728352189064, 0.021269256249070168, -0.08923476189374924, -0.03463073819875717, -0.02069621905684471, -0.19313928484916687, 0.07202000916004181, -0.14767564833164215, 0.02399468421936035, -0.09639062732458115, -0.011417933739721775, -0.08614253997802734, -0.026599228382110596, -0.08941549807786942, -0.061075348407030106, -0.08713577687740326, -0.060542259365320206, -0.09514381736516953, 0.0016213117633014917, 0.09929092228412628, 0.014988811686635017, -0.0809154063463211, -0.058194778859615326, 0.17202426493167877, -0.13443878293037415, -0.09342052787542343, 0.1301242858171463, -0.04440005496144295, 0.0855398029088974, 0.037965308874845505, 0.20287640392780304, 0.07620103657245636, -0.13087165355682373, -0.05098028853535652, -0.06436177343130112, -0.01569768600165844, -0.07075008004903793, 0.020796457305550575, 0.012612344697117805, 0.017495613545179367, 0.05180441215634346, -0.15544237196445465, -0.01941937766969204, -0.03825446218252182, -0.0033877261448651552, -0.0065370118245482445, -0.06784187257289886, 0.006556596606969833, -0.025288768112659454, 0.02855629473924637, 0.006016958504915237, -0.011379764415323734, 0.09704781323671341, 0.08179908990859985, -0.08032692223787308, 0.032937534153461456, 0.002740646479651332, -0.027087142691016197, 0.05094516649842262, 0.0053221420384943485, -0.040827520191669464, -0.09308309853076935, 0.016265129670500755, -0.1333034336566925, 0.05032563954591751, 0.08153726160526276, -0.014911910519003868, 0.08388028293848038, -0.03819899633526802, 0.032072920352220535, -0.0519011951982975, 0.03155142441391945, -0.007948162034153938, -0.10264802724123001, -0.011410609818994999, -0.011422685347497463, -0.07725909352302551, -0.032666511833667755, 0.003085499629378319, -0.05611294507980347, 0.14296656847000122, 0.03912552818655968, 0.020075270906090736, 0.030844874680042267, 0.07418080419301987, 0.04035518318414688, 0.04516806825995445, -0.013602477498352528, -0.024768836796283722, -0.009313156828284264, 0.10092274099588394, 0.009365539997816086, -0.005844424944370985, -0.0387791246175766, -0.008317685686051846, 0.01176366489380598, 0.07662410289049149, -0.036102037876844406, -0.007197512313723564, -0.13787037134170532, -0.08439787477254868, 0.02068045549094677, 0.017009686678647995, 0.029859157279133797, -0.02963789366185665, 0.01640487089753151, 0.009034667164087296, -0.07496380805969238, 0.018294768407940865, 0.0666334331035614, 0.042803023010492325, 0.007712916936725378, 0.001759484177455306, -0.02517535351216793, -0.08648844808340073, 0.19957369565963745, 0.04214062541723251, -0.014417729340493679, -0.07585922628641129, -0.05146480351686478, -0.016298793256282806, 0.09478651732206345, -0.18332017958164215, -0.015909405425190926, 0.050130195915699005, 0.08400557935237885, 0.009113871492445469, -0.030903112143278122, -0.008915113285183907, -0.017470456659793854, -0.011373879387974739, -0.0433816984295845, 0.06351014971733093, -0.03791105002164841, 0.10957716405391693, -0.027806159108877182, -0.054443683475255966, -0.04198605194687843, -0.08684805780649185, -0.09758814424276352, 0.14882220327854156, -0.02787037007510662, -0.22852063179016113, -0.12264735251665115, 0.015410465188324451, -0.07004378736019135, -0.029693251475691795, 0.08065074682235718, -0.04628956690430641, -0.10333780199289322, -0.05611739307641983, 0.03834374248981476, 0.04424815624952316, -0.06533448398113251, -0.1252908557653427, 0.03207691013813019, -0.06193671375513077, -0.12663766741752625, -0.013454760424792767, -0.18343660235404968, -0.018781114369630814, 0.08018758147954941, -0.09139382839202881, 0.0800226479768753, 0.08824601769447327, -0.0013250198680907488, -0.007843625731766224, -0.0352945402264595, 0.12324412912130356, -0.034677162766456604, 0.12316538393497467, 0.0320977158844471, 0.022623972967267036, 0.053111717104911804, 0.16139104962348938, 0.10469669848680496, -0.05916063115000725, 0.054038725793361664, 0.020525338128209114, -0.04097732529044151, -0.21724654734134674, -0.1598205268383026, -0.06257791817188263, -0.15803547203540802, -0.06668668240308762, 0.0014787439722567797, 0.04509957879781723, 0.004854778293520212, 0.011178949847817421, 0.02334887534379959, -0.037484388798475266, 0.008602097630500793, 0.15570001304149628, 0.033536214381456375, 0.07436513155698776, -0.003130873665213585, -0.0409122109413147, 0.04689670726656914, 0.022338422015309334, 0.2646034359931946, -0.03744108974933624, 0.025319935753941536, 0.15264013409614563, 0.06693628430366516, 0.03115624189376831, 0.08288722485303879, 0.012584209442138672, 0.06614677608013153, -0.028845850378274918, -0.08224577456712723, 0.06573451310396194, 0.029530787840485573, -0.12261068820953369, -0.03533107787370682, -0.07588040828704834, -0.04243091121315956, 0.046826183795928955, 0.14118574559688568, 0.08695010095834732, -0.03357278183102608, -0.07525333017110825, -0.042458292096853256, -0.05834519863128662, -0.06951354444026947, 0.028271226212382317, 0.15814530849456787, -0.11633175611495972, 0.003617023816332221, 0.008747019805014133, 0.03123379312455654, -0.045345667749643326, 0.08641719073057175, -0.054400213062763214, -0.003560995915904641, -0.07883011549711227, 0.11280824989080429, -0.18592219054698944, 0.285363107919693, -0.05499565973877907, 0.08556324988603592, -0.06952935457229614, -0.04055456072092056, 0.019504792988300323, 0.12621541321277618, 0.15913906693458557, 0.10810863971710205, -0.10697794705629349, 0.020299142226576805, -0.02833055704832077, 0.08379318565130234, 0.023060113191604614, -0.03414716199040413, 0.044372525066137314, 0.0520714707672596, 0.0010021228808909655, -0.006591740529984236, 0.026601430028676987, -0.14360666275024414, -0.012775839306414127, 0.12194251269102097, 0.05940345302224159, 0.029822759330272675, -0.02410721965134144, -0.08037757128477097, -0.014256597496569157, 0.03262094780802727, -0.13973109424114227, -0.04948462173342705, -0.10912765562534332, 0.11327038705348969, 0.07024338841438293, -0.0643698051571846, 0.0119165712967515, 0.0010884797666221857, 0.029244646430015564, -0.059498194605112076, -0.042839165776968, 0.033175453543663025, -0.05322533845901489, -0.07384724169969559, -0.041483841836452484, 0.04291248694062233, 0.11619219183921814, -0.007337690331041813, 0.00782366655766964, 0.04914954677224159, -0.024277810007333755, -0.10663231462240219, 0.08436602354049683, 0.14128580689430237, -0.053841009736061096, 0.07696264237165451, -0.18180027604103088, -0.14299717545509338, -0.01929626800119877, -0.04672082141041756, 0.05677267163991928, 0.11514577269554138, -0.02245112508535385, 0.09382040053606033, 0.280017614364624, -0.15451174974441528, -0.2972439229488373, -0.04509482532739639, 0.014103082939982414, 0.03187752515077591, -0.03634517267346382, -0.1428133100271225, 0.16835764050483704, 0.09705249220132828, 0.012398164719343185, -0.18718868494033813, -0.1391686648130417, -0.13118605315685272, 0.11702675372362137, -0.00985078327357769, 0.2830468714237213, 0.07628574222326279, -0.01384221576154232, 0.0074617937207221985, -0.16894496977329254, 0.062985360622406, -0.04925491660833359, 0.05250890925526619, -0.07590045034885406, 0.053877443075180054, 0.012779527343809605, -0.031915295869112015, 0.039156921207904816, 0.14576391875743866, 0.08494441211223602, -0.041958440095186234, -0.02547283098101616, 0.06942666321992874, -0.09057098627090454, 0.2111964374780655, 0.09994363784790039, 0.010845682583749294, -0.07692572474479675, -0.03476623445749283, -0.11687696725130081, 0.0925959125161171, 0.021208500489592552, -0.1041383221745491, -0.10054059326648712, 0.09966851770877838, 0.1492098718881607, 0.027414483949542046, -0.03283562511205673, -0.06350623071193695, 0.03807003051042557, 0.057010650634765625, 0.07995434105396271, -0.07058411091566086, 0.0581645742058754, 0.06871352344751358, -0.029336003586649895, 0.08608300238847733, -0.013956867158412933, 0.04742242023348808, 0.16681337356567383, -0.004892919212579727, 0.03127976879477501, 0.03926922753453255, -0.14287278056144714, -0.06739912927150726, 0.03662068396806717, -0.07745342701673508, -0.17392516136169434, -0.02658013626933098, 0.01855972409248352, -0.017244191840291023, 0.05372337996959686, 0.14121931791305542, -0.12179075926542282, 0.0029233554378151894, -0.04333345219492912, 0.028294216841459274, -0.03243532404303551, 0.06994511932134628, 0.04604288935661316, 0.03519601747393608, -0.04573933407664299, 0.02244316041469574, 0.06240580603480339, 0.010086792521178722, 0.08219658583402634, 0.0287082027643919, -0.1512334644794464, -0.06994877010583878, 0.007421765010803938, 0.2102879136800766, -0.10984577238559723, -0.12207651883363724, -0.004295269958674908, -0.10387925803661346, -0.02436135523021221, 0.22966407239437103, 0.005020983051508665, 0.02454598806798458, -0.02796453796327114, -0.012429599650204182, -0.05378524586558342, 0.1363186091184616, 0.010928621515631676, 0.03538564220070839, 0.14374300837516785, -0.009830514900386333, -0.014961913228034973, 0.06496180593967438, -0.07342001795768738, -0.026063768193125725, -0.10101302713155746, -0.010834979824721813, -0.14476057887077332, -0.0272099319845438, 0.036021582782268524, -0.05290045216679573, -0.03135735169053078, -0.088440902531147, -0.010575837455689907, 0.07152950763702393, -0.035543911159038544, 0.023946961387991905, -0.0005810213042423129, 0.04953206330537796, -0.14015188813209534, -0.051451217383146286, 0.04496567323803902, -0.03164282813668251, 0.08324669301509857, -0.03622756898403168, -0.050591353327035904, 0.0666775107383728, -0.14354518055915833, 0.031999003142118454, -0.02307029254734516, 0.09143974632024765, 0.04792564734816551, -0.0994558110833168, -0.04608571156859398, 0.03794845566153526, -0.01183807197958231, 0.03345780819654465, 0.01370298396795988, 0.00795935932546854, 0.04855750873684883, -0.02110825665295124, -0.07888874411582947, -0.02574797533452511, 0.07374819368124008, -0.02448296546936035, 0.0517704114317894, 0.09730424731969833, -0.04502500593662262, -0.017703639343380928, -0.09981978684663773, -0.015458427369594574, 0.039262205362319946, -0.05987383425235748, -0.06799499690532684, -0.03776537626981735, 0.026181897148489952, 0.009749606251716614, 0.21461470425128937, 0.07366760075092316, -0.009098713286221027, 0.01614043116569519, 0.021229609847068787, -0.10170495510101318, -0.014425250701606274, -0.034997180104255676, 0.0005999021232128143, 0.007891852408647537, -0.11885800212621689, -0.07182782888412476, -0.06791885942220688, 0.0192508976906538, 0.21868155896663666, 0.033347681164741516, 0.33068978786468506, -0.0026517740916460752, 0.0955200269818306, 0.0860678106546402, -0.1486426293849945, -0.15580542385578156, 0.07400340586900711, 0.05650971084833145, 0.009466455318033695, -0.13325825333595276, 0.08295901864767075, -0.12639382481575012, 0.13924545049667358, 0.013903561048209667, -0.07948596775531769, -0.09227557480335236, -0.205328106880188, 0.004630714654922485, -0.11037646979093552, -0.039196327328681946, -0.1285819113254547, -0.0053123729303479195, 0.10912659019231796, 0.05766751244664192, -0.0005261737969703972, 0.1080729141831398, -0.07476701587438583, 0.06671946495771408, 0.04925486072897911, -0.05021531879901886, 0.0004250320780556649, -0.0388813391327858, 0.07877394556999207, -0.025761451572179794, 0.10604709386825562, -0.010720649734139442, 0.06693760305643082, 0.04971768334507942, -0.07635483890771866, -0.048734769225120544, -0.054229166358709335, 0.01847202703356743, -0.06681991368532181, -0.09051880985498428, 0.09315985441207886, 0.138592928647995, -0.08528845012187958, 0.0685206800699234, 0.1653956174850464, -0.00045545041211880744, -0.14067675173282623, -0.15347237884998322, 0.14730806648731232, 0.045161496847867966, 0.005385022144764662, -0.04699985310435295, -0.08021140843629837, 0.008257793262600899, 0.18277022242546082, 0.14392125606536865, 0.06799950450658798, 0.013055028393864632, -0.020431045442819595, 0.0007150337332859635, 0.04204836115241051, 0.11323410272598267, 0.07735147327184677, 0.24662959575653076, -0.04735105112195015, 0.07374464720487595, -0.043577682226896286, -0.04556310549378395, -0.06309929490089417, 0.015290106646716595, 0.05555063113570213, -0.1067257970571518, -0.07942850887775421, 0.12284224480390549, -0.12157592177391052, -0.12857674062252045, 0.03592643141746521, 0.0026806092355400324, -0.06318475306034088, -0.05489863082766533, -0.0498543344438076, 0.0006564795621670783, 0.04559899494051933, -0.0452875941991806, -0.01356054749339819, 0.24696102738380432, 0.03369675949215889, -0.02163100242614746, -0.1217295378446579, 0.097549207508564, 0.05977169796824455, 0.11794330179691315, 0.03882165625691414, 0.045215167105197906, 0.025000933557748795, 0.014382034540176392, -0.011289786547422409, 0.135099396109581, -0.027957871556282043, 0.10317382216453552, -0.009562443941831589, 0.05178380012512207, -0.030620712786912918, 0.08378855884075165, 0.01444158609956503, -0.1505310982465744, -0.00012015995889669284, 0.10836737602949142, -0.06682078540325165, -0.039367835968732834, 0.15445515513420105, -0.028540629893541336, 0.0733092725276947, 0.14574041962623596, 0.00018718001956585795, 0.047181013971567154, -0.06760944426059723, 0.043475814163684845, -0.07496917992830276, 0.001339958282187581, 0.022008806467056274, -0.10866177082061768, 0.11483228206634521, -0.04083016514778137, 0.041778869926929474, -0.23695576190948486, -0.026758819818496704, -0.01669985242187977, 0.012794545851647854, 0.02636175975203514, 0.06205711513757706, 0.09693050384521484, 0.020981520414352417, -0.05792257934808731, 0.07562655955553055, 0.03491756319999695, 0.056000106036663055, -0.053521133959293365, -0.09840117394924164 ]
null
null
transformers
# Early-modern Dutch NER (General Letters) ## Description This is a fine-tuned NER model for early-modern Dutch United East India Company (VOC) letters based on XLM-R_base [(Conneau et al., 2020)](https://aclanthology.org/2020.acl-main.747/). The model identifies *locations*, *persons*, *organisations*, but also *ships* as well as derived forms of locations and religions. ## Intended uses and limitations This model was fine-tuned (trained, validated and tested) on a single source of data, the General Letters (Generale Missiven). These letters span a large variety of Dutch, as they cover the largest part of the 17th and 18th centuries, and have been extended with editorial notes between 1960 and 2017. As the model was only fine-tuned on this data however, it may perform less well on other texts from the same period. ## How to use The model can run on raw text through the *token-classification* pipeline: ``` from transformers import AutoTokenizer, AutoModelForTokenClassification from transformers import pipeline tokenizer = AutoTokenizer.from_pretrained("CLTL/gm-ner-xlmrbase") model = AutoModelForTokenClassification.from_pretrained("CLTL/gm-ner-xlmrbase") nlp = pipeline("ner", model=model, tokenizer=tokenizer) example = "Batavia heeft om advies gevraagd." ner_results = nlp(example) print(ner_results) ``` This outputs a list of entities with their character offsets in the input text: ``` [{'entity': 'B-LOC', 'score': 0.99739265, 'index': 1, 'word': '▁Bata', 'start': 0, 'end': 4}, {'entity': 'I-LOC', 'score': 0.5373179, 'index': 2, 'word': 'via', 'start': 4, 'end': 7}] ``` ## Training data and tagset The model was fine-tuned on the General Letters [GM-NER](https://github.com/cltl/voc-missives/tree/master/data/ner/datasplit_all_standard) dataset, with the following tagset: | tag | description | notes | | --- | ----------- | ----- | | LOC | locations | | | LOCderiv | derived forms of locations | by derivation, e.g. *Bandanezen*, or composition, e.g. *Javakoffie* | | ORG | organisations | includes forms derived by composition, e.g. *Compagnieszaken* | PER | persons | | RELderiv | forms related to religion | merges religion names (*Christendom*), derived forms (*christenen*) and composed forms (*Christen-orangkay*) | | SHP | ships | The base text for this dataset is OCR text that has been partially corrected. The text is clean overall but errors remain. ## Training procedure The model was fine-tuned with [xlm-roberta-base](https://huggingface.co/xlm-roberta-base), using [this script](https://github.com/huggingface/transformers/blob/master/examples/legacy/token-classification/run_ner.py). Non-default training parameters are: * training batch size: 16 * max sequence length: 256 * number of epochs: 4 -- loading the best checkpoint model by loss at the end, with checkpoints every 200 steps * (seed: 1) ## Evaluation ### Metric * entity-level F1 ### Results | overall | 92.7 | | --- | ----------- | | LOC | 95.8 | | LOCderiv | 92.7 | | ORG | 92.5 | | PER | 86.2 | | RELderiv | 90.7 | | SHP | 81.6 | ## Reference The model and fine-tuning data presented here were developed as part of: ```bibtex @inproceedings{arnoult-etal-2021-batavia, title = "Batavia asked for advice. Pretrained language models for Named Entity Recognition in historical texts.", author = "Arnoult, Sophie I. and Petram, Lodewijk and Vossen, Piek", booktitle = "Proceedings of the 5th Joint SIGHUM Workshop on Computational Linguistics for Cultural Heritage, Social Sciences, Humanities and Literature", month = nov, year = "2021", address = "Punta Cana, Dominican Republic (online)", publisher = "Association for Computational Linguistics", url = "https://aclanthology.org/2021.latechclfl-1.3", pages = "21--30" } ```
{"language": "nl", "license": "apache-2.0", "tags": ["dighum"], "pipeline_tag": "token-classification"}
token-classification
CLTL/gm-ner-xlmrbase
[ "transformers", "pytorch", "tf", "xlm-roberta", "token-classification", "dighum", "nl", "license:apache-2.0", "autotrain_compatible", "endpoints_compatible", "region:us" ]
2022-03-02T23:29:04+00:00
[]
[ "nl" ]
TAGS #transformers #pytorch #tf #xlm-roberta #token-classification #dighum #nl #license-apache-2.0 #autotrain_compatible #endpoints_compatible #region-us
Early-modern Dutch NER (General Letters) ======================================== Description ----------- This is a fine-tuned NER model for early-modern Dutch United East India Company (VOC) letters based on XLM-R\_base (Conneau et al., 2020). The model identifies *locations*, *persons*, *organisations*, but also *ships* as well as derived forms of locations and religions. Intended uses and limitations ----------------------------- This model was fine-tuned (trained, validated and tested) on a single source of data, the General Letters (Generale Missiven). These letters span a large variety of Dutch, as they cover the largest part of the 17th and 18th centuries, and have been extended with editorial notes between 1960 and 2017. As the model was only fine-tuned on this data however, it may perform less well on other texts from the same period. How to use ---------- The model can run on raw text through the *token-classification* pipeline: This outputs a list of entities with their character offsets in the input text: Training data and tagset ------------------------ The model was fine-tuned on the General Letters GM-NER dataset, with the following tagset: tag: LOC, description: locations, notes: tag: LOCderiv, description: derived forms of locations, notes: by derivation, e.g. *Bandanezen*, or composition, e.g. *Javakoffie* tag: ORG, description: organisations, notes: includes forms derived by composition, e.g. *Compagnieszaken* tag: PER, description: persons, notes: tag: RELderiv, description: forms related to religion, notes: merges religion names (*Christendom*), derived forms (*christenen*) and composed forms (*Christen-orangkay*) tag: SHP, description: ships, notes: The base text for this dataset is OCR text that has been partially corrected. The text is clean overall but errors remain. Training procedure ------------------ The model was fine-tuned with xlm-roberta-base, using this script. Non-default training parameters are: * training batch size: 16 * max sequence length: 256 * number of epochs: 4 -- loading the best checkpoint model by loss at the end, with checkpoints every 200 steps * (seed: 1) Evaluation ---------- ### Metric * entity-level F1 ### Results Reference --------- The model and fine-tuning data presented here were developed as part of:
[ "### Metric\n\n\n* entity-level F1", "### Results\n\n\n\nReference\n---------\n\n\nThe model and fine-tuning data presented here were developed as part of:" ]
[ "TAGS\n#transformers #pytorch #tf #xlm-roberta #token-classification #dighum #nl #license-apache-2.0 #autotrain_compatible #endpoints_compatible #region-us \n", "### Metric\n\n\n* entity-level F1", "### Results\n\n\n\nReference\n---------\n\n\nThe model and fine-tuning data presented here were developed as part of:" ]
[ 57, 11, 23 ]
[ "passage: TAGS\n#transformers #pytorch #tf #xlm-roberta #token-classification #dighum #nl #license-apache-2.0 #autotrain_compatible #endpoints_compatible #region-us \n### Metric\n\n\n* entity-level F1### Results\n\n\n\nReference\n---------\n\n\nThe model and fine-tuning data presented here were developed as part of:" ]
[ -0.08825670182704926, 0.10734552145004272, -0.0032737792935222387, 0.07003733515739441, 0.09974886476993561, -0.019947219640016556, 0.04923820123076439, 0.08920978009700775, 0.0027808649465441704, -0.04864668846130371, 0.1253519207239151, 0.22788181900978088, -0.006834517233073711, 0.13660667836666107, -0.06905799359083176, -0.2403905689716339, 0.07949714362621307, 0.04368731752038002, -0.16920624673366547, 0.12292993068695068, 0.15802963078022003, -0.07417765259742737, 0.09660885483026505, 0.030800839886069298, -0.13719549775123596, 0.01885235868394375, 0.023743290454149246, -0.08163036406040192, 0.1060146689414978, 0.07163532078266144, 0.07303706556558609, 0.06480147689580917, 0.015964573249220848, -0.14681702852249146, 0.022793861106038094, -0.01651923917233944, -0.05610007792711258, 0.08063218742609024, 0.039139874279499054, -0.018636450171470642, 0.12615585327148438, 0.049455445259809494, -0.01919865794479847, 0.018728919327259064, -0.08328766375780106, -0.21663495898246765, -0.06963975727558136, 0.09906934946775436, 0.09276845306158066, 0.06499064713716507, 0.01209224946796894, 0.19273000955581665, -0.1609794795513153, 0.0699942484498024, 0.0792824923992157, -0.32070392370224, -0.03122304379940033, 0.13311508297920227, -0.018403753638267517, -0.04460439831018448, -0.01654333807528019, 0.04317415878176689, 0.06618998199701309, 0.013038916513323784, 0.045715734362602234, -0.06320727616548538, -0.045361366122961044, 0.05865240469574928, -0.13338419795036316, -0.052907705307006836, 0.2628100514411926, 0.04514724761247635, -0.001688402029685676, -0.030061565339565277, -0.04550062492489815, -0.029089385643601418, -0.027721991762518883, -0.06907310336828232, 0.020465057343244553, 0.0446353554725647, 0.08449853956699371, 0.040102519094944, -0.11834809184074402, -0.030711431056261063, -0.18451260030269623, 0.14660564064979553, 0.02077830396592617, 0.0613817498087883, -0.16484376788139343, 0.12097819149494171, -0.06574272364377975, -0.13206496834754944, -0.009885440580546856, -0.08710237592458725, 0.020982682704925537, -0.02610563486814499, -0.027491578832268715, 0.0550910159945488, 0.1221945732831955, 0.18104486167430878, 0.032796576619148254, -0.011236278340220451, 0.010250602848827839, 0.051202524453401566, 0.009632546454668045, 0.16577452421188354, -0.11414225399494171, -0.03997419774532318, 0.07440230250358582, -0.0965355709195137, -0.008910701610147953, 0.013498534448444843, -0.11637445539236069, -0.010617578402161598, 0.025985712185502052, 0.09002942591905594, 0.013858272694051266, 0.10311982035636902, -0.04789798706769943, -0.03983811289072037, 0.11112668365240097, -0.07509022206068039, -0.006230008788406849, -0.04716714471578598, -0.03173969313502312, 0.013384721241891384, 0.015582947060465813, 0.038719065487384796, -0.04479849711060524, 0.04960150271654129, -0.06584768742322922, -0.04282129183411598, -0.020293425768613815, -0.05999879539012909, 0.05293821170926094, -0.0940205305814743, 0.09517664462327957, -0.1453484296798706, -0.11916235834360123, 0.030002649873495102, 0.06980153918266296, -0.01700540818274021, -0.08563858270645142, 0.03532927483320236, -0.03299133852124214, 0.004683928098529577, -0.06435102224349976, 0.02551177144050598, -0.08873477578163147, 0.056816041469573975, -0.036546193063259125, 0.01238309871405363, -0.11715874820947647, 0.05303480103611946, -0.13166543841362, 0.023821618407964706, -0.08243046700954437, 0.017858151346445084, -0.10216057300567627, 0.10053283721208572, -0.11195878684520721, -0.07478649169206619, -0.025214839726686478, -0.01368355005979538, -0.0016799502773210406, 0.14601857960224152, -0.07549445331096649, -0.06982740759849548, 0.11306958645582199, -0.12174943089485168, -0.18427345156669617, 0.09132993966341019, -0.005650833714753389, 0.08629947155714035, 0.06123586371541023, 0.11521808058023453, 0.1735350489616394, -0.0688093826174736, 0.04462062194943428, 0.09044716507196426, -0.07775947451591492, -0.09270502626895905, 0.07144493609666824, 0.015407654456794262, -0.09449712932109833, 0.08421509712934494, -0.07167375832796097, 0.0866706594824791, -0.06076115742325783, -0.07735949754714966, -0.053549498319625854, -0.021750716492533684, 0.02010299079120159, 0.011678740382194519, 0.0922282263636589, -0.015039822086691856, -0.00677917106077075, -0.020786749199032784, 0.07560520619153976, 0.03853197395801544, -0.0034805762115865946, -0.10615388303995132, 0.14569976925849915, -0.08877205103635788, 0.03521326556801796, -0.18131351470947266, -0.018504509702324867, -0.01152609009295702, -0.024412352591753006, 0.017071163281798363, 0.13268150389194489, 0.04081573337316513, -0.07197989523410797, 0.011521738022565842, 0.009921237826347351, 0.08178286999464035, 0.03721778467297554, -0.06460446864366531, -0.15046480298042297, 0.0043405527248978615, -0.041092757135629654, 0.09006259590387344, -0.06518428772687912, 0.0008942960412241518, 0.05562479794025421, 0.13424068689346313, -0.004110492765903473, 0.10089859366416931, -0.010236951522529125, 0.010533836670219898, -0.04255086928606033, 0.000017994578229263425, 0.05304892361164093, 0.010628744959831238, -0.09529592841863632, 0.1471734493970871, 0.01752762869000435, 0.373574435710907, 0.18997493386268616, -0.13836827874183655, 0.04110502079129219, -0.022085702046751976, -0.059517547488212585, 0.00358868227340281, 0.0332401841878891, 0.055043384432792664, 0.05209040269255638, -0.019129978492856026, 0.10467058420181274, -0.06657455116510391, -0.0508243665099144, 0.026578154414892197, -0.0565812848508358, -0.050179217010736465, 0.09717809408903122, 0.14895781874656677, -0.21899105608463287, 0.14880439639091492, 0.2752901315689087, 0.05086630582809448, 0.06984332948923111, -0.09433647245168686, -0.023629147559404373, 0.015478069894015789, -0.03859734535217285, -0.04439731314778328, 0.07463282346725464, -0.14218640327453613, 0.022804290056228638, 0.09885024279356003, 0.04978056997060776, 0.06146979704499245, -0.14183302223682404, -0.05395297706127167, 0.060089729726314545, -0.021383564919233322, -0.048208024352788925, 0.11755480617284775, -0.007829333655536175, 0.12795542180538177, -0.03302021697163582, -0.15308219194412231, 0.06969364732503891, 0.008670722134411335, -0.12509439885616302, 0.17868979275226593, -0.1214861124753952, -0.24242503941059113, -0.10179901123046875, -0.07006795704364777, -0.07067073881626129, -0.02071714587509632, 0.0708639994263649, -0.07601207494735718, -0.08209718763828278, 0.020741840824484825, 0.03669912368059158, -0.019607331603765488, 0.04747674986720085, -0.03527203947305679, 0.012009935453534126, 0.01594841480255127, -0.11387995630502701, -0.05801307410001755, -0.02426721714437008, 0.025955528020858765, 0.05661787465214729, -0.08050159364938736, 0.11235548555850983, 0.16336964070796967, 0.001339465961791575, 0.03762529790401459, -0.023640863597393036, 0.2503371834754944, -0.07032237946987152, 0.0020340585615485907, 0.20021919906139374, 0.0036850012838840485, 0.023662947118282318, 0.1640552431344986, 0.0379202626645565, -0.08151233196258545, -0.008837830275297165, -0.017125340178608894, -0.06852157413959503, -0.20699919760227203, -0.1160384938120842, -0.08971477299928665, -0.005060622002929449, 0.025126857683062553, 0.06821301579475403, 0.07593397796154022, 0.0924535021185875, 0.030710723251104355, 0.012234361842274666, -0.015870174393057823, 0.02000666968524456, 0.2386697381734848, 0.01197610143572092, 0.10573611408472061, -0.08988770097494125, -0.0900489091873169, 0.09406863152980804, 0.019558943808078766, 0.1081552729010582, 0.07274212688207626, -0.007993952371180058, 0.09857132285833359, 0.17189349234104156, 0.05993352457880974, 0.12490414828062057, 0.029646936804056168, -0.03982742875814438, -0.023518458008766174, -0.04762285202741623, -0.05165684595704079, 0.024419408291578293, 0.00024169175594579428, -0.07357543706893921, -0.08794858306646347, -0.028756139799952507, 0.06285393983125687, 0.1336553692817688, 0.06593738496303558, -0.1998303234577179, -0.04186622053384781, 0.0204379353672266, -0.0059741646982729435, -0.03549898415803909, 0.07714207470417023, -0.08663575351238251, -0.10009818524122238, 0.050665829330682755, -0.04662419483065605, 0.12222840636968613, 0.06167105585336685, 0.03803352266550064, 0.03196185082197189, -0.06682372093200684, 0.034552935510873795, 0.10467622429132462, -0.2606469392776489, 0.3231174945831299, 0.0009114964050240815, -0.04141984134912491, -0.08369942009449005, 0.013969958759844303, 0.04107480123639107, 0.23374180495738983, 0.16117757558822632, 0.0010088165290653706, -0.06136317923665047, -0.08775881677865982, -0.08231999725103378, 0.07748203724622726, -0.022269437089562416, -0.07901981472969055, 0.005124521907418966, -0.030384082347154617, 0.003977249842137098, 0.023874081671237946, 0.0728396624326706, -0.05571376159787178, -0.08713128417730331, 0.04269562289118767, 0.04041701555252075, -0.017479000613093376, -0.046512674540281296, -0.053520750254392624, -0.14028367400169373, 0.16873380541801453, -0.0017921753460541368, -0.07344784587621689, -0.13810035586357117, 0.01432908046990633, 0.08910354971885681, -0.09328152239322662, 0.046781543642282486, -0.06682885438203812, -0.014610026963055134, 0.027929816395044327, -0.1958574801683426, 0.09536661952733994, -0.1071992814540863, -0.03655405342578888, -0.004670031368732452, 0.11828529834747314, -0.07051952928304672, 0.015586082823574543, 0.02872973307967186, -0.01232319325208664, -0.03525182977318764, -0.13235022127628326, -0.02572036348283291, -0.010515647009015083, 0.037823524326086044, 0.0033864974975585938, -0.024618469178676605, 0.007704684045165777, -0.005679192487150431, -0.009389745071530342, 0.14278461039066315, 0.17672114074230194, -0.09801935404539108, 0.0989040806889534, 0.11061186343431473, -0.05812692642211914, -0.29044821858406067, -0.08825239539146423, -0.076409250497818, -0.007718994282186031, -0.004270372446626425, -0.08567062020301819, 0.18441222608089447, 0.029779385775327682, -0.07576722651720047, 0.05444412678480148, -0.24542562663555145, -0.12075356394052505, 0.26409628987312317, 0.03231706842780113, 0.26524603366851807, -0.07382287830114365, -0.042052820324897766, -0.009568867273628712, -0.27837541699409485, 0.10795637965202332, -0.08655474334955215, 0.013968252576887608, -0.0266574714332819, 0.02647327072918415, 0.0124135110527277, -0.049814868718385696, 0.15528716146945953, 0.031071143224835396, 0.09334536641836166, -0.07311343401670456, -0.046234939247369766, -0.012895860709249973, -0.011396273970603943, 0.11568549275398254, -0.0016541366931051016, 0.054889779537916183, -0.13211999833583832, -0.03339764103293419, -0.057927343994379044, 0.09140034019947052, -0.008026812225580215, -0.09326817095279694, -0.0720159038901329, 0.032477427273988724, 0.027043204754590988, -0.051086168736219406, 0.18130892515182495, -0.014782530255615711, 0.04422447085380554, 0.08534911274909973, 0.11947763711214066, -0.15824906527996063, -0.041621629148721695, -0.0505698136985302, -0.04126253351569176, 0.09571866691112518, -0.15686681866645813, 0.06670185178518295, 0.16184690594673157, -0.02403390407562256, 0.0625753328204155, 0.06064172461628914, 0.013013849966228008, -0.06655211001634598, 0.13558849692344666, -0.16267432272434235, -0.018978917971253395, -0.0679507628083229, -0.0926230177283287, 0.028832633048295975, 0.10481973737478256, 0.09838009625673294, -0.03692164644598961, -0.018722321838140488, 0.020260168239474297, 0.01632947474718094, -0.07928980886936188, 0.14044854044914246, 0.06713602691888809, 0.01774054951965809, -0.14458712935447693, 0.06368142366409302, 0.02363436482846737, -0.08830241113901138, -0.061794888228178024, -0.02538559027016163, -0.1318320780992508, -0.11493708938360214, 0.033215489238500595, 0.07454820722341537, -0.18650363385677338, -0.09957177937030792, -0.06431306153535843, -0.14583463966846466, 0.06964123249053955, 0.11533351987600327, 0.1505776047706604, 0.11554011702537537, -0.035952385514974594, -0.09722896665334702, -0.026712432503700256, 0.05028025805950165, 0.023798638954758644, 0.005515359807759523, -0.2073918879032135, -0.01165682077407837, -0.016054103150963783, 0.141159787774086, -0.07128145545721054, -0.023973708972334862, -0.09241103380918503, 0.016416015103459358, -0.15444055199623108, -0.03818294778466225, -0.0991416871547699, 0.018854772672057152, 0.011827811598777771, -0.09599578380584717, -0.0774206593632698, 0.021071242168545723, -0.1374102383852005, 0.019269585609436035, 0.01140791829675436, 0.0741649717092514, -0.08686746656894684, -0.04599276930093765, 0.05201961100101471, -0.010712381452322006, 0.10683060437440872, 0.07315438985824585, -0.03661111742258072, 0.0963844433426857, -0.13424432277679443, -0.03355688601732254, 0.091494619846344, 0.04992569237947464, 0.10400763154029846, -0.08241239935159683, 0.03923114016652107, 0.09375541657209396, -0.0595008060336113, 0.03937124088406563, -0.04210193082690239, -0.1337522566318512, -0.07749637216329575, -0.04321863129734993, -0.05312430113554001, -0.002643461572006345, -0.03571014851331711, 0.11670180410146713, 0.03266109898686409, 0.14351265132427216, -0.018331244587898254, 0.020620618015527725, -0.13373757898807526, -0.00009037633572006598, -0.042508695274591446, -0.11441962420940399, -0.10552050918340683, -0.05761520564556122, -0.01012350618839264, -0.044714368879795074, 0.2514335811138153, 0.0828213021159172, -0.01156105287373066, 0.040590785443782806, 0.028927192091941833, 0.0932101383805275, 0.0256712157279253, 0.185668483376503, 0.058251719921827316, 0.02626693807542324, -0.02973027154803276, 0.05565476790070534, 0.000944858998991549, 0.003978549037128687, 0.12906257808208466, 0.0649181678891182, 0.03221573308110237, 0.07870408892631531, 0.026468394324183464, -0.025579500943422318, -0.08307571709156036, -0.11720136553049088, -0.0629415512084961, 0.09404372423887253, 0.023890521377325058, -0.0006909940857440233, 0.1142982542514801, -0.09701395034790039, 0.006125423591583967, -0.01822752319276333, -0.002455064794048667, -0.17174339294433594, -0.19188714027404785, -0.08977150171995163, -0.12603917717933655, -0.0077629717998206615, -0.08067408204078674, -0.05534692481160164, -0.005773636046797037, 0.06350279599428177, -0.09184570610523224, 0.054291531443595886, -0.09074471890926361, -0.027325831353664398, 0.04949486628174782, -0.005183744709938765, -0.04940565675497055, -0.03367692977190018, 0.0317409411072731, -0.09077446162700653, 0.01250682957470417, -0.0504031702876091, -0.03672510385513306, -0.05117540806531906, 0.0386214442551136, -0.08429858833551407, -0.03250347077846527, -0.04254227504134178, 0.03468829393386841, 0.02008715085685253, 0.07346586138010025, 0.008654816076159477, 0.030521344393491745, 0.028126869350671768, 0.1707865595817566, -0.01909058913588524, -0.09362653642892838, -0.1499411016702652, 0.2667366564273834, 0.056280918419361115, 0.04973538964986801, 0.03445335850119591, -0.011649681255221367, -0.0016705432208254933, 0.27541837096214294, 0.30755674839019775, -0.03769640624523163, 0.029226111248135567, 0.0013218250824138522, 0.008427235297858715, 0.03088718093931675, 0.11030688136816025, 0.10627462714910507, 0.22419482469558716, -0.09251734614372253, -0.05951569601893425, -0.10091020911931992, -0.016679568216204643, -0.021935084834694862, 0.09402015060186386, 0.07024618238210678, -0.09647182375192642, -0.0357813835144043, 0.11920612305402756, -0.08685627579689026, 0.05555565655231476, 0.032240357249975204, -0.09895183891057968, -0.09874685108661652, -0.03277146443724632, -0.01031535305082798, 0.017319314181804657, 0.020856671035289764, -0.0754920244216919, -0.04082440212368965, 0.09101946651935577, 0.017711125314235687, -0.16294945776462555, -0.06615252792835236, 0.13556551933288574, 0.10732533782720566, 0.14282143115997314, 0.013730228878557682, 0.09039000421762466, 0.0914410799741745, 0.07252020388841629, -0.08972837775945663, 0.030430737882852554, 0.04441868141293526, -0.04091857373714447, 0.003470433410257101, -0.09790534526109695, 0.036822907626628876, -0.07553191483020782, 0.024864358827471733, -0.09514115750789642, 0.038510557264089584, -0.060881998389959335, -0.04393287003040314, -0.0683974027633667, 0.05210120975971222, -0.08916044980287552, 0.09908030927181244, 0.11073177307844162, -0.028568927198648453, -0.016011931002140045, -0.07025673240423203, 0.08389198035001755, -0.0003922914620488882, -0.09897288680076599, -0.044481001794338226, -0.04373202845454216, 0.011074269190430641, 0.011532966047525406, -0.03839661926031113, -0.0395747534930706, -0.04756813868880272, -0.017562177032232285, -0.020461251959204674, -0.07519371062517166, 0.08951075375080109, 0.08849719166755676, 0.04492154344916344, -0.013746591284871101, -0.036338020116090775, -0.026314428076148033, 0.0335993766784668, -0.10489144176244736, -0.08532548695802689 ]
null
null
transformers
# A-PROOF ICF-domains Classification ## Description A fine-tuned multi-label classification model that detects 9 [WHO-ICF](https://www.who.int/standards/classifications/international-classification-of-functioning-disability-and-health) domains in clinical text in Dutch. The model is based on a pre-trained Dutch medical language model ([link to be added]()), a RoBERTa model, trained from scratch on clinical notes of the Amsterdam UMC. ## ICF domains The model can detect 9 domains, which were chosen due to their relevance to recovery from COVID-19: ICF code | Domain | name in repo ---|---|--- b440 | Respiration functions | ADM b140 | Attention functions | ATT d840-d859 | Work and employment | BER b1300 | Energy level | ENR d550 | Eating | ETN d450 | Walking | FAC b455 | Exercise tolerance functions | INS b530 | Weight maintenance functions | MBW b152 | Emotional functions | STM ## Intended uses and limitations - The model was fine-tuned (trained, validated and tested) on medical records from the Amsterdam UMC (the two academic medical centers of Amsterdam). It might perform differently on text from a different hospital or text from non-hospital sources (e.g. GP records). - The model was fine-tuned with the [Simple Transformers](https://simpletransformers.ai/) library. This library is based on Transformers but the model cannot be used directly with Transformers `pipeline` and classes; doing so would generate incorrect outputs. For this reason, the API on this page is disabled. ## How to use To generate predictions with the model, use the [Simple Transformers](https://simpletransformers.ai/) library: ``` from simpletransformers.classification import MultiLabelClassificationModel model = MultiLabelClassificationModel( 'roberta', 'CLTL/icf-domains', use_cuda=False, ) example = 'Nu sinds 5-6 dagen progressieve benauwdheidsklachten (bij korte stukken lopen al kortademig), terwijl dit eerder niet zo was.' predictions, raw_outputs = model.predict([example]) ``` The predictions look like this: ``` [[1, 0, 0, 0, 0, 1, 1, 0, 0]] ``` The indices of the multi-label stand for: ``` [ADM, ATT, BER, ENR, ETN, FAC, INS, MBW, STM] ``` In other words, the above prediction corresponds to assigning the labels ADM, FAC and INS to the example sentence. The raw outputs look like this: ``` [[0.51907885 0.00268032 0.0030862 0.03066113 0.00616694 0.64720929 0.67348498 0.0118863 0.0046311 ]] ``` For this model, the threshold at which the prediction for a label flips from 0 to 1 is **0.5**. ## Training data - The training data consists of clinical notes from medical records (in Dutch) of the Amsterdam UMC. Due to privacy constraints, the data cannot be released. - The annotation guidelines used for the project can be found [here](https://github.com/cltl/a-proof-zonmw/tree/main/resources/annotation_guidelines). ## Training procedure The default training parameters of Simple Transformers were used, including: - Optimizer: AdamW - Learning rate: 4e-5 - Num train epochs: 1 - Train batch size: 8 - Threshold: 0.5 ## Evaluation results The evaluation is done on a sentence-level (the classification unit) and on a note-level (the aggregated unit which is meaningful for the healthcare professionals). ### Sentence-level | | ADM | ATT | BER | ENR | ETN | FAC | INS | MBW | STM |---|---|---|---|---|---|---|---|---|--- precision | 0.98 | 0.98 | 0.56 | 0.96 | 0.92 | 0.84 | 0.89 | 0.79 | 0.70 recall | 0.49 | 0.41 | 0.29 | 0.57 | 0.49 | 0.71 | 0.26 | 0.62 | 0.75 F1-score | 0.66 | 0.58 | 0.35 | 0.72 | 0.63 | 0.76 | 0.41 | 0.70 | 0.72 support | 775 | 39 | 54 | 160 | 382 | 253 | 287 | 125 | 181 ### Note-level | | ADM | ATT | BER | ENR | ETN | FAC | INS | MBW | STM |---|---|---|---|---|---|---|---|---|--- precision | 1.0 | 1.0 | 0.66 | 0.96 | 0.95 | 0.84 | 0.95 | 0.87 | 0.80 recall | 0.89 | 0.56 | 0.44 | 0.70 | 0.72 | 0.89 | 0.46 | 0.87 | 0.87 F1-score | 0.94 | 0.71 | 0.50 | 0.81 | 0.82 | 0.86 | 0.61 | 0.87 | 0.84 support | 231 | 27 | 34 | 92 | 165 | 95 | 116 | 64 | 94 ## Authors and references ### Authors Jenia Kim, Piek Vossen ### References TBD
{"language": "nl", "license": "mit", "pipeline_tag": "text-classification", "inference": false}
text-classification
CLTL/icf-domains
[ "transformers", "pytorch", "roberta", "text-classification", "nl", "license:mit", "region:us" ]
2022-03-02T23:29:04+00:00
[]
[ "nl" ]
TAGS #transformers #pytorch #roberta #text-classification #nl #license-mit #region-us
A-PROOF ICF-domains Classification ================================== Description ----------- A fine-tuned multi-label classification model that detects 9 WHO-ICF domains in clinical text in Dutch. The model is based on a pre-trained Dutch medical language model (link to be added), a RoBERTa model, trained from scratch on clinical notes of the Amsterdam UMC. ICF domains ----------- The model can detect 9 domains, which were chosen due to their relevance to recovery from COVID-19: ICF code: b440, Domain: Respiration functions, name in repo: ADM ICF code: b140, Domain: Attention functions, name in repo: ATT ICF code: d840-d859, Domain: Work and employment, name in repo: BER ICF code: b1300, Domain: Energy level, name in repo: ENR ICF code: d550, Domain: Eating, name in repo: ETN ICF code: d450, Domain: Walking, name in repo: FAC ICF code: b455, Domain: Exercise tolerance functions, name in repo: INS ICF code: b530, Domain: Weight maintenance functions, name in repo: MBW ICF code: b152, Domain: Emotional functions, name in repo: STM Intended uses and limitations ----------------------------- * The model was fine-tuned (trained, validated and tested) on medical records from the Amsterdam UMC (the two academic medical centers of Amsterdam). It might perform differently on text from a different hospital or text from non-hospital sources (e.g. GP records). * The model was fine-tuned with the Simple Transformers library. This library is based on Transformers but the model cannot be used directly with Transformers 'pipeline' and classes; doing so would generate incorrect outputs. For this reason, the API on this page is disabled. How to use ---------- To generate predictions with the model, use the Simple Transformers library: The predictions look like this: The indices of the multi-label stand for: In other words, the above prediction corresponds to assigning the labels ADM, FAC and INS to the example sentence. The raw outputs look like this: For this model, the threshold at which the prediction for a label flips from 0 to 1 is 0.5. Training data ------------- * The training data consists of clinical notes from medical records (in Dutch) of the Amsterdam UMC. Due to privacy constraints, the data cannot be released. * The annotation guidelines used for the project can be found here. Training procedure ------------------ The default training parameters of Simple Transformers were used, including: * Optimizer: AdamW * Learning rate: 4e-5 * Num train epochs: 1 * Train batch size: 8 * Threshold: 0.5 Evaluation results ------------------ The evaluation is done on a sentence-level (the classification unit) and on a note-level (the aggregated unit which is meaningful for the healthcare professionals). ### Sentence-level ### Note-level Authors and references ---------------------- ### Authors Jenia Kim, Piek Vossen ### References TBD
[ "### Sentence-level", "### Note-level\n\n\n\nAuthors and references\n----------------------", "### Authors\n\n\nJenia Kim, Piek Vossen", "### References\n\n\nTBD" ]
[ "TAGS\n#transformers #pytorch #roberta #text-classification #nl #license-mit #region-us \n", "### Sentence-level", "### Note-level\n\n\n\nAuthors and references\n----------------------", "### Authors\n\n\nJenia Kim, Piek Vossen", "### References\n\n\nTBD" ]
[ 28, 6, 13, 12, 6 ]
[ "passage: TAGS\n#transformers #pytorch #roberta #text-classification #nl #license-mit #region-us \n### Sentence-level### Note-level\n\n\n\nAuthors and references\n----------------------### Authors\n\n\nJenia Kim, Piek Vossen### References\n\n\nTBD" ]
[ 0.04251169413328171, 0.07212666422128677, -0.0071046845987439156, 0.05330657213926315, 0.037788499146699905, 0.03732418641448021, 0.15565893054008484, 0.03794650733470917, 0.0502765029668808, -0.05042636767029762, 0.10085679590702057, 0.12365864217281342, 0.00034943351056426764, -0.01673588529229164, -0.05051673576235771, -0.3198533058166504, 0.020334376022219658, 0.06470862030982971, 0.02712695673108101, 0.10757297277450562, 0.057876214385032654, -0.05438157916069031, 0.04664219543337822, -0.044456712901592255, -0.037806183099746704, -0.00719632999971509, -0.02587115950882435, -0.052080415189266205, 0.14266718924045563, 0.012224927544593811, 0.05981007590889931, 0.09815340489149094, -0.015909386798739433, -0.17451998591423035, 0.027384541928768158, -0.06842470914125443, -0.14494222402572632, 0.03924194350838661, 0.0032433567102998495, -0.06906943023204803, 0.24407319724559784, -0.026091545820236206, -0.04442565143108368, 0.0038754877168685198, -0.15326042473316193, -0.19522123038768768, -0.04256926104426384, 0.1863677203655243, 0.02620035968720913, 0.027873842045664787, 0.014724892564117908, 0.11465208977460861, -0.05032867193222046, 0.06847202777862549, 0.23045994341373444, -0.30062875151634216, -0.008300421759486198, 0.10059938579797745, 0.03936276584863663, 0.07906843721866608, -0.1512058675289154, 0.06314759701490402, -0.011034563183784485, -0.012243062257766724, -0.013368072919547558, -0.1391667127609253, 0.04021677002310753, 0.06882309913635254, -0.10259352624416351, -0.017744677141308784, 0.2734231650829315, -0.04476870968937874, 0.008107790723443031, 0.07646406441926956, -0.05571829527616501, 0.022244753316044807, 0.04154352843761444, -0.054923512041568756, -0.05310896039009094, -0.004478948190808296, 0.041118964552879333, -0.025504648685455322, -0.08997020125389099, -0.004398813936859369, -0.10494166612625122, 0.14044877886772156, 0.004526244942098856, -0.015980402007699013, -0.028149165213108063, 0.024442175403237343, -0.07569785416126251, -0.09650473296642303, -0.02809133753180504, -0.08890234678983688, 0.050759147852659225, -0.005527856294065714, 0.10503283888101578, -0.03246906399726868, 0.01955951377749443, 0.11198041588068008, -0.0032141637057065964, 0.009158264845609665, -0.1055852621793747, 0.13795197010040283, 0.0014791659777984023, 0.06688318401575089, 0.01794218085706234, 0.03207175433635712, 0.004285568371415138, -0.08261407911777496, 0.12008647620677948, 0.03648032248020172, -0.13896596431732178, -0.05432247370481491, 0.04380926489830017, 0.11200278997421265, -0.02717706374824047, 0.044064927846193314, 0.0033328793942928314, 0.015469606965780258, 0.10883931815624237, 0.047296129167079926, -0.09007713943719864, 0.03346820920705795, 0.0030307951383292675, -0.012021537870168686, -0.024708043783903122, -0.025582870468497276, -0.03547987341880798, 0.209570974111557, -0.08538496494293213, -0.02123747020959854, 0.05854454264044762, -0.06225692108273506, 0.07060929387807846, -0.07349642366170883, 0.07957816123962402, -0.1444573849439621, -0.045188724994659424, 0.048459988087415695, -0.022692985832691193, -0.05733698606491089, -0.009453646838665009, -0.005233943462371826, -0.05629272386431694, 0.017415175214409828, -0.03199357911944389, -0.12418694794178009, -0.08732740581035614, 0.19304414093494415, -0.0567762590944767, 0.058326080441474915, -0.09106159955263138, 0.022856349125504494, -0.1161661371588707, 0.016419049352407455, -0.1479538530111313, -0.09265292435884476, -0.07976604253053665, 0.03835839033126831, -0.054872192442417145, -0.08173540234565735, -0.059540990740060806, -0.024022169411182404, -0.060164906084537506, 0.20913028717041016, -0.10049628466367722, -0.08207757025957108, 0.1980552077293396, -0.04522516578435898, -0.13730378448963165, 0.10724380612373352, 0.005094717722386122, 0.14392462372779846, 0.06949447840452194, 0.30967581272125244, 0.07681849598884583, -0.04648220166563988, 0.05389954149723053, 0.11125855892896652, 0.09011893719434738, 0.04413435980677605, 0.08157942444086075, 0.0196410920470953, 0.03705574572086334, -0.0067728846333920956, -0.025109242647886276, -0.05358581244945526, 0.011772941797971725, -0.05643456056714058, 0.04567243903875351, 0.025216829031705856, 0.14296889305114746, 0.047479432076215744, 0.022392699494957924, -0.06997443735599518, -0.008968687616288662, -0.0058187018148601055, 0.06279484182596207, 0.06105053052306175, 0.031988564878702164, 0.07222756743431091, -0.013067979365587234, 0.06846053898334503, 0.037860527634620667, -0.052301373332738876, 0.00950673408806324, -0.003894626162946224, 0.0924108624458313, 0.14077866077423096, 0.12660297751426697, 0.03782802075147629, -0.039105381816625595, -0.09669917076826096, 0.031161753460764885, -0.04653046652674675, 0.014252561144530773, 0.002694324590265751, -0.17050804197788239, 0.06671466678380966, 0.004194679204374552, -0.059341832995414734, -0.16368256509304047, 0.03133128583431244, 0.18601596355438232, -0.020724227651953697, 0.015874825417995453, 0.03712907060980797, 0.028447981923818588, 0.019385287538170815, -0.03525827080011368, 0.041029561311006546, 0.07137458026409149, -0.04117244482040405, -0.16101253032684326, 0.17002105712890625, -0.09719729423522949, 0.10377902537584305, 0.12192483246326447, -0.15774384140968323, 0.004481908865272999, -0.05507858470082283, -0.05084959417581558, -0.030943654477596283, 0.08958198130130768, -0.00546092726290226, -0.004373702220618725, 0.030243564397096634, 0.06891588121652603, -0.08545990288257599, -0.055953435599803925, -0.027965309098362923, -0.029770245775580406, -0.07488762587308884, 0.22962158918380737, 0.08912069350481033, -0.20246575772762299, 0.16411589086055756, 0.3390688896179199, 0.03757175803184509, 0.24419596791267395, 0.01439723651856184, 0.02622705139219761, -0.012878578156232834, -0.06451185047626495, 0.0018240782665088773, 0.09462922066450119, -0.1322331428527832, 0.07618767768144608, 0.019326988607645035, 0.035760581493377686, -0.005693364888429642, -0.1273588091135025, -0.1244986280798912, -0.06374343484640121, -0.035899821668863297, -0.09581131488084793, 0.12101249396800995, -0.02423247881233692, 0.09583743661642075, 0.05365306884050369, 0.0004433334688656032, 0.02974352240562439, 0.015656452625989914, -0.07927422225475311, 0.16142873466014862, -0.10919586569070816, -0.2573382556438446, -0.1046593114733696, -0.03877900168299675, -0.03950220346450806, 0.019127340987324715, 0.0971442461013794, -0.03040805086493492, -0.0215175561606884, 0.04015500470995903, 0.11787071079015732, -0.15525366365909576, -0.08092282712459564, -0.10796394944190979, 0.0844535082578659, -0.1371128112077713, -0.10603328794240952, -0.02398810163140297, -0.010756689123809338, -0.08023162931203842, 0.05079631134867668, -0.10438064485788345, 0.09185392409563065, 0.10336948186159134, 0.07013842463493347, -0.048776961863040924, -0.04978159815073013, 0.15819625556468964, -0.1532491147518158, 0.07262951880693436, 0.10192356258630753, -0.10496363043785095, 0.0754944384098053, 0.18025563657283783, 0.061906930059194565, -0.01341284904628992, 0.027647914364933968, -0.00784694030880928, -0.08203430473804474, -0.2577594816684723, -0.06292921304702759, -0.11173112690448761, 0.2331847846508026, 0.011268406175076962, 0.05390482768416405, 0.10862458497285843, 0.005062463693320751, -0.0684400424361229, -0.0513489656150341, 0.06877792626619339, 0.14681856334209442, 0.24094973504543304, 0.02426142245531082, 0.02657374180853367, -0.09598684310913086, -0.05483404919505119, 0.06557933241128922, 0.06503237783908844, 0.012165006250143051, 0.08709390461444855, 0.1839337944984436, 0.13061431050300598, 0.051312483847141266, 0.03230830281972885, 0.01381375826895237, 0.030930407345294952, 0.0073765055276453495, -0.06936262547969818, -0.08667545765638351, 0.05715177208185196, 0.054601091891527176, -0.0863557755947113, -0.10385015606880188, -0.037349339574575424, -0.16104671359062195, 0.08350822329521179, -0.06633515655994415, 0.06044317036867142, 0.08955755829811096, -0.036497507244348526, 0.11559324711561203, 0.01874038577079773, -0.05144421011209488, 0.07768574357032776, -0.05402032658457756, -0.16347689926624298, 0.05757105350494385, 0.0073826853185892105, 0.0973883867263794, -0.12432156503200531, 0.047976162284612656, -0.16292452812194824, -0.15533967316150665, -0.008011325262486935, 0.11502116173505783, -0.24845799803733826, 0.36623719334602356, 0.03787050396203995, -0.10157047212123871, -0.07228617370128632, -0.14762939512729645, -0.015805978327989578, 0.15180081129074097, 0.10286232084035873, 0.020812245085835457, 0.0010490345302969217, 0.012844797223806381, 0.017144381999969482, -0.0397060289978981, 0.09832759946584702, -0.10975918918848038, -0.00523793138563633, -0.018955780193209648, 0.017799627035856247, -0.047565340995788574, 0.11816968023777008, 0.04435146227478981, -0.026024090126156807, 0.049864206463098526, -0.02665996178984642, 0.0029132231138646603, 0.002155950525775552, -0.06596166640520096, 0.0019964068196713924, 0.05857095867395401, -0.18755444884300232, -0.030422914773225784, -0.022992534562945366, -0.06182629242539406, 0.001057140645571053, -0.05786146596074104, -0.05461177974939346, -0.07663193345069885, -0.05839180946350098, -0.08905617147684097, -0.08916722238063812, 0.07551417499780655, -0.008878170512616634, -0.09623423218727112, 0.024091720581054688, 0.24223209917545319, -0.016097230836749077, 0.06369898468255997, -0.02938930317759514, -0.0005221551982685924, -0.043065741658210754, -0.11896567046642303, 0.05248001962900162, -0.14664478600025177, -0.030417123809456825, -0.0015772823244333267, -0.15137159824371338, 0.030432159081101418, -0.09893506020307541, -0.1411203294992447, 0.12236349284648895, 0.3262748718261719, -0.0024908967316150665, 0.20172181725502014, 0.15769273042678833, -0.07753344625234604, -0.2613663673400879, -0.055354081094264984, -0.1515013724565506, -0.08501709997653961, 0.06940688192844391, -0.13740263879299164, 0.009591187350451946, 0.024402374401688576, 0.0001848879037424922, 0.10505104809999466, -0.22846536338329315, -0.09199541062116623, 0.11581337451934814, 0.03324940428137779, 0.2684268057346344, -0.13869167864322662, -0.09572366625070572, -0.04370604082942009, -0.16629548370838165, 0.0756116509437561, -0.07506325840950012, 0.11878211051225662, -0.07133278995752335, 0.0324564091861248, -0.03667149320244789, 0.02044825628399849, 0.08179423213005066, -0.002799877431243658, 0.031668540090322495, -0.12103783339262009, -0.17716211080551147, 0.06031421944499016, 0.02825699746608734, -0.039263248443603516, -0.06493986397981644, -0.009770355187356472, -0.13683804869651794, -0.004391050431877375, -0.10686592757701874, 0.05894700810313225, -0.08434579521417618, -0.12947051227092743, -0.11165085434913635, 0.08439148962497711, -0.09912704676389694, -0.055050842463970184, 0.19078828394412994, -0.06270221620798111, 0.15671800076961517, 0.00885486975312233, 0.09931100904941559, 0.09692259132862091, 0.07906735688447952, -0.09629903733730316, -0.040883082896471024, 0.010222604498267174, -0.12263453006744385, 0.011799272149801254, 0.1491096168756485, 0.03345080837607384, 0.04016571491956711, 0.04593973979353905, -0.09419577568769455, -0.03422962501645088, 0.08394894748926163, -0.2922748923301697, -0.1117120161652565, -0.08813424408435822, -0.1420513540506363, 0.1140933707356453, 0.08430542796850204, 0.18599338829517365, -0.001694772276096046, -0.033563315868377686, 0.08277377486228943, 0.01827370375394821, -0.03238910809159279, 0.028228413313627243, 0.04282529279589653, 0.025967668741941452, -0.001407068339176476, 0.10932914912700653, 0.09641151875257492, -0.01065593771636486, -0.009143712930381298, 0.25556161999702454, -0.0888112410902977, -0.06897855550050735, -0.11339963227510452, -0.03551487624645233, -0.10270674526691437, 0.07902669161558151, -0.042373862117528915, -0.035295117646455765, -0.00356098054908216, 0.3493053615093231, 0.055312398821115494, 0.07665623724460602, -0.010009678080677986, -0.009256768971681595, 0.04139696806669235, 0.09852679818868637, -0.051459137350320816, -0.035521186888217926, -0.03482261300086975, 0.06426412612199783, -0.04060281068086624, 0.16571800410747528, -0.03745367377996445, -0.0316959023475647, -0.2346218079328537, 0.05274568125605583, 0.015476986765861511, -0.027858702465891838, -0.056580036878585815, -0.0033176904544234276, -0.0905071496963501, -0.046194836497306824, -0.08465015888214111, -0.10062331706285477, -0.08202202618122101, 0.07596231997013092, 0.021878859028220177, 0.07996062934398651, -0.1091437041759491, -0.03703499957919121, 0.11636396497488022, 0.007574558258056641, 0.09688805788755417, 0.023529449477791786, -0.002970397938042879, 0.14331011474132538, -0.16775181889533997, 0.14296001195907593, 0.039095666259527206, -0.007046515587717295, -0.029940221458673477, -0.016479000449180603, -0.08353100717067719, -0.03449907898902893, 0.05778484046459198, 0.0720658004283905, -0.02830621413886547, -0.07846429944038391, -0.08507535606622696, -0.011112095788121223, -0.16706617176532745, -0.006944132503122091, 0.007021063938736916, 0.008391769602894783, -0.028080200776457787, 0.05785473808646202, -0.03763508424162865, 0.03337857127189636, -0.00841774046421051, 0.018666619434952736, -0.017763959243893623, -0.1905847191810608, -0.03893491253256798, -0.12443698197603226, -0.007172065787017345, -0.01308769453316927, 0.17046163976192474, -0.00024911738000810146, -0.08422157168388367, 0.0558447539806366, -0.021517790853977203, -0.07551757246255875, -0.04532890394330025, 0.1808413416147232, 0.040047939866781235, -0.14520715177059174, -0.15970993041992188, 0.06621754169464111, -0.10471127927303314, 0.07220135629177094, 0.20835404098033905, 0.180800199508667, 0.0747470110654831, -0.05077270418405533, 0.028760382905602455, 0.031463462859392166, 0.04389438033103943, -0.19733507931232452, 0.1599089801311493, 0.050772372633218765, -0.016944436356425285, 0.15348899364471436, 0.1867418736219406, -0.09104277193546295, 0.029058340936899185, -0.04497908055782318, -0.06897048652172089, -0.15695200860500336, -0.08097781240940094, -0.007027274928987026, -0.06415875256061554, -0.009303799830377102, -0.04671473801136017, -0.0030940102878957987, -0.047891367226839066, 0.06397903710603714, -0.11686954647302628, 0.13912333548069, 0.05578639730811119, -0.11967648565769196, 0.11867164820432663, 0.010556792840361595, 0.008107745088636875, -0.08848816901445389, 0.05706671625375748, -0.08624301105737686, -0.03837106376886368, -0.03923029080033302, 0.014616922475397587, -0.03719537332653999, -0.11912526935338974, -0.17201107740402222, -0.09855896979570389, -0.006485942751169205, 0.10910765826702118, 0.043507255613803864, 0.21915419399738312, -0.02096426486968994, -0.022643927484750748, 0.06964337825775146, 0.2201133817434311, 0.01936766691505909, -0.03701085224747658, 0.029311396181583405, 0.18675552308559418, 0.0034294493962079287, 0.0006115148426033556, -0.038727909326553345, -0.011563773266971111, 0.07493503391742706, 0.1900433450937271, 0.30563193559646606, -0.041095834225416183, 0.04412076249718666, 0.003545822110027075, 0.07466643303632736, 0.17736199498176575, 0.06579995155334473, 0.07759836316108704, 0.19687539339065552, -0.08519414812326431, -0.02203141339123249, -0.07270994037389755, 0.06933543086051941, 0.022574013099074364, 0.1630011796951294, 0.13059797883033752, -0.09029144793748856, -0.12427699565887451, 0.1417456716299057, -0.16394445300102234, -0.07468297332525253, -0.06468793004751205, -0.2088487595319748, -0.027472134679555893, -0.043597616255283356, -0.02152390033006668, -0.016868574544787407, 0.005182196386158466, 0.02575838752090931, -0.0336720272898674, -0.07603822648525238, 0.09918748587369919, -0.15443682670593262, -0.05375312641263008, 0.12066522985696793, 0.09870250523090363, 0.0348840057849884, -0.08672195672988892, 0.013846692629158497, 0.1105869710445404, 0.010155421681702137, 0.03948421776294708, 0.058917589485645294, 0.1182113066315651, -0.013507643714547157, -0.07947999238967896, 0.07688619196414948, 0.0061632427386939526, -0.08381788432598114, 0.14960530400276184, -0.07226146757602692, 0.009784288704395294, 0.08434484899044037, -0.0981256440281868, -0.028526734560728073, 0.14751431345939636, -0.1266152709722519, 0.04122491553425789, 0.15380311012268066, -0.010597778484225273, -0.020314686000347137, -0.06602561473846436, -0.010629703290760517, -0.004446705337613821, -0.060444265604019165, 0.038438454270362854, 0.03322368860244751, -0.019009916111826897, 0.05349999666213989, 0.050301048904657364, -0.3591917157173157, -0.0034031656105071306, -0.0402480773627758, 0.06842875480651855, -0.15135659277439117, 0.08759181201457977, -0.02659081108868122, -0.041942186653614044, -0.009022526443004608, -0.22032396495342255, 0.021584589034318924, -0.012551427818834782, -0.09545345604419708, -0.037766795605421066 ]
null
null
transformers
# Regression Model for Respiration Functioning Levels (ICF b440) ## Description A fine-tuned regression model that assigns a functioning level to Dutch sentences describing respiration functions. The model is based on a pre-trained Dutch medical language model ([link to be added]()): a RoBERTa model, trained from scratch on clinical notes of the Amsterdam UMC. To detect sentences about respiration functions in clinical text in Dutch, use the [icf-domains](https://huggingface.co/CLTL/icf-domains) classification model. ## Functioning levels Level | Meaning ---|--- 4 | No problem with respiration, and/or respiratory rate is normal (EWS: 9-20). 3 | Shortness of breath in exercise (saturation &ge;90), and/or respiratory rate is slightly increased (EWS: 21-30). 2 | Shortness of breath in rest (saturation &ge;90), and/or respiratory rate is fairly increased (EWS: 31-35). 1 | Needs oxygen at rest or during exercise (saturation &lt;90), and/or respiratory rate &gt;35. 0 | Mechanical ventilation is needed. The predictions generated by the model might sometimes be outside of the scale (e.g. 4.2); this is normal in a regression model. ## Intended uses and limitations - The model was fine-tuned (trained, validated and tested) on medical records from the Amsterdam UMC (the two academic medical centers of Amsterdam). It might perform differently on text from a different hospital or text from non-hospital sources (e.g. GP records). - The model was fine-tuned with the [Simple Transformers](https://simpletransformers.ai/) library. This library is based on Transformers but the model cannot be used directly with Transformers `pipeline` and classes; doing so would generate incorrect outputs. For this reason, the API on this page is disabled. ## How to use To generate predictions with the model, use the [Simple Transformers](https://simpletransformers.ai/) library: ``` from simpletransformers.classification import ClassificationModel model = ClassificationModel( 'roberta', 'CLTL/icf-levels-adm', use_cuda=False, ) example = 'Nu sinds 5-6 dagen progressieve benauwdheidsklachten (bij korte stukken lopen al kortademig), terwijl dit eerder niet zo was.' _, raw_outputs = model.predict([example]) predictions = np.squeeze(raw_outputs) ``` The prediction on the example is: ``` 2.26 ``` The raw outputs look like this: ``` [[2.26074648]] ``` ## Training data - The training data consists of clinical notes from medical records (in Dutch) of the Amsterdam UMC. Due to privacy constraints, the data cannot be released. - The annotation guidelines used for the project can be found [here](https://github.com/cltl/a-proof-zonmw/tree/main/resources/annotation_guidelines). ## Training procedure The default training parameters of Simple Transformers were used, including: - Optimizer: AdamW - Learning rate: 4e-5 - Num train epochs: 1 - Train batch size: 8 ## Evaluation results The evaluation is done on a sentence-level (the classification unit) and on a note-level (the aggregated unit which is meaningful for the healthcare professionals). | | Sentence-level | Note-level |---|---|--- mean absolute error | 0.48 | 0.37 mean squared error | 0.55 | 0.34 root mean squared error | 0.74 | 0.58 ## Authors and references ### Authors Jenia Kim, Piek Vossen ### References TBD
{"language": "nl", "license": "mit", "pipeline_tag": "text-classification", "inference": false}
text-classification
CLTL/icf-levels-adm
[ "transformers", "pytorch", "roberta", "text-classification", "nl", "license:mit", "autotrain_compatible", "region:us" ]
2022-03-02T23:29:04+00:00
[]
[ "nl" ]
TAGS #transformers #pytorch #roberta #text-classification #nl #license-mit #autotrain_compatible #region-us
Regression Model for Respiration Functioning Levels (ICF b440) ============================================================== Description ----------- A fine-tuned regression model that assigns a functioning level to Dutch sentences describing respiration functions. The model is based on a pre-trained Dutch medical language model (link to be added): a RoBERTa model, trained from scratch on clinical notes of the Amsterdam UMC. To detect sentences about respiration functions in clinical text in Dutch, use the icf-domains classification model. Functioning levels ------------------ The predictions generated by the model might sometimes be outside of the scale (e.g. 4.2); this is normal in a regression model. Intended uses and limitations ----------------------------- * The model was fine-tuned (trained, validated and tested) on medical records from the Amsterdam UMC (the two academic medical centers of Amsterdam). It might perform differently on text from a different hospital or text from non-hospital sources (e.g. GP records). * The model was fine-tuned with the Simple Transformers library. This library is based on Transformers but the model cannot be used directly with Transformers 'pipeline' and classes; doing so would generate incorrect outputs. For this reason, the API on this page is disabled. How to use ---------- To generate predictions with the model, use the Simple Transformers library: The prediction on the example is: The raw outputs look like this: Training data ------------- * The training data consists of clinical notes from medical records (in Dutch) of the Amsterdam UMC. Due to privacy constraints, the data cannot be released. * The annotation guidelines used for the project can be found here. Training procedure ------------------ The default training parameters of Simple Transformers were used, including: * Optimizer: AdamW * Learning rate: 4e-5 * Num train epochs: 1 * Train batch size: 8 Evaluation results ------------------ The evaluation is done on a sentence-level (the classification unit) and on a note-level (the aggregated unit which is meaningful for the healthcare professionals). Sentence-level: mean absolute error, Note-level: 0.48 Sentence-level: mean squared error, Note-level: 0.55 Sentence-level: root mean squared error, Note-level: 0.74 Authors and references ---------------------- ### Authors Jenia Kim, Piek Vossen ### References TBD
[ "### Authors\n\n\nJenia Kim, Piek Vossen", "### References\n\n\nTBD" ]
[ "TAGS\n#transformers #pytorch #roberta #text-classification #nl #license-mit #autotrain_compatible #region-us \n", "### Authors\n\n\nJenia Kim, Piek Vossen", "### References\n\n\nTBD" ]
[ 36, 12, 6 ]
[ "passage: TAGS\n#transformers #pytorch #roberta #text-classification #nl #license-mit #autotrain_compatible #region-us \n### Authors\n\n\nJenia Kim, Piek Vossen### References\n\n\nTBD" ]
[ -0.006074214354157448, 0.06257491558790207, -0.004903792403638363, 0.0684991180896759, 0.06770800054073334, 0.0296805240213871, 0.20315322279930115, 0.056105948984622955, 0.05791117995977402, -0.08820715546607971, 0.096807561814785, 0.15088121592998505, -0.03073725663125515, 0.1027129590511322, -0.05662611126899719, -0.28348538279533386, 0.03997746855020523, 0.09073726087808609, 0.01716560497879982, 0.1048952266573906, 0.0885724276304245, -0.04554587975144386, 0.035586804151535034, -0.03409622237086296, -0.09230843186378479, 0.009163404814898968, -0.014514666050672531, -0.07824689149856567, 0.1490873545408249, 0.017513414844870567, 0.07457094639539719, 0.10140065848827362, 0.006900091655552387, -0.09963247925043106, 0.027267936617136, -0.07310808449983597, -0.15281559526920319, 0.049683135002851486, 0.010927352122962475, -0.02237001620233059, 0.21403563022613525, 0.06079696863889694, -0.01081524696201086, 0.00143779581412673, -0.14411169290542603, -0.1668940782546997, -0.03974740579724312, 0.14264969527721405, 0.027597403153777122, 0.0020031908061355352, 0.015062411315739155, 0.2257639616727829, -0.09508078545331955, 0.11277244240045547, 0.1231745257973671, -0.3013637363910675, -0.0015584946377202868, 0.10552898049354553, 0.0431477315723896, 0.059906695038080215, -0.09186594188213348, 0.07002527266740799, 0.02305060438811779, 0.006521569564938545, -0.01866234466433525, -0.12513604760169983, -0.00673262681812048, 0.014879363588988781, -0.08635211735963821, -0.005781062878668308, 0.3281126916408539, -0.05432061851024628, 0.018270175904035568, 0.09473002701997757, -0.08058308809995651, 0.029133446514606476, 0.05196547135710716, -0.08758395165205002, -0.06371403485536575, 0.01711849868297577, -0.04150890186429024, -0.03632309287786484, -0.07739399373531342, 0.027161184698343277, -0.17846499383449554, 0.14590631425380707, 0.018740998581051826, -0.0019058273173868656, -0.05860276147723198, 0.04786713793873787, -0.04617961123585701, -0.0932467132806778, -0.024862393736839294, -0.09808443486690521, 0.0899767130613327, -0.043153148144483566, 0.06853087246417999, -0.04109438508749008, 0.005874035879969597, 0.228092759847641, 0.09207649528980255, -0.003226174507290125, -0.11610850691795349, 0.1055988073348999, -0.0046534668654203415, 0.09404856711626053, 0.019595514982938766, 0.0337652750313282, 0.07833109050989151, -0.09507934004068375, 0.06789347529411316, -0.0036908197216689587, -0.19615419209003448, -0.06319296360015869, 0.1027049720287323, 0.07230255752801895, -0.011123327538371086, 0.09272868186235428, -0.020020997151732445, -0.0067500220611691475, 0.16405542194843292, 0.04108687490224838, -0.04438512399792671, -0.016289273276925087, 0.005015002563595772, -0.06803087890148163, 0.0324162095785141, -0.005055441986769438, -0.003986207768321037, 0.1717836707830429, -0.0675811693072319, -0.04548240825533867, 0.04203266277909279, -0.07762371003627777, 0.05407547578215599, -0.08810846507549286, 0.07653795182704926, -0.20227864384651184, -0.14518596231937408, 0.062615305185318, -0.03199227899312973, -0.027836056426167488, -0.0259604062885046, -0.022134538739919662, -0.026984576135873795, 0.021563226357102394, -0.031997229903936386, -0.14259172976016998, -0.05801903456449509, 0.13929162919521332, -0.05575959384441376, 0.06165456026792526, -0.17307791113853455, 0.02950398623943329, -0.13098903000354767, 0.0009022435988299549, -0.10248340666294098, -0.05660293996334076, -0.06421183049678802, 0.04515226185321808, -0.011160274036228657, -0.0367252342402935, -0.07796444743871689, -0.013883235864341259, -0.02230217307806015, 0.1656046062707901, -0.10653068870306015, -0.09071147441864014, 0.1672213226556778, -0.06424031406641006, -0.13729329407215118, 0.09945724904537201, -0.020994100719690323, 0.19932536780834198, 0.08173976093530655, 0.24776551127433777, 0.140435129404068, -0.04943840205669403, 0.05945712700486183, 0.09146290272474289, 0.02800208516418934, -0.038332730531692505, 0.030644355341792107, 0.037296295166015625, -0.05714638531208038, 0.02950185351073742, 0.03427168354392052, 0.023382171988487244, -0.013336656615138054, -0.054122116416692734, 0.014288146048784256, -0.007924637757241726, 0.1731443554162979, 0.03673931956291199, 0.09259865432977676, -0.06998243182897568, 0.01943819411098957, 0.02100861258804798, 0.04881621524691582, 0.09595750272274017, 0.014621615409851074, 0.0018984623020514846, 0.002541495952755213, 0.001313749118708074, 0.02204885333776474, -0.054419368505477905, -0.0332920178771019, -0.00038925284752622247, 0.0879424437880516, 0.11722509562969208, 0.1710222363471985, 0.0325063094496727, -0.033843256533145905, -0.09259446710348129, 0.006984151899814606, 0.022213894873857498, 0.033944569528102875, -0.01710202731192112, -0.13026605546474457, 0.10904782265424728, -0.023086698725819588, -0.019961511716246605, -0.06699252873659134, 0.023348825052380562, 0.12343011051416397, 0.03581959754228592, 0.00678812013939023, 0.07436887919902802, -0.023653237149119377, 0.054022613912820816, -0.08760349452495575, 0.04915202409029007, 0.07303397357463837, -0.016717568039894104, -0.13170211017131805, 0.19070248305797577, -0.0927228182554245, 0.20606258511543274, 0.1498502492904663, -0.12860959768295288, -0.024848835542798042, 0.007226604502648115, -0.021907689049839973, -0.04603379964828491, 0.0780046284198761, -0.0012271205196157098, -0.046321701258420944, -0.01342905405908823, 0.11592122167348862, -0.05111906677484512, -0.03831426799297333, -0.008513214066624641, -0.07791808247566223, -0.04505481943488121, 0.15589265525341034, 0.12704584002494812, -0.20392312109470367, 0.17171776294708252, 0.31611332297325134, 0.011923236772418022, 0.23052462935447693, 0.01825474575161934, 0.04515044763684273, -0.022374797612428665, -0.08710171282291412, 0.004752990324050188, 0.07148943096399307, -0.061438292264938354, 0.06102992221713066, 0.04154333844780922, 0.03956875950098038, -0.004385311156511307, -0.10371080785989761, -0.10028628259897232, -0.040310751646757126, 0.01289465744048357, -0.05585527420043945, 0.14657053351402283, -0.02399260364472866, 0.08874718099832535, 0.009523884393274784, -0.09049952775239944, 0.08405240625143051, 0.036557093262672424, -0.08537773787975311, 0.13451237976551056, -0.13765668869018555, -0.29601961374282837, -0.14726705849170685, -0.09748636931180954, -0.06344698369503021, 0.038682881742715836, 0.10384158045053482, -0.023485302925109863, -0.05736995488405228, 0.05714620277285576, 0.06117371469736099, -0.09527602791786194, -0.04248272627592087, -0.12325489521026611, 0.05393412336707115, -0.08971204608678818, -0.11543144285678864, -0.035300496965646744, -0.00801920611411333, -0.08845051378011703, 0.12264265865087509, -0.13811898231506348, 0.11555391550064087, 0.07271035760641098, 0.020712630823254585, -0.029189804568886757, -0.03240622580051422, 0.1600717008113861, -0.12786322832107544, 0.0986599326133728, 0.08057678490877151, -0.10558225959539413, 0.06173967197537422, 0.21008345484733582, 0.05687486752867699, -0.019198354333639145, 0.034509219229221344, -0.0659819096326828, -0.11301455646753311, -0.2258376181125641, -0.10439782589673996, -0.1144462525844574, 0.17912352085113525, 0.029550502076745033, 0.047252703458070755, 0.19608666002750397, 0.07285044342279434, -0.045315634459257126, 0.0494251623749733, 0.014451166614890099, 0.13284926116466522, 0.2881874740123749, 0.028013354167342186, 0.08981867879629135, -0.09053322672843933, -0.10990346223115921, 0.10061393678188324, 0.07134272158145905, 0.057275161147117615, 0.09955955296754837, 0.09630630165338516, 0.09238515049219131, 0.08767160773277283, 0.09373234957456589, 0.06227393075823784, 0.02649342454969883, 0.01735246181488037, -0.06522706151008606, -0.050041720271110535, 0.05157141759991646, 0.06802017986774445, -0.06572465598583221, -0.12711244821548462, 0.006008514203131199, -0.16346901655197144, 0.06306701898574829, -0.06906259059906006, 0.06802457571029663, -0.01911051571369171, 0.00007454449951183051, 0.07687807828187943, 0.047091733664274216, -0.04676618054509163, 0.0537470318377018, -0.0837625190615654, -0.17036111652851105, 0.07583190500736237, 0.00860470812767744, 0.08965449780225754, -0.09590531140565872, 0.053816162049770355, -0.12940379977226257, -0.1460992693901062, -0.0024373007472604513, 0.11856188625097275, -0.34998154640197754, 0.29593148827552795, 0.03184131905436516, -0.08763375878334045, -0.06480708718299866, -0.11341381072998047, 0.013733673840761185, 0.19047531485557556, 0.03952832520008087, 0.026872145012021065, 0.008564230985939503, -0.07520558685064316, -0.011570826172828674, -0.021574119105935097, 0.07189314812421799, -0.035756416618824005, -0.03778546676039696, -0.03392040356993675, 0.011335224844515324, -0.011476327665150166, 0.044202014803886414, -0.002161402953788638, -0.04142993316054344, 0.06977515667676926, -0.006133166141808033, -0.01024074386805296, -0.004400844220072031, -0.06991652399301529, -0.08478425443172455, 0.08229941874742508, -0.08555366843938828, -0.047056421637535095, -0.03663000464439392, -0.08345310389995575, 0.004804569762200117, -0.08487400412559509, 0.02449885569512844, -0.06835247576236725, -0.06920435279607773, -0.09273643046617508, -0.13032406568527222, 0.10704115033149719, -0.04270869866013527, -0.08986211568117142, -0.039728447794914246, 0.15155534446239471, -0.0187847837805748, 0.031753700226545334, -0.0003060346934944391, 0.007825330831110477, -0.07243308424949646, -0.10283233970403671, 0.011457249522209167, -0.1064440906047821, -0.11853747069835663, -0.029055653139948845, -0.14473769068717957, -0.025269605219364166, -0.05352954566478729, -0.1130266860127449, 0.1188235878944397, 0.3392520844936371, -0.049903884530067444, 0.176270991563797, 0.17655906081199646, -0.06483383476734161, -0.31691062450408936, -0.05703958868980408, -0.15345366299152374, -0.06897764652967453, 0.0645565539598465, -0.12794643640518188, 0.032014235854148865, 0.0317983478307724, -0.03719836473464966, 0.13383996486663818, -0.17156420648097992, -0.12699712812900543, 0.1943047195672989, -0.023385852575302124, 0.3334326446056366, -0.06717479974031448, -0.07312311232089996, -0.054126251488924026, -0.10964544117450714, 0.05592736601829529, -0.042735859751701355, 0.0808025524020195, -0.0578414686024189, 0.06650647521018982, -0.01187119074165821, 0.022641314193606377, 0.05882341042160988, 0.008317772299051285, 0.03413107618689537, -0.14259104430675507, -0.10180453956127167, 0.11180663853883743, 0.027015291154384613, -0.012081269174814224, -0.03272382915019989, 0.01951916143298149, -0.1031181588768959, -0.007868997752666473, -0.08484765142202377, 0.12303293496370316, -0.059681449085474014, -0.14248286187648773, -0.09392035752534866, 0.05107606202363968, -0.09818614274263382, -0.07363460958003998, 0.1290486454963684, 0.01206438709050417, 0.14407765865325928, 0.08355370163917542, 0.07164570689201355, 0.027333194389939308, 0.16404198110103607, -0.07623372972011566, -0.09190643578767776, 0.01842106133699417, -0.036605462431907654, 0.01712961122393608, 0.12368480861186981, -0.009090778417885303, 0.05830966308712959, 0.05454723909497261, -0.07149756699800491, -0.0200839564204216, 0.12167409062385559, -0.26348575949668884, -0.03323154151439667, -0.07324124872684479, -0.09826388955116272, 0.1597549319267273, 0.10769747197628021, 0.17627130448818207, -0.013972092419862747, -0.04377278685569763, 0.06459083408117294, -0.0005429525626823306, -0.02380424551665783, 0.04582289978861809, 0.10855112224817276, -0.002717966679483652, -0.03295821696519852, 0.07459612190723419, 0.07946188747882843, 0.02894030325114727, 0.0070599839091300964, 0.13984189927577972, -0.1367032676935196, -0.10521624237298965, -0.05383030325174332, 0.07436002790927887, -0.16554895043373108, 0.03974558413028717, -0.04595454782247543, -0.024025021120905876, 0.0054797218181192875, 0.29590314626693726, 0.06840592622756958, 0.0757240504026413, -0.026798317208886147, -0.012716701254248619, 0.012236768379807472, 0.10171940177679062, -0.025241198018193245, 0.06442167609930038, -0.06846767663955688, 0.021090172231197357, -0.041465066373348236, 0.15102463960647583, -0.07905733585357666, -0.033654142171144485, -0.20569241046905518, 0.033013489097356796, -0.030823851004242897, -0.05656188726425171, -0.04634488746523857, -0.011711535044014454, -0.055428337305784225, -0.0934930071234703, -0.05482853204011917, -0.0670623853802681, -0.10514669865369797, 0.04435544088482857, 0.024937734007835388, 0.06336583197116852, -0.0979679524898529, -0.045197151601314545, 0.11004981398582458, 0.014402630738914013, 0.09534908831119537, 0.013707536272704601, -0.001897924579679966, 0.13980194926261902, -0.0967852994799614, 0.08335380256175995, 0.0771576538681984, 0.02613198384642601, 0.01721414178609848, 0.05322195589542389, -0.042395398020744324, 0.024114688858389854, 0.06738847494125366, 0.08707074075937271, 0.03444314002990723, -0.08955306559801102, -0.015434817411005497, -0.02980337105691433, -0.18635091185569763, -0.02687060832977295, 0.029250891879200935, -0.0007212684722617269, 0.013978320173919201, 0.10988876223564148, -0.05810103937983513, 0.02192646637558937, 0.005073700565844774, -0.010194377973675728, -0.018167581409215927, -0.21310462057590485, -0.05701963230967522, -0.13514481484889984, -0.029628869146108627, -0.012071056291460991, 0.2241385281085968, 0.06459637731313705, -0.113143190741539, 0.0257169958204031, 0.03414701297879219, -0.13266558945178986, -0.05213198438286781, 0.1878960132598877, 0.05884981155395508, -0.06880109012126923, -0.20697103440761566, 0.09126166254281998, -0.10051245242357254, 0.001332209794782102, 0.10329501330852509, 0.06950175762176514, -0.017880957573652267, -0.057620640844106674, 0.060677167028188705, 0.04483149200677872, -0.04356762766838074, -0.25805822014808655, 0.09206647425889969, 0.06865724921226501, -0.007627313956618309, 0.10942825675010681, 0.11548183858394623, -0.05587812885642052, 0.02360771968960762, -0.03673478960990906, -0.038535699248313904, -0.1868678480386734, -0.06847625970840454, -0.07923689484596252, -0.08612886816263199, 0.022337093949317932, -0.031525786966085434, -0.012685548514127731, -0.03946566581726074, 0.07218033820390701, -0.12153123319149017, 0.103855662047863, 0.01622793823480606, -0.09412472695112228, 0.06488140672445297, -0.015551666729152203, -0.0371527299284935, -0.11433170735836029, 0.03177577257156372, -0.15275585651397705, 0.03310772031545639, -0.04993119090795517, -0.01579529233276844, -0.04460422322154045, -0.10233961045742035, -0.1666249781847, -0.09124339371919632, -0.03329392522573471, 0.07857439666986465, 0.011296533979475498, 0.13318809866905212, -0.008997442200779915, -0.009134694933891296, 0.05232085660099983, 0.16741542518138885, 0.025871891528367996, -0.10689976811408997, 0.013452272862195969, 0.22527186572551727, -0.014987018890678883, 0.04268084093928337, -0.038567349314689636, -0.022579599171876907, 0.0487494058907032, 0.19094443321228027, 0.3476608097553253, -0.05710544064640999, 0.05798669531941414, 0.0009524628985673189, 0.0467342734336853, 0.13985669612884521, 0.13939224183559418, 0.04400928318500519, 0.190423846244812, -0.0662064477801323, -0.025541260838508606, -0.0539621002972126, 0.0563843734562397, 0.009105193428695202, 0.11609950661659241, 0.07074368745088577, -0.06565788388252258, -0.14298251271247864, 0.0899958461523056, -0.1440749615430832, 0.005967029370367527, -0.06711500883102417, -0.16717901825904846, -0.04401883855462074, -0.015183215960860252, 0.0241262037307024, -0.016940217465162277, 0.004316948354244232, -0.02521568350493908, -0.014810741879045963, -0.05212581902742386, 0.04275030270218849, -0.15309353172779083, -0.03706207126379013, 0.13011254370212555, 0.05673705413937569, 0.02863365039229393, -0.06948266923427582, 0.02046417072415352, 0.09841272979974747, 0.035130295902490616, 0.00524273794144392, 0.07943160831928253, 0.08480120450258255, 0.01571664959192276, -0.04665379598736763, 0.01220876257866621, 0.0055315084755420685, -0.07889120280742645, 0.1343269646167755, -0.08551007509231567, 0.04409334063529968, 0.03456641361117363, -0.09683668613433838, -0.056763309985399246, 0.14123955368995667, -0.09478139132261276, 0.08086810261011124, 0.10739798843860626, -0.007700905669480562, -0.020116327330470085, -0.08076377213001251, -0.025100093334913254, 0.035377297550439835, -0.10503929853439331, -0.01046314649283886, 0.011056746356189251, -0.04817705228924751, 0.10655151307582855, 0.06598711758852005, -0.32033681869506836, -0.021004045382142067, -0.15418165922164917, 0.03304983675479889, -0.14648710191249847, 0.1271154135465622, -0.01578439399600029, -0.02266721986234188, -0.0017545028822496533, -0.13215355575084686, -0.00802833866328001, -0.033953890204429626, -0.10723965615034103, -0.0572671964764595 ]
null
null
transformers
# Regression Model for Attention Functioning Levels (ICF b140) ## Description A fine-tuned regression model that assigns a functioning level to Dutch sentences describing attention functions. The model is based on a pre-trained Dutch medical language model ([link to be added]()): a RoBERTa model, trained from scratch on clinical notes of the Amsterdam UMC. To detect sentences about attention functions in clinical text in Dutch, use the [icf-domains](https://huggingface.co/CLTL/icf-domains) classification model. ## Functioning levels Level | Meaning ---|--- 4 | No problem with concentrating / directing / holding / dividing attention. 3 | Slight problem with concentrating / directing / holding / dividing attention for a longer period of time or for complex tasks. 2 | Can concentrate / direct / hold / divide attention only for a short time. 1 | Can barely concentrate / direct / hold / divide attention. 0 | Unable to concentrate / direct / hold / divide attention. The predictions generated by the model might sometimes be outside of the scale (e.g. 4.2); this is normal in a regression model. ## Intended uses and limitations - The model was fine-tuned (trained, validated and tested) on medical records from the Amsterdam UMC (the two academic medical centers of Amsterdam). It might perform differently on text from a different hospital or text from non-hospital sources (e.g. GP records). - The model was fine-tuned with the [Simple Transformers](https://simpletransformers.ai/) library. This library is based on Transformers but the model cannot be used directly with Transformers `pipeline` and classes; doing so would generate incorrect outputs. For this reason, the API on this page is disabled. ## How to use To generate predictions with the model, use the [Simple Transformers](https://simpletransformers.ai/) library: ``` from simpletransformers.classification import ClassificationModel model = ClassificationModel( 'roberta', 'CLTL/icf-levels-att', use_cuda=False, ) example = 'Snel afgeleid, moeite aandacht te behouden.' _, raw_outputs = model.predict([example]) predictions = np.squeeze(raw_outputs) ``` The prediction on the example is: ``` 2.89 ``` The raw outputs look like this: ``` [[2.89226103]] ``` ## Training data - The training data consists of clinical notes from medical records (in Dutch) of the Amsterdam UMC. Due to privacy constraints, the data cannot be released. - The annotation guidelines used for the project can be found [here](https://github.com/cltl/a-proof-zonmw/tree/main/resources/annotation_guidelines). ## Training procedure The default training parameters of Simple Transformers were used, including: - Optimizer: AdamW - Learning rate: 4e-5 - Num train epochs: 1 - Train batch size: 8 ## Evaluation results The evaluation is done on a sentence-level (the classification unit) and on a note-level (the aggregated unit which is meaningful for the healthcare professionals). | | Sentence-level | Note-level |---|---|--- mean absolute error | 0.99 | 1.03 mean squared error | 1.35 | 1.47 root mean squared error | 1.16 | 1.21 ## Authors and references ### Authors Jenia Kim, Piek Vossen ### References TBD
{"language": "nl", "license": "mit", "pipeline_tag": "text-classification", "inference": false}
text-classification
CLTL/icf-levels-att
[ "transformers", "pytorch", "roberta", "text-classification", "nl", "license:mit", "autotrain_compatible", "region:us" ]
2022-03-02T23:29:04+00:00
[]
[ "nl" ]
TAGS #transformers #pytorch #roberta #text-classification #nl #license-mit #autotrain_compatible #region-us
Regression Model for Attention Functioning Levels (ICF b140) ============================================================ Description ----------- A fine-tuned regression model that assigns a functioning level to Dutch sentences describing attention functions. The model is based on a pre-trained Dutch medical language model (link to be added): a RoBERTa model, trained from scratch on clinical notes of the Amsterdam UMC. To detect sentences about attention functions in clinical text in Dutch, use the icf-domains classification model. Functioning levels ------------------ The predictions generated by the model might sometimes be outside of the scale (e.g. 4.2); this is normal in a regression model. Intended uses and limitations ----------------------------- * The model was fine-tuned (trained, validated and tested) on medical records from the Amsterdam UMC (the two academic medical centers of Amsterdam). It might perform differently on text from a different hospital or text from non-hospital sources (e.g. GP records). * The model was fine-tuned with the Simple Transformers library. This library is based on Transformers but the model cannot be used directly with Transformers 'pipeline' and classes; doing so would generate incorrect outputs. For this reason, the API on this page is disabled. How to use ---------- To generate predictions with the model, use the Simple Transformers library: The prediction on the example is: The raw outputs look like this: Training data ------------- * The training data consists of clinical notes from medical records (in Dutch) of the Amsterdam UMC. Due to privacy constraints, the data cannot be released. * The annotation guidelines used for the project can be found here. Training procedure ------------------ The default training parameters of Simple Transformers were used, including: * Optimizer: AdamW * Learning rate: 4e-5 * Num train epochs: 1 * Train batch size: 8 Evaluation results ------------------ The evaluation is done on a sentence-level (the classification unit) and on a note-level (the aggregated unit which is meaningful for the healthcare professionals). Sentence-level: mean absolute error, Note-level: 0.99 Sentence-level: mean squared error, Note-level: 1.35 Sentence-level: root mean squared error, Note-level: 1.16 Authors and references ---------------------- ### Authors Jenia Kim, Piek Vossen ### References TBD
[ "### Authors\n\n\nJenia Kim, Piek Vossen", "### References\n\n\nTBD" ]
[ "TAGS\n#transformers #pytorch #roberta #text-classification #nl #license-mit #autotrain_compatible #region-us \n", "### Authors\n\n\nJenia Kim, Piek Vossen", "### References\n\n\nTBD" ]
[ 36, 12, 6 ]
[ "passage: TAGS\n#transformers #pytorch #roberta #text-classification #nl #license-mit #autotrain_compatible #region-us \n### Authors\n\n\nJenia Kim, Piek Vossen### References\n\n\nTBD" ]
[ -0.006074214354157448, 0.06257491558790207, -0.004903792403638363, 0.0684991180896759, 0.06770800054073334, 0.0296805240213871, 0.20315322279930115, 0.056105948984622955, 0.05791117995977402, -0.08820715546607971, 0.096807561814785, 0.15088121592998505, -0.03073725663125515, 0.1027129590511322, -0.05662611126899719, -0.28348538279533386, 0.03997746855020523, 0.09073726087808609, 0.01716560497879982, 0.1048952266573906, 0.0885724276304245, -0.04554587975144386, 0.035586804151535034, -0.03409622237086296, -0.09230843186378479, 0.009163404814898968, -0.014514666050672531, -0.07824689149856567, 0.1490873545408249, 0.017513414844870567, 0.07457094639539719, 0.10140065848827362, 0.006900091655552387, -0.09963247925043106, 0.027267936617136, -0.07310808449983597, -0.15281559526920319, 0.049683135002851486, 0.010927352122962475, -0.02237001620233059, 0.21403563022613525, 0.06079696863889694, -0.01081524696201086, 0.00143779581412673, -0.14411169290542603, -0.1668940782546997, -0.03974740579724312, 0.14264969527721405, 0.027597403153777122, 0.0020031908061355352, 0.015062411315739155, 0.2257639616727829, -0.09508078545331955, 0.11277244240045547, 0.1231745257973671, -0.3013637363910675, -0.0015584946377202868, 0.10552898049354553, 0.0431477315723896, 0.059906695038080215, -0.09186594188213348, 0.07002527266740799, 0.02305060438811779, 0.006521569564938545, -0.01866234466433525, -0.12513604760169983, -0.00673262681812048, 0.014879363588988781, -0.08635211735963821, -0.005781062878668308, 0.3281126916408539, -0.05432061851024628, 0.018270175904035568, 0.09473002701997757, -0.08058308809995651, 0.029133446514606476, 0.05196547135710716, -0.08758395165205002, -0.06371403485536575, 0.01711849868297577, -0.04150890186429024, -0.03632309287786484, -0.07739399373531342, 0.027161184698343277, -0.17846499383449554, 0.14590631425380707, 0.018740998581051826, -0.0019058273173868656, -0.05860276147723198, 0.04786713793873787, -0.04617961123585701, -0.0932467132806778, -0.024862393736839294, -0.09808443486690521, 0.0899767130613327, -0.043153148144483566, 0.06853087246417999, -0.04109438508749008, 0.005874035879969597, 0.228092759847641, 0.09207649528980255, -0.003226174507290125, -0.11610850691795349, 0.1055988073348999, -0.0046534668654203415, 0.09404856711626053, 0.019595514982938766, 0.0337652750313282, 0.07833109050989151, -0.09507934004068375, 0.06789347529411316, -0.0036908197216689587, -0.19615419209003448, -0.06319296360015869, 0.1027049720287323, 0.07230255752801895, -0.011123327538371086, 0.09272868186235428, -0.020020997151732445, -0.0067500220611691475, 0.16405542194843292, 0.04108687490224838, -0.04438512399792671, -0.016289273276925087, 0.005015002563595772, -0.06803087890148163, 0.0324162095785141, -0.005055441986769438, -0.003986207768321037, 0.1717836707830429, -0.0675811693072319, -0.04548240825533867, 0.04203266277909279, -0.07762371003627777, 0.05407547578215599, -0.08810846507549286, 0.07653795182704926, -0.20227864384651184, -0.14518596231937408, 0.062615305185318, -0.03199227899312973, -0.027836056426167488, -0.0259604062885046, -0.022134538739919662, -0.026984576135873795, 0.021563226357102394, -0.031997229903936386, -0.14259172976016998, -0.05801903456449509, 0.13929162919521332, -0.05575959384441376, 0.06165456026792526, -0.17307791113853455, 0.02950398623943329, -0.13098903000354767, 0.0009022435988299549, -0.10248340666294098, -0.05660293996334076, -0.06421183049678802, 0.04515226185321808, -0.011160274036228657, -0.0367252342402935, -0.07796444743871689, -0.013883235864341259, -0.02230217307806015, 0.1656046062707901, -0.10653068870306015, -0.09071147441864014, 0.1672213226556778, -0.06424031406641006, -0.13729329407215118, 0.09945724904537201, -0.020994100719690323, 0.19932536780834198, 0.08173976093530655, 0.24776551127433777, 0.140435129404068, -0.04943840205669403, 0.05945712700486183, 0.09146290272474289, 0.02800208516418934, -0.038332730531692505, 0.030644355341792107, 0.037296295166015625, -0.05714638531208038, 0.02950185351073742, 0.03427168354392052, 0.023382171988487244, -0.013336656615138054, -0.054122116416692734, 0.014288146048784256, -0.007924637757241726, 0.1731443554162979, 0.03673931956291199, 0.09259865432977676, -0.06998243182897568, 0.01943819411098957, 0.02100861258804798, 0.04881621524691582, 0.09595750272274017, 0.014621615409851074, 0.0018984623020514846, 0.002541495952755213, 0.001313749118708074, 0.02204885333776474, -0.054419368505477905, -0.0332920178771019, -0.00038925284752622247, 0.0879424437880516, 0.11722509562969208, 0.1710222363471985, 0.0325063094496727, -0.033843256533145905, -0.09259446710348129, 0.006984151899814606, 0.022213894873857498, 0.033944569528102875, -0.01710202731192112, -0.13026605546474457, 0.10904782265424728, -0.023086698725819588, -0.019961511716246605, -0.06699252873659134, 0.023348825052380562, 0.12343011051416397, 0.03581959754228592, 0.00678812013939023, 0.07436887919902802, -0.023653237149119377, 0.054022613912820816, -0.08760349452495575, 0.04915202409029007, 0.07303397357463837, -0.016717568039894104, -0.13170211017131805, 0.19070248305797577, -0.0927228182554245, 0.20606258511543274, 0.1498502492904663, -0.12860959768295288, -0.024848835542798042, 0.007226604502648115, -0.021907689049839973, -0.04603379964828491, 0.0780046284198761, -0.0012271205196157098, -0.046321701258420944, -0.01342905405908823, 0.11592122167348862, -0.05111906677484512, -0.03831426799297333, -0.008513214066624641, -0.07791808247566223, -0.04505481943488121, 0.15589265525341034, 0.12704584002494812, -0.20392312109470367, 0.17171776294708252, 0.31611332297325134, 0.011923236772418022, 0.23052462935447693, 0.01825474575161934, 0.04515044763684273, -0.022374797612428665, -0.08710171282291412, 0.004752990324050188, 0.07148943096399307, -0.061438292264938354, 0.06102992221713066, 0.04154333844780922, 0.03956875950098038, -0.004385311156511307, -0.10371080785989761, -0.10028628259897232, -0.040310751646757126, 0.01289465744048357, -0.05585527420043945, 0.14657053351402283, -0.02399260364472866, 0.08874718099832535, 0.009523884393274784, -0.09049952775239944, 0.08405240625143051, 0.036557093262672424, -0.08537773787975311, 0.13451237976551056, -0.13765668869018555, -0.29601961374282837, -0.14726705849170685, -0.09748636931180954, -0.06344698369503021, 0.038682881742715836, 0.10384158045053482, -0.023485302925109863, -0.05736995488405228, 0.05714620277285576, 0.06117371469736099, -0.09527602791786194, -0.04248272627592087, -0.12325489521026611, 0.05393412336707115, -0.08971204608678818, -0.11543144285678864, -0.035300496965646744, -0.00801920611411333, -0.08845051378011703, 0.12264265865087509, -0.13811898231506348, 0.11555391550064087, 0.07271035760641098, 0.020712630823254585, -0.029189804568886757, -0.03240622580051422, 0.1600717008113861, -0.12786322832107544, 0.0986599326133728, 0.08057678490877151, -0.10558225959539413, 0.06173967197537422, 0.21008345484733582, 0.05687486752867699, -0.019198354333639145, 0.034509219229221344, -0.0659819096326828, -0.11301455646753311, -0.2258376181125641, -0.10439782589673996, -0.1144462525844574, 0.17912352085113525, 0.029550502076745033, 0.047252703458070755, 0.19608666002750397, 0.07285044342279434, -0.045315634459257126, 0.0494251623749733, 0.014451166614890099, 0.13284926116466522, 0.2881874740123749, 0.028013354167342186, 0.08981867879629135, -0.09053322672843933, -0.10990346223115921, 0.10061393678188324, 0.07134272158145905, 0.057275161147117615, 0.09955955296754837, 0.09630630165338516, 0.09238515049219131, 0.08767160773277283, 0.09373234957456589, 0.06227393075823784, 0.02649342454969883, 0.01735246181488037, -0.06522706151008606, -0.050041720271110535, 0.05157141759991646, 0.06802017986774445, -0.06572465598583221, -0.12711244821548462, 0.006008514203131199, -0.16346901655197144, 0.06306701898574829, -0.06906259059906006, 0.06802457571029663, -0.01911051571369171, 0.00007454449951183051, 0.07687807828187943, 0.047091733664274216, -0.04676618054509163, 0.0537470318377018, -0.0837625190615654, -0.17036111652851105, 0.07583190500736237, 0.00860470812767744, 0.08965449780225754, -0.09590531140565872, 0.053816162049770355, -0.12940379977226257, -0.1460992693901062, -0.0024373007472604513, 0.11856188625097275, -0.34998154640197754, 0.29593148827552795, 0.03184131905436516, -0.08763375878334045, -0.06480708718299866, -0.11341381072998047, 0.013733673840761185, 0.19047531485557556, 0.03952832520008087, 0.026872145012021065, 0.008564230985939503, -0.07520558685064316, -0.011570826172828674, -0.021574119105935097, 0.07189314812421799, -0.035756416618824005, -0.03778546676039696, -0.03392040356993675, 0.011335224844515324, -0.011476327665150166, 0.044202014803886414, -0.002161402953788638, -0.04142993316054344, 0.06977515667676926, -0.006133166141808033, -0.01024074386805296, -0.004400844220072031, -0.06991652399301529, -0.08478425443172455, 0.08229941874742508, -0.08555366843938828, -0.047056421637535095, -0.03663000464439392, -0.08345310389995575, 0.004804569762200117, -0.08487400412559509, 0.02449885569512844, -0.06835247576236725, -0.06920435279607773, -0.09273643046617508, -0.13032406568527222, 0.10704115033149719, -0.04270869866013527, -0.08986211568117142, -0.039728447794914246, 0.15155534446239471, -0.0187847837805748, 0.031753700226545334, -0.0003060346934944391, 0.007825330831110477, -0.07243308424949646, -0.10283233970403671, 0.011457249522209167, -0.1064440906047821, -0.11853747069835663, -0.029055653139948845, -0.14473769068717957, -0.025269605219364166, -0.05352954566478729, -0.1130266860127449, 0.1188235878944397, 0.3392520844936371, -0.049903884530067444, 0.176270991563797, 0.17655906081199646, -0.06483383476734161, -0.31691062450408936, -0.05703958868980408, -0.15345366299152374, -0.06897764652967453, 0.0645565539598465, -0.12794643640518188, 0.032014235854148865, 0.0317983478307724, -0.03719836473464966, 0.13383996486663818, -0.17156420648097992, -0.12699712812900543, 0.1943047195672989, -0.023385852575302124, 0.3334326446056366, -0.06717479974031448, -0.07312311232089996, -0.054126251488924026, -0.10964544117450714, 0.05592736601829529, -0.042735859751701355, 0.0808025524020195, -0.0578414686024189, 0.06650647521018982, -0.01187119074165821, 0.022641314193606377, 0.05882341042160988, 0.008317772299051285, 0.03413107618689537, -0.14259104430675507, -0.10180453956127167, 0.11180663853883743, 0.027015291154384613, -0.012081269174814224, -0.03272382915019989, 0.01951916143298149, -0.1031181588768959, -0.007868997752666473, -0.08484765142202377, 0.12303293496370316, -0.059681449085474014, -0.14248286187648773, -0.09392035752534866, 0.05107606202363968, -0.09818614274263382, -0.07363460958003998, 0.1290486454963684, 0.01206438709050417, 0.14407765865325928, 0.08355370163917542, 0.07164570689201355, 0.027333194389939308, 0.16404198110103607, -0.07623372972011566, -0.09190643578767776, 0.01842106133699417, -0.036605462431907654, 0.01712961122393608, 0.12368480861186981, -0.009090778417885303, 0.05830966308712959, 0.05454723909497261, -0.07149756699800491, -0.0200839564204216, 0.12167409062385559, -0.26348575949668884, -0.03323154151439667, -0.07324124872684479, -0.09826388955116272, 0.1597549319267273, 0.10769747197628021, 0.17627130448818207, -0.013972092419862747, -0.04377278685569763, 0.06459083408117294, -0.0005429525626823306, -0.02380424551665783, 0.04582289978861809, 0.10855112224817276, -0.002717966679483652, -0.03295821696519852, 0.07459612190723419, 0.07946188747882843, 0.02894030325114727, 0.0070599839091300964, 0.13984189927577972, -0.1367032676935196, -0.10521624237298965, -0.05383030325174332, 0.07436002790927887, -0.16554895043373108, 0.03974558413028717, -0.04595454782247543, -0.024025021120905876, 0.0054797218181192875, 0.29590314626693726, 0.06840592622756958, 0.0757240504026413, -0.026798317208886147, -0.012716701254248619, 0.012236768379807472, 0.10171940177679062, -0.025241198018193245, 0.06442167609930038, -0.06846767663955688, 0.021090172231197357, -0.041465066373348236, 0.15102463960647583, -0.07905733585357666, -0.033654142171144485, -0.20569241046905518, 0.033013489097356796, -0.030823851004242897, -0.05656188726425171, -0.04634488746523857, -0.011711535044014454, -0.055428337305784225, -0.0934930071234703, -0.05482853204011917, -0.0670623853802681, -0.10514669865369797, 0.04435544088482857, 0.024937734007835388, 0.06336583197116852, -0.0979679524898529, -0.045197151601314545, 0.11004981398582458, 0.014402630738914013, 0.09534908831119537, 0.013707536272704601, -0.001897924579679966, 0.13980194926261902, -0.0967852994799614, 0.08335380256175995, 0.0771576538681984, 0.02613198384642601, 0.01721414178609848, 0.05322195589542389, -0.042395398020744324, 0.024114688858389854, 0.06738847494125366, 0.08707074075937271, 0.03444314002990723, -0.08955306559801102, -0.015434817411005497, -0.02980337105691433, -0.18635091185569763, -0.02687060832977295, 0.029250891879200935, -0.0007212684722617269, 0.013978320173919201, 0.10988876223564148, -0.05810103937983513, 0.02192646637558937, 0.005073700565844774, -0.010194377973675728, -0.018167581409215927, -0.21310462057590485, -0.05701963230967522, -0.13514481484889984, -0.029628869146108627, -0.012071056291460991, 0.2241385281085968, 0.06459637731313705, -0.113143190741539, 0.0257169958204031, 0.03414701297879219, -0.13266558945178986, -0.05213198438286781, 0.1878960132598877, 0.05884981155395508, -0.06880109012126923, -0.20697103440761566, 0.09126166254281998, -0.10051245242357254, 0.001332209794782102, 0.10329501330852509, 0.06950175762176514, -0.017880957573652267, -0.057620640844106674, 0.060677167028188705, 0.04483149200677872, -0.04356762766838074, -0.25805822014808655, 0.09206647425889969, 0.06865724921226501, -0.007627313956618309, 0.10942825675010681, 0.11548183858394623, -0.05587812885642052, 0.02360771968960762, -0.03673478960990906, -0.038535699248313904, -0.1868678480386734, -0.06847625970840454, -0.07923689484596252, -0.08612886816263199, 0.022337093949317932, -0.031525786966085434, -0.012685548514127731, -0.03946566581726074, 0.07218033820390701, -0.12153123319149017, 0.103855662047863, 0.01622793823480606, -0.09412472695112228, 0.06488140672445297, -0.015551666729152203, -0.0371527299284935, -0.11433170735836029, 0.03177577257156372, -0.15275585651397705, 0.03310772031545639, -0.04993119090795517, -0.01579529233276844, -0.04460422322154045, -0.10233961045742035, -0.1666249781847, -0.09124339371919632, -0.03329392522573471, 0.07857439666986465, 0.011296533979475498, 0.13318809866905212, -0.008997442200779915, -0.009134694933891296, 0.05232085660099983, 0.16741542518138885, 0.025871891528367996, -0.10689976811408997, 0.013452272862195969, 0.22527186572551727, -0.014987018890678883, 0.04268084093928337, -0.038567349314689636, -0.022579599171876907, 0.0487494058907032, 0.19094443321228027, 0.3476608097553253, -0.05710544064640999, 0.05798669531941414, 0.0009524628985673189, 0.0467342734336853, 0.13985669612884521, 0.13939224183559418, 0.04400928318500519, 0.190423846244812, -0.0662064477801323, -0.025541260838508606, -0.0539621002972126, 0.0563843734562397, 0.009105193428695202, 0.11609950661659241, 0.07074368745088577, -0.06565788388252258, -0.14298251271247864, 0.0899958461523056, -0.1440749615430832, 0.005967029370367527, -0.06711500883102417, -0.16717901825904846, -0.04401883855462074, -0.015183215960860252, 0.0241262037307024, -0.016940217465162277, 0.004316948354244232, -0.02521568350493908, -0.014810741879045963, -0.05212581902742386, 0.04275030270218849, -0.15309353172779083, -0.03706207126379013, 0.13011254370212555, 0.05673705413937569, 0.02863365039229393, -0.06948266923427582, 0.02046417072415352, 0.09841272979974747, 0.035130295902490616, 0.00524273794144392, 0.07943160831928253, 0.08480120450258255, 0.01571664959192276, -0.04665379598736763, 0.01220876257866621, 0.0055315084755420685, -0.07889120280742645, 0.1343269646167755, -0.08551007509231567, 0.04409334063529968, 0.03456641361117363, -0.09683668613433838, -0.056763309985399246, 0.14123955368995667, -0.09478139132261276, 0.08086810261011124, 0.10739798843860626, -0.007700905669480562, -0.020116327330470085, -0.08076377213001251, -0.025100093334913254, 0.035377297550439835, -0.10503929853439331, -0.01046314649283886, 0.011056746356189251, -0.04817705228924751, 0.10655151307582855, 0.06598711758852005, -0.32033681869506836, -0.021004045382142067, -0.15418165922164917, 0.03304983675479889, -0.14648710191249847, 0.1271154135465622, -0.01578439399600029, -0.02266721986234188, -0.0017545028822496533, -0.13215355575084686, -0.00802833866328001, -0.033953890204429626, -0.10723965615034103, -0.0572671964764595 ]
null
null
transformers
# Regression Model for Work and Employment Functioning Levels (ICF d840-d859) ## Description A fine-tuned regression model that assigns a functioning level to Dutch sentences describing work and employment functions. The model is based on a pre-trained Dutch medical language model ([link to be added]()): a RoBERTa model, trained from scratch on clinical notes of the Amsterdam UMC. To detect sentences about work and employment functions in clinical text in Dutch, use the [icf-domains](https://huggingface.co/CLTL/icf-domains) classification model. ## Functioning levels Level | Meaning ---|--- 4 | Can work/study fully (like when healthy). 3 | Can work/study almost fully. 2 | Can work/study only for about 50\%, or can only work at home and cannot go to school / office. 1 | Work/study is severely limited. 0 | Cannot work/study. The predictions generated by the model might sometimes be outside of the scale (e.g. 4.2); this is normal in a regression model. ## Intended uses and limitations - The model was fine-tuned (trained, validated and tested) on medical records from the Amsterdam UMC (the two academic medical centers of Amsterdam). It might perform differently on text from a different hospital or text from non-hospital sources (e.g. GP records). - The model was fine-tuned with the [Simple Transformers](https://simpletransformers.ai/) library. This library is based on Transformers but the model cannot be used directly with Transformers `pipeline` and classes; doing so would generate incorrect outputs. For this reason, the API on this page is disabled. ## How to use To generate predictions with the model, use the [Simple Transformers](https://simpletransformers.ai/) library: ``` from simpletransformers.classification import ClassificationModel model = ClassificationModel( 'roberta', 'CLTL/icf-levels-ber', use_cuda=False, ) example = 'Fysiek zwaar werk is niet mogelijk, maar administrative taken zou zij wel aan moeten kunnen.' _, raw_outputs = model.predict([example]) predictions = np.squeeze(raw_outputs) ``` The prediction on the example is: ``` 2.41 ``` The raw outputs look like this: ``` [[2.40793037]] ``` ## Training data - The training data consists of clinical notes from medical records (in Dutch) of the Amsterdam UMC. Due to privacy constraints, the data cannot be released. - The annotation guidelines used for the project can be found [here](https://github.com/cltl/a-proof-zonmw/tree/main/resources/annotation_guidelines). ## Training procedure The default training parameters of Simple Transformers were used, including: - Optimizer: AdamW - Learning rate: 4e-5 - Num train epochs: 1 - Train batch size: 8 ## Evaluation results The evaluation is done on a sentence-level (the classification unit) and on a note-level (the aggregated unit which is meaningful for the healthcare professionals). | | Sentence-level | Note-level |---|---|--- mean absolute error | 1.56 | 1.49 mean squared error | 3.06 | 2.85 root mean squared error | 1.75 | 1.69 ## Authors and references ### Authors Jenia Kim, Piek Vossen ### References TBD
{"language": "nl", "license": "mit", "pipeline_tag": "text-classification", "inference": false}
text-classification
CLTL/icf-levels-ber
[ "transformers", "pytorch", "roberta", "text-classification", "nl", "license:mit", "autotrain_compatible", "region:us" ]
2022-03-02T23:29:04+00:00
[]
[ "nl" ]
TAGS #transformers #pytorch #roberta #text-classification #nl #license-mit #autotrain_compatible #region-us
Regression Model for Work and Employment Functioning Levels (ICF d840-d859) =========================================================================== Description ----------- A fine-tuned regression model that assigns a functioning level to Dutch sentences describing work and employment functions. The model is based on a pre-trained Dutch medical language model (link to be added): a RoBERTa model, trained from scratch on clinical notes of the Amsterdam UMC. To detect sentences about work and employment functions in clinical text in Dutch, use the icf-domains classification model. Functioning levels ------------------ The predictions generated by the model might sometimes be outside of the scale (e.g. 4.2); this is normal in a regression model. Intended uses and limitations ----------------------------- * The model was fine-tuned (trained, validated and tested) on medical records from the Amsterdam UMC (the two academic medical centers of Amsterdam). It might perform differently on text from a different hospital or text from non-hospital sources (e.g. GP records). * The model was fine-tuned with the Simple Transformers library. This library is based on Transformers but the model cannot be used directly with Transformers 'pipeline' and classes; doing so would generate incorrect outputs. For this reason, the API on this page is disabled. How to use ---------- To generate predictions with the model, use the Simple Transformers library: The prediction on the example is: The raw outputs look like this: Training data ------------- * The training data consists of clinical notes from medical records (in Dutch) of the Amsterdam UMC. Due to privacy constraints, the data cannot be released. * The annotation guidelines used for the project can be found here. Training procedure ------------------ The default training parameters of Simple Transformers were used, including: * Optimizer: AdamW * Learning rate: 4e-5 * Num train epochs: 1 * Train batch size: 8 Evaluation results ------------------ The evaluation is done on a sentence-level (the classification unit) and on a note-level (the aggregated unit which is meaningful for the healthcare professionals). Sentence-level: mean absolute error, Note-level: 1.56 Sentence-level: mean squared error, Note-level: 3.06 Sentence-level: root mean squared error, Note-level: 1.75 Authors and references ---------------------- ### Authors Jenia Kim, Piek Vossen ### References TBD
[ "### Authors\n\n\nJenia Kim, Piek Vossen", "### References\n\n\nTBD" ]
[ "TAGS\n#transformers #pytorch #roberta #text-classification #nl #license-mit #autotrain_compatible #region-us \n", "### Authors\n\n\nJenia Kim, Piek Vossen", "### References\n\n\nTBD" ]
[ 36, 12, 6 ]
[ "passage: TAGS\n#transformers #pytorch #roberta #text-classification #nl #license-mit #autotrain_compatible #region-us \n### Authors\n\n\nJenia Kim, Piek Vossen### References\n\n\nTBD" ]
[ -0.006074214354157448, 0.06257491558790207, -0.004903792403638363, 0.0684991180896759, 0.06770800054073334, 0.0296805240213871, 0.20315322279930115, 0.056105948984622955, 0.05791117995977402, -0.08820715546607971, 0.096807561814785, 0.15088121592998505, -0.03073725663125515, 0.1027129590511322, -0.05662611126899719, -0.28348538279533386, 0.03997746855020523, 0.09073726087808609, 0.01716560497879982, 0.1048952266573906, 0.0885724276304245, -0.04554587975144386, 0.035586804151535034, -0.03409622237086296, -0.09230843186378479, 0.009163404814898968, -0.014514666050672531, -0.07824689149856567, 0.1490873545408249, 0.017513414844870567, 0.07457094639539719, 0.10140065848827362, 0.006900091655552387, -0.09963247925043106, 0.027267936617136, -0.07310808449983597, -0.15281559526920319, 0.049683135002851486, 0.010927352122962475, -0.02237001620233059, 0.21403563022613525, 0.06079696863889694, -0.01081524696201086, 0.00143779581412673, -0.14411169290542603, -0.1668940782546997, -0.03974740579724312, 0.14264969527721405, 0.027597403153777122, 0.0020031908061355352, 0.015062411315739155, 0.2257639616727829, -0.09508078545331955, 0.11277244240045547, 0.1231745257973671, -0.3013637363910675, -0.0015584946377202868, 0.10552898049354553, 0.0431477315723896, 0.059906695038080215, -0.09186594188213348, 0.07002527266740799, 0.02305060438811779, 0.006521569564938545, -0.01866234466433525, -0.12513604760169983, -0.00673262681812048, 0.014879363588988781, -0.08635211735963821, -0.005781062878668308, 0.3281126916408539, -0.05432061851024628, 0.018270175904035568, 0.09473002701997757, -0.08058308809995651, 0.029133446514606476, 0.05196547135710716, -0.08758395165205002, -0.06371403485536575, 0.01711849868297577, -0.04150890186429024, -0.03632309287786484, -0.07739399373531342, 0.027161184698343277, -0.17846499383449554, 0.14590631425380707, 0.018740998581051826, -0.0019058273173868656, -0.05860276147723198, 0.04786713793873787, -0.04617961123585701, -0.0932467132806778, -0.024862393736839294, -0.09808443486690521, 0.0899767130613327, -0.043153148144483566, 0.06853087246417999, -0.04109438508749008, 0.005874035879969597, 0.228092759847641, 0.09207649528980255, -0.003226174507290125, -0.11610850691795349, 0.1055988073348999, -0.0046534668654203415, 0.09404856711626053, 0.019595514982938766, 0.0337652750313282, 0.07833109050989151, -0.09507934004068375, 0.06789347529411316, -0.0036908197216689587, -0.19615419209003448, -0.06319296360015869, 0.1027049720287323, 0.07230255752801895, -0.011123327538371086, 0.09272868186235428, -0.020020997151732445, -0.0067500220611691475, 0.16405542194843292, 0.04108687490224838, -0.04438512399792671, -0.016289273276925087, 0.005015002563595772, -0.06803087890148163, 0.0324162095785141, -0.005055441986769438, -0.003986207768321037, 0.1717836707830429, -0.0675811693072319, -0.04548240825533867, 0.04203266277909279, -0.07762371003627777, 0.05407547578215599, -0.08810846507549286, 0.07653795182704926, -0.20227864384651184, -0.14518596231937408, 0.062615305185318, -0.03199227899312973, -0.027836056426167488, -0.0259604062885046, -0.022134538739919662, -0.026984576135873795, 0.021563226357102394, -0.031997229903936386, -0.14259172976016998, -0.05801903456449509, 0.13929162919521332, -0.05575959384441376, 0.06165456026792526, -0.17307791113853455, 0.02950398623943329, -0.13098903000354767, 0.0009022435988299549, -0.10248340666294098, -0.05660293996334076, -0.06421183049678802, 0.04515226185321808, -0.011160274036228657, -0.0367252342402935, -0.07796444743871689, -0.013883235864341259, -0.02230217307806015, 0.1656046062707901, -0.10653068870306015, -0.09071147441864014, 0.1672213226556778, -0.06424031406641006, -0.13729329407215118, 0.09945724904537201, -0.020994100719690323, 0.19932536780834198, 0.08173976093530655, 0.24776551127433777, 0.140435129404068, -0.04943840205669403, 0.05945712700486183, 0.09146290272474289, 0.02800208516418934, -0.038332730531692505, 0.030644355341792107, 0.037296295166015625, -0.05714638531208038, 0.02950185351073742, 0.03427168354392052, 0.023382171988487244, -0.013336656615138054, -0.054122116416692734, 0.014288146048784256, -0.007924637757241726, 0.1731443554162979, 0.03673931956291199, 0.09259865432977676, -0.06998243182897568, 0.01943819411098957, 0.02100861258804798, 0.04881621524691582, 0.09595750272274017, 0.014621615409851074, 0.0018984623020514846, 0.002541495952755213, 0.001313749118708074, 0.02204885333776474, -0.054419368505477905, -0.0332920178771019, -0.00038925284752622247, 0.0879424437880516, 0.11722509562969208, 0.1710222363471985, 0.0325063094496727, -0.033843256533145905, -0.09259446710348129, 0.006984151899814606, 0.022213894873857498, 0.033944569528102875, -0.01710202731192112, -0.13026605546474457, 0.10904782265424728, -0.023086698725819588, -0.019961511716246605, -0.06699252873659134, 0.023348825052380562, 0.12343011051416397, 0.03581959754228592, 0.00678812013939023, 0.07436887919902802, -0.023653237149119377, 0.054022613912820816, -0.08760349452495575, 0.04915202409029007, 0.07303397357463837, -0.016717568039894104, -0.13170211017131805, 0.19070248305797577, -0.0927228182554245, 0.20606258511543274, 0.1498502492904663, -0.12860959768295288, -0.024848835542798042, 0.007226604502648115, -0.021907689049839973, -0.04603379964828491, 0.0780046284198761, -0.0012271205196157098, -0.046321701258420944, -0.01342905405908823, 0.11592122167348862, -0.05111906677484512, -0.03831426799297333, -0.008513214066624641, -0.07791808247566223, -0.04505481943488121, 0.15589265525341034, 0.12704584002494812, -0.20392312109470367, 0.17171776294708252, 0.31611332297325134, 0.011923236772418022, 0.23052462935447693, 0.01825474575161934, 0.04515044763684273, -0.022374797612428665, -0.08710171282291412, 0.004752990324050188, 0.07148943096399307, -0.061438292264938354, 0.06102992221713066, 0.04154333844780922, 0.03956875950098038, -0.004385311156511307, -0.10371080785989761, -0.10028628259897232, -0.040310751646757126, 0.01289465744048357, -0.05585527420043945, 0.14657053351402283, -0.02399260364472866, 0.08874718099832535, 0.009523884393274784, -0.09049952775239944, 0.08405240625143051, 0.036557093262672424, -0.08537773787975311, 0.13451237976551056, -0.13765668869018555, -0.29601961374282837, -0.14726705849170685, -0.09748636931180954, -0.06344698369503021, 0.038682881742715836, 0.10384158045053482, -0.023485302925109863, -0.05736995488405228, 0.05714620277285576, 0.06117371469736099, -0.09527602791786194, -0.04248272627592087, -0.12325489521026611, 0.05393412336707115, -0.08971204608678818, -0.11543144285678864, -0.035300496965646744, -0.00801920611411333, -0.08845051378011703, 0.12264265865087509, -0.13811898231506348, 0.11555391550064087, 0.07271035760641098, 0.020712630823254585, -0.029189804568886757, -0.03240622580051422, 0.1600717008113861, -0.12786322832107544, 0.0986599326133728, 0.08057678490877151, -0.10558225959539413, 0.06173967197537422, 0.21008345484733582, 0.05687486752867699, -0.019198354333639145, 0.034509219229221344, -0.0659819096326828, -0.11301455646753311, -0.2258376181125641, -0.10439782589673996, -0.1144462525844574, 0.17912352085113525, 0.029550502076745033, 0.047252703458070755, 0.19608666002750397, 0.07285044342279434, -0.045315634459257126, 0.0494251623749733, 0.014451166614890099, 0.13284926116466522, 0.2881874740123749, 0.028013354167342186, 0.08981867879629135, -0.09053322672843933, -0.10990346223115921, 0.10061393678188324, 0.07134272158145905, 0.057275161147117615, 0.09955955296754837, 0.09630630165338516, 0.09238515049219131, 0.08767160773277283, 0.09373234957456589, 0.06227393075823784, 0.02649342454969883, 0.01735246181488037, -0.06522706151008606, -0.050041720271110535, 0.05157141759991646, 0.06802017986774445, -0.06572465598583221, -0.12711244821548462, 0.006008514203131199, -0.16346901655197144, 0.06306701898574829, -0.06906259059906006, 0.06802457571029663, -0.01911051571369171, 0.00007454449951183051, 0.07687807828187943, 0.047091733664274216, -0.04676618054509163, 0.0537470318377018, -0.0837625190615654, -0.17036111652851105, 0.07583190500736237, 0.00860470812767744, 0.08965449780225754, -0.09590531140565872, 0.053816162049770355, -0.12940379977226257, -0.1460992693901062, -0.0024373007472604513, 0.11856188625097275, -0.34998154640197754, 0.29593148827552795, 0.03184131905436516, -0.08763375878334045, -0.06480708718299866, -0.11341381072998047, 0.013733673840761185, 0.19047531485557556, 0.03952832520008087, 0.026872145012021065, 0.008564230985939503, -0.07520558685064316, -0.011570826172828674, -0.021574119105935097, 0.07189314812421799, -0.035756416618824005, -0.03778546676039696, -0.03392040356993675, 0.011335224844515324, -0.011476327665150166, 0.044202014803886414, -0.002161402953788638, -0.04142993316054344, 0.06977515667676926, -0.006133166141808033, -0.01024074386805296, -0.004400844220072031, -0.06991652399301529, -0.08478425443172455, 0.08229941874742508, -0.08555366843938828, -0.047056421637535095, -0.03663000464439392, -0.08345310389995575, 0.004804569762200117, -0.08487400412559509, 0.02449885569512844, -0.06835247576236725, -0.06920435279607773, -0.09273643046617508, -0.13032406568527222, 0.10704115033149719, -0.04270869866013527, -0.08986211568117142, -0.039728447794914246, 0.15155534446239471, -0.0187847837805748, 0.031753700226545334, -0.0003060346934944391, 0.007825330831110477, -0.07243308424949646, -0.10283233970403671, 0.011457249522209167, -0.1064440906047821, -0.11853747069835663, -0.029055653139948845, -0.14473769068717957, -0.025269605219364166, -0.05352954566478729, -0.1130266860127449, 0.1188235878944397, 0.3392520844936371, -0.049903884530067444, 0.176270991563797, 0.17655906081199646, -0.06483383476734161, -0.31691062450408936, -0.05703958868980408, -0.15345366299152374, -0.06897764652967453, 0.0645565539598465, -0.12794643640518188, 0.032014235854148865, 0.0317983478307724, -0.03719836473464966, 0.13383996486663818, -0.17156420648097992, -0.12699712812900543, 0.1943047195672989, -0.023385852575302124, 0.3334326446056366, -0.06717479974031448, -0.07312311232089996, -0.054126251488924026, -0.10964544117450714, 0.05592736601829529, -0.042735859751701355, 0.0808025524020195, -0.0578414686024189, 0.06650647521018982, -0.01187119074165821, 0.022641314193606377, 0.05882341042160988, 0.008317772299051285, 0.03413107618689537, -0.14259104430675507, -0.10180453956127167, 0.11180663853883743, 0.027015291154384613, -0.012081269174814224, -0.03272382915019989, 0.01951916143298149, -0.1031181588768959, -0.007868997752666473, -0.08484765142202377, 0.12303293496370316, -0.059681449085474014, -0.14248286187648773, -0.09392035752534866, 0.05107606202363968, -0.09818614274263382, -0.07363460958003998, 0.1290486454963684, 0.01206438709050417, 0.14407765865325928, 0.08355370163917542, 0.07164570689201355, 0.027333194389939308, 0.16404198110103607, -0.07623372972011566, -0.09190643578767776, 0.01842106133699417, -0.036605462431907654, 0.01712961122393608, 0.12368480861186981, -0.009090778417885303, 0.05830966308712959, 0.05454723909497261, -0.07149756699800491, -0.0200839564204216, 0.12167409062385559, -0.26348575949668884, -0.03323154151439667, -0.07324124872684479, -0.09826388955116272, 0.1597549319267273, 0.10769747197628021, 0.17627130448818207, -0.013972092419862747, -0.04377278685569763, 0.06459083408117294, -0.0005429525626823306, -0.02380424551665783, 0.04582289978861809, 0.10855112224817276, -0.002717966679483652, -0.03295821696519852, 0.07459612190723419, 0.07946188747882843, 0.02894030325114727, 0.0070599839091300964, 0.13984189927577972, -0.1367032676935196, -0.10521624237298965, -0.05383030325174332, 0.07436002790927887, -0.16554895043373108, 0.03974558413028717, -0.04595454782247543, -0.024025021120905876, 0.0054797218181192875, 0.29590314626693726, 0.06840592622756958, 0.0757240504026413, -0.026798317208886147, -0.012716701254248619, 0.012236768379807472, 0.10171940177679062, -0.025241198018193245, 0.06442167609930038, -0.06846767663955688, 0.021090172231197357, -0.041465066373348236, 0.15102463960647583, -0.07905733585357666, -0.033654142171144485, -0.20569241046905518, 0.033013489097356796, -0.030823851004242897, -0.05656188726425171, -0.04634488746523857, -0.011711535044014454, -0.055428337305784225, -0.0934930071234703, -0.05482853204011917, -0.0670623853802681, -0.10514669865369797, 0.04435544088482857, 0.024937734007835388, 0.06336583197116852, -0.0979679524898529, -0.045197151601314545, 0.11004981398582458, 0.014402630738914013, 0.09534908831119537, 0.013707536272704601, -0.001897924579679966, 0.13980194926261902, -0.0967852994799614, 0.08335380256175995, 0.0771576538681984, 0.02613198384642601, 0.01721414178609848, 0.05322195589542389, -0.042395398020744324, 0.024114688858389854, 0.06738847494125366, 0.08707074075937271, 0.03444314002990723, -0.08955306559801102, -0.015434817411005497, -0.02980337105691433, -0.18635091185569763, -0.02687060832977295, 0.029250891879200935, -0.0007212684722617269, 0.013978320173919201, 0.10988876223564148, -0.05810103937983513, 0.02192646637558937, 0.005073700565844774, -0.010194377973675728, -0.018167581409215927, -0.21310462057590485, -0.05701963230967522, -0.13514481484889984, -0.029628869146108627, -0.012071056291460991, 0.2241385281085968, 0.06459637731313705, -0.113143190741539, 0.0257169958204031, 0.03414701297879219, -0.13266558945178986, -0.05213198438286781, 0.1878960132598877, 0.05884981155395508, -0.06880109012126923, -0.20697103440761566, 0.09126166254281998, -0.10051245242357254, 0.001332209794782102, 0.10329501330852509, 0.06950175762176514, -0.017880957573652267, -0.057620640844106674, 0.060677167028188705, 0.04483149200677872, -0.04356762766838074, -0.25805822014808655, 0.09206647425889969, 0.06865724921226501, -0.007627313956618309, 0.10942825675010681, 0.11548183858394623, -0.05587812885642052, 0.02360771968960762, -0.03673478960990906, -0.038535699248313904, -0.1868678480386734, -0.06847625970840454, -0.07923689484596252, -0.08612886816263199, 0.022337093949317932, -0.031525786966085434, -0.012685548514127731, -0.03946566581726074, 0.07218033820390701, -0.12153123319149017, 0.103855662047863, 0.01622793823480606, -0.09412472695112228, 0.06488140672445297, -0.015551666729152203, -0.0371527299284935, -0.11433170735836029, 0.03177577257156372, -0.15275585651397705, 0.03310772031545639, -0.04993119090795517, -0.01579529233276844, -0.04460422322154045, -0.10233961045742035, -0.1666249781847, -0.09124339371919632, -0.03329392522573471, 0.07857439666986465, 0.011296533979475498, 0.13318809866905212, -0.008997442200779915, -0.009134694933891296, 0.05232085660099983, 0.16741542518138885, 0.025871891528367996, -0.10689976811408997, 0.013452272862195969, 0.22527186572551727, -0.014987018890678883, 0.04268084093928337, -0.038567349314689636, -0.022579599171876907, 0.0487494058907032, 0.19094443321228027, 0.3476608097553253, -0.05710544064640999, 0.05798669531941414, 0.0009524628985673189, 0.0467342734336853, 0.13985669612884521, 0.13939224183559418, 0.04400928318500519, 0.190423846244812, -0.0662064477801323, -0.025541260838508606, -0.0539621002972126, 0.0563843734562397, 0.009105193428695202, 0.11609950661659241, 0.07074368745088577, -0.06565788388252258, -0.14298251271247864, 0.0899958461523056, -0.1440749615430832, 0.005967029370367527, -0.06711500883102417, -0.16717901825904846, -0.04401883855462074, -0.015183215960860252, 0.0241262037307024, -0.016940217465162277, 0.004316948354244232, -0.02521568350493908, -0.014810741879045963, -0.05212581902742386, 0.04275030270218849, -0.15309353172779083, -0.03706207126379013, 0.13011254370212555, 0.05673705413937569, 0.02863365039229393, -0.06948266923427582, 0.02046417072415352, 0.09841272979974747, 0.035130295902490616, 0.00524273794144392, 0.07943160831928253, 0.08480120450258255, 0.01571664959192276, -0.04665379598736763, 0.01220876257866621, 0.0055315084755420685, -0.07889120280742645, 0.1343269646167755, -0.08551007509231567, 0.04409334063529968, 0.03456641361117363, -0.09683668613433838, -0.056763309985399246, 0.14123955368995667, -0.09478139132261276, 0.08086810261011124, 0.10739798843860626, -0.007700905669480562, -0.020116327330470085, -0.08076377213001251, -0.025100093334913254, 0.035377297550439835, -0.10503929853439331, -0.01046314649283886, 0.011056746356189251, -0.04817705228924751, 0.10655151307582855, 0.06598711758852005, -0.32033681869506836, -0.021004045382142067, -0.15418165922164917, 0.03304983675479889, -0.14648710191249847, 0.1271154135465622, -0.01578439399600029, -0.02266721986234188, -0.0017545028822496533, -0.13215355575084686, -0.00802833866328001, -0.033953890204429626, -0.10723965615034103, -0.0572671964764595 ]
null
null
transformers
# Regression Model for Energy Levels (ICF b1300) ## Description A fine-tuned regression model that assigns a functioning level to Dutch sentences describing energy level. The model is based on a pre-trained Dutch medical language model ([link to be added]()): a RoBERTa model, trained from scratch on clinical notes of the Amsterdam UMC. To detect sentences about energy level in clinical text in Dutch, use the [icf-domains](https://huggingface.co/CLTL/icf-domains) classification model. ## Functioning levels Level | Meaning ---|--- 4 | No problem with the energy level. 3 | Slight fatigue that causes mild limitations. 2 | Moderate fatigue; the patient gets easily tired from light activities or needs a long time to recover after an activity. 1 | Severe fatigue; the patient is capable of very little. 0 | Very severe fatigue; unable to do anything and mostly lays in bed. The predictions generated by the model might sometimes be outside of the scale (e.g. 4.2); this is normal in a regression model. ## Intended uses and limitations - The model was fine-tuned (trained, validated and tested) on medical records from the Amsterdam UMC (the two academic medical centers of Amsterdam). It might perform differently on text from a different hospital or text from non-hospital sources (e.g. GP records). - The model was fine-tuned with the [Simple Transformers](https://simpletransformers.ai/) library. This library is based on Transformers but the model cannot be used directly with Transformers `pipeline` and classes; doing so would generate incorrect outputs. For this reason, the API on this page is disabled. ## How to use To generate predictions with the model, use the [Simple Transformers](https://simpletransformers.ai/) library: ``` from simpletransformers.classification import ClassificationModel model = ClassificationModel( 'roberta', 'CLTL/icf-levels-enr', use_cuda=False, ) example = 'Al jaren extreme vermoeidheid overdag, valt overdag in slaap tijdens school- en werkactiviteiten en soms zelfs tijdens een gesprek.' _, raw_outputs = model.predict([example]) predictions = np.squeeze(raw_outputs) ``` The prediction on the example is: ``` 1.98 ``` The raw outputs look like this: ``` [[1.97520316]] ``` ## Training data - The training data consists of clinical notes from medical records (in Dutch) of the Amsterdam UMC. Due to privacy constraints, the data cannot be released. - The annotation guidelines used for the project can be found [here](https://github.com/cltl/a-proof-zonmw/tree/main/resources/annotation_guidelines). ## Training procedure The default training parameters of Simple Transformers were used, including: - Optimizer: AdamW - Learning rate: 4e-5 - Num train epochs: 1 - Train batch size: 8 ## Evaluation results The evaluation is done on a sentence-level (the classification unit) and on a note-level (the aggregated unit which is meaningful for the healthcare professionals). | | Sentence-level | Note-level |---|---|--- mean absolute error | 0.48 | 0.43 mean squared error | 0.49 | 0.42 root mean squared error | 0.70 | 0.65 ## Authors and references ### Authors Jenia Kim, Piek Vossen ### References TBD
{"language": "nl", "license": "mit", "pipeline_tag": "text-classification", "inference": false}
text-classification
CLTL/icf-levels-enr
[ "transformers", "pytorch", "roberta", "text-classification", "nl", "license:mit", "autotrain_compatible", "region:us" ]
2022-03-02T23:29:04+00:00
[]
[ "nl" ]
TAGS #transformers #pytorch #roberta #text-classification #nl #license-mit #autotrain_compatible #region-us
Regression Model for Energy Levels (ICF b1300) ============================================== Description ----------- A fine-tuned regression model that assigns a functioning level to Dutch sentences describing energy level. The model is based on a pre-trained Dutch medical language model (link to be added): a RoBERTa model, trained from scratch on clinical notes of the Amsterdam UMC. To detect sentences about energy level in clinical text in Dutch, use the icf-domains classification model. Functioning levels ------------------ The predictions generated by the model might sometimes be outside of the scale (e.g. 4.2); this is normal in a regression model. Intended uses and limitations ----------------------------- * The model was fine-tuned (trained, validated and tested) on medical records from the Amsterdam UMC (the two academic medical centers of Amsterdam). It might perform differently on text from a different hospital or text from non-hospital sources (e.g. GP records). * The model was fine-tuned with the Simple Transformers library. This library is based on Transformers but the model cannot be used directly with Transformers 'pipeline' and classes; doing so would generate incorrect outputs. For this reason, the API on this page is disabled. How to use ---------- To generate predictions with the model, use the Simple Transformers library: The prediction on the example is: The raw outputs look like this: Training data ------------- * The training data consists of clinical notes from medical records (in Dutch) of the Amsterdam UMC. Due to privacy constraints, the data cannot be released. * The annotation guidelines used for the project can be found here. Training procedure ------------------ The default training parameters of Simple Transformers were used, including: * Optimizer: AdamW * Learning rate: 4e-5 * Num train epochs: 1 * Train batch size: 8 Evaluation results ------------------ The evaluation is done on a sentence-level (the classification unit) and on a note-level (the aggregated unit which is meaningful for the healthcare professionals). Sentence-level: mean absolute error, Note-level: 0.48 Sentence-level: mean squared error, Note-level: 0.49 Sentence-level: root mean squared error, Note-level: 0.70 Authors and references ---------------------- ### Authors Jenia Kim, Piek Vossen ### References TBD
[ "### Authors\n\n\nJenia Kim, Piek Vossen", "### References\n\n\nTBD" ]
[ "TAGS\n#transformers #pytorch #roberta #text-classification #nl #license-mit #autotrain_compatible #region-us \n", "### Authors\n\n\nJenia Kim, Piek Vossen", "### References\n\n\nTBD" ]
[ 36, 12, 6 ]
[ "passage: TAGS\n#transformers #pytorch #roberta #text-classification #nl #license-mit #autotrain_compatible #region-us \n### Authors\n\n\nJenia Kim, Piek Vossen### References\n\n\nTBD" ]
[ -0.006074214354157448, 0.06257491558790207, -0.004903792403638363, 0.0684991180896759, 0.06770800054073334, 0.0296805240213871, 0.20315322279930115, 0.056105948984622955, 0.05791117995977402, -0.08820715546607971, 0.096807561814785, 0.15088121592998505, -0.03073725663125515, 0.1027129590511322, -0.05662611126899719, -0.28348538279533386, 0.03997746855020523, 0.09073726087808609, 0.01716560497879982, 0.1048952266573906, 0.0885724276304245, -0.04554587975144386, 0.035586804151535034, -0.03409622237086296, -0.09230843186378479, 0.009163404814898968, -0.014514666050672531, -0.07824689149856567, 0.1490873545408249, 0.017513414844870567, 0.07457094639539719, 0.10140065848827362, 0.006900091655552387, -0.09963247925043106, 0.027267936617136, -0.07310808449983597, -0.15281559526920319, 0.049683135002851486, 0.010927352122962475, -0.02237001620233059, 0.21403563022613525, 0.06079696863889694, -0.01081524696201086, 0.00143779581412673, -0.14411169290542603, -0.1668940782546997, -0.03974740579724312, 0.14264969527721405, 0.027597403153777122, 0.0020031908061355352, 0.015062411315739155, 0.2257639616727829, -0.09508078545331955, 0.11277244240045547, 0.1231745257973671, -0.3013637363910675, -0.0015584946377202868, 0.10552898049354553, 0.0431477315723896, 0.059906695038080215, -0.09186594188213348, 0.07002527266740799, 0.02305060438811779, 0.006521569564938545, -0.01866234466433525, -0.12513604760169983, -0.00673262681812048, 0.014879363588988781, -0.08635211735963821, -0.005781062878668308, 0.3281126916408539, -0.05432061851024628, 0.018270175904035568, 0.09473002701997757, -0.08058308809995651, 0.029133446514606476, 0.05196547135710716, -0.08758395165205002, -0.06371403485536575, 0.01711849868297577, -0.04150890186429024, -0.03632309287786484, -0.07739399373531342, 0.027161184698343277, -0.17846499383449554, 0.14590631425380707, 0.018740998581051826, -0.0019058273173868656, -0.05860276147723198, 0.04786713793873787, -0.04617961123585701, -0.0932467132806778, -0.024862393736839294, -0.09808443486690521, 0.0899767130613327, -0.043153148144483566, 0.06853087246417999, -0.04109438508749008, 0.005874035879969597, 0.228092759847641, 0.09207649528980255, -0.003226174507290125, -0.11610850691795349, 0.1055988073348999, -0.0046534668654203415, 0.09404856711626053, 0.019595514982938766, 0.0337652750313282, 0.07833109050989151, -0.09507934004068375, 0.06789347529411316, -0.0036908197216689587, -0.19615419209003448, -0.06319296360015869, 0.1027049720287323, 0.07230255752801895, -0.011123327538371086, 0.09272868186235428, -0.020020997151732445, -0.0067500220611691475, 0.16405542194843292, 0.04108687490224838, -0.04438512399792671, -0.016289273276925087, 0.005015002563595772, -0.06803087890148163, 0.0324162095785141, -0.005055441986769438, -0.003986207768321037, 0.1717836707830429, -0.0675811693072319, -0.04548240825533867, 0.04203266277909279, -0.07762371003627777, 0.05407547578215599, -0.08810846507549286, 0.07653795182704926, -0.20227864384651184, -0.14518596231937408, 0.062615305185318, -0.03199227899312973, -0.027836056426167488, -0.0259604062885046, -0.022134538739919662, -0.026984576135873795, 0.021563226357102394, -0.031997229903936386, -0.14259172976016998, -0.05801903456449509, 0.13929162919521332, -0.05575959384441376, 0.06165456026792526, -0.17307791113853455, 0.02950398623943329, -0.13098903000354767, 0.0009022435988299549, -0.10248340666294098, -0.05660293996334076, -0.06421183049678802, 0.04515226185321808, -0.011160274036228657, -0.0367252342402935, -0.07796444743871689, -0.013883235864341259, -0.02230217307806015, 0.1656046062707901, -0.10653068870306015, -0.09071147441864014, 0.1672213226556778, -0.06424031406641006, -0.13729329407215118, 0.09945724904537201, -0.020994100719690323, 0.19932536780834198, 0.08173976093530655, 0.24776551127433777, 0.140435129404068, -0.04943840205669403, 0.05945712700486183, 0.09146290272474289, 0.02800208516418934, -0.038332730531692505, 0.030644355341792107, 0.037296295166015625, -0.05714638531208038, 0.02950185351073742, 0.03427168354392052, 0.023382171988487244, -0.013336656615138054, -0.054122116416692734, 0.014288146048784256, -0.007924637757241726, 0.1731443554162979, 0.03673931956291199, 0.09259865432977676, -0.06998243182897568, 0.01943819411098957, 0.02100861258804798, 0.04881621524691582, 0.09595750272274017, 0.014621615409851074, 0.0018984623020514846, 0.002541495952755213, 0.001313749118708074, 0.02204885333776474, -0.054419368505477905, -0.0332920178771019, -0.00038925284752622247, 0.0879424437880516, 0.11722509562969208, 0.1710222363471985, 0.0325063094496727, -0.033843256533145905, -0.09259446710348129, 0.006984151899814606, 0.022213894873857498, 0.033944569528102875, -0.01710202731192112, -0.13026605546474457, 0.10904782265424728, -0.023086698725819588, -0.019961511716246605, -0.06699252873659134, 0.023348825052380562, 0.12343011051416397, 0.03581959754228592, 0.00678812013939023, 0.07436887919902802, -0.023653237149119377, 0.054022613912820816, -0.08760349452495575, 0.04915202409029007, 0.07303397357463837, -0.016717568039894104, -0.13170211017131805, 0.19070248305797577, -0.0927228182554245, 0.20606258511543274, 0.1498502492904663, -0.12860959768295288, -0.024848835542798042, 0.007226604502648115, -0.021907689049839973, -0.04603379964828491, 0.0780046284198761, -0.0012271205196157098, -0.046321701258420944, -0.01342905405908823, 0.11592122167348862, -0.05111906677484512, -0.03831426799297333, -0.008513214066624641, -0.07791808247566223, -0.04505481943488121, 0.15589265525341034, 0.12704584002494812, -0.20392312109470367, 0.17171776294708252, 0.31611332297325134, 0.011923236772418022, 0.23052462935447693, 0.01825474575161934, 0.04515044763684273, -0.022374797612428665, -0.08710171282291412, 0.004752990324050188, 0.07148943096399307, -0.061438292264938354, 0.06102992221713066, 0.04154333844780922, 0.03956875950098038, -0.004385311156511307, -0.10371080785989761, -0.10028628259897232, -0.040310751646757126, 0.01289465744048357, -0.05585527420043945, 0.14657053351402283, -0.02399260364472866, 0.08874718099832535, 0.009523884393274784, -0.09049952775239944, 0.08405240625143051, 0.036557093262672424, -0.08537773787975311, 0.13451237976551056, -0.13765668869018555, -0.29601961374282837, -0.14726705849170685, -0.09748636931180954, -0.06344698369503021, 0.038682881742715836, 0.10384158045053482, -0.023485302925109863, -0.05736995488405228, 0.05714620277285576, 0.06117371469736099, -0.09527602791786194, -0.04248272627592087, -0.12325489521026611, 0.05393412336707115, -0.08971204608678818, -0.11543144285678864, -0.035300496965646744, -0.00801920611411333, -0.08845051378011703, 0.12264265865087509, -0.13811898231506348, 0.11555391550064087, 0.07271035760641098, 0.020712630823254585, -0.029189804568886757, -0.03240622580051422, 0.1600717008113861, -0.12786322832107544, 0.0986599326133728, 0.08057678490877151, -0.10558225959539413, 0.06173967197537422, 0.21008345484733582, 0.05687486752867699, -0.019198354333639145, 0.034509219229221344, -0.0659819096326828, -0.11301455646753311, -0.2258376181125641, -0.10439782589673996, -0.1144462525844574, 0.17912352085113525, 0.029550502076745033, 0.047252703458070755, 0.19608666002750397, 0.07285044342279434, -0.045315634459257126, 0.0494251623749733, 0.014451166614890099, 0.13284926116466522, 0.2881874740123749, 0.028013354167342186, 0.08981867879629135, -0.09053322672843933, -0.10990346223115921, 0.10061393678188324, 0.07134272158145905, 0.057275161147117615, 0.09955955296754837, 0.09630630165338516, 0.09238515049219131, 0.08767160773277283, 0.09373234957456589, 0.06227393075823784, 0.02649342454969883, 0.01735246181488037, -0.06522706151008606, -0.050041720271110535, 0.05157141759991646, 0.06802017986774445, -0.06572465598583221, -0.12711244821548462, 0.006008514203131199, -0.16346901655197144, 0.06306701898574829, -0.06906259059906006, 0.06802457571029663, -0.01911051571369171, 0.00007454449951183051, 0.07687807828187943, 0.047091733664274216, -0.04676618054509163, 0.0537470318377018, -0.0837625190615654, -0.17036111652851105, 0.07583190500736237, 0.00860470812767744, 0.08965449780225754, -0.09590531140565872, 0.053816162049770355, -0.12940379977226257, -0.1460992693901062, -0.0024373007472604513, 0.11856188625097275, -0.34998154640197754, 0.29593148827552795, 0.03184131905436516, -0.08763375878334045, -0.06480708718299866, -0.11341381072998047, 0.013733673840761185, 0.19047531485557556, 0.03952832520008087, 0.026872145012021065, 0.008564230985939503, -0.07520558685064316, -0.011570826172828674, -0.021574119105935097, 0.07189314812421799, -0.035756416618824005, -0.03778546676039696, -0.03392040356993675, 0.011335224844515324, -0.011476327665150166, 0.044202014803886414, -0.002161402953788638, -0.04142993316054344, 0.06977515667676926, -0.006133166141808033, -0.01024074386805296, -0.004400844220072031, -0.06991652399301529, -0.08478425443172455, 0.08229941874742508, -0.08555366843938828, -0.047056421637535095, -0.03663000464439392, -0.08345310389995575, 0.004804569762200117, -0.08487400412559509, 0.02449885569512844, -0.06835247576236725, -0.06920435279607773, -0.09273643046617508, -0.13032406568527222, 0.10704115033149719, -0.04270869866013527, -0.08986211568117142, -0.039728447794914246, 0.15155534446239471, -0.0187847837805748, 0.031753700226545334, -0.0003060346934944391, 0.007825330831110477, -0.07243308424949646, -0.10283233970403671, 0.011457249522209167, -0.1064440906047821, -0.11853747069835663, -0.029055653139948845, -0.14473769068717957, -0.025269605219364166, -0.05352954566478729, -0.1130266860127449, 0.1188235878944397, 0.3392520844936371, -0.049903884530067444, 0.176270991563797, 0.17655906081199646, -0.06483383476734161, -0.31691062450408936, -0.05703958868980408, -0.15345366299152374, -0.06897764652967453, 0.0645565539598465, -0.12794643640518188, 0.032014235854148865, 0.0317983478307724, -0.03719836473464966, 0.13383996486663818, -0.17156420648097992, -0.12699712812900543, 0.1943047195672989, -0.023385852575302124, 0.3334326446056366, -0.06717479974031448, -0.07312311232089996, -0.054126251488924026, -0.10964544117450714, 0.05592736601829529, -0.042735859751701355, 0.0808025524020195, -0.0578414686024189, 0.06650647521018982, -0.01187119074165821, 0.022641314193606377, 0.05882341042160988, 0.008317772299051285, 0.03413107618689537, -0.14259104430675507, -0.10180453956127167, 0.11180663853883743, 0.027015291154384613, -0.012081269174814224, -0.03272382915019989, 0.01951916143298149, -0.1031181588768959, -0.007868997752666473, -0.08484765142202377, 0.12303293496370316, -0.059681449085474014, -0.14248286187648773, -0.09392035752534866, 0.05107606202363968, -0.09818614274263382, -0.07363460958003998, 0.1290486454963684, 0.01206438709050417, 0.14407765865325928, 0.08355370163917542, 0.07164570689201355, 0.027333194389939308, 0.16404198110103607, -0.07623372972011566, -0.09190643578767776, 0.01842106133699417, -0.036605462431907654, 0.01712961122393608, 0.12368480861186981, -0.009090778417885303, 0.05830966308712959, 0.05454723909497261, -0.07149756699800491, -0.0200839564204216, 0.12167409062385559, -0.26348575949668884, -0.03323154151439667, -0.07324124872684479, -0.09826388955116272, 0.1597549319267273, 0.10769747197628021, 0.17627130448818207, -0.013972092419862747, -0.04377278685569763, 0.06459083408117294, -0.0005429525626823306, -0.02380424551665783, 0.04582289978861809, 0.10855112224817276, -0.002717966679483652, -0.03295821696519852, 0.07459612190723419, 0.07946188747882843, 0.02894030325114727, 0.0070599839091300964, 0.13984189927577972, -0.1367032676935196, -0.10521624237298965, -0.05383030325174332, 0.07436002790927887, -0.16554895043373108, 0.03974558413028717, -0.04595454782247543, -0.024025021120905876, 0.0054797218181192875, 0.29590314626693726, 0.06840592622756958, 0.0757240504026413, -0.026798317208886147, -0.012716701254248619, 0.012236768379807472, 0.10171940177679062, -0.025241198018193245, 0.06442167609930038, -0.06846767663955688, 0.021090172231197357, -0.041465066373348236, 0.15102463960647583, -0.07905733585357666, -0.033654142171144485, -0.20569241046905518, 0.033013489097356796, -0.030823851004242897, -0.05656188726425171, -0.04634488746523857, -0.011711535044014454, -0.055428337305784225, -0.0934930071234703, -0.05482853204011917, -0.0670623853802681, -0.10514669865369797, 0.04435544088482857, 0.024937734007835388, 0.06336583197116852, -0.0979679524898529, -0.045197151601314545, 0.11004981398582458, 0.014402630738914013, 0.09534908831119537, 0.013707536272704601, -0.001897924579679966, 0.13980194926261902, -0.0967852994799614, 0.08335380256175995, 0.0771576538681984, 0.02613198384642601, 0.01721414178609848, 0.05322195589542389, -0.042395398020744324, 0.024114688858389854, 0.06738847494125366, 0.08707074075937271, 0.03444314002990723, -0.08955306559801102, -0.015434817411005497, -0.02980337105691433, -0.18635091185569763, -0.02687060832977295, 0.029250891879200935, -0.0007212684722617269, 0.013978320173919201, 0.10988876223564148, -0.05810103937983513, 0.02192646637558937, 0.005073700565844774, -0.010194377973675728, -0.018167581409215927, -0.21310462057590485, -0.05701963230967522, -0.13514481484889984, -0.029628869146108627, -0.012071056291460991, 0.2241385281085968, 0.06459637731313705, -0.113143190741539, 0.0257169958204031, 0.03414701297879219, -0.13266558945178986, -0.05213198438286781, 0.1878960132598877, 0.05884981155395508, -0.06880109012126923, -0.20697103440761566, 0.09126166254281998, -0.10051245242357254, 0.001332209794782102, 0.10329501330852509, 0.06950175762176514, -0.017880957573652267, -0.057620640844106674, 0.060677167028188705, 0.04483149200677872, -0.04356762766838074, -0.25805822014808655, 0.09206647425889969, 0.06865724921226501, -0.007627313956618309, 0.10942825675010681, 0.11548183858394623, -0.05587812885642052, 0.02360771968960762, -0.03673478960990906, -0.038535699248313904, -0.1868678480386734, -0.06847625970840454, -0.07923689484596252, -0.08612886816263199, 0.022337093949317932, -0.031525786966085434, -0.012685548514127731, -0.03946566581726074, 0.07218033820390701, -0.12153123319149017, 0.103855662047863, 0.01622793823480606, -0.09412472695112228, 0.06488140672445297, -0.015551666729152203, -0.0371527299284935, -0.11433170735836029, 0.03177577257156372, -0.15275585651397705, 0.03310772031545639, -0.04993119090795517, -0.01579529233276844, -0.04460422322154045, -0.10233961045742035, -0.1666249781847, -0.09124339371919632, -0.03329392522573471, 0.07857439666986465, 0.011296533979475498, 0.13318809866905212, -0.008997442200779915, -0.009134694933891296, 0.05232085660099983, 0.16741542518138885, 0.025871891528367996, -0.10689976811408997, 0.013452272862195969, 0.22527186572551727, -0.014987018890678883, 0.04268084093928337, -0.038567349314689636, -0.022579599171876907, 0.0487494058907032, 0.19094443321228027, 0.3476608097553253, -0.05710544064640999, 0.05798669531941414, 0.0009524628985673189, 0.0467342734336853, 0.13985669612884521, 0.13939224183559418, 0.04400928318500519, 0.190423846244812, -0.0662064477801323, -0.025541260838508606, -0.0539621002972126, 0.0563843734562397, 0.009105193428695202, 0.11609950661659241, 0.07074368745088577, -0.06565788388252258, -0.14298251271247864, 0.0899958461523056, -0.1440749615430832, 0.005967029370367527, -0.06711500883102417, -0.16717901825904846, -0.04401883855462074, -0.015183215960860252, 0.0241262037307024, -0.016940217465162277, 0.004316948354244232, -0.02521568350493908, -0.014810741879045963, -0.05212581902742386, 0.04275030270218849, -0.15309353172779083, -0.03706207126379013, 0.13011254370212555, 0.05673705413937569, 0.02863365039229393, -0.06948266923427582, 0.02046417072415352, 0.09841272979974747, 0.035130295902490616, 0.00524273794144392, 0.07943160831928253, 0.08480120450258255, 0.01571664959192276, -0.04665379598736763, 0.01220876257866621, 0.0055315084755420685, -0.07889120280742645, 0.1343269646167755, -0.08551007509231567, 0.04409334063529968, 0.03456641361117363, -0.09683668613433838, -0.056763309985399246, 0.14123955368995667, -0.09478139132261276, 0.08086810261011124, 0.10739798843860626, -0.007700905669480562, -0.020116327330470085, -0.08076377213001251, -0.025100093334913254, 0.035377297550439835, -0.10503929853439331, -0.01046314649283886, 0.011056746356189251, -0.04817705228924751, 0.10655151307582855, 0.06598711758852005, -0.32033681869506836, -0.021004045382142067, -0.15418165922164917, 0.03304983675479889, -0.14648710191249847, 0.1271154135465622, -0.01578439399600029, -0.02266721986234188, -0.0017545028822496533, -0.13215355575084686, -0.00802833866328001, -0.033953890204429626, -0.10723965615034103, -0.0572671964764595 ]
null
null
transformers
# Regression Model for Eating Functioning Levels (ICF d550) ## Description A fine-tuned regression model that assigns a functioning level to Dutch sentences describing eating functions. The model is based on a pre-trained Dutch medical language model ([link to be added]()): a RoBERTa model, trained from scratch on clinical notes of the Amsterdam UMC. To detect sentences about eating functions in clinical text in Dutch, use the [icf-domains](https://huggingface.co/CLTL/icf-domains) classification model. ## Functioning levels Level | Meaning ---|--- 4 | Can eat independently (in culturally acceptable ways), good intake, eats according to her/his needs. 3 | Can eat independently but with adjustments, and/or somewhat reduced intake (&gt;75% of her/his needs), and/or good intake can be achieved with proper advice. 2 | Reduced intake, and/or stimulus / feeding modules / nutrition drinks are needed (but not tube feeding / TPN). 1 | Intake is severely reduced (&lt;50% of her/his needs), and/or tube feeding / TPN is needed. 0 | Cannot eat, and/or fully dependent on tube feeding / TPN. The predictions generated by the model might sometimes be outside of the scale (e.g. 4.2); this is normal in a regression model. ## Intended uses and limitations - The model was fine-tuned (trained, validated and tested) on medical records from the Amsterdam UMC (the two academic medical centers of Amsterdam). It might perform differently on text from a different hospital or text from non-hospital sources (e.g. GP records). - The model was fine-tuned with the [Simple Transformers](https://simpletransformers.ai/) library. This library is based on Transformers but the model cannot be used directly with Transformers `pipeline` and classes; doing so would generate incorrect outputs. For this reason, the API on this page is disabled. ## How to use To generate predictions with the model, use the [Simple Transformers](https://simpletransformers.ai/) library: ``` from simpletransformers.classification import ClassificationModel model = ClassificationModel( 'roberta', 'CLTL/icf-levels-etn', use_cuda=False, ) example = 'Sondevoeding is geïndiceerd' _, raw_outputs = model.predict([example]) predictions = np.squeeze(raw_outputs) ``` The prediction on the example is: ``` 0.89 ``` The raw outputs look like this: ``` [[0.8872931]] ``` ## Training data - The training data consists of clinical notes from medical records (in Dutch) of the Amsterdam UMC. Due to privacy constraints, the data cannot be released. - The annotation guidelines used for the project can be found [here](https://github.com/cltl/a-proof-zonmw/tree/main/resources/annotation_guidelines). ## Training procedure The default training parameters of Simple Transformers were used, including: - Optimizer: AdamW - Learning rate: 4e-5 - Num train epochs: 1 - Train batch size: 8 ## Evaluation results The evaluation is done on a sentence-level (the classification unit) and on a note-level (the aggregated unit which is meaningful for the healthcare professionals). | | Sentence-level | Note-level |---|---|--- mean absolute error | 0.59 | 0.50 mean squared error | 0.65 | 0.47 root mean squared error | 0.81 | 0.68 ## Authors and references ### Authors Jenia Kim, Piek Vossen ### References TBD
{"language": "nl", "license": "mit", "pipeline_tag": "text-classification", "inference": false}
text-classification
CLTL/icf-levels-etn
[ "transformers", "pytorch", "roberta", "text-classification", "nl", "license:mit", "autotrain_compatible", "region:us" ]
2022-03-02T23:29:04+00:00
[]
[ "nl" ]
TAGS #transformers #pytorch #roberta #text-classification #nl #license-mit #autotrain_compatible #region-us
Regression Model for Eating Functioning Levels (ICF d550) ========================================================= Description ----------- A fine-tuned regression model that assigns a functioning level to Dutch sentences describing eating functions. The model is based on a pre-trained Dutch medical language model (link to be added): a RoBERTa model, trained from scratch on clinical notes of the Amsterdam UMC. To detect sentences about eating functions in clinical text in Dutch, use the icf-domains classification model. Functioning levels ------------------ The predictions generated by the model might sometimes be outside of the scale (e.g. 4.2); this is normal in a regression model. Intended uses and limitations ----------------------------- * The model was fine-tuned (trained, validated and tested) on medical records from the Amsterdam UMC (the two academic medical centers of Amsterdam). It might perform differently on text from a different hospital or text from non-hospital sources (e.g. GP records). * The model was fine-tuned with the Simple Transformers library. This library is based on Transformers but the model cannot be used directly with Transformers 'pipeline' and classes; doing so would generate incorrect outputs. For this reason, the API on this page is disabled. How to use ---------- To generate predictions with the model, use the Simple Transformers library: The prediction on the example is: The raw outputs look like this: Training data ------------- * The training data consists of clinical notes from medical records (in Dutch) of the Amsterdam UMC. Due to privacy constraints, the data cannot be released. * The annotation guidelines used for the project can be found here. Training procedure ------------------ The default training parameters of Simple Transformers were used, including: * Optimizer: AdamW * Learning rate: 4e-5 * Num train epochs: 1 * Train batch size: 8 Evaluation results ------------------ The evaluation is done on a sentence-level (the classification unit) and on a note-level (the aggregated unit which is meaningful for the healthcare professionals). Sentence-level: mean absolute error, Note-level: 0.59 Sentence-level: mean squared error, Note-level: 0.65 Sentence-level: root mean squared error, Note-level: 0.81 Authors and references ---------------------- ### Authors Jenia Kim, Piek Vossen ### References TBD
[ "### Authors\n\n\nJenia Kim, Piek Vossen", "### References\n\n\nTBD" ]
[ "TAGS\n#transformers #pytorch #roberta #text-classification #nl #license-mit #autotrain_compatible #region-us \n", "### Authors\n\n\nJenia Kim, Piek Vossen", "### References\n\n\nTBD" ]
[ 36, 12, 6 ]
[ "passage: TAGS\n#transformers #pytorch #roberta #text-classification #nl #license-mit #autotrain_compatible #region-us \n### Authors\n\n\nJenia Kim, Piek Vossen### References\n\n\nTBD" ]
[ -0.006074214354157448, 0.06257491558790207, -0.004903792403638363, 0.0684991180896759, 0.06770800054073334, 0.0296805240213871, 0.20315322279930115, 0.056105948984622955, 0.05791117995977402, -0.08820715546607971, 0.096807561814785, 0.15088121592998505, -0.03073725663125515, 0.1027129590511322, -0.05662611126899719, -0.28348538279533386, 0.03997746855020523, 0.09073726087808609, 0.01716560497879982, 0.1048952266573906, 0.0885724276304245, -0.04554587975144386, 0.035586804151535034, -0.03409622237086296, -0.09230843186378479, 0.009163404814898968, -0.014514666050672531, -0.07824689149856567, 0.1490873545408249, 0.017513414844870567, 0.07457094639539719, 0.10140065848827362, 0.006900091655552387, -0.09963247925043106, 0.027267936617136, -0.07310808449983597, -0.15281559526920319, 0.049683135002851486, 0.010927352122962475, -0.02237001620233059, 0.21403563022613525, 0.06079696863889694, -0.01081524696201086, 0.00143779581412673, -0.14411169290542603, -0.1668940782546997, -0.03974740579724312, 0.14264969527721405, 0.027597403153777122, 0.0020031908061355352, 0.015062411315739155, 0.2257639616727829, -0.09508078545331955, 0.11277244240045547, 0.1231745257973671, -0.3013637363910675, -0.0015584946377202868, 0.10552898049354553, 0.0431477315723896, 0.059906695038080215, -0.09186594188213348, 0.07002527266740799, 0.02305060438811779, 0.006521569564938545, -0.01866234466433525, -0.12513604760169983, -0.00673262681812048, 0.014879363588988781, -0.08635211735963821, -0.005781062878668308, 0.3281126916408539, -0.05432061851024628, 0.018270175904035568, 0.09473002701997757, -0.08058308809995651, 0.029133446514606476, 0.05196547135710716, -0.08758395165205002, -0.06371403485536575, 0.01711849868297577, -0.04150890186429024, -0.03632309287786484, -0.07739399373531342, 0.027161184698343277, -0.17846499383449554, 0.14590631425380707, 0.018740998581051826, -0.0019058273173868656, -0.05860276147723198, 0.04786713793873787, -0.04617961123585701, -0.0932467132806778, -0.024862393736839294, -0.09808443486690521, 0.0899767130613327, -0.043153148144483566, 0.06853087246417999, -0.04109438508749008, 0.005874035879969597, 0.228092759847641, 0.09207649528980255, -0.003226174507290125, -0.11610850691795349, 0.1055988073348999, -0.0046534668654203415, 0.09404856711626053, 0.019595514982938766, 0.0337652750313282, 0.07833109050989151, -0.09507934004068375, 0.06789347529411316, -0.0036908197216689587, -0.19615419209003448, -0.06319296360015869, 0.1027049720287323, 0.07230255752801895, -0.011123327538371086, 0.09272868186235428, -0.020020997151732445, -0.0067500220611691475, 0.16405542194843292, 0.04108687490224838, -0.04438512399792671, -0.016289273276925087, 0.005015002563595772, -0.06803087890148163, 0.0324162095785141, -0.005055441986769438, -0.003986207768321037, 0.1717836707830429, -0.0675811693072319, -0.04548240825533867, 0.04203266277909279, -0.07762371003627777, 0.05407547578215599, -0.08810846507549286, 0.07653795182704926, -0.20227864384651184, -0.14518596231937408, 0.062615305185318, -0.03199227899312973, -0.027836056426167488, -0.0259604062885046, -0.022134538739919662, -0.026984576135873795, 0.021563226357102394, -0.031997229903936386, -0.14259172976016998, -0.05801903456449509, 0.13929162919521332, -0.05575959384441376, 0.06165456026792526, -0.17307791113853455, 0.02950398623943329, -0.13098903000354767, 0.0009022435988299549, -0.10248340666294098, -0.05660293996334076, -0.06421183049678802, 0.04515226185321808, -0.011160274036228657, -0.0367252342402935, -0.07796444743871689, -0.013883235864341259, -0.02230217307806015, 0.1656046062707901, -0.10653068870306015, -0.09071147441864014, 0.1672213226556778, -0.06424031406641006, -0.13729329407215118, 0.09945724904537201, -0.020994100719690323, 0.19932536780834198, 0.08173976093530655, 0.24776551127433777, 0.140435129404068, -0.04943840205669403, 0.05945712700486183, 0.09146290272474289, 0.02800208516418934, -0.038332730531692505, 0.030644355341792107, 0.037296295166015625, -0.05714638531208038, 0.02950185351073742, 0.03427168354392052, 0.023382171988487244, -0.013336656615138054, -0.054122116416692734, 0.014288146048784256, -0.007924637757241726, 0.1731443554162979, 0.03673931956291199, 0.09259865432977676, -0.06998243182897568, 0.01943819411098957, 0.02100861258804798, 0.04881621524691582, 0.09595750272274017, 0.014621615409851074, 0.0018984623020514846, 0.002541495952755213, 0.001313749118708074, 0.02204885333776474, -0.054419368505477905, -0.0332920178771019, -0.00038925284752622247, 0.0879424437880516, 0.11722509562969208, 0.1710222363471985, 0.0325063094496727, -0.033843256533145905, -0.09259446710348129, 0.006984151899814606, 0.022213894873857498, 0.033944569528102875, -0.01710202731192112, -0.13026605546474457, 0.10904782265424728, -0.023086698725819588, -0.019961511716246605, -0.06699252873659134, 0.023348825052380562, 0.12343011051416397, 0.03581959754228592, 0.00678812013939023, 0.07436887919902802, -0.023653237149119377, 0.054022613912820816, -0.08760349452495575, 0.04915202409029007, 0.07303397357463837, -0.016717568039894104, -0.13170211017131805, 0.19070248305797577, -0.0927228182554245, 0.20606258511543274, 0.1498502492904663, -0.12860959768295288, -0.024848835542798042, 0.007226604502648115, -0.021907689049839973, -0.04603379964828491, 0.0780046284198761, -0.0012271205196157098, -0.046321701258420944, -0.01342905405908823, 0.11592122167348862, -0.05111906677484512, -0.03831426799297333, -0.008513214066624641, -0.07791808247566223, -0.04505481943488121, 0.15589265525341034, 0.12704584002494812, -0.20392312109470367, 0.17171776294708252, 0.31611332297325134, 0.011923236772418022, 0.23052462935447693, 0.01825474575161934, 0.04515044763684273, -0.022374797612428665, -0.08710171282291412, 0.004752990324050188, 0.07148943096399307, -0.061438292264938354, 0.06102992221713066, 0.04154333844780922, 0.03956875950098038, -0.004385311156511307, -0.10371080785989761, -0.10028628259897232, -0.040310751646757126, 0.01289465744048357, -0.05585527420043945, 0.14657053351402283, -0.02399260364472866, 0.08874718099832535, 0.009523884393274784, -0.09049952775239944, 0.08405240625143051, 0.036557093262672424, -0.08537773787975311, 0.13451237976551056, -0.13765668869018555, -0.29601961374282837, -0.14726705849170685, -0.09748636931180954, -0.06344698369503021, 0.038682881742715836, 0.10384158045053482, -0.023485302925109863, -0.05736995488405228, 0.05714620277285576, 0.06117371469736099, -0.09527602791786194, -0.04248272627592087, -0.12325489521026611, 0.05393412336707115, -0.08971204608678818, -0.11543144285678864, -0.035300496965646744, -0.00801920611411333, -0.08845051378011703, 0.12264265865087509, -0.13811898231506348, 0.11555391550064087, 0.07271035760641098, 0.020712630823254585, -0.029189804568886757, -0.03240622580051422, 0.1600717008113861, -0.12786322832107544, 0.0986599326133728, 0.08057678490877151, -0.10558225959539413, 0.06173967197537422, 0.21008345484733582, 0.05687486752867699, -0.019198354333639145, 0.034509219229221344, -0.0659819096326828, -0.11301455646753311, -0.2258376181125641, -0.10439782589673996, -0.1144462525844574, 0.17912352085113525, 0.029550502076745033, 0.047252703458070755, 0.19608666002750397, 0.07285044342279434, -0.045315634459257126, 0.0494251623749733, 0.014451166614890099, 0.13284926116466522, 0.2881874740123749, 0.028013354167342186, 0.08981867879629135, -0.09053322672843933, -0.10990346223115921, 0.10061393678188324, 0.07134272158145905, 0.057275161147117615, 0.09955955296754837, 0.09630630165338516, 0.09238515049219131, 0.08767160773277283, 0.09373234957456589, 0.06227393075823784, 0.02649342454969883, 0.01735246181488037, -0.06522706151008606, -0.050041720271110535, 0.05157141759991646, 0.06802017986774445, -0.06572465598583221, -0.12711244821548462, 0.006008514203131199, -0.16346901655197144, 0.06306701898574829, -0.06906259059906006, 0.06802457571029663, -0.01911051571369171, 0.00007454449951183051, 0.07687807828187943, 0.047091733664274216, -0.04676618054509163, 0.0537470318377018, -0.0837625190615654, -0.17036111652851105, 0.07583190500736237, 0.00860470812767744, 0.08965449780225754, -0.09590531140565872, 0.053816162049770355, -0.12940379977226257, -0.1460992693901062, -0.0024373007472604513, 0.11856188625097275, -0.34998154640197754, 0.29593148827552795, 0.03184131905436516, -0.08763375878334045, -0.06480708718299866, -0.11341381072998047, 0.013733673840761185, 0.19047531485557556, 0.03952832520008087, 0.026872145012021065, 0.008564230985939503, -0.07520558685064316, -0.011570826172828674, -0.021574119105935097, 0.07189314812421799, -0.035756416618824005, -0.03778546676039696, -0.03392040356993675, 0.011335224844515324, -0.011476327665150166, 0.044202014803886414, -0.002161402953788638, -0.04142993316054344, 0.06977515667676926, -0.006133166141808033, -0.01024074386805296, -0.004400844220072031, -0.06991652399301529, -0.08478425443172455, 0.08229941874742508, -0.08555366843938828, -0.047056421637535095, -0.03663000464439392, -0.08345310389995575, 0.004804569762200117, -0.08487400412559509, 0.02449885569512844, -0.06835247576236725, -0.06920435279607773, -0.09273643046617508, -0.13032406568527222, 0.10704115033149719, -0.04270869866013527, -0.08986211568117142, -0.039728447794914246, 0.15155534446239471, -0.0187847837805748, 0.031753700226545334, -0.0003060346934944391, 0.007825330831110477, -0.07243308424949646, -0.10283233970403671, 0.011457249522209167, -0.1064440906047821, -0.11853747069835663, -0.029055653139948845, -0.14473769068717957, -0.025269605219364166, -0.05352954566478729, -0.1130266860127449, 0.1188235878944397, 0.3392520844936371, -0.049903884530067444, 0.176270991563797, 0.17655906081199646, -0.06483383476734161, -0.31691062450408936, -0.05703958868980408, -0.15345366299152374, -0.06897764652967453, 0.0645565539598465, -0.12794643640518188, 0.032014235854148865, 0.0317983478307724, -0.03719836473464966, 0.13383996486663818, -0.17156420648097992, -0.12699712812900543, 0.1943047195672989, -0.023385852575302124, 0.3334326446056366, -0.06717479974031448, -0.07312311232089996, -0.054126251488924026, -0.10964544117450714, 0.05592736601829529, -0.042735859751701355, 0.0808025524020195, -0.0578414686024189, 0.06650647521018982, -0.01187119074165821, 0.022641314193606377, 0.05882341042160988, 0.008317772299051285, 0.03413107618689537, -0.14259104430675507, -0.10180453956127167, 0.11180663853883743, 0.027015291154384613, -0.012081269174814224, -0.03272382915019989, 0.01951916143298149, -0.1031181588768959, -0.007868997752666473, -0.08484765142202377, 0.12303293496370316, -0.059681449085474014, -0.14248286187648773, -0.09392035752534866, 0.05107606202363968, -0.09818614274263382, -0.07363460958003998, 0.1290486454963684, 0.01206438709050417, 0.14407765865325928, 0.08355370163917542, 0.07164570689201355, 0.027333194389939308, 0.16404198110103607, -0.07623372972011566, -0.09190643578767776, 0.01842106133699417, -0.036605462431907654, 0.01712961122393608, 0.12368480861186981, -0.009090778417885303, 0.05830966308712959, 0.05454723909497261, -0.07149756699800491, -0.0200839564204216, 0.12167409062385559, -0.26348575949668884, -0.03323154151439667, -0.07324124872684479, -0.09826388955116272, 0.1597549319267273, 0.10769747197628021, 0.17627130448818207, -0.013972092419862747, -0.04377278685569763, 0.06459083408117294, -0.0005429525626823306, -0.02380424551665783, 0.04582289978861809, 0.10855112224817276, -0.002717966679483652, -0.03295821696519852, 0.07459612190723419, 0.07946188747882843, 0.02894030325114727, 0.0070599839091300964, 0.13984189927577972, -0.1367032676935196, -0.10521624237298965, -0.05383030325174332, 0.07436002790927887, -0.16554895043373108, 0.03974558413028717, -0.04595454782247543, -0.024025021120905876, 0.0054797218181192875, 0.29590314626693726, 0.06840592622756958, 0.0757240504026413, -0.026798317208886147, -0.012716701254248619, 0.012236768379807472, 0.10171940177679062, -0.025241198018193245, 0.06442167609930038, -0.06846767663955688, 0.021090172231197357, -0.041465066373348236, 0.15102463960647583, -0.07905733585357666, -0.033654142171144485, -0.20569241046905518, 0.033013489097356796, -0.030823851004242897, -0.05656188726425171, -0.04634488746523857, -0.011711535044014454, -0.055428337305784225, -0.0934930071234703, -0.05482853204011917, -0.0670623853802681, -0.10514669865369797, 0.04435544088482857, 0.024937734007835388, 0.06336583197116852, -0.0979679524898529, -0.045197151601314545, 0.11004981398582458, 0.014402630738914013, 0.09534908831119537, 0.013707536272704601, -0.001897924579679966, 0.13980194926261902, -0.0967852994799614, 0.08335380256175995, 0.0771576538681984, 0.02613198384642601, 0.01721414178609848, 0.05322195589542389, -0.042395398020744324, 0.024114688858389854, 0.06738847494125366, 0.08707074075937271, 0.03444314002990723, -0.08955306559801102, -0.015434817411005497, -0.02980337105691433, -0.18635091185569763, -0.02687060832977295, 0.029250891879200935, -0.0007212684722617269, 0.013978320173919201, 0.10988876223564148, -0.05810103937983513, 0.02192646637558937, 0.005073700565844774, -0.010194377973675728, -0.018167581409215927, -0.21310462057590485, -0.05701963230967522, -0.13514481484889984, -0.029628869146108627, -0.012071056291460991, 0.2241385281085968, 0.06459637731313705, -0.113143190741539, 0.0257169958204031, 0.03414701297879219, -0.13266558945178986, -0.05213198438286781, 0.1878960132598877, 0.05884981155395508, -0.06880109012126923, -0.20697103440761566, 0.09126166254281998, -0.10051245242357254, 0.001332209794782102, 0.10329501330852509, 0.06950175762176514, -0.017880957573652267, -0.057620640844106674, 0.060677167028188705, 0.04483149200677872, -0.04356762766838074, -0.25805822014808655, 0.09206647425889969, 0.06865724921226501, -0.007627313956618309, 0.10942825675010681, 0.11548183858394623, -0.05587812885642052, 0.02360771968960762, -0.03673478960990906, -0.038535699248313904, -0.1868678480386734, -0.06847625970840454, -0.07923689484596252, -0.08612886816263199, 0.022337093949317932, -0.031525786966085434, -0.012685548514127731, -0.03946566581726074, 0.07218033820390701, -0.12153123319149017, 0.103855662047863, 0.01622793823480606, -0.09412472695112228, 0.06488140672445297, -0.015551666729152203, -0.0371527299284935, -0.11433170735836029, 0.03177577257156372, -0.15275585651397705, 0.03310772031545639, -0.04993119090795517, -0.01579529233276844, -0.04460422322154045, -0.10233961045742035, -0.1666249781847, -0.09124339371919632, -0.03329392522573471, 0.07857439666986465, 0.011296533979475498, 0.13318809866905212, -0.008997442200779915, -0.009134694933891296, 0.05232085660099983, 0.16741542518138885, 0.025871891528367996, -0.10689976811408997, 0.013452272862195969, 0.22527186572551727, -0.014987018890678883, 0.04268084093928337, -0.038567349314689636, -0.022579599171876907, 0.0487494058907032, 0.19094443321228027, 0.3476608097553253, -0.05710544064640999, 0.05798669531941414, 0.0009524628985673189, 0.0467342734336853, 0.13985669612884521, 0.13939224183559418, 0.04400928318500519, 0.190423846244812, -0.0662064477801323, -0.025541260838508606, -0.0539621002972126, 0.0563843734562397, 0.009105193428695202, 0.11609950661659241, 0.07074368745088577, -0.06565788388252258, -0.14298251271247864, 0.0899958461523056, -0.1440749615430832, 0.005967029370367527, -0.06711500883102417, -0.16717901825904846, -0.04401883855462074, -0.015183215960860252, 0.0241262037307024, -0.016940217465162277, 0.004316948354244232, -0.02521568350493908, -0.014810741879045963, -0.05212581902742386, 0.04275030270218849, -0.15309353172779083, -0.03706207126379013, 0.13011254370212555, 0.05673705413937569, 0.02863365039229393, -0.06948266923427582, 0.02046417072415352, 0.09841272979974747, 0.035130295902490616, 0.00524273794144392, 0.07943160831928253, 0.08480120450258255, 0.01571664959192276, -0.04665379598736763, 0.01220876257866621, 0.0055315084755420685, -0.07889120280742645, 0.1343269646167755, -0.08551007509231567, 0.04409334063529968, 0.03456641361117363, -0.09683668613433838, -0.056763309985399246, 0.14123955368995667, -0.09478139132261276, 0.08086810261011124, 0.10739798843860626, -0.007700905669480562, -0.020116327330470085, -0.08076377213001251, -0.025100093334913254, 0.035377297550439835, -0.10503929853439331, -0.01046314649283886, 0.011056746356189251, -0.04817705228924751, 0.10655151307582855, 0.06598711758852005, -0.32033681869506836, -0.021004045382142067, -0.15418165922164917, 0.03304983675479889, -0.14648710191249847, 0.1271154135465622, -0.01578439399600029, -0.02266721986234188, -0.0017545028822496533, -0.13215355575084686, -0.00802833866328001, -0.033953890204429626, -0.10723965615034103, -0.0572671964764595 ]
null
null
transformers
# Regression Model for Walking Functioning Levels (ICF d550) ## Description A fine-tuned regression model that assigns a functioning level to Dutch sentences describing walking functions. The model is based on a pre-trained Dutch medical language model ([link to be added]()): a RoBERTa model, trained from scratch on clinical notes of the Amsterdam UMC. To detect sentences about walking functions in clinical text in Dutch, use the [icf-domains](https://huggingface.co/CLTL/icf-domains) classification model. ## Functioning levels Level | Meaning ---|--- 5 | Patient can walk independently anywhere: level surface, uneven surface, slopes, stairs. 4 | Patient can walk independently on level surface but requires help on stairs, inclines, uneven surface; or, patient can walk independently, but the walking is not fully normal. 3 | Patient requires verbal supervision for walking, without physical contact. 2 | Patient needs continuous or intermittent support of one person to help with balance and coordination. 1 | Patient needs firm continuous support from one person who helps carrying weight and with balance. 0 | Patient cannot walk or needs help from two or more people; or, patient walks on a treadmill. The predictions generated by the model might sometimes be outside of the scale (e.g. 5.2); this is normal in a regression model. ## Intended uses and limitations - The model was fine-tuned (trained, validated and tested) on medical records from the Amsterdam UMC (the two academic medical centers of Amsterdam). It might perform differently on text from a different hospital or text from non-hospital sources (e.g. GP records). - The model was fine-tuned with the [Simple Transformers](https://simpletransformers.ai/) library. This library is based on Transformers but the model cannot be used directly with Transformers `pipeline` and classes; doing so would generate incorrect outputs. For this reason, the API on this page is disabled. ## How to use To generate predictions with the model, use the [Simple Transformers](https://simpletransformers.ai/) library: ``` from simpletransformers.classification import ClassificationModel model = ClassificationModel( 'roberta', 'CLTL/icf-levels-fac', use_cuda=False, ) example = 'kan nog goed traplopen, maar flink ingeleverd aan conditie na Corona' _, raw_outputs = model.predict([example]) predictions = np.squeeze(raw_outputs) ``` The prediction on the example is: ``` 4.2 ``` The raw outputs look like this: ``` [[4.20903111]] ``` ## Training data - The training data consists of clinical notes from medical records (in Dutch) of the Amsterdam UMC. Due to privacy constraints, the data cannot be released. - The annotation guidelines used for the project can be found [here](https://github.com/cltl/a-proof-zonmw/tree/main/resources/annotation_guidelines). ## Training procedure The default training parameters of Simple Transformers were used, including: - Optimizer: AdamW - Learning rate: 4e-5 - Num train epochs: 1 - Train batch size: 8 ## Evaluation results The evaluation is done on a sentence-level (the classification unit) and on a note-level (the aggregated unit which is meaningful for the healthcare professionals). | | Sentence-level | Note-level |---|---|--- mean absolute error | 0.70 | 0.66 mean squared error | 0.91 | 0.93 root mean squared error | 0.95 | 0.96 ## Authors and references ### Authors Jenia Kim, Piek Vossen ### References TBD
{"language": "nl", "license": "mit", "pipeline_tag": "text-classification", "inference": false}
text-classification
CLTL/icf-levels-fac
[ "transformers", "pytorch", "roberta", "text-classification", "nl", "license:mit", "autotrain_compatible", "region:us" ]
2022-03-02T23:29:04+00:00
[]
[ "nl" ]
TAGS #transformers #pytorch #roberta #text-classification #nl #license-mit #autotrain_compatible #region-us
Regression Model for Walking Functioning Levels (ICF d550) ========================================================== Description ----------- A fine-tuned regression model that assigns a functioning level to Dutch sentences describing walking functions. The model is based on a pre-trained Dutch medical language model (link to be added): a RoBERTa model, trained from scratch on clinical notes of the Amsterdam UMC. To detect sentences about walking functions in clinical text in Dutch, use the icf-domains classification model. Functioning levels ------------------ The predictions generated by the model might sometimes be outside of the scale (e.g. 5.2); this is normal in a regression model. Intended uses and limitations ----------------------------- * The model was fine-tuned (trained, validated and tested) on medical records from the Amsterdam UMC (the two academic medical centers of Amsterdam). It might perform differently on text from a different hospital or text from non-hospital sources (e.g. GP records). * The model was fine-tuned with the Simple Transformers library. This library is based on Transformers but the model cannot be used directly with Transformers 'pipeline' and classes; doing so would generate incorrect outputs. For this reason, the API on this page is disabled. How to use ---------- To generate predictions with the model, use the Simple Transformers library: The prediction on the example is: The raw outputs look like this: Training data ------------- * The training data consists of clinical notes from medical records (in Dutch) of the Amsterdam UMC. Due to privacy constraints, the data cannot be released. * The annotation guidelines used for the project can be found here. Training procedure ------------------ The default training parameters of Simple Transformers were used, including: * Optimizer: AdamW * Learning rate: 4e-5 * Num train epochs: 1 * Train batch size: 8 Evaluation results ------------------ The evaluation is done on a sentence-level (the classification unit) and on a note-level (the aggregated unit which is meaningful for the healthcare professionals). Sentence-level: mean absolute error, Note-level: 0.70 Sentence-level: mean squared error, Note-level: 0.91 Sentence-level: root mean squared error, Note-level: 0.95 Authors and references ---------------------- ### Authors Jenia Kim, Piek Vossen ### References TBD
[ "### Authors\n\n\nJenia Kim, Piek Vossen", "### References\n\n\nTBD" ]
[ "TAGS\n#transformers #pytorch #roberta #text-classification #nl #license-mit #autotrain_compatible #region-us \n", "### Authors\n\n\nJenia Kim, Piek Vossen", "### References\n\n\nTBD" ]
[ 36, 12, 6 ]
[ "passage: TAGS\n#transformers #pytorch #roberta #text-classification #nl #license-mit #autotrain_compatible #region-us \n### Authors\n\n\nJenia Kim, Piek Vossen### References\n\n\nTBD" ]
[ -0.006074214354157448, 0.06257491558790207, -0.004903792403638363, 0.0684991180896759, 0.06770800054073334, 0.0296805240213871, 0.20315322279930115, 0.056105948984622955, 0.05791117995977402, -0.08820715546607971, 0.096807561814785, 0.15088121592998505, -0.03073725663125515, 0.1027129590511322, -0.05662611126899719, -0.28348538279533386, 0.03997746855020523, 0.09073726087808609, 0.01716560497879982, 0.1048952266573906, 0.0885724276304245, -0.04554587975144386, 0.035586804151535034, -0.03409622237086296, -0.09230843186378479, 0.009163404814898968, -0.014514666050672531, -0.07824689149856567, 0.1490873545408249, 0.017513414844870567, 0.07457094639539719, 0.10140065848827362, 0.006900091655552387, -0.09963247925043106, 0.027267936617136, -0.07310808449983597, -0.15281559526920319, 0.049683135002851486, 0.010927352122962475, -0.02237001620233059, 0.21403563022613525, 0.06079696863889694, -0.01081524696201086, 0.00143779581412673, -0.14411169290542603, -0.1668940782546997, -0.03974740579724312, 0.14264969527721405, 0.027597403153777122, 0.0020031908061355352, 0.015062411315739155, 0.2257639616727829, -0.09508078545331955, 0.11277244240045547, 0.1231745257973671, -0.3013637363910675, -0.0015584946377202868, 0.10552898049354553, 0.0431477315723896, 0.059906695038080215, -0.09186594188213348, 0.07002527266740799, 0.02305060438811779, 0.006521569564938545, -0.01866234466433525, -0.12513604760169983, -0.00673262681812048, 0.014879363588988781, -0.08635211735963821, -0.005781062878668308, 0.3281126916408539, -0.05432061851024628, 0.018270175904035568, 0.09473002701997757, -0.08058308809995651, 0.029133446514606476, 0.05196547135710716, -0.08758395165205002, -0.06371403485536575, 0.01711849868297577, -0.04150890186429024, -0.03632309287786484, -0.07739399373531342, 0.027161184698343277, -0.17846499383449554, 0.14590631425380707, 0.018740998581051826, -0.0019058273173868656, -0.05860276147723198, 0.04786713793873787, -0.04617961123585701, -0.0932467132806778, -0.024862393736839294, -0.09808443486690521, 0.0899767130613327, -0.043153148144483566, 0.06853087246417999, -0.04109438508749008, 0.005874035879969597, 0.228092759847641, 0.09207649528980255, -0.003226174507290125, -0.11610850691795349, 0.1055988073348999, -0.0046534668654203415, 0.09404856711626053, 0.019595514982938766, 0.0337652750313282, 0.07833109050989151, -0.09507934004068375, 0.06789347529411316, -0.0036908197216689587, -0.19615419209003448, -0.06319296360015869, 0.1027049720287323, 0.07230255752801895, -0.011123327538371086, 0.09272868186235428, -0.020020997151732445, -0.0067500220611691475, 0.16405542194843292, 0.04108687490224838, -0.04438512399792671, -0.016289273276925087, 0.005015002563595772, -0.06803087890148163, 0.0324162095785141, -0.005055441986769438, -0.003986207768321037, 0.1717836707830429, -0.0675811693072319, -0.04548240825533867, 0.04203266277909279, -0.07762371003627777, 0.05407547578215599, -0.08810846507549286, 0.07653795182704926, -0.20227864384651184, -0.14518596231937408, 0.062615305185318, -0.03199227899312973, -0.027836056426167488, -0.0259604062885046, -0.022134538739919662, -0.026984576135873795, 0.021563226357102394, -0.031997229903936386, -0.14259172976016998, -0.05801903456449509, 0.13929162919521332, -0.05575959384441376, 0.06165456026792526, -0.17307791113853455, 0.02950398623943329, -0.13098903000354767, 0.0009022435988299549, -0.10248340666294098, -0.05660293996334076, -0.06421183049678802, 0.04515226185321808, -0.011160274036228657, -0.0367252342402935, -0.07796444743871689, -0.013883235864341259, -0.02230217307806015, 0.1656046062707901, -0.10653068870306015, -0.09071147441864014, 0.1672213226556778, -0.06424031406641006, -0.13729329407215118, 0.09945724904537201, -0.020994100719690323, 0.19932536780834198, 0.08173976093530655, 0.24776551127433777, 0.140435129404068, -0.04943840205669403, 0.05945712700486183, 0.09146290272474289, 0.02800208516418934, -0.038332730531692505, 0.030644355341792107, 0.037296295166015625, -0.05714638531208038, 0.02950185351073742, 0.03427168354392052, 0.023382171988487244, -0.013336656615138054, -0.054122116416692734, 0.014288146048784256, -0.007924637757241726, 0.1731443554162979, 0.03673931956291199, 0.09259865432977676, -0.06998243182897568, 0.01943819411098957, 0.02100861258804798, 0.04881621524691582, 0.09595750272274017, 0.014621615409851074, 0.0018984623020514846, 0.002541495952755213, 0.001313749118708074, 0.02204885333776474, -0.054419368505477905, -0.0332920178771019, -0.00038925284752622247, 0.0879424437880516, 0.11722509562969208, 0.1710222363471985, 0.0325063094496727, -0.033843256533145905, -0.09259446710348129, 0.006984151899814606, 0.022213894873857498, 0.033944569528102875, -0.01710202731192112, -0.13026605546474457, 0.10904782265424728, -0.023086698725819588, -0.019961511716246605, -0.06699252873659134, 0.023348825052380562, 0.12343011051416397, 0.03581959754228592, 0.00678812013939023, 0.07436887919902802, -0.023653237149119377, 0.054022613912820816, -0.08760349452495575, 0.04915202409029007, 0.07303397357463837, -0.016717568039894104, -0.13170211017131805, 0.19070248305797577, -0.0927228182554245, 0.20606258511543274, 0.1498502492904663, -0.12860959768295288, -0.024848835542798042, 0.007226604502648115, -0.021907689049839973, -0.04603379964828491, 0.0780046284198761, -0.0012271205196157098, -0.046321701258420944, -0.01342905405908823, 0.11592122167348862, -0.05111906677484512, -0.03831426799297333, -0.008513214066624641, -0.07791808247566223, -0.04505481943488121, 0.15589265525341034, 0.12704584002494812, -0.20392312109470367, 0.17171776294708252, 0.31611332297325134, 0.011923236772418022, 0.23052462935447693, 0.01825474575161934, 0.04515044763684273, -0.022374797612428665, -0.08710171282291412, 0.004752990324050188, 0.07148943096399307, -0.061438292264938354, 0.06102992221713066, 0.04154333844780922, 0.03956875950098038, -0.004385311156511307, -0.10371080785989761, -0.10028628259897232, -0.040310751646757126, 0.01289465744048357, -0.05585527420043945, 0.14657053351402283, -0.02399260364472866, 0.08874718099832535, 0.009523884393274784, -0.09049952775239944, 0.08405240625143051, 0.036557093262672424, -0.08537773787975311, 0.13451237976551056, -0.13765668869018555, -0.29601961374282837, -0.14726705849170685, -0.09748636931180954, -0.06344698369503021, 0.038682881742715836, 0.10384158045053482, -0.023485302925109863, -0.05736995488405228, 0.05714620277285576, 0.06117371469736099, -0.09527602791786194, -0.04248272627592087, -0.12325489521026611, 0.05393412336707115, -0.08971204608678818, -0.11543144285678864, -0.035300496965646744, -0.00801920611411333, -0.08845051378011703, 0.12264265865087509, -0.13811898231506348, 0.11555391550064087, 0.07271035760641098, 0.020712630823254585, -0.029189804568886757, -0.03240622580051422, 0.1600717008113861, -0.12786322832107544, 0.0986599326133728, 0.08057678490877151, -0.10558225959539413, 0.06173967197537422, 0.21008345484733582, 0.05687486752867699, -0.019198354333639145, 0.034509219229221344, -0.0659819096326828, -0.11301455646753311, -0.2258376181125641, -0.10439782589673996, -0.1144462525844574, 0.17912352085113525, 0.029550502076745033, 0.047252703458070755, 0.19608666002750397, 0.07285044342279434, -0.045315634459257126, 0.0494251623749733, 0.014451166614890099, 0.13284926116466522, 0.2881874740123749, 0.028013354167342186, 0.08981867879629135, -0.09053322672843933, -0.10990346223115921, 0.10061393678188324, 0.07134272158145905, 0.057275161147117615, 0.09955955296754837, 0.09630630165338516, 0.09238515049219131, 0.08767160773277283, 0.09373234957456589, 0.06227393075823784, 0.02649342454969883, 0.01735246181488037, -0.06522706151008606, -0.050041720271110535, 0.05157141759991646, 0.06802017986774445, -0.06572465598583221, -0.12711244821548462, 0.006008514203131199, -0.16346901655197144, 0.06306701898574829, -0.06906259059906006, 0.06802457571029663, -0.01911051571369171, 0.00007454449951183051, 0.07687807828187943, 0.047091733664274216, -0.04676618054509163, 0.0537470318377018, -0.0837625190615654, -0.17036111652851105, 0.07583190500736237, 0.00860470812767744, 0.08965449780225754, -0.09590531140565872, 0.053816162049770355, -0.12940379977226257, -0.1460992693901062, -0.0024373007472604513, 0.11856188625097275, -0.34998154640197754, 0.29593148827552795, 0.03184131905436516, -0.08763375878334045, -0.06480708718299866, -0.11341381072998047, 0.013733673840761185, 0.19047531485557556, 0.03952832520008087, 0.026872145012021065, 0.008564230985939503, -0.07520558685064316, -0.011570826172828674, -0.021574119105935097, 0.07189314812421799, -0.035756416618824005, -0.03778546676039696, -0.03392040356993675, 0.011335224844515324, -0.011476327665150166, 0.044202014803886414, -0.002161402953788638, -0.04142993316054344, 0.06977515667676926, -0.006133166141808033, -0.01024074386805296, -0.004400844220072031, -0.06991652399301529, -0.08478425443172455, 0.08229941874742508, -0.08555366843938828, -0.047056421637535095, -0.03663000464439392, -0.08345310389995575, 0.004804569762200117, -0.08487400412559509, 0.02449885569512844, -0.06835247576236725, -0.06920435279607773, -0.09273643046617508, -0.13032406568527222, 0.10704115033149719, -0.04270869866013527, -0.08986211568117142, -0.039728447794914246, 0.15155534446239471, -0.0187847837805748, 0.031753700226545334, -0.0003060346934944391, 0.007825330831110477, -0.07243308424949646, -0.10283233970403671, 0.011457249522209167, -0.1064440906047821, -0.11853747069835663, -0.029055653139948845, -0.14473769068717957, -0.025269605219364166, -0.05352954566478729, -0.1130266860127449, 0.1188235878944397, 0.3392520844936371, -0.049903884530067444, 0.176270991563797, 0.17655906081199646, -0.06483383476734161, -0.31691062450408936, -0.05703958868980408, -0.15345366299152374, -0.06897764652967453, 0.0645565539598465, -0.12794643640518188, 0.032014235854148865, 0.0317983478307724, -0.03719836473464966, 0.13383996486663818, -0.17156420648097992, -0.12699712812900543, 0.1943047195672989, -0.023385852575302124, 0.3334326446056366, -0.06717479974031448, -0.07312311232089996, -0.054126251488924026, -0.10964544117450714, 0.05592736601829529, -0.042735859751701355, 0.0808025524020195, -0.0578414686024189, 0.06650647521018982, -0.01187119074165821, 0.022641314193606377, 0.05882341042160988, 0.008317772299051285, 0.03413107618689537, -0.14259104430675507, -0.10180453956127167, 0.11180663853883743, 0.027015291154384613, -0.012081269174814224, -0.03272382915019989, 0.01951916143298149, -0.1031181588768959, -0.007868997752666473, -0.08484765142202377, 0.12303293496370316, -0.059681449085474014, -0.14248286187648773, -0.09392035752534866, 0.05107606202363968, -0.09818614274263382, -0.07363460958003998, 0.1290486454963684, 0.01206438709050417, 0.14407765865325928, 0.08355370163917542, 0.07164570689201355, 0.027333194389939308, 0.16404198110103607, -0.07623372972011566, -0.09190643578767776, 0.01842106133699417, -0.036605462431907654, 0.01712961122393608, 0.12368480861186981, -0.009090778417885303, 0.05830966308712959, 0.05454723909497261, -0.07149756699800491, -0.0200839564204216, 0.12167409062385559, -0.26348575949668884, -0.03323154151439667, -0.07324124872684479, -0.09826388955116272, 0.1597549319267273, 0.10769747197628021, 0.17627130448818207, -0.013972092419862747, -0.04377278685569763, 0.06459083408117294, -0.0005429525626823306, -0.02380424551665783, 0.04582289978861809, 0.10855112224817276, -0.002717966679483652, -0.03295821696519852, 0.07459612190723419, 0.07946188747882843, 0.02894030325114727, 0.0070599839091300964, 0.13984189927577972, -0.1367032676935196, -0.10521624237298965, -0.05383030325174332, 0.07436002790927887, -0.16554895043373108, 0.03974558413028717, -0.04595454782247543, -0.024025021120905876, 0.0054797218181192875, 0.29590314626693726, 0.06840592622756958, 0.0757240504026413, -0.026798317208886147, -0.012716701254248619, 0.012236768379807472, 0.10171940177679062, -0.025241198018193245, 0.06442167609930038, -0.06846767663955688, 0.021090172231197357, -0.041465066373348236, 0.15102463960647583, -0.07905733585357666, -0.033654142171144485, -0.20569241046905518, 0.033013489097356796, -0.030823851004242897, -0.05656188726425171, -0.04634488746523857, -0.011711535044014454, -0.055428337305784225, -0.0934930071234703, -0.05482853204011917, -0.0670623853802681, -0.10514669865369797, 0.04435544088482857, 0.024937734007835388, 0.06336583197116852, -0.0979679524898529, -0.045197151601314545, 0.11004981398582458, 0.014402630738914013, 0.09534908831119537, 0.013707536272704601, -0.001897924579679966, 0.13980194926261902, -0.0967852994799614, 0.08335380256175995, 0.0771576538681984, 0.02613198384642601, 0.01721414178609848, 0.05322195589542389, -0.042395398020744324, 0.024114688858389854, 0.06738847494125366, 0.08707074075937271, 0.03444314002990723, -0.08955306559801102, -0.015434817411005497, -0.02980337105691433, -0.18635091185569763, -0.02687060832977295, 0.029250891879200935, -0.0007212684722617269, 0.013978320173919201, 0.10988876223564148, -0.05810103937983513, 0.02192646637558937, 0.005073700565844774, -0.010194377973675728, -0.018167581409215927, -0.21310462057590485, -0.05701963230967522, -0.13514481484889984, -0.029628869146108627, -0.012071056291460991, 0.2241385281085968, 0.06459637731313705, -0.113143190741539, 0.0257169958204031, 0.03414701297879219, -0.13266558945178986, -0.05213198438286781, 0.1878960132598877, 0.05884981155395508, -0.06880109012126923, -0.20697103440761566, 0.09126166254281998, -0.10051245242357254, 0.001332209794782102, 0.10329501330852509, 0.06950175762176514, -0.017880957573652267, -0.057620640844106674, 0.060677167028188705, 0.04483149200677872, -0.04356762766838074, -0.25805822014808655, 0.09206647425889969, 0.06865724921226501, -0.007627313956618309, 0.10942825675010681, 0.11548183858394623, -0.05587812885642052, 0.02360771968960762, -0.03673478960990906, -0.038535699248313904, -0.1868678480386734, -0.06847625970840454, -0.07923689484596252, -0.08612886816263199, 0.022337093949317932, -0.031525786966085434, -0.012685548514127731, -0.03946566581726074, 0.07218033820390701, -0.12153123319149017, 0.103855662047863, 0.01622793823480606, -0.09412472695112228, 0.06488140672445297, -0.015551666729152203, -0.0371527299284935, -0.11433170735836029, 0.03177577257156372, -0.15275585651397705, 0.03310772031545639, -0.04993119090795517, -0.01579529233276844, -0.04460422322154045, -0.10233961045742035, -0.1666249781847, -0.09124339371919632, -0.03329392522573471, 0.07857439666986465, 0.011296533979475498, 0.13318809866905212, -0.008997442200779915, -0.009134694933891296, 0.05232085660099983, 0.16741542518138885, 0.025871891528367996, -0.10689976811408997, 0.013452272862195969, 0.22527186572551727, -0.014987018890678883, 0.04268084093928337, -0.038567349314689636, -0.022579599171876907, 0.0487494058907032, 0.19094443321228027, 0.3476608097553253, -0.05710544064640999, 0.05798669531941414, 0.0009524628985673189, 0.0467342734336853, 0.13985669612884521, 0.13939224183559418, 0.04400928318500519, 0.190423846244812, -0.0662064477801323, -0.025541260838508606, -0.0539621002972126, 0.0563843734562397, 0.009105193428695202, 0.11609950661659241, 0.07074368745088577, -0.06565788388252258, -0.14298251271247864, 0.0899958461523056, -0.1440749615430832, 0.005967029370367527, -0.06711500883102417, -0.16717901825904846, -0.04401883855462074, -0.015183215960860252, 0.0241262037307024, -0.016940217465162277, 0.004316948354244232, -0.02521568350493908, -0.014810741879045963, -0.05212581902742386, 0.04275030270218849, -0.15309353172779083, -0.03706207126379013, 0.13011254370212555, 0.05673705413937569, 0.02863365039229393, -0.06948266923427582, 0.02046417072415352, 0.09841272979974747, 0.035130295902490616, 0.00524273794144392, 0.07943160831928253, 0.08480120450258255, 0.01571664959192276, -0.04665379598736763, 0.01220876257866621, 0.0055315084755420685, -0.07889120280742645, 0.1343269646167755, -0.08551007509231567, 0.04409334063529968, 0.03456641361117363, -0.09683668613433838, -0.056763309985399246, 0.14123955368995667, -0.09478139132261276, 0.08086810261011124, 0.10739798843860626, -0.007700905669480562, -0.020116327330470085, -0.08076377213001251, -0.025100093334913254, 0.035377297550439835, -0.10503929853439331, -0.01046314649283886, 0.011056746356189251, -0.04817705228924751, 0.10655151307582855, 0.06598711758852005, -0.32033681869506836, -0.021004045382142067, -0.15418165922164917, 0.03304983675479889, -0.14648710191249847, 0.1271154135465622, -0.01578439399600029, -0.02266721986234188, -0.0017545028822496533, -0.13215355575084686, -0.00802833866328001, -0.033953890204429626, -0.10723965615034103, -0.0572671964764595 ]
null
null
transformers
# Regression Model for Exercise Tolerance Functioning Levels (ICF b455) ## Description A fine-tuned regression model that assigns a functioning level to Dutch sentences describing exercise tolerance functions. The model is based on a pre-trained Dutch medical language model ([link to be added]()): a RoBERTa model, trained from scratch on clinical notes of the Amsterdam UMC. To detect sentences about exercise tolerance functions in clinical text in Dutch, use the [icf-domains](https://huggingface.co/CLTL/icf-domains) classification model. ## Functioning levels Level | Meaning ---|--- 5 | MET&gt;6. Can tolerate jogging, hard exercises, running, climbing stairs fast, sports. 4 | 4&le;MET&le;6. Can tolerate walking / cycling at a brisk pace, considerable effort (e.g. cycling from 16 km/h), heavy housework. 3 | 3&le;MET&lt;4. Can tolerate walking / cycling at a normal pace, gardening, exercises without equipment. 2 | 2&le;MET&lt;3. Can tolerate walking at a slow to moderate pace, grocery shopping, light housework. 1 | 1&le;MET&lt;2. Can tolerate sitting activities. 0 | 0&le;MET&lt;1. Can physically tolerate only recumbent activities. The predictions generated by the model might sometimes be outside of the scale (e.g. 5.2); this is normal in a regression model. ## Intended uses and limitations - The model was fine-tuned (trained, validated and tested) on medical records from the Amsterdam UMC (the two academic medical centers of Amsterdam). It might perform differently on text from a different hospital or text from non-hospital sources (e.g. GP records). - The model was fine-tuned with the [Simple Transformers](https://simpletransformers.ai/) library. This library is based on Transformers but the model cannot be used directly with Transformers `pipeline` and classes; doing so would generate incorrect outputs. For this reason, the API on this page is disabled. ## How to use To generate predictions with the model, use the [Simple Transformers](https://simpletransformers.ai/) library: ``` from simpletransformers.classification import ClassificationModel model = ClassificationModel( 'roberta', 'CLTL/icf-levels-ins', use_cuda=False, ) example = 'kan nog goed traplopen, maar flink ingeleverd aan conditie na Corona' _, raw_outputs = model.predict([example]) predictions = np.squeeze(raw_outputs) ``` The prediction on the example is: ``` 3.13 ``` The raw outputs look like this: ``` [[3.1300993]] ``` ## Training data - The training data consists of clinical notes from medical records (in Dutch) of the Amsterdam UMC. Due to privacy constraints, the data cannot be released. - The annotation guidelines used for the project can be found [here](https://github.com/cltl/a-proof-zonmw/tree/main/resources/annotation_guidelines). ## Training procedure The default training parameters of Simple Transformers were used, including: - Optimizer: AdamW - Learning rate: 4e-5 - Num train epochs: 1 - Train batch size: 8 ## Evaluation results The evaluation is done on a sentence-level (the classification unit) and on a note-level (the aggregated unit which is meaningful for the healthcare professionals). | | Sentence-level | Note-level |---|---|--- mean absolute error | 0.69 | 0.61 mean squared error | 0.80 | 0.64 root mean squared error | 0.89 | 0.80 ## Authors and references ### Authors Jenia Kim, Piek Vossen ### References TBD
{"language": "nl", "license": "mit", "pipeline_tag": "text-classification", "inference": false}
text-classification
CLTL/icf-levels-ins
[ "transformers", "pytorch", "roberta", "text-classification", "nl", "license:mit", "autotrain_compatible", "region:us" ]
2022-03-02T23:29:04+00:00
[]
[ "nl" ]
TAGS #transformers #pytorch #roberta #text-classification #nl #license-mit #autotrain_compatible #region-us
Regression Model for Exercise Tolerance Functioning Levels (ICF b455) ===================================================================== Description ----------- A fine-tuned regression model that assigns a functioning level to Dutch sentences describing exercise tolerance functions. The model is based on a pre-trained Dutch medical language model (link to be added): a RoBERTa model, trained from scratch on clinical notes of the Amsterdam UMC. To detect sentences about exercise tolerance functions in clinical text in Dutch, use the icf-domains classification model. Functioning levels ------------------ The predictions generated by the model might sometimes be outside of the scale (e.g. 5.2); this is normal in a regression model. Intended uses and limitations ----------------------------- * The model was fine-tuned (trained, validated and tested) on medical records from the Amsterdam UMC (the two academic medical centers of Amsterdam). It might perform differently on text from a different hospital or text from non-hospital sources (e.g. GP records). * The model was fine-tuned with the Simple Transformers library. This library is based on Transformers but the model cannot be used directly with Transformers 'pipeline' and classes; doing so would generate incorrect outputs. For this reason, the API on this page is disabled. How to use ---------- To generate predictions with the model, use the Simple Transformers library: The prediction on the example is: The raw outputs look like this: Training data ------------- * The training data consists of clinical notes from medical records (in Dutch) of the Amsterdam UMC. Due to privacy constraints, the data cannot be released. * The annotation guidelines used for the project can be found here. Training procedure ------------------ The default training parameters of Simple Transformers were used, including: * Optimizer: AdamW * Learning rate: 4e-5 * Num train epochs: 1 * Train batch size: 8 Evaluation results ------------------ The evaluation is done on a sentence-level (the classification unit) and on a note-level (the aggregated unit which is meaningful for the healthcare professionals). Sentence-level: mean absolute error, Note-level: 0.69 Sentence-level: mean squared error, Note-level: 0.80 Sentence-level: root mean squared error, Note-level: 0.89 Authors and references ---------------------- ### Authors Jenia Kim, Piek Vossen ### References TBD
[ "### Authors\n\n\nJenia Kim, Piek Vossen", "### References\n\n\nTBD" ]
[ "TAGS\n#transformers #pytorch #roberta #text-classification #nl #license-mit #autotrain_compatible #region-us \n", "### Authors\n\n\nJenia Kim, Piek Vossen", "### References\n\n\nTBD" ]
[ 36, 12, 6 ]
[ "passage: TAGS\n#transformers #pytorch #roberta #text-classification #nl #license-mit #autotrain_compatible #region-us \n### Authors\n\n\nJenia Kim, Piek Vossen### References\n\n\nTBD" ]
[ -0.006074214354157448, 0.06257491558790207, -0.004903792403638363, 0.0684991180896759, 0.06770800054073334, 0.0296805240213871, 0.20315322279930115, 0.056105948984622955, 0.05791117995977402, -0.08820715546607971, 0.096807561814785, 0.15088121592998505, -0.03073725663125515, 0.1027129590511322, -0.05662611126899719, -0.28348538279533386, 0.03997746855020523, 0.09073726087808609, 0.01716560497879982, 0.1048952266573906, 0.0885724276304245, -0.04554587975144386, 0.035586804151535034, -0.03409622237086296, -0.09230843186378479, 0.009163404814898968, -0.014514666050672531, -0.07824689149856567, 0.1490873545408249, 0.017513414844870567, 0.07457094639539719, 0.10140065848827362, 0.006900091655552387, -0.09963247925043106, 0.027267936617136, -0.07310808449983597, -0.15281559526920319, 0.049683135002851486, 0.010927352122962475, -0.02237001620233059, 0.21403563022613525, 0.06079696863889694, -0.01081524696201086, 0.00143779581412673, -0.14411169290542603, -0.1668940782546997, -0.03974740579724312, 0.14264969527721405, 0.027597403153777122, 0.0020031908061355352, 0.015062411315739155, 0.2257639616727829, -0.09508078545331955, 0.11277244240045547, 0.1231745257973671, -0.3013637363910675, -0.0015584946377202868, 0.10552898049354553, 0.0431477315723896, 0.059906695038080215, -0.09186594188213348, 0.07002527266740799, 0.02305060438811779, 0.006521569564938545, -0.01866234466433525, -0.12513604760169983, -0.00673262681812048, 0.014879363588988781, -0.08635211735963821, -0.005781062878668308, 0.3281126916408539, -0.05432061851024628, 0.018270175904035568, 0.09473002701997757, -0.08058308809995651, 0.029133446514606476, 0.05196547135710716, -0.08758395165205002, -0.06371403485536575, 0.01711849868297577, -0.04150890186429024, -0.03632309287786484, -0.07739399373531342, 0.027161184698343277, -0.17846499383449554, 0.14590631425380707, 0.018740998581051826, -0.0019058273173868656, -0.05860276147723198, 0.04786713793873787, -0.04617961123585701, -0.0932467132806778, -0.024862393736839294, -0.09808443486690521, 0.0899767130613327, -0.043153148144483566, 0.06853087246417999, -0.04109438508749008, 0.005874035879969597, 0.228092759847641, 0.09207649528980255, -0.003226174507290125, -0.11610850691795349, 0.1055988073348999, -0.0046534668654203415, 0.09404856711626053, 0.019595514982938766, 0.0337652750313282, 0.07833109050989151, -0.09507934004068375, 0.06789347529411316, -0.0036908197216689587, -0.19615419209003448, -0.06319296360015869, 0.1027049720287323, 0.07230255752801895, -0.011123327538371086, 0.09272868186235428, -0.020020997151732445, -0.0067500220611691475, 0.16405542194843292, 0.04108687490224838, -0.04438512399792671, -0.016289273276925087, 0.005015002563595772, -0.06803087890148163, 0.0324162095785141, -0.005055441986769438, -0.003986207768321037, 0.1717836707830429, -0.0675811693072319, -0.04548240825533867, 0.04203266277909279, -0.07762371003627777, 0.05407547578215599, -0.08810846507549286, 0.07653795182704926, -0.20227864384651184, -0.14518596231937408, 0.062615305185318, -0.03199227899312973, -0.027836056426167488, -0.0259604062885046, -0.022134538739919662, -0.026984576135873795, 0.021563226357102394, -0.031997229903936386, -0.14259172976016998, -0.05801903456449509, 0.13929162919521332, -0.05575959384441376, 0.06165456026792526, -0.17307791113853455, 0.02950398623943329, -0.13098903000354767, 0.0009022435988299549, -0.10248340666294098, -0.05660293996334076, -0.06421183049678802, 0.04515226185321808, -0.011160274036228657, -0.0367252342402935, -0.07796444743871689, -0.013883235864341259, -0.02230217307806015, 0.1656046062707901, -0.10653068870306015, -0.09071147441864014, 0.1672213226556778, -0.06424031406641006, -0.13729329407215118, 0.09945724904537201, -0.020994100719690323, 0.19932536780834198, 0.08173976093530655, 0.24776551127433777, 0.140435129404068, -0.04943840205669403, 0.05945712700486183, 0.09146290272474289, 0.02800208516418934, -0.038332730531692505, 0.030644355341792107, 0.037296295166015625, -0.05714638531208038, 0.02950185351073742, 0.03427168354392052, 0.023382171988487244, -0.013336656615138054, -0.054122116416692734, 0.014288146048784256, -0.007924637757241726, 0.1731443554162979, 0.03673931956291199, 0.09259865432977676, -0.06998243182897568, 0.01943819411098957, 0.02100861258804798, 0.04881621524691582, 0.09595750272274017, 0.014621615409851074, 0.0018984623020514846, 0.002541495952755213, 0.001313749118708074, 0.02204885333776474, -0.054419368505477905, -0.0332920178771019, -0.00038925284752622247, 0.0879424437880516, 0.11722509562969208, 0.1710222363471985, 0.0325063094496727, -0.033843256533145905, -0.09259446710348129, 0.006984151899814606, 0.022213894873857498, 0.033944569528102875, -0.01710202731192112, -0.13026605546474457, 0.10904782265424728, -0.023086698725819588, -0.019961511716246605, -0.06699252873659134, 0.023348825052380562, 0.12343011051416397, 0.03581959754228592, 0.00678812013939023, 0.07436887919902802, -0.023653237149119377, 0.054022613912820816, -0.08760349452495575, 0.04915202409029007, 0.07303397357463837, -0.016717568039894104, -0.13170211017131805, 0.19070248305797577, -0.0927228182554245, 0.20606258511543274, 0.1498502492904663, -0.12860959768295288, -0.024848835542798042, 0.007226604502648115, -0.021907689049839973, -0.04603379964828491, 0.0780046284198761, -0.0012271205196157098, -0.046321701258420944, -0.01342905405908823, 0.11592122167348862, -0.05111906677484512, -0.03831426799297333, -0.008513214066624641, -0.07791808247566223, -0.04505481943488121, 0.15589265525341034, 0.12704584002494812, -0.20392312109470367, 0.17171776294708252, 0.31611332297325134, 0.011923236772418022, 0.23052462935447693, 0.01825474575161934, 0.04515044763684273, -0.022374797612428665, -0.08710171282291412, 0.004752990324050188, 0.07148943096399307, -0.061438292264938354, 0.06102992221713066, 0.04154333844780922, 0.03956875950098038, -0.004385311156511307, -0.10371080785989761, -0.10028628259897232, -0.040310751646757126, 0.01289465744048357, -0.05585527420043945, 0.14657053351402283, -0.02399260364472866, 0.08874718099832535, 0.009523884393274784, -0.09049952775239944, 0.08405240625143051, 0.036557093262672424, -0.08537773787975311, 0.13451237976551056, -0.13765668869018555, -0.29601961374282837, -0.14726705849170685, -0.09748636931180954, -0.06344698369503021, 0.038682881742715836, 0.10384158045053482, -0.023485302925109863, -0.05736995488405228, 0.05714620277285576, 0.06117371469736099, -0.09527602791786194, -0.04248272627592087, -0.12325489521026611, 0.05393412336707115, -0.08971204608678818, -0.11543144285678864, -0.035300496965646744, -0.00801920611411333, -0.08845051378011703, 0.12264265865087509, -0.13811898231506348, 0.11555391550064087, 0.07271035760641098, 0.020712630823254585, -0.029189804568886757, -0.03240622580051422, 0.1600717008113861, -0.12786322832107544, 0.0986599326133728, 0.08057678490877151, -0.10558225959539413, 0.06173967197537422, 0.21008345484733582, 0.05687486752867699, -0.019198354333639145, 0.034509219229221344, -0.0659819096326828, -0.11301455646753311, -0.2258376181125641, -0.10439782589673996, -0.1144462525844574, 0.17912352085113525, 0.029550502076745033, 0.047252703458070755, 0.19608666002750397, 0.07285044342279434, -0.045315634459257126, 0.0494251623749733, 0.014451166614890099, 0.13284926116466522, 0.2881874740123749, 0.028013354167342186, 0.08981867879629135, -0.09053322672843933, -0.10990346223115921, 0.10061393678188324, 0.07134272158145905, 0.057275161147117615, 0.09955955296754837, 0.09630630165338516, 0.09238515049219131, 0.08767160773277283, 0.09373234957456589, 0.06227393075823784, 0.02649342454969883, 0.01735246181488037, -0.06522706151008606, -0.050041720271110535, 0.05157141759991646, 0.06802017986774445, -0.06572465598583221, -0.12711244821548462, 0.006008514203131199, -0.16346901655197144, 0.06306701898574829, -0.06906259059906006, 0.06802457571029663, -0.01911051571369171, 0.00007454449951183051, 0.07687807828187943, 0.047091733664274216, -0.04676618054509163, 0.0537470318377018, -0.0837625190615654, -0.17036111652851105, 0.07583190500736237, 0.00860470812767744, 0.08965449780225754, -0.09590531140565872, 0.053816162049770355, -0.12940379977226257, -0.1460992693901062, -0.0024373007472604513, 0.11856188625097275, -0.34998154640197754, 0.29593148827552795, 0.03184131905436516, -0.08763375878334045, -0.06480708718299866, -0.11341381072998047, 0.013733673840761185, 0.19047531485557556, 0.03952832520008087, 0.026872145012021065, 0.008564230985939503, -0.07520558685064316, -0.011570826172828674, -0.021574119105935097, 0.07189314812421799, -0.035756416618824005, -0.03778546676039696, -0.03392040356993675, 0.011335224844515324, -0.011476327665150166, 0.044202014803886414, -0.002161402953788638, -0.04142993316054344, 0.06977515667676926, -0.006133166141808033, -0.01024074386805296, -0.004400844220072031, -0.06991652399301529, -0.08478425443172455, 0.08229941874742508, -0.08555366843938828, -0.047056421637535095, -0.03663000464439392, -0.08345310389995575, 0.004804569762200117, -0.08487400412559509, 0.02449885569512844, -0.06835247576236725, -0.06920435279607773, -0.09273643046617508, -0.13032406568527222, 0.10704115033149719, -0.04270869866013527, -0.08986211568117142, -0.039728447794914246, 0.15155534446239471, -0.0187847837805748, 0.031753700226545334, -0.0003060346934944391, 0.007825330831110477, -0.07243308424949646, -0.10283233970403671, 0.011457249522209167, -0.1064440906047821, -0.11853747069835663, -0.029055653139948845, -0.14473769068717957, -0.025269605219364166, -0.05352954566478729, -0.1130266860127449, 0.1188235878944397, 0.3392520844936371, -0.049903884530067444, 0.176270991563797, 0.17655906081199646, -0.06483383476734161, -0.31691062450408936, -0.05703958868980408, -0.15345366299152374, -0.06897764652967453, 0.0645565539598465, -0.12794643640518188, 0.032014235854148865, 0.0317983478307724, -0.03719836473464966, 0.13383996486663818, -0.17156420648097992, -0.12699712812900543, 0.1943047195672989, -0.023385852575302124, 0.3334326446056366, -0.06717479974031448, -0.07312311232089996, -0.054126251488924026, -0.10964544117450714, 0.05592736601829529, -0.042735859751701355, 0.0808025524020195, -0.0578414686024189, 0.06650647521018982, -0.01187119074165821, 0.022641314193606377, 0.05882341042160988, 0.008317772299051285, 0.03413107618689537, -0.14259104430675507, -0.10180453956127167, 0.11180663853883743, 0.027015291154384613, -0.012081269174814224, -0.03272382915019989, 0.01951916143298149, -0.1031181588768959, -0.007868997752666473, -0.08484765142202377, 0.12303293496370316, -0.059681449085474014, -0.14248286187648773, -0.09392035752534866, 0.05107606202363968, -0.09818614274263382, -0.07363460958003998, 0.1290486454963684, 0.01206438709050417, 0.14407765865325928, 0.08355370163917542, 0.07164570689201355, 0.027333194389939308, 0.16404198110103607, -0.07623372972011566, -0.09190643578767776, 0.01842106133699417, -0.036605462431907654, 0.01712961122393608, 0.12368480861186981, -0.009090778417885303, 0.05830966308712959, 0.05454723909497261, -0.07149756699800491, -0.0200839564204216, 0.12167409062385559, -0.26348575949668884, -0.03323154151439667, -0.07324124872684479, -0.09826388955116272, 0.1597549319267273, 0.10769747197628021, 0.17627130448818207, -0.013972092419862747, -0.04377278685569763, 0.06459083408117294, -0.0005429525626823306, -0.02380424551665783, 0.04582289978861809, 0.10855112224817276, -0.002717966679483652, -0.03295821696519852, 0.07459612190723419, 0.07946188747882843, 0.02894030325114727, 0.0070599839091300964, 0.13984189927577972, -0.1367032676935196, -0.10521624237298965, -0.05383030325174332, 0.07436002790927887, -0.16554895043373108, 0.03974558413028717, -0.04595454782247543, -0.024025021120905876, 0.0054797218181192875, 0.29590314626693726, 0.06840592622756958, 0.0757240504026413, -0.026798317208886147, -0.012716701254248619, 0.012236768379807472, 0.10171940177679062, -0.025241198018193245, 0.06442167609930038, -0.06846767663955688, 0.021090172231197357, -0.041465066373348236, 0.15102463960647583, -0.07905733585357666, -0.033654142171144485, -0.20569241046905518, 0.033013489097356796, -0.030823851004242897, -0.05656188726425171, -0.04634488746523857, -0.011711535044014454, -0.055428337305784225, -0.0934930071234703, -0.05482853204011917, -0.0670623853802681, -0.10514669865369797, 0.04435544088482857, 0.024937734007835388, 0.06336583197116852, -0.0979679524898529, -0.045197151601314545, 0.11004981398582458, 0.014402630738914013, 0.09534908831119537, 0.013707536272704601, -0.001897924579679966, 0.13980194926261902, -0.0967852994799614, 0.08335380256175995, 0.0771576538681984, 0.02613198384642601, 0.01721414178609848, 0.05322195589542389, -0.042395398020744324, 0.024114688858389854, 0.06738847494125366, 0.08707074075937271, 0.03444314002990723, -0.08955306559801102, -0.015434817411005497, -0.02980337105691433, -0.18635091185569763, -0.02687060832977295, 0.029250891879200935, -0.0007212684722617269, 0.013978320173919201, 0.10988876223564148, -0.05810103937983513, 0.02192646637558937, 0.005073700565844774, -0.010194377973675728, -0.018167581409215927, -0.21310462057590485, -0.05701963230967522, -0.13514481484889984, -0.029628869146108627, -0.012071056291460991, 0.2241385281085968, 0.06459637731313705, -0.113143190741539, 0.0257169958204031, 0.03414701297879219, -0.13266558945178986, -0.05213198438286781, 0.1878960132598877, 0.05884981155395508, -0.06880109012126923, -0.20697103440761566, 0.09126166254281998, -0.10051245242357254, 0.001332209794782102, 0.10329501330852509, 0.06950175762176514, -0.017880957573652267, -0.057620640844106674, 0.060677167028188705, 0.04483149200677872, -0.04356762766838074, -0.25805822014808655, 0.09206647425889969, 0.06865724921226501, -0.007627313956618309, 0.10942825675010681, 0.11548183858394623, -0.05587812885642052, 0.02360771968960762, -0.03673478960990906, -0.038535699248313904, -0.1868678480386734, -0.06847625970840454, -0.07923689484596252, -0.08612886816263199, 0.022337093949317932, -0.031525786966085434, -0.012685548514127731, -0.03946566581726074, 0.07218033820390701, -0.12153123319149017, 0.103855662047863, 0.01622793823480606, -0.09412472695112228, 0.06488140672445297, -0.015551666729152203, -0.0371527299284935, -0.11433170735836029, 0.03177577257156372, -0.15275585651397705, 0.03310772031545639, -0.04993119090795517, -0.01579529233276844, -0.04460422322154045, -0.10233961045742035, -0.1666249781847, -0.09124339371919632, -0.03329392522573471, 0.07857439666986465, 0.011296533979475498, 0.13318809866905212, -0.008997442200779915, -0.009134694933891296, 0.05232085660099983, 0.16741542518138885, 0.025871891528367996, -0.10689976811408997, 0.013452272862195969, 0.22527186572551727, -0.014987018890678883, 0.04268084093928337, -0.038567349314689636, -0.022579599171876907, 0.0487494058907032, 0.19094443321228027, 0.3476608097553253, -0.05710544064640999, 0.05798669531941414, 0.0009524628985673189, 0.0467342734336853, 0.13985669612884521, 0.13939224183559418, 0.04400928318500519, 0.190423846244812, -0.0662064477801323, -0.025541260838508606, -0.0539621002972126, 0.0563843734562397, 0.009105193428695202, 0.11609950661659241, 0.07074368745088577, -0.06565788388252258, -0.14298251271247864, 0.0899958461523056, -0.1440749615430832, 0.005967029370367527, -0.06711500883102417, -0.16717901825904846, -0.04401883855462074, -0.015183215960860252, 0.0241262037307024, -0.016940217465162277, 0.004316948354244232, -0.02521568350493908, -0.014810741879045963, -0.05212581902742386, 0.04275030270218849, -0.15309353172779083, -0.03706207126379013, 0.13011254370212555, 0.05673705413937569, 0.02863365039229393, -0.06948266923427582, 0.02046417072415352, 0.09841272979974747, 0.035130295902490616, 0.00524273794144392, 0.07943160831928253, 0.08480120450258255, 0.01571664959192276, -0.04665379598736763, 0.01220876257866621, 0.0055315084755420685, -0.07889120280742645, 0.1343269646167755, -0.08551007509231567, 0.04409334063529968, 0.03456641361117363, -0.09683668613433838, -0.056763309985399246, 0.14123955368995667, -0.09478139132261276, 0.08086810261011124, 0.10739798843860626, -0.007700905669480562, -0.020116327330470085, -0.08076377213001251, -0.025100093334913254, 0.035377297550439835, -0.10503929853439331, -0.01046314649283886, 0.011056746356189251, -0.04817705228924751, 0.10655151307582855, 0.06598711758852005, -0.32033681869506836, -0.021004045382142067, -0.15418165922164917, 0.03304983675479889, -0.14648710191249847, 0.1271154135465622, -0.01578439399600029, -0.02266721986234188, -0.0017545028822496533, -0.13215355575084686, -0.00802833866328001, -0.033953890204429626, -0.10723965615034103, -0.0572671964764595 ]
null
null
transformers
# Regression Model for Weight Maintenance Functioning Levels (ICF b530) ## Description A fine-tuned regression model that assigns a functioning level to Dutch sentences describing weight maintenance functions. The model is based on a pre-trained Dutch medical language model ([link to be added]()): a RoBERTa model, trained from scratch on clinical notes of the Amsterdam UMC. To detect sentences about weight maintenance functions in clinical text in Dutch, use the [icf-domains](https://huggingface.co/CLTL/icf-domains) classification model. ## Functioning levels Level | Meaning ---|--- 4 | Healthy weight, no unintentional weight loss or gain, SNAQ 0 or 1. 3 | Some unintentional weight loss or gain, or lost a lot of weight but gained some of it back afterwards. 2 | Moderate unintentional weight loss or gain (more than 3 kg in the last month), SNAQ 2. 1 | Severe unintentional weight loss or gain (more than 6 kg in the last 6 months), SNAQ &ge; 3. 0 | Severe unintentional weight loss or gain (more than 6 kg in the last 6 months) and admitted to ICU. The predictions generated by the model might sometimes be outside of the scale (e.g. 4.2); this is normal in a regression model. ## Intended uses and limitations - The model was fine-tuned (trained, validated and tested) on medical records from the Amsterdam UMC (the two academic medical centers of Amsterdam). It might perform differently on text from a different hospital or text from non-hospital sources (e.g. GP records). - The model was fine-tuned with the [Simple Transformers](https://simpletransformers.ai/) library. This library is based on Transformers but the model cannot be used directly with Transformers `pipeline` and classes; doing so would generate incorrect outputs. For this reason, the API on this page is disabled. ## How to use To generate predictions with the model, use the [Simple Transformers](https://simpletransformers.ai/) library: ``` from simpletransformers.classification import ClassificationModel model = ClassificationModel( 'roberta', 'CLTL/icf-levels-mbw', use_cuda=False, ) example = 'Tijdens opname >10 kg afgevallen.' _, raw_outputs = model.predict([example]) predictions = np.squeeze(raw_outputs) ``` The prediction on the example is: ``` 1.95 ``` The raw outputs look like this: ``` [[1.95429301]] ``` ## Training data - The training data consists of clinical notes from medical records (in Dutch) of the Amsterdam UMC. Due to privacy constraints, the data cannot be released. - The annotation guidelines used for the project can be found [here](https://github.com/cltl/a-proof-zonmw/tree/main/resources/annotation_guidelines). ## Training procedure The default training parameters of Simple Transformers were used, including: - Optimizer: AdamW - Learning rate: 4e-5 - Num train epochs: 1 - Train batch size: 8 ## Evaluation results The evaluation is done on a sentence-level (the classification unit) and on a note-level (the aggregated unit which is meaningful for the healthcare professionals). | | Sentence-level | Note-level |---|---|--- mean absolute error | 0.81 | 0.60 mean squared error | 0.83 | 0.56 root mean squared error | 0.91 | 0.75 ## Authors and references ### Authors Jenia Kim, Piek Vossen ### References TBD
{"language": "nl", "license": "mit", "pipeline_tag": "text-classification", "inference": false}
text-classification
CLTL/icf-levels-mbw
[ "transformers", "pytorch", "roberta", "text-classification", "nl", "license:mit", "autotrain_compatible", "region:us" ]
2022-03-02T23:29:04+00:00
[]
[ "nl" ]
TAGS #transformers #pytorch #roberta #text-classification #nl #license-mit #autotrain_compatible #region-us
Regression Model for Weight Maintenance Functioning Levels (ICF b530) ===================================================================== Description ----------- A fine-tuned regression model that assigns a functioning level to Dutch sentences describing weight maintenance functions. The model is based on a pre-trained Dutch medical language model (link to be added): a RoBERTa model, trained from scratch on clinical notes of the Amsterdam UMC. To detect sentences about weight maintenance functions in clinical text in Dutch, use the icf-domains classification model. Functioning levels ------------------ The predictions generated by the model might sometimes be outside of the scale (e.g. 4.2); this is normal in a regression model. Intended uses and limitations ----------------------------- * The model was fine-tuned (trained, validated and tested) on medical records from the Amsterdam UMC (the two academic medical centers of Amsterdam). It might perform differently on text from a different hospital or text from non-hospital sources (e.g. GP records). * The model was fine-tuned with the Simple Transformers library. This library is based on Transformers but the model cannot be used directly with Transformers 'pipeline' and classes; doing so would generate incorrect outputs. For this reason, the API on this page is disabled. How to use ---------- To generate predictions with the model, use the Simple Transformers library: The prediction on the example is: The raw outputs look like this: Training data ------------- * The training data consists of clinical notes from medical records (in Dutch) of the Amsterdam UMC. Due to privacy constraints, the data cannot be released. * The annotation guidelines used for the project can be found here. Training procedure ------------------ The default training parameters of Simple Transformers were used, including: * Optimizer: AdamW * Learning rate: 4e-5 * Num train epochs: 1 * Train batch size: 8 Evaluation results ------------------ The evaluation is done on a sentence-level (the classification unit) and on a note-level (the aggregated unit which is meaningful for the healthcare professionals). Sentence-level: mean absolute error, Note-level: 0.81 Sentence-level: mean squared error, Note-level: 0.83 Sentence-level: root mean squared error, Note-level: 0.91 Authors and references ---------------------- ### Authors Jenia Kim, Piek Vossen ### References TBD
[ "### Authors\n\n\nJenia Kim, Piek Vossen", "### References\n\n\nTBD" ]
[ "TAGS\n#transformers #pytorch #roberta #text-classification #nl #license-mit #autotrain_compatible #region-us \n", "### Authors\n\n\nJenia Kim, Piek Vossen", "### References\n\n\nTBD" ]
[ 36, 12, 6 ]
[ "passage: TAGS\n#transformers #pytorch #roberta #text-classification #nl #license-mit #autotrain_compatible #region-us \n### Authors\n\n\nJenia Kim, Piek Vossen### References\n\n\nTBD" ]
[ -0.006074214354157448, 0.06257491558790207, -0.004903792403638363, 0.0684991180896759, 0.06770800054073334, 0.0296805240213871, 0.20315322279930115, 0.056105948984622955, 0.05791117995977402, -0.08820715546607971, 0.096807561814785, 0.15088121592998505, -0.03073725663125515, 0.1027129590511322, -0.05662611126899719, -0.28348538279533386, 0.03997746855020523, 0.09073726087808609, 0.01716560497879982, 0.1048952266573906, 0.0885724276304245, -0.04554587975144386, 0.035586804151535034, -0.03409622237086296, -0.09230843186378479, 0.009163404814898968, -0.014514666050672531, -0.07824689149856567, 0.1490873545408249, 0.017513414844870567, 0.07457094639539719, 0.10140065848827362, 0.006900091655552387, -0.09963247925043106, 0.027267936617136, -0.07310808449983597, -0.15281559526920319, 0.049683135002851486, 0.010927352122962475, -0.02237001620233059, 0.21403563022613525, 0.06079696863889694, -0.01081524696201086, 0.00143779581412673, -0.14411169290542603, -0.1668940782546997, -0.03974740579724312, 0.14264969527721405, 0.027597403153777122, 0.0020031908061355352, 0.015062411315739155, 0.2257639616727829, -0.09508078545331955, 0.11277244240045547, 0.1231745257973671, -0.3013637363910675, -0.0015584946377202868, 0.10552898049354553, 0.0431477315723896, 0.059906695038080215, -0.09186594188213348, 0.07002527266740799, 0.02305060438811779, 0.006521569564938545, -0.01866234466433525, -0.12513604760169983, -0.00673262681812048, 0.014879363588988781, -0.08635211735963821, -0.005781062878668308, 0.3281126916408539, -0.05432061851024628, 0.018270175904035568, 0.09473002701997757, -0.08058308809995651, 0.029133446514606476, 0.05196547135710716, -0.08758395165205002, -0.06371403485536575, 0.01711849868297577, -0.04150890186429024, -0.03632309287786484, -0.07739399373531342, 0.027161184698343277, -0.17846499383449554, 0.14590631425380707, 0.018740998581051826, -0.0019058273173868656, -0.05860276147723198, 0.04786713793873787, -0.04617961123585701, -0.0932467132806778, -0.024862393736839294, -0.09808443486690521, 0.0899767130613327, -0.043153148144483566, 0.06853087246417999, -0.04109438508749008, 0.005874035879969597, 0.228092759847641, 0.09207649528980255, -0.003226174507290125, -0.11610850691795349, 0.1055988073348999, -0.0046534668654203415, 0.09404856711626053, 0.019595514982938766, 0.0337652750313282, 0.07833109050989151, -0.09507934004068375, 0.06789347529411316, -0.0036908197216689587, -0.19615419209003448, -0.06319296360015869, 0.1027049720287323, 0.07230255752801895, -0.011123327538371086, 0.09272868186235428, -0.020020997151732445, -0.0067500220611691475, 0.16405542194843292, 0.04108687490224838, -0.04438512399792671, -0.016289273276925087, 0.005015002563595772, -0.06803087890148163, 0.0324162095785141, -0.005055441986769438, -0.003986207768321037, 0.1717836707830429, -0.0675811693072319, -0.04548240825533867, 0.04203266277909279, -0.07762371003627777, 0.05407547578215599, -0.08810846507549286, 0.07653795182704926, -0.20227864384651184, -0.14518596231937408, 0.062615305185318, -0.03199227899312973, -0.027836056426167488, -0.0259604062885046, -0.022134538739919662, -0.026984576135873795, 0.021563226357102394, -0.031997229903936386, -0.14259172976016998, -0.05801903456449509, 0.13929162919521332, -0.05575959384441376, 0.06165456026792526, -0.17307791113853455, 0.02950398623943329, -0.13098903000354767, 0.0009022435988299549, -0.10248340666294098, -0.05660293996334076, -0.06421183049678802, 0.04515226185321808, -0.011160274036228657, -0.0367252342402935, -0.07796444743871689, -0.013883235864341259, -0.02230217307806015, 0.1656046062707901, -0.10653068870306015, -0.09071147441864014, 0.1672213226556778, -0.06424031406641006, -0.13729329407215118, 0.09945724904537201, -0.020994100719690323, 0.19932536780834198, 0.08173976093530655, 0.24776551127433777, 0.140435129404068, -0.04943840205669403, 0.05945712700486183, 0.09146290272474289, 0.02800208516418934, -0.038332730531692505, 0.030644355341792107, 0.037296295166015625, -0.05714638531208038, 0.02950185351073742, 0.03427168354392052, 0.023382171988487244, -0.013336656615138054, -0.054122116416692734, 0.014288146048784256, -0.007924637757241726, 0.1731443554162979, 0.03673931956291199, 0.09259865432977676, -0.06998243182897568, 0.01943819411098957, 0.02100861258804798, 0.04881621524691582, 0.09595750272274017, 0.014621615409851074, 0.0018984623020514846, 0.002541495952755213, 0.001313749118708074, 0.02204885333776474, -0.054419368505477905, -0.0332920178771019, -0.00038925284752622247, 0.0879424437880516, 0.11722509562969208, 0.1710222363471985, 0.0325063094496727, -0.033843256533145905, -0.09259446710348129, 0.006984151899814606, 0.022213894873857498, 0.033944569528102875, -0.01710202731192112, -0.13026605546474457, 0.10904782265424728, -0.023086698725819588, -0.019961511716246605, -0.06699252873659134, 0.023348825052380562, 0.12343011051416397, 0.03581959754228592, 0.00678812013939023, 0.07436887919902802, -0.023653237149119377, 0.054022613912820816, -0.08760349452495575, 0.04915202409029007, 0.07303397357463837, -0.016717568039894104, -0.13170211017131805, 0.19070248305797577, -0.0927228182554245, 0.20606258511543274, 0.1498502492904663, -0.12860959768295288, -0.024848835542798042, 0.007226604502648115, -0.021907689049839973, -0.04603379964828491, 0.0780046284198761, -0.0012271205196157098, -0.046321701258420944, -0.01342905405908823, 0.11592122167348862, -0.05111906677484512, -0.03831426799297333, -0.008513214066624641, -0.07791808247566223, -0.04505481943488121, 0.15589265525341034, 0.12704584002494812, -0.20392312109470367, 0.17171776294708252, 0.31611332297325134, 0.011923236772418022, 0.23052462935447693, 0.01825474575161934, 0.04515044763684273, -0.022374797612428665, -0.08710171282291412, 0.004752990324050188, 0.07148943096399307, -0.061438292264938354, 0.06102992221713066, 0.04154333844780922, 0.03956875950098038, -0.004385311156511307, -0.10371080785989761, -0.10028628259897232, -0.040310751646757126, 0.01289465744048357, -0.05585527420043945, 0.14657053351402283, -0.02399260364472866, 0.08874718099832535, 0.009523884393274784, -0.09049952775239944, 0.08405240625143051, 0.036557093262672424, -0.08537773787975311, 0.13451237976551056, -0.13765668869018555, -0.29601961374282837, -0.14726705849170685, -0.09748636931180954, -0.06344698369503021, 0.038682881742715836, 0.10384158045053482, -0.023485302925109863, -0.05736995488405228, 0.05714620277285576, 0.06117371469736099, -0.09527602791786194, -0.04248272627592087, -0.12325489521026611, 0.05393412336707115, -0.08971204608678818, -0.11543144285678864, -0.035300496965646744, -0.00801920611411333, -0.08845051378011703, 0.12264265865087509, -0.13811898231506348, 0.11555391550064087, 0.07271035760641098, 0.020712630823254585, -0.029189804568886757, -0.03240622580051422, 0.1600717008113861, -0.12786322832107544, 0.0986599326133728, 0.08057678490877151, -0.10558225959539413, 0.06173967197537422, 0.21008345484733582, 0.05687486752867699, -0.019198354333639145, 0.034509219229221344, -0.0659819096326828, -0.11301455646753311, -0.2258376181125641, -0.10439782589673996, -0.1144462525844574, 0.17912352085113525, 0.029550502076745033, 0.047252703458070755, 0.19608666002750397, 0.07285044342279434, -0.045315634459257126, 0.0494251623749733, 0.014451166614890099, 0.13284926116466522, 0.2881874740123749, 0.028013354167342186, 0.08981867879629135, -0.09053322672843933, -0.10990346223115921, 0.10061393678188324, 0.07134272158145905, 0.057275161147117615, 0.09955955296754837, 0.09630630165338516, 0.09238515049219131, 0.08767160773277283, 0.09373234957456589, 0.06227393075823784, 0.02649342454969883, 0.01735246181488037, -0.06522706151008606, -0.050041720271110535, 0.05157141759991646, 0.06802017986774445, -0.06572465598583221, -0.12711244821548462, 0.006008514203131199, -0.16346901655197144, 0.06306701898574829, -0.06906259059906006, 0.06802457571029663, -0.01911051571369171, 0.00007454449951183051, 0.07687807828187943, 0.047091733664274216, -0.04676618054509163, 0.0537470318377018, -0.0837625190615654, -0.17036111652851105, 0.07583190500736237, 0.00860470812767744, 0.08965449780225754, -0.09590531140565872, 0.053816162049770355, -0.12940379977226257, -0.1460992693901062, -0.0024373007472604513, 0.11856188625097275, -0.34998154640197754, 0.29593148827552795, 0.03184131905436516, -0.08763375878334045, -0.06480708718299866, -0.11341381072998047, 0.013733673840761185, 0.19047531485557556, 0.03952832520008087, 0.026872145012021065, 0.008564230985939503, -0.07520558685064316, -0.011570826172828674, -0.021574119105935097, 0.07189314812421799, -0.035756416618824005, -0.03778546676039696, -0.03392040356993675, 0.011335224844515324, -0.011476327665150166, 0.044202014803886414, -0.002161402953788638, -0.04142993316054344, 0.06977515667676926, -0.006133166141808033, -0.01024074386805296, -0.004400844220072031, -0.06991652399301529, -0.08478425443172455, 0.08229941874742508, -0.08555366843938828, -0.047056421637535095, -0.03663000464439392, -0.08345310389995575, 0.004804569762200117, -0.08487400412559509, 0.02449885569512844, -0.06835247576236725, -0.06920435279607773, -0.09273643046617508, -0.13032406568527222, 0.10704115033149719, -0.04270869866013527, -0.08986211568117142, -0.039728447794914246, 0.15155534446239471, -0.0187847837805748, 0.031753700226545334, -0.0003060346934944391, 0.007825330831110477, -0.07243308424949646, -0.10283233970403671, 0.011457249522209167, -0.1064440906047821, -0.11853747069835663, -0.029055653139948845, -0.14473769068717957, -0.025269605219364166, -0.05352954566478729, -0.1130266860127449, 0.1188235878944397, 0.3392520844936371, -0.049903884530067444, 0.176270991563797, 0.17655906081199646, -0.06483383476734161, -0.31691062450408936, -0.05703958868980408, -0.15345366299152374, -0.06897764652967453, 0.0645565539598465, -0.12794643640518188, 0.032014235854148865, 0.0317983478307724, -0.03719836473464966, 0.13383996486663818, -0.17156420648097992, -0.12699712812900543, 0.1943047195672989, -0.023385852575302124, 0.3334326446056366, -0.06717479974031448, -0.07312311232089996, -0.054126251488924026, -0.10964544117450714, 0.05592736601829529, -0.042735859751701355, 0.0808025524020195, -0.0578414686024189, 0.06650647521018982, -0.01187119074165821, 0.022641314193606377, 0.05882341042160988, 0.008317772299051285, 0.03413107618689537, -0.14259104430675507, -0.10180453956127167, 0.11180663853883743, 0.027015291154384613, -0.012081269174814224, -0.03272382915019989, 0.01951916143298149, -0.1031181588768959, -0.007868997752666473, -0.08484765142202377, 0.12303293496370316, -0.059681449085474014, -0.14248286187648773, -0.09392035752534866, 0.05107606202363968, -0.09818614274263382, -0.07363460958003998, 0.1290486454963684, 0.01206438709050417, 0.14407765865325928, 0.08355370163917542, 0.07164570689201355, 0.027333194389939308, 0.16404198110103607, -0.07623372972011566, -0.09190643578767776, 0.01842106133699417, -0.036605462431907654, 0.01712961122393608, 0.12368480861186981, -0.009090778417885303, 0.05830966308712959, 0.05454723909497261, -0.07149756699800491, -0.0200839564204216, 0.12167409062385559, -0.26348575949668884, -0.03323154151439667, -0.07324124872684479, -0.09826388955116272, 0.1597549319267273, 0.10769747197628021, 0.17627130448818207, -0.013972092419862747, -0.04377278685569763, 0.06459083408117294, -0.0005429525626823306, -0.02380424551665783, 0.04582289978861809, 0.10855112224817276, -0.002717966679483652, -0.03295821696519852, 0.07459612190723419, 0.07946188747882843, 0.02894030325114727, 0.0070599839091300964, 0.13984189927577972, -0.1367032676935196, -0.10521624237298965, -0.05383030325174332, 0.07436002790927887, -0.16554895043373108, 0.03974558413028717, -0.04595454782247543, -0.024025021120905876, 0.0054797218181192875, 0.29590314626693726, 0.06840592622756958, 0.0757240504026413, -0.026798317208886147, -0.012716701254248619, 0.012236768379807472, 0.10171940177679062, -0.025241198018193245, 0.06442167609930038, -0.06846767663955688, 0.021090172231197357, -0.041465066373348236, 0.15102463960647583, -0.07905733585357666, -0.033654142171144485, -0.20569241046905518, 0.033013489097356796, -0.030823851004242897, -0.05656188726425171, -0.04634488746523857, -0.011711535044014454, -0.055428337305784225, -0.0934930071234703, -0.05482853204011917, -0.0670623853802681, -0.10514669865369797, 0.04435544088482857, 0.024937734007835388, 0.06336583197116852, -0.0979679524898529, -0.045197151601314545, 0.11004981398582458, 0.014402630738914013, 0.09534908831119537, 0.013707536272704601, -0.001897924579679966, 0.13980194926261902, -0.0967852994799614, 0.08335380256175995, 0.0771576538681984, 0.02613198384642601, 0.01721414178609848, 0.05322195589542389, -0.042395398020744324, 0.024114688858389854, 0.06738847494125366, 0.08707074075937271, 0.03444314002990723, -0.08955306559801102, -0.015434817411005497, -0.02980337105691433, -0.18635091185569763, -0.02687060832977295, 0.029250891879200935, -0.0007212684722617269, 0.013978320173919201, 0.10988876223564148, -0.05810103937983513, 0.02192646637558937, 0.005073700565844774, -0.010194377973675728, -0.018167581409215927, -0.21310462057590485, -0.05701963230967522, -0.13514481484889984, -0.029628869146108627, -0.012071056291460991, 0.2241385281085968, 0.06459637731313705, -0.113143190741539, 0.0257169958204031, 0.03414701297879219, -0.13266558945178986, -0.05213198438286781, 0.1878960132598877, 0.05884981155395508, -0.06880109012126923, -0.20697103440761566, 0.09126166254281998, -0.10051245242357254, 0.001332209794782102, 0.10329501330852509, 0.06950175762176514, -0.017880957573652267, -0.057620640844106674, 0.060677167028188705, 0.04483149200677872, -0.04356762766838074, -0.25805822014808655, 0.09206647425889969, 0.06865724921226501, -0.007627313956618309, 0.10942825675010681, 0.11548183858394623, -0.05587812885642052, 0.02360771968960762, -0.03673478960990906, -0.038535699248313904, -0.1868678480386734, -0.06847625970840454, -0.07923689484596252, -0.08612886816263199, 0.022337093949317932, -0.031525786966085434, -0.012685548514127731, -0.03946566581726074, 0.07218033820390701, -0.12153123319149017, 0.103855662047863, 0.01622793823480606, -0.09412472695112228, 0.06488140672445297, -0.015551666729152203, -0.0371527299284935, -0.11433170735836029, 0.03177577257156372, -0.15275585651397705, 0.03310772031545639, -0.04993119090795517, -0.01579529233276844, -0.04460422322154045, -0.10233961045742035, -0.1666249781847, -0.09124339371919632, -0.03329392522573471, 0.07857439666986465, 0.011296533979475498, 0.13318809866905212, -0.008997442200779915, -0.009134694933891296, 0.05232085660099983, 0.16741542518138885, 0.025871891528367996, -0.10689976811408997, 0.013452272862195969, 0.22527186572551727, -0.014987018890678883, 0.04268084093928337, -0.038567349314689636, -0.022579599171876907, 0.0487494058907032, 0.19094443321228027, 0.3476608097553253, -0.05710544064640999, 0.05798669531941414, 0.0009524628985673189, 0.0467342734336853, 0.13985669612884521, 0.13939224183559418, 0.04400928318500519, 0.190423846244812, -0.0662064477801323, -0.025541260838508606, -0.0539621002972126, 0.0563843734562397, 0.009105193428695202, 0.11609950661659241, 0.07074368745088577, -0.06565788388252258, -0.14298251271247864, 0.0899958461523056, -0.1440749615430832, 0.005967029370367527, -0.06711500883102417, -0.16717901825904846, -0.04401883855462074, -0.015183215960860252, 0.0241262037307024, -0.016940217465162277, 0.004316948354244232, -0.02521568350493908, -0.014810741879045963, -0.05212581902742386, 0.04275030270218849, -0.15309353172779083, -0.03706207126379013, 0.13011254370212555, 0.05673705413937569, 0.02863365039229393, -0.06948266923427582, 0.02046417072415352, 0.09841272979974747, 0.035130295902490616, 0.00524273794144392, 0.07943160831928253, 0.08480120450258255, 0.01571664959192276, -0.04665379598736763, 0.01220876257866621, 0.0055315084755420685, -0.07889120280742645, 0.1343269646167755, -0.08551007509231567, 0.04409334063529968, 0.03456641361117363, -0.09683668613433838, -0.056763309985399246, 0.14123955368995667, -0.09478139132261276, 0.08086810261011124, 0.10739798843860626, -0.007700905669480562, -0.020116327330470085, -0.08076377213001251, -0.025100093334913254, 0.035377297550439835, -0.10503929853439331, -0.01046314649283886, 0.011056746356189251, -0.04817705228924751, 0.10655151307582855, 0.06598711758852005, -0.32033681869506836, -0.021004045382142067, -0.15418165922164917, 0.03304983675479889, -0.14648710191249847, 0.1271154135465622, -0.01578439399600029, -0.02266721986234188, -0.0017545028822496533, -0.13215355575084686, -0.00802833866328001, -0.033953890204429626, -0.10723965615034103, -0.0572671964764595 ]
null
null
transformers
# Regression Model for Emotional Functioning Levels (ICF b152) ## Description A fine-tuned regression model that assigns a functioning level to Dutch sentences describing emotional functions. The model is based on a pre-trained Dutch medical language model ([link to be added]()): a RoBERTa model, trained from scratch on clinical notes of the Amsterdam UMC. To detect sentences about emotional functions in clinical text in Dutch, use the [icf-domains](https://huggingface.co/CLTL/icf-domains) classification model. ## Functioning levels Level | Meaning ---|--- 4 | No problem with emotional functioning: emotions are appropriate, well regulated, etc. 3 | Slight problem with emotional functioning: irritable, gloomy, etc. 2 | Moderate problem with emotional functioning: negative emotions, such as fear, anger, sadness, etc. 1 | Severe problem with emotional functioning: intense negative emotions, such as fear, anger, sadness, etc. 0 | Flat affect, apathy, unstable, inappropriate emotions. The predictions generated by the model might sometimes be outside of the scale (e.g. 4.2); this is normal in a regression model. ## Intended uses and limitations - The model was fine-tuned (trained, validated and tested) on medical records from the Amsterdam UMC (the two academic medical centers of Amsterdam). It might perform differently on text from a different hospital or text from non-hospital sources (e.g. GP records). - The model was fine-tuned with the [Simple Transformers](https://simpletransformers.ai/) library. This library is based on Transformers but the model cannot be used directly with Transformers `pipeline` and classes; doing so would generate incorrect outputs. For this reason, the API on this page is disabled. ## How to use To generate predictions with the model, use the [Simple Transformers](https://simpletransformers.ai/) library: ``` from simpletransformers.classification import ClassificationModel model = ClassificationModel( 'roberta', 'CLTL/icf-levels-stm', use_cuda=False, ) example = 'Naarmate het somatische beeld een herstellende trend laat zien, valt op dat patient zich depressief en suicidaal uit.' _, raw_outputs = model.predict([example]) predictions = np.squeeze(raw_outputs) ``` The prediction on the example is: ``` 1.60 ``` The raw outputs look like this: ``` [[1.60418844]] ``` ## Training data - The training data consists of clinical notes from medical records (in Dutch) of the Amsterdam UMC. Due to privacy constraints, the data cannot be released. - The annotation guidelines used for the project can be found [here](https://github.com/cltl/a-proof-zonmw/tree/main/resources/annotation_guidelines). ## Training procedure The default training parameters of Simple Transformers were used, including: - Optimizer: AdamW - Learning rate: 4e-5 - Num train epochs: 1 - Train batch size: 8 ## Evaluation results The evaluation is done on a sentence-level (the classification unit) and on a note-level (the aggregated unit which is meaningful for the healthcare professionals). | | Sentence-level | Note-level |---|---|--- mean absolute error | 0.76 | 0.68 mean squared error | 1.03 | 0.87 root mean squared error | 1.01 | 0.93 ## Authors and references ### Authors Jenia Kim, Piek Vossen ### References TBD
{"language": "nl", "license": "mit", "pipeline_tag": "text-classification", "inference": false}
text-classification
CLTL/icf-levels-stm
[ "transformers", "pytorch", "roberta", "text-classification", "nl", "license:mit", "autotrain_compatible", "region:us" ]
2022-03-02T23:29:04+00:00
[]
[ "nl" ]
TAGS #transformers #pytorch #roberta #text-classification #nl #license-mit #autotrain_compatible #region-us
Regression Model for Emotional Functioning Levels (ICF b152) ============================================================ Description ----------- A fine-tuned regression model that assigns a functioning level to Dutch sentences describing emotional functions. The model is based on a pre-trained Dutch medical language model (link to be added): a RoBERTa model, trained from scratch on clinical notes of the Amsterdam UMC. To detect sentences about emotional functions in clinical text in Dutch, use the icf-domains classification model. Functioning levels ------------------ The predictions generated by the model might sometimes be outside of the scale (e.g. 4.2); this is normal in a regression model. Intended uses and limitations ----------------------------- * The model was fine-tuned (trained, validated and tested) on medical records from the Amsterdam UMC (the two academic medical centers of Amsterdam). It might perform differently on text from a different hospital or text from non-hospital sources (e.g. GP records). * The model was fine-tuned with the Simple Transformers library. This library is based on Transformers but the model cannot be used directly with Transformers 'pipeline' and classes; doing so would generate incorrect outputs. For this reason, the API on this page is disabled. How to use ---------- To generate predictions with the model, use the Simple Transformers library: The prediction on the example is: The raw outputs look like this: Training data ------------- * The training data consists of clinical notes from medical records (in Dutch) of the Amsterdam UMC. Due to privacy constraints, the data cannot be released. * The annotation guidelines used for the project can be found here. Training procedure ------------------ The default training parameters of Simple Transformers were used, including: * Optimizer: AdamW * Learning rate: 4e-5 * Num train epochs: 1 * Train batch size: 8 Evaluation results ------------------ The evaluation is done on a sentence-level (the classification unit) and on a note-level (the aggregated unit which is meaningful for the healthcare professionals). Sentence-level: mean absolute error, Note-level: 0.76 Sentence-level: mean squared error, Note-level: 1.03 Sentence-level: root mean squared error, Note-level: 1.01 Authors and references ---------------------- ### Authors Jenia Kim, Piek Vossen ### References TBD
[ "### Authors\n\n\nJenia Kim, Piek Vossen", "### References\n\n\nTBD" ]
[ "TAGS\n#transformers #pytorch #roberta #text-classification #nl #license-mit #autotrain_compatible #region-us \n", "### Authors\n\n\nJenia Kim, Piek Vossen", "### References\n\n\nTBD" ]
[ 36, 12, 6 ]
[ "passage: TAGS\n#transformers #pytorch #roberta #text-classification #nl #license-mit #autotrain_compatible #region-us \n### Authors\n\n\nJenia Kim, Piek Vossen### References\n\n\nTBD" ]
[ -0.006074214354157448, 0.06257491558790207, -0.004903792403638363, 0.0684991180896759, 0.06770800054073334, 0.0296805240213871, 0.20315322279930115, 0.056105948984622955, 0.05791117995977402, -0.08820715546607971, 0.096807561814785, 0.15088121592998505, -0.03073725663125515, 0.1027129590511322, -0.05662611126899719, -0.28348538279533386, 0.03997746855020523, 0.09073726087808609, 0.01716560497879982, 0.1048952266573906, 0.0885724276304245, -0.04554587975144386, 0.035586804151535034, -0.03409622237086296, -0.09230843186378479, 0.009163404814898968, -0.014514666050672531, -0.07824689149856567, 0.1490873545408249, 0.017513414844870567, 0.07457094639539719, 0.10140065848827362, 0.006900091655552387, -0.09963247925043106, 0.027267936617136, -0.07310808449983597, -0.15281559526920319, 0.049683135002851486, 0.010927352122962475, -0.02237001620233059, 0.21403563022613525, 0.06079696863889694, -0.01081524696201086, 0.00143779581412673, -0.14411169290542603, -0.1668940782546997, -0.03974740579724312, 0.14264969527721405, 0.027597403153777122, 0.0020031908061355352, 0.015062411315739155, 0.2257639616727829, -0.09508078545331955, 0.11277244240045547, 0.1231745257973671, -0.3013637363910675, -0.0015584946377202868, 0.10552898049354553, 0.0431477315723896, 0.059906695038080215, -0.09186594188213348, 0.07002527266740799, 0.02305060438811779, 0.006521569564938545, -0.01866234466433525, -0.12513604760169983, -0.00673262681812048, 0.014879363588988781, -0.08635211735963821, -0.005781062878668308, 0.3281126916408539, -0.05432061851024628, 0.018270175904035568, 0.09473002701997757, -0.08058308809995651, 0.029133446514606476, 0.05196547135710716, -0.08758395165205002, -0.06371403485536575, 0.01711849868297577, -0.04150890186429024, -0.03632309287786484, -0.07739399373531342, 0.027161184698343277, -0.17846499383449554, 0.14590631425380707, 0.018740998581051826, -0.0019058273173868656, -0.05860276147723198, 0.04786713793873787, -0.04617961123585701, -0.0932467132806778, -0.024862393736839294, -0.09808443486690521, 0.0899767130613327, -0.043153148144483566, 0.06853087246417999, -0.04109438508749008, 0.005874035879969597, 0.228092759847641, 0.09207649528980255, -0.003226174507290125, -0.11610850691795349, 0.1055988073348999, -0.0046534668654203415, 0.09404856711626053, 0.019595514982938766, 0.0337652750313282, 0.07833109050989151, -0.09507934004068375, 0.06789347529411316, -0.0036908197216689587, -0.19615419209003448, -0.06319296360015869, 0.1027049720287323, 0.07230255752801895, -0.011123327538371086, 0.09272868186235428, -0.020020997151732445, -0.0067500220611691475, 0.16405542194843292, 0.04108687490224838, -0.04438512399792671, -0.016289273276925087, 0.005015002563595772, -0.06803087890148163, 0.0324162095785141, -0.005055441986769438, -0.003986207768321037, 0.1717836707830429, -0.0675811693072319, -0.04548240825533867, 0.04203266277909279, -0.07762371003627777, 0.05407547578215599, -0.08810846507549286, 0.07653795182704926, -0.20227864384651184, -0.14518596231937408, 0.062615305185318, -0.03199227899312973, -0.027836056426167488, -0.0259604062885046, -0.022134538739919662, -0.026984576135873795, 0.021563226357102394, -0.031997229903936386, -0.14259172976016998, -0.05801903456449509, 0.13929162919521332, -0.05575959384441376, 0.06165456026792526, -0.17307791113853455, 0.02950398623943329, -0.13098903000354767, 0.0009022435988299549, -0.10248340666294098, -0.05660293996334076, -0.06421183049678802, 0.04515226185321808, -0.011160274036228657, -0.0367252342402935, -0.07796444743871689, -0.013883235864341259, -0.02230217307806015, 0.1656046062707901, -0.10653068870306015, -0.09071147441864014, 0.1672213226556778, -0.06424031406641006, -0.13729329407215118, 0.09945724904537201, -0.020994100719690323, 0.19932536780834198, 0.08173976093530655, 0.24776551127433777, 0.140435129404068, -0.04943840205669403, 0.05945712700486183, 0.09146290272474289, 0.02800208516418934, -0.038332730531692505, 0.030644355341792107, 0.037296295166015625, -0.05714638531208038, 0.02950185351073742, 0.03427168354392052, 0.023382171988487244, -0.013336656615138054, -0.054122116416692734, 0.014288146048784256, -0.007924637757241726, 0.1731443554162979, 0.03673931956291199, 0.09259865432977676, -0.06998243182897568, 0.01943819411098957, 0.02100861258804798, 0.04881621524691582, 0.09595750272274017, 0.014621615409851074, 0.0018984623020514846, 0.002541495952755213, 0.001313749118708074, 0.02204885333776474, -0.054419368505477905, -0.0332920178771019, -0.00038925284752622247, 0.0879424437880516, 0.11722509562969208, 0.1710222363471985, 0.0325063094496727, -0.033843256533145905, -0.09259446710348129, 0.006984151899814606, 0.022213894873857498, 0.033944569528102875, -0.01710202731192112, -0.13026605546474457, 0.10904782265424728, -0.023086698725819588, -0.019961511716246605, -0.06699252873659134, 0.023348825052380562, 0.12343011051416397, 0.03581959754228592, 0.00678812013939023, 0.07436887919902802, -0.023653237149119377, 0.054022613912820816, -0.08760349452495575, 0.04915202409029007, 0.07303397357463837, -0.016717568039894104, -0.13170211017131805, 0.19070248305797577, -0.0927228182554245, 0.20606258511543274, 0.1498502492904663, -0.12860959768295288, -0.024848835542798042, 0.007226604502648115, -0.021907689049839973, -0.04603379964828491, 0.0780046284198761, -0.0012271205196157098, -0.046321701258420944, -0.01342905405908823, 0.11592122167348862, -0.05111906677484512, -0.03831426799297333, -0.008513214066624641, -0.07791808247566223, -0.04505481943488121, 0.15589265525341034, 0.12704584002494812, -0.20392312109470367, 0.17171776294708252, 0.31611332297325134, 0.011923236772418022, 0.23052462935447693, 0.01825474575161934, 0.04515044763684273, -0.022374797612428665, -0.08710171282291412, 0.004752990324050188, 0.07148943096399307, -0.061438292264938354, 0.06102992221713066, 0.04154333844780922, 0.03956875950098038, -0.004385311156511307, -0.10371080785989761, -0.10028628259897232, -0.040310751646757126, 0.01289465744048357, -0.05585527420043945, 0.14657053351402283, -0.02399260364472866, 0.08874718099832535, 0.009523884393274784, -0.09049952775239944, 0.08405240625143051, 0.036557093262672424, -0.08537773787975311, 0.13451237976551056, -0.13765668869018555, -0.29601961374282837, -0.14726705849170685, -0.09748636931180954, -0.06344698369503021, 0.038682881742715836, 0.10384158045053482, -0.023485302925109863, -0.05736995488405228, 0.05714620277285576, 0.06117371469736099, -0.09527602791786194, -0.04248272627592087, -0.12325489521026611, 0.05393412336707115, -0.08971204608678818, -0.11543144285678864, -0.035300496965646744, -0.00801920611411333, -0.08845051378011703, 0.12264265865087509, -0.13811898231506348, 0.11555391550064087, 0.07271035760641098, 0.020712630823254585, -0.029189804568886757, -0.03240622580051422, 0.1600717008113861, -0.12786322832107544, 0.0986599326133728, 0.08057678490877151, -0.10558225959539413, 0.06173967197537422, 0.21008345484733582, 0.05687486752867699, -0.019198354333639145, 0.034509219229221344, -0.0659819096326828, -0.11301455646753311, -0.2258376181125641, -0.10439782589673996, -0.1144462525844574, 0.17912352085113525, 0.029550502076745033, 0.047252703458070755, 0.19608666002750397, 0.07285044342279434, -0.045315634459257126, 0.0494251623749733, 0.014451166614890099, 0.13284926116466522, 0.2881874740123749, 0.028013354167342186, 0.08981867879629135, -0.09053322672843933, -0.10990346223115921, 0.10061393678188324, 0.07134272158145905, 0.057275161147117615, 0.09955955296754837, 0.09630630165338516, 0.09238515049219131, 0.08767160773277283, 0.09373234957456589, 0.06227393075823784, 0.02649342454969883, 0.01735246181488037, -0.06522706151008606, -0.050041720271110535, 0.05157141759991646, 0.06802017986774445, -0.06572465598583221, -0.12711244821548462, 0.006008514203131199, -0.16346901655197144, 0.06306701898574829, -0.06906259059906006, 0.06802457571029663, -0.01911051571369171, 0.00007454449951183051, 0.07687807828187943, 0.047091733664274216, -0.04676618054509163, 0.0537470318377018, -0.0837625190615654, -0.17036111652851105, 0.07583190500736237, 0.00860470812767744, 0.08965449780225754, -0.09590531140565872, 0.053816162049770355, -0.12940379977226257, -0.1460992693901062, -0.0024373007472604513, 0.11856188625097275, -0.34998154640197754, 0.29593148827552795, 0.03184131905436516, -0.08763375878334045, -0.06480708718299866, -0.11341381072998047, 0.013733673840761185, 0.19047531485557556, 0.03952832520008087, 0.026872145012021065, 0.008564230985939503, -0.07520558685064316, -0.011570826172828674, -0.021574119105935097, 0.07189314812421799, -0.035756416618824005, -0.03778546676039696, -0.03392040356993675, 0.011335224844515324, -0.011476327665150166, 0.044202014803886414, -0.002161402953788638, -0.04142993316054344, 0.06977515667676926, -0.006133166141808033, -0.01024074386805296, -0.004400844220072031, -0.06991652399301529, -0.08478425443172455, 0.08229941874742508, -0.08555366843938828, -0.047056421637535095, -0.03663000464439392, -0.08345310389995575, 0.004804569762200117, -0.08487400412559509, 0.02449885569512844, -0.06835247576236725, -0.06920435279607773, -0.09273643046617508, -0.13032406568527222, 0.10704115033149719, -0.04270869866013527, -0.08986211568117142, -0.039728447794914246, 0.15155534446239471, -0.0187847837805748, 0.031753700226545334, -0.0003060346934944391, 0.007825330831110477, -0.07243308424949646, -0.10283233970403671, 0.011457249522209167, -0.1064440906047821, -0.11853747069835663, -0.029055653139948845, -0.14473769068717957, -0.025269605219364166, -0.05352954566478729, -0.1130266860127449, 0.1188235878944397, 0.3392520844936371, -0.049903884530067444, 0.176270991563797, 0.17655906081199646, -0.06483383476734161, -0.31691062450408936, -0.05703958868980408, -0.15345366299152374, -0.06897764652967453, 0.0645565539598465, -0.12794643640518188, 0.032014235854148865, 0.0317983478307724, -0.03719836473464966, 0.13383996486663818, -0.17156420648097992, -0.12699712812900543, 0.1943047195672989, -0.023385852575302124, 0.3334326446056366, -0.06717479974031448, -0.07312311232089996, -0.054126251488924026, -0.10964544117450714, 0.05592736601829529, -0.042735859751701355, 0.0808025524020195, -0.0578414686024189, 0.06650647521018982, -0.01187119074165821, 0.022641314193606377, 0.05882341042160988, 0.008317772299051285, 0.03413107618689537, -0.14259104430675507, -0.10180453956127167, 0.11180663853883743, 0.027015291154384613, -0.012081269174814224, -0.03272382915019989, 0.01951916143298149, -0.1031181588768959, -0.007868997752666473, -0.08484765142202377, 0.12303293496370316, -0.059681449085474014, -0.14248286187648773, -0.09392035752534866, 0.05107606202363968, -0.09818614274263382, -0.07363460958003998, 0.1290486454963684, 0.01206438709050417, 0.14407765865325928, 0.08355370163917542, 0.07164570689201355, 0.027333194389939308, 0.16404198110103607, -0.07623372972011566, -0.09190643578767776, 0.01842106133699417, -0.036605462431907654, 0.01712961122393608, 0.12368480861186981, -0.009090778417885303, 0.05830966308712959, 0.05454723909497261, -0.07149756699800491, -0.0200839564204216, 0.12167409062385559, -0.26348575949668884, -0.03323154151439667, -0.07324124872684479, -0.09826388955116272, 0.1597549319267273, 0.10769747197628021, 0.17627130448818207, -0.013972092419862747, -0.04377278685569763, 0.06459083408117294, -0.0005429525626823306, -0.02380424551665783, 0.04582289978861809, 0.10855112224817276, -0.002717966679483652, -0.03295821696519852, 0.07459612190723419, 0.07946188747882843, 0.02894030325114727, 0.0070599839091300964, 0.13984189927577972, -0.1367032676935196, -0.10521624237298965, -0.05383030325174332, 0.07436002790927887, -0.16554895043373108, 0.03974558413028717, -0.04595454782247543, -0.024025021120905876, 0.0054797218181192875, 0.29590314626693726, 0.06840592622756958, 0.0757240504026413, -0.026798317208886147, -0.012716701254248619, 0.012236768379807472, 0.10171940177679062, -0.025241198018193245, 0.06442167609930038, -0.06846767663955688, 0.021090172231197357, -0.041465066373348236, 0.15102463960647583, -0.07905733585357666, -0.033654142171144485, -0.20569241046905518, 0.033013489097356796, -0.030823851004242897, -0.05656188726425171, -0.04634488746523857, -0.011711535044014454, -0.055428337305784225, -0.0934930071234703, -0.05482853204011917, -0.0670623853802681, -0.10514669865369797, 0.04435544088482857, 0.024937734007835388, 0.06336583197116852, -0.0979679524898529, -0.045197151601314545, 0.11004981398582458, 0.014402630738914013, 0.09534908831119537, 0.013707536272704601, -0.001897924579679966, 0.13980194926261902, -0.0967852994799614, 0.08335380256175995, 0.0771576538681984, 0.02613198384642601, 0.01721414178609848, 0.05322195589542389, -0.042395398020744324, 0.024114688858389854, 0.06738847494125366, 0.08707074075937271, 0.03444314002990723, -0.08955306559801102, -0.015434817411005497, -0.02980337105691433, -0.18635091185569763, -0.02687060832977295, 0.029250891879200935, -0.0007212684722617269, 0.013978320173919201, 0.10988876223564148, -0.05810103937983513, 0.02192646637558937, 0.005073700565844774, -0.010194377973675728, -0.018167581409215927, -0.21310462057590485, -0.05701963230967522, -0.13514481484889984, -0.029628869146108627, -0.012071056291460991, 0.2241385281085968, 0.06459637731313705, -0.113143190741539, 0.0257169958204031, 0.03414701297879219, -0.13266558945178986, -0.05213198438286781, 0.1878960132598877, 0.05884981155395508, -0.06880109012126923, -0.20697103440761566, 0.09126166254281998, -0.10051245242357254, 0.001332209794782102, 0.10329501330852509, 0.06950175762176514, -0.017880957573652267, -0.057620640844106674, 0.060677167028188705, 0.04483149200677872, -0.04356762766838074, -0.25805822014808655, 0.09206647425889969, 0.06865724921226501, -0.007627313956618309, 0.10942825675010681, 0.11548183858394623, -0.05587812885642052, 0.02360771968960762, -0.03673478960990906, -0.038535699248313904, -0.1868678480386734, -0.06847625970840454, -0.07923689484596252, -0.08612886816263199, 0.022337093949317932, -0.031525786966085434, -0.012685548514127731, -0.03946566581726074, 0.07218033820390701, -0.12153123319149017, 0.103855662047863, 0.01622793823480606, -0.09412472695112228, 0.06488140672445297, -0.015551666729152203, -0.0371527299284935, -0.11433170735836029, 0.03177577257156372, -0.15275585651397705, 0.03310772031545639, -0.04993119090795517, -0.01579529233276844, -0.04460422322154045, -0.10233961045742035, -0.1666249781847, -0.09124339371919632, -0.03329392522573471, 0.07857439666986465, 0.011296533979475498, 0.13318809866905212, -0.008997442200779915, -0.009134694933891296, 0.05232085660099983, 0.16741542518138885, 0.025871891528367996, -0.10689976811408997, 0.013452272862195969, 0.22527186572551727, -0.014987018890678883, 0.04268084093928337, -0.038567349314689636, -0.022579599171876907, 0.0487494058907032, 0.19094443321228027, 0.3476608097553253, -0.05710544064640999, 0.05798669531941414, 0.0009524628985673189, 0.0467342734336853, 0.13985669612884521, 0.13939224183559418, 0.04400928318500519, 0.190423846244812, -0.0662064477801323, -0.025541260838508606, -0.0539621002972126, 0.0563843734562397, 0.009105193428695202, 0.11609950661659241, 0.07074368745088577, -0.06565788388252258, -0.14298251271247864, 0.0899958461523056, -0.1440749615430832, 0.005967029370367527, -0.06711500883102417, -0.16717901825904846, -0.04401883855462074, -0.015183215960860252, 0.0241262037307024, -0.016940217465162277, 0.004316948354244232, -0.02521568350493908, -0.014810741879045963, -0.05212581902742386, 0.04275030270218849, -0.15309353172779083, -0.03706207126379013, 0.13011254370212555, 0.05673705413937569, 0.02863365039229393, -0.06948266923427582, 0.02046417072415352, 0.09841272979974747, 0.035130295902490616, 0.00524273794144392, 0.07943160831928253, 0.08480120450258255, 0.01571664959192276, -0.04665379598736763, 0.01220876257866621, 0.0055315084755420685, -0.07889120280742645, 0.1343269646167755, -0.08551007509231567, 0.04409334063529968, 0.03456641361117363, -0.09683668613433838, -0.056763309985399246, 0.14123955368995667, -0.09478139132261276, 0.08086810261011124, 0.10739798843860626, -0.007700905669480562, -0.020116327330470085, -0.08076377213001251, -0.025100093334913254, 0.035377297550439835, -0.10503929853439331, -0.01046314649283886, 0.011056746356189251, -0.04817705228924751, 0.10655151307582855, 0.06598711758852005, -0.32033681869506836, -0.021004045382142067, -0.15418165922164917, 0.03304983675479889, -0.14648710191249847, 0.1271154135465622, -0.01578439399600029, -0.02266721986234188, -0.0017545028822496533, -0.13215355575084686, -0.00802833866328001, -0.033953890204429626, -0.10723965615034103, -0.0572671964764595 ]
null
null
transformers
emilyalsentzer/Bio_ClinicalBERT with additional training through the finetuning pipeline described in "Extracting Seizure Frequency From Epilepsy Clinic Notes: A Machine Reading Approach To Natural Language Processing." Citation: Kevin Xie, Ryan S Gallagher, Erin C Conrad, Chadric O Garrick, Steven N Baldassano, John M Bernabei, Peter D Galer, Nina J Ghosn, Adam S Greenblatt, Tara Jennings, Alana Kornspun, Catherine V Kulick-Soper, Jal M Panchal, Akash R Pattnaik, Brittany H Scheid, Danmeng Wei, Micah Weitzman, Ramya Muthukrishnan, Joongwon Kim, Brian Litt, Colin A Ellis, Dan Roth, Extracting seizure frequency from epilepsy clinic notes: a machine reading approach to natural language processing, Journal of the American Medical Informatics Association, 2022;, ocac018, https://doi.org/10.1093/jamia/ocac018 Bio_ClinicalBERT_for_seizureFreedom_classification classifies patients has having seizures or being seizure free using the HPI and/or Interval History paragraphs from a medical note.
{}
text-classification
CNT-UPenn/Bio_ClinicalBERT_for_seizureFreedom_classification
[ "transformers", "pytorch", "bert", "text-classification", "autotrain_compatible", "endpoints_compatible", "has_space", "region:us" ]
2022-03-02T23:29:04+00:00
[]
[]
TAGS #transformers #pytorch #bert #text-classification #autotrain_compatible #endpoints_compatible #has_space #region-us
emilyalsentzer/Bio_ClinicalBERT with additional training through the finetuning pipeline described in "Extracting Seizure Frequency From Epilepsy Clinic Notes: A Machine Reading Approach To Natural Language Processing." Citation: Kevin Xie, Ryan S Gallagher, Erin C Conrad, Chadric O Garrick, Steven N Baldassano, John M Bernabei, Peter D Galer, Nina J Ghosn, Adam S Greenblatt, Tara Jennings, Alana Kornspun, Catherine V Kulick-Soper, Jal M Panchal, Akash R Pattnaik, Brittany H Scheid, Danmeng Wei, Micah Weitzman, Ramya Muthukrishnan, Joongwon Kim, Brian Litt, Colin A Ellis, Dan Roth, Extracting seizure frequency from epilepsy clinic notes: a machine reading approach to natural language processing, Journal of the American Medical Informatics Association, 2022;, ocac018, URL Bio_ClinicalBERT_for_seizureFreedom_classification classifies patients has having seizures or being seizure free using the HPI and/or Interval History paragraphs from a medical note.
[]
[ "TAGS\n#transformers #pytorch #bert #text-classification #autotrain_compatible #endpoints_compatible #has_space #region-us \n" ]
[ 40 ]
[ "passage: TAGS\n#transformers #pytorch #bert #text-classification #autotrain_compatible #endpoints_compatible #has_space #region-us \n" ]
[ 0.0013040690682828426, 0.04730365425348282, -0.005959899630397558, 0.02085857465863228, 0.16412363946437836, 0.03263911232352257, 0.06805203855037689, 0.12210814654827118, 0.049404144287109375, 0.013070927001535892, 0.12269697338342667, 0.16707958281040192, -0.05391707271337509, 0.11618279665708542, -0.10161276161670685, -0.2948577404022217, 0.07745558768510818, 0.0479816198348999, -0.03405984863638878, 0.10369596630334854, 0.08608286827802658, -0.11272957175970078, 0.06169630587100983, -0.03199947252869606, -0.11140511184930801, 0.04894477501511574, 0.013452834449708462, -0.12586943805217743, 0.1123284175992012, 0.03466685116291046, 0.17603082954883575, 0.02970624528825283, -0.06975167244672775, -0.12275617569684982, 0.03697040304541588, 0.016383426263928413, -0.08369769901037216, 0.05984153598546982, 0.05514860525727272, -0.0959574431180954, 0.02892300672829151, -0.008547697216272354, 0.016087038442492485, 0.021899908781051636, -0.15079647302627563, -0.10525372624397278, -0.011062216013669968, 0.01958332024514675, 0.010359340347349644, 0.059977591037750244, -0.017822811380028725, 0.14609016478061676, -0.15895652770996094, 0.10094142705202103, 0.1367439180612564, -0.31107744574546814, -0.01339579839259386, 0.15150238573551178, 0.08344101160764694, 0.06630952656269073, -0.0625830665230751, 0.06714976578950882, 0.032365668565034866, 0.004649861250072718, 0.051815375685691833, -0.054946038872003555, -0.11157146096229553, 0.06384246796369553, -0.10620136559009552, -0.054490599781274796, 0.20524908602237701, -0.0578760951757431, 0.09638441354036331, -0.04463978111743927, -0.10552850365638733, -0.08236124366521835, -0.003293247427791357, 0.025066768750548363, -0.02554888278245926, 0.057411324232816696, 0.02764902263879776, -0.006676998920738697, -0.12750034034252167, 0.04988492652773857, -0.21631093323230743, 0.18685485422611237, -0.005937894806265831, 0.040949221700429916, -0.15924330055713654, 0.06057009473443031, 0.005904789548367262, -0.10664957016706467, 0.07014875113964081, -0.10099122673273087, 0.025295227766036987, -0.018246348947286606, -0.10832279175519943, -0.012212053872644901, 0.06780808418989182, 0.11622679978609085, 0.019939763471484184, 0.03178025782108307, -0.005939086899161339, 0.101342111825943, 0.05459349974989891, 0.13045619428157806, -0.010767942294478416, -0.04930422455072403, 0.007022571749985218, -0.0809164047241211, 0.005467968061566353, -0.08944912999868393, -0.1705765426158905, -0.04639566317200661, 0.07885687798261642, 0.05125260725617409, 0.03825432062149048, 0.09111833572387695, -0.034887634217739105, 0.0024860487319529057, 0.07370216399431229, -0.07119875401258469, 0.04648872837424278, 0.014944180846214294, 0.028001589700579643, 0.05840010568499565, -0.003984813112765551, 0.000559144071303308, -0.03809194639325142, 0.1163753792643547, -0.07481897622346878, 0.007197932805866003, -0.04406578838825226, -0.1242196261882782, 0.031659726053476334, -0.14404454827308655, 0.01718572899699211, -0.17854218184947968, -0.027062416076660156, 0.0005549023044295609, 0.023168861865997314, -0.00964323990046978, -0.03369715437293053, 0.017625538632273674, -0.03056502342224121, 0.08291444927453995, -0.06241477653384209, -0.03649352490901947, -0.0784149244427681, 0.08030354976654053, -0.05637683719396591, 0.11192286014556885, -0.13892783224582672, 0.08031246811151505, -0.08002915233373642, -0.015507534146308899, -0.12254910916090012, 0.0153020229190588, -0.053994838148355484, 0.13694070279598236, 0.021710244938731194, -0.05694182217121124, -0.08771783113479614, 0.07970412075519562, -0.05498645454645157, 0.1362505555152893, -0.10820642113685608, -0.08498930186033249, 0.1690504550933838, -0.061588678508996964, -0.11839700490236282, 0.08225151151418686, -0.01920485496520996, -0.004863593261688948, 0.04160578176379204, 0.24243345856666565, 0.06534843146800995, -0.012698098085820675, 0.03228868544101715, 0.13124312460422516, -0.049917496740818024, -0.07338767498731613, 0.015019371174275875, 0.011987786740064621, -0.07809365540742874, 0.03521567955613136, 0.06377221643924713, 0.05941491946578026, -0.0434117428958416, -0.04757201299071312, -0.03403687849640846, -0.005887660663574934, 0.1585080474615097, 0.04662715271115303, 0.1331445574760437, -0.08791346102952957, -0.03562174737453461, 0.040138814598321915, -0.009104304946959019, 0.03406492620706558, 0.03728780522942543, -0.02740115113556385, 0.1491120457649231, -0.006081253290176392, 0.008684385567903519, -0.2236102968454361, -0.08381689339876175, -0.033181995153427124, 0.1285935789346695, -0.011415868997573853, 0.21436700224876404, 0.047188375145196915, -0.0715721994638443, -0.013189803808927536, -0.017068171873688698, 0.1477547287940979, 0.04674721881747246, -0.07964657992124557, -0.06102390214800835, 0.03125718608498573, -0.08555196970701218, -0.010392406955361366, -0.08150813728570938, 0.03390827775001526, 0.08558299392461777, 0.12423985451459885, -0.004904656205326319, 0.07717478275299072, -0.01766274683177471, 0.06248067319393158, -0.09020442515611649, 0.018237793818116188, 0.09600159525871277, -0.019556937739253044, -0.05547219514846802, 0.1847226470708847, -0.1878659576177597, 0.3133663833141327, 0.22651837766170502, -0.28911998867988586, -0.0021772682666778564, -0.0075910077430307865, -0.01451864279806614, 0.051371730864048004, 0.01330107543617487, -0.024877440184354782, 0.027655279263854027, -0.03257276117801666, 0.1750926524400711, -0.022427288815379143, -0.03728640824556351, -0.02047392539680004, -0.056736793369054794, -0.05561160668730736, 0.07670213282108307, 0.027204079553484917, -0.16977767646312714, 0.22001661360263824, 0.30551910400390625, -0.00865428801625967, 0.18067044019699097, 0.01563360169529915, 0.04040657356381416, 0.06002617999911308, -0.07892332971096039, -0.06135501712560654, -0.03218653425574303, -0.19965146481990814, -0.06895569711923599, 0.08936583250761032, 0.03467781841754913, 0.06894540041685104, -0.11677734553813934, -0.03442814201116562, 0.026670552790164948, 0.049245402216911316, -0.03844282403588295, 0.11056997627019882, 0.0865025445818901, 0.11736996471881866, 0.01467443723231554, -0.07161823660135269, 0.08352572470903397, 0.002708969172090292, -0.04892050102353096, 0.15231451392173767, -0.15370844304561615, -0.3367897868156433, -0.1200249195098877, -0.1570218950510025, -0.014043568633496761, 0.05018831416964531, 0.11656567454338074, -0.10585736483335495, -0.029267912730574608, -0.005876608192920685, -0.0024188777897506952, -0.09291813522577286, 0.05682891607284546, -0.08641114085912704, 0.053022440522909164, -0.056581951677799225, -0.08145690709352493, -0.07351174205541611, -0.02993158809840679, -0.018802709877490997, 0.1509217619895935, -0.06608197093009949, 0.0768546387553215, 0.18666015565395355, -0.021477054804563522, 0.05567893013358116, -0.037005022168159485, 0.2014143019914627, -0.09242753684520721, -0.0049255709163844585, 0.16477704048156738, -0.03402264416217804, 0.07206526398658752, 0.18727487325668335, 0.026195498183369637, -0.03847081959247589, 0.022465085610747337, -0.018935732543468475, -0.10363893210887909, -0.15958748757839203, -0.15438638627529144, -0.1348392367362976, 0.029557673260569572, 0.0497942715883255, 0.0782804936170578, 0.11178373545408249, 0.04245736077427864, 0.022094082087278366, -0.014217790216207504, -0.038408733904361725, 0.06135652959346771, 0.2535465359687805, -0.0304966252297163, 0.17483144998550415, -0.051645051687955856, -0.13195167481899261, 0.08355855941772461, 0.03810017928481102, 0.08874008804559708, 0.0784899890422821, -0.021024947986006737, 0.025356734171509743, 0.09913904219865799, 0.16654878854751587, 0.08360300213098526, 0.03689932823181152, -0.020041795447468758, -0.036409758031368256, -0.008653301745653152, -0.028547286987304688, 0.051443640142679214, 0.12542177736759186, -0.16738301515579224, -0.060707416385412216, -0.19115114212036133, 0.10673990845680237, 0.04517243802547455, 0.08888351917266846, -0.18700331449508667, 0.01782793365418911, 0.10955309867858887, -0.026119111105799675, -0.08701302856206894, 0.0629357397556305, 0.03253341093659401, -0.11085262149572372, 0.0647338330745697, 0.002718406729400158, 0.11888739466667175, -0.028428703546524048, 0.10665258765220642, -0.07019906491041183, -0.15902581810951233, 0.02370847389101982, 0.09034864604473114, -0.2503938376903534, 0.23243708908557892, -0.007142971735447645, -0.1220385953783989, -0.06880081444978714, -0.030588584020733833, 0.05858295038342476, 0.2118941694498062, 0.037445880472660065, 0.02049989625811577, -0.10524093359708786, -0.1815025955438614, 0.019387416541576385, -0.011411606334149837, 0.11985453963279724, -0.03790426626801491, -0.0030757004860788584, -0.039827898144721985, -0.01343078538775444, 0.0004334185505285859, 0.08760392665863037, 0.02814657799899578, -0.17943547666072845, 0.07415701448917389, 0.06220896542072296, 0.031249580904841423, 0.010804438032209873, -0.062197208404541016, -0.18687166273593903, 0.17207998037338257, -0.027278654277324677, -0.043092481791973114, -0.1098049134016037, -0.06865671277046204, 0.05794527381658554, -0.06087765842676163, 0.061125852167606354, -0.0798761174082756, 0.03040485456585884, -0.08227582275867462, -0.1803666651248932, 0.14030836522579193, -0.08973998576402664, -0.030732156708836555, -0.06410600990056992, 0.10866567492485046, -0.11981553584337234, 0.0441909022629261, 0.023776555433869362, 0.0683082789182663, -0.13893820345401764, -0.08416134864091873, 0.010614501312375069, -0.0009103436022996902, 0.061676934361457825, 0.048186421394348145, -0.07949653267860413, -0.06070499122142792, 0.024914007633924484, 0.025385521352291107, 0.2960631549358368, 0.15868447721004486, -0.11114606261253357, 0.14197559654712677, 0.07737752795219421, -0.04941469803452492, -0.3609931468963623, -0.07633601874113083, -0.13139557838439941, -0.014736783690750599, 0.012865274213254452, -0.11646656692028046, 0.0808078721165657, -0.02462906390428543, -0.047577522695064545, 0.05861537158489227, -0.16327308118343353, -0.08720356971025467, 0.17924371361732483, -0.07273568958044052, 0.3724954426288605, -0.12391042709350586, -0.06938961148262024, -0.036155618727207184, -0.09624529629945755, 0.13486970961093903, -0.05230407416820526, 0.09821131825447083, -0.007049966137856245, 0.0571790486574173, 0.047199808061122894, -0.04552937671542168, 0.13428689539432526, -0.02478681318461895, 0.020084766671061516, -0.12666478753089905, -0.14395436644554138, 0.051443275064229965, -0.05431700125336647, -0.017908351495862007, -0.04364188760519028, 0.006467259954661131, -0.18918795883655548, -0.007098662666976452, -0.09464412182569504, 0.07761768251657486, 0.02148621343076229, -0.040028978139162064, -0.04329726845026016, 0.0005348948179744184, 0.01168588362634182, 0.0018170458497479558, 0.2754484713077545, -0.06390664726495743, 0.20773987472057343, 0.14763537049293518, 0.0663476213812828, -0.147825226187706, 0.011676854453980923, -0.012270285747945309, -0.05475219711661339, 0.08068235963582993, -0.12901116907596588, 0.05768824741244316, 0.11168572306632996, -0.06932710856199265, 0.06390902400016785, 0.12041351199150085, 0.05439889430999756, -0.023573677986860275, 0.17741654813289642, -0.2185908704996109, -0.006962169427424669, -0.04157156124711037, -0.01683666557073593, 0.0571143738925457, 0.02297697216272354, 0.13969916105270386, 0.03888208419084549, -0.034331921488046646, 0.008509366773068905, -0.018428027629852295, -0.01622309535741806, 0.03911350667476654, 0.0722426250576973, 0.06357675045728683, -0.10941366851329803, 0.01794709637761116, 0.07925787568092346, -0.1600344181060791, -0.0026966279838234186, 0.12414190918207169, -0.12299585342407227, -0.15454226732254028, -0.04134490340948105, 0.08167194575071335, -0.07692813873291016, -0.022685037925839424, -0.03466646745800972, -0.1257566511631012, 0.05477839335799217, 0.18787787854671478, 0.1283818781375885, 0.07730595767498016, -0.04038066416978836, -0.04108726978302002, 0.03960377722978592, -0.0011091828346252441, -0.006761692464351654, 0.03891510143876076, -0.11832977086305618, 0.068629190325737, -0.024894537404179573, 0.15418726205825806, -0.10486824810504913, -0.05735383927822113, -0.1776571273803711, 0.003307531587779522, -0.08987176418304443, -0.06710199266672134, -0.07282499969005585, -0.049613021314144135, 0.010163037106394768, -0.07022088766098022, -0.049654122442007065, -0.07298688590526581, -0.14025473594665527, 0.027166493237018585, -0.039298687130212784, 0.07249043136835098, -0.08018527179956436, -0.04560455307364464, 0.09465337544679642, -0.03196481615304947, 0.09309209138154984, 0.06668369472026825, -0.07901926338672638, 0.0679035484790802, -0.07559875398874283, -0.13326497375965118, 0.11851973831653595, 0.02154981903731823, 0.08083909004926682, 0.0716661810874939, 0.010914761573076248, 0.035378240048885345, 0.04608181491494179, 0.07052343338727951, 0.053505789488554, -0.10711202025413513, 0.05936542898416519, -0.042874399572610855, -0.16557474434375763, -0.017652669921517372, -0.042149826884269714, 0.11151394993066788, 0.004499807488173246, 0.12818920612335205, -0.03663920238614082, 0.07314157485961914, -0.0598481260240078, 0.01815400831401348, -0.04378514736890793, -0.21335674822330475, -0.03798425942659378, -0.0791115090250969, 0.028216706588864326, -0.00864404533058405, 0.28016388416290283, 0.11001231521368027, -0.008098705671727657, 0.059668079018592834, 0.09597186744213104, -0.004555223509669304, 0.023227525874972343, 0.16164058446884155, 0.10349998623132706, -0.06628382205963135, -0.06564491242170334, 0.05853000655770302, 0.02985176257789135, 0.019900359213352203, 0.11423156410455704, 0.09732575714588165, 0.025436637923121452, 0.09163741767406464, -0.011163732968270779, 0.0010405805660411716, -0.14882630109786987, -0.16202163696289062, -0.03753599524497986, 0.10034847259521484, -0.04775966331362724, 0.012992734089493752, 0.10318446904420853, -0.03670867905020714, 0.06526127457618713, -0.07157141715288162, -0.03131231293082237, -0.1758682280778885, -0.0670844241976738, -0.08558410406112671, -0.11551976948976517, -0.028568295761942863, -0.07533769309520721, 0.024961354210972786, 0.13278615474700928, 0.033137086778879166, -0.0220783781260252, 0.07912971079349518, 0.008708245120942593, -0.050875160843133926, 0.06653383374214172, -0.02695951610803604, 0.05073392763733864, -0.04752643406391144, -0.02275785058736801, -0.1266546994447708, -0.0048943920992314816, -0.05488096550107002, 0.036599382758140564, -0.07235771417617798, -0.010997175239026546, -0.14983385801315308, -0.12050561606884003, -0.04822108894586563, 0.042137261480093, -0.043327830731868744, 0.1514648199081421, -0.003308067563921213, 0.006161010358482599, 0.02634933590888977, 0.24769018590450287, -0.10330014675855637, -0.04145323857665062, -0.0286091398447752, 0.21135148406028748, 0.05927233397960663, 0.11201470345258713, -0.04667632281780243, -0.019312262535095215, -0.1257379949092865, 0.27840277552604675, 0.34334179759025574, -0.07263675332069397, 0.07401252537965775, 0.03375241532921791, 0.03072286769747734, 0.13084997236728668, 0.11191218346357346, 0.10176127403974533, 0.21069131791591644, -0.08079767227172852, -0.02664080820977688, -0.030468888580799103, -0.016161002218723297, -0.11381097137928009, 0.08074264228343964, 0.06347906589508057, -0.05893320217728615, -0.07037609070539474, 0.06202502176165581, -0.17550307512283325, 0.11056499928236008, 0.017163889482617378, -0.267858624458313, -0.07901355624198914, 0.008763832040131092, 0.18140509724617004, -0.033884063363075256, 0.10170546174049377, -0.01346558053046465, -0.10259141772985458, 0.005240367725491524, 0.00019409507513046265, -0.17096051573753357, -0.005632266402244568, 0.09190364181995392, -0.05092345550656319, 0.0061883628368377686, -0.034965138882398605, 0.00001257387066289084, 0.09675631672143936, 0.06986701488494873, -0.018713125959038734, 0.04583108797669411, 0.021515561267733574, -0.052095457911491394, -0.020415738224983215, 0.00901354756206274, -0.0014357201289385557, -0.09265236556529999, 0.09424448013305664, -0.19884005188941956, 0.06167864426970482, -0.07349899411201477, -0.04522163048386574, -0.011189531534910202, 0.0005003064870834351, -0.03886217996478081, 0.06418367475271225, 0.09192636609077454, -0.00786815956234932, -0.044420275837183, -0.0281720831990242, -0.06572312861680984, -0.008422709070146084, -0.11631587147712708, -0.162503182888031, -0.08492431044578552, -0.07297211140394211, 0.08903352916240692, 0.0033886381424963474, -0.1443863809108734, -0.024383531883358955, -0.05888330936431885, 0.08183278888463974, -0.12640643119812012, 0.08812130242586136, 0.06369701027870178, -0.0030936570838093758, -0.020764213055372238, -0.06258372962474823, 0.04436054825782776, 0.07111675292253494, -0.13174283504486084, -0.06947385519742966 ]
null
null
transformers
RoBERTa-base with additional training through the finetuning pipeline described in "Extracting Seizure Frequency From Epilepsy Clinic Notes: A Machine Reading Approach To Natural Language Processing." Citation: Kevin Xie, Ryan S Gallagher, Erin C Conrad, Chadric O Garrick, Steven N Baldassano, John M Bernabei, Peter D Galer, Nina J Ghosn, Adam S Greenblatt, Tara Jennings, Alana Kornspun, Catherine V Kulick-Soper, Jal M Panchal, Akash R Pattnaik, Brittany H Scheid, Danmeng Wei, Micah Weitzman, Ramya Muthukrishnan, Joongwon Kim, Brian Litt, Colin A Ellis, Dan Roth, Extracting seizure frequency from epilepsy clinic notes: a machine reading approach to natural language processing, Journal of the American Medical Informatics Association, 2022;, ocac018, https://doi.org/10.1093/jamia/ocac018 RoBERTa_for_seizureFrequency_QA performs extractive question answering to identify a patient's seizure freedom and/or date of last seizure using the HPI and/or Interval History paragraphs from a medical note.
{}
question-answering
CNT-UPenn/RoBERTa_for_seizureFrequency_QA
[ "transformers", "pytorch", "roberta", "question-answering", "endpoints_compatible", "region:us" ]
2022-03-02T23:29:04+00:00
[]
[]
TAGS #transformers #pytorch #roberta #question-answering #endpoints_compatible #region-us
RoBERTa-base with additional training through the finetuning pipeline described in "Extracting Seizure Frequency From Epilepsy Clinic Notes: A Machine Reading Approach To Natural Language Processing." Citation: Kevin Xie, Ryan S Gallagher, Erin C Conrad, Chadric O Garrick, Steven N Baldassano, John M Bernabei, Peter D Galer, Nina J Ghosn, Adam S Greenblatt, Tara Jennings, Alana Kornspun, Catherine V Kulick-Soper, Jal M Panchal, Akash R Pattnaik, Brittany H Scheid, Danmeng Wei, Micah Weitzman, Ramya Muthukrishnan, Joongwon Kim, Brian Litt, Colin A Ellis, Dan Roth, Extracting seizure frequency from epilepsy clinic notes: a machine reading approach to natural language processing, Journal of the American Medical Informatics Association, 2022;, ocac018, URL RoBERTa_for_seizureFrequency_QA performs extractive question answering to identify a patient's seizure freedom and/or date of last seizure using the HPI and/or Interval History paragraphs from a medical note.
[]
[ "TAGS\n#transformers #pytorch #roberta #question-answering #endpoints_compatible #region-us \n" ]
[ 30 ]
[ "passage: TAGS\n#transformers #pytorch #roberta #question-answering #endpoints_compatible #region-us \n" ]
[ -0.028608275577425957, 0.012934355065226555, -0.010616693645715714, -0.01975064165890217, 0.10259008407592773, 0.027173824608325958, 0.01545078307390213, 0.09938755631446838, 0.08000601083040237, 0.008535527624189854, 0.16793237626552582, 0.22884051501750946, -0.06396545469760895, -0.05595272779464722, -0.1034657210111618, -0.20366065204143524, 0.048284173011779785, 0.0874374508857727, -0.0412151925265789, 0.12977896630764008, 0.05101761594414711, -0.11550388485193253, 0.03738224878907204, -0.02860826812684536, -0.08857055753469467, 0.05882282182574272, 0.0066650849767029285, -0.07177172601222992, 0.1300192028284073, 0.02168385125696659, 0.15812259912490845, 0.03910718858242035, -0.13250020146369934, -0.18632328510284424, 0.047134045511484146, -0.019495613873004913, -0.05581321939826012, 0.031197870150208473, 0.03845693916082382, -0.12110279500484467, 0.009938113391399384, 0.06482931971549988, 0.0055429632775485516, 0.06561300903558731, -0.19820421934127808, -0.16301210224628448, -0.07227519154548645, 0.008119196631014347, 0.06316234171390533, 0.0942242443561554, -0.026413477957248688, 0.18618866801261902, -0.18357056379318237, 0.09136306494474411, 0.1783212423324585, -0.291237473487854, -0.01808217726647854, 0.08167876303195953, 0.09363877028226852, 0.04696115851402283, -0.009248688817024231, 0.07173799723386765, 0.039905939251184464, 0.01808544434607029, -0.12047582864761353, -0.11512398719787598, -0.07086808979511261, 0.09484559297561646, -0.0789833515882492, -0.09959656745195389, 0.23174606263637543, 0.009705718606710434, 0.04213012009859085, 0.03694531321525574, -0.09339350461959839, 0.02210697904229164, 0.028767509385943413, -0.02230692468583584, -0.035941991955041885, 0.0497075617313385, -0.0041594123467803, -0.03591418266296387, -0.10855140537023544, 0.01980629563331604, -0.2389775514602661, 0.2561115026473999, 0.032074011862277985, 0.09144836664199829, -0.2450694441795349, 0.055012185126543045, -0.03294878453016281, -0.07409600168466568, -0.005698008928447962, -0.08447259664535522, -0.008168900385499, -0.0018512150272727013, -0.061919521540403366, 0.044005248695611954, 0.07915671914815903, 0.2252807468175888, 0.009619742631912231, 0.024152614176273346, 0.0012172622373327613, 0.09218977391719818, 0.05883995071053505, 0.10918602347373962, -0.036304865032434464, -0.00008712073758943006, -0.012057580053806305, -0.1559915840625763, -0.0225103460252285, -0.03448069840669632, -0.07719250023365021, -0.07388556748628616, -0.011400108225643635, 0.15188045799732208, 0.10390560328960419, 0.0003517905715852976, -0.06276828795671463, 0.0033991276286542416, -0.04273983836174011, -0.02622603066265583, -0.0334320105612278, -0.017627529799938202, 0.018183395266532898, 0.19856096804141998, -0.06966861337423325, 0.03570389002561569, -0.03195945546030998, 0.07322538644075394, -0.06623604148626328, -0.032089997082948685, -0.019818346947431564, -0.0001658376568229869, 0.07014516741037369, -0.13789522647857666, 0.09198252856731415, -0.1329203099012375, -0.0618424117565155, 0.0022312409710139036, 0.03208424523472786, -0.020677128806710243, 0.01318295020610094, 0.004999885801225901, -0.03361054137349129, -0.04870720952749252, -0.051089633256196976, -0.01878703013062477, -0.05854462832212448, 0.11617483198642731, 0.03906741738319397, 0.045364703983068466, -0.06598342210054398, 0.053922995924949646, -0.0831771045923233, 0.052241306751966476, -0.07382640987634659, -0.02894052304327488, 0.0016675665974617004, 0.1585129052400589, -0.022497843950986862, -0.0711514800786972, -0.1065789982676506, 0.03245960548520088, -0.05115552246570587, 0.18520072102546692, 0.009697404690086842, -0.057619158178567886, 0.21591556072235107, -0.04758394509553909, -0.2178606241941452, 0.07681137323379517, 0.003461581189185381, 0.013895104639232159, 0.0687207356095314, 0.17593204975128174, -0.006025116890668869, -0.07021088898181915, 0.06891223788261414, 0.09146983921527863, -0.1577681303024292, -0.09145442396402359, 0.04586297646164894, -0.06824618577957153, -0.09219377487897873, 0.032685548067092896, 0.028603261336684227, 0.046319760382175446, -0.0977131575345993, -0.04009023308753967, -0.01981116272509098, -0.002895474899560213, 0.05166862532496452, 0.06859036535024643, 0.05106602609157562, -0.07928699254989624, 0.011645683087408543, -0.0747435912489891, -0.014765137806534767, 0.05595206096768379, 0.03008197247982025, -0.07767321169376373, 0.14305168390274048, -0.1171661838889122, 0.009121410548686981, -0.2274584025144577, -0.09262906014919281, -0.045869551599025726, 0.12239526212215424, -0.01554663386195898, 0.23499202728271484, 0.08594805002212524, -0.15686266124248505, -0.0218382366001606, -0.028621403500437737, 0.10660923272371292, 0.004281132947653532, -0.006302415393292904, -0.038821715861558914, 0.0600481815636158, -0.08345074206590652, -0.07572561502456665, -0.0059630959294736385, -0.029970109462738037, 0.09636153280735016, 0.10797947645187378, -0.0070555987767875195, 0.06570523232221603, 0.001329386723227799, 0.0489162839949131, 0.001227612025104463, 0.03424931690096855, 0.09706375747919083, -0.04241284728050232, -0.0748959481716156, 0.10466765612363815, -0.07605580985546112, 0.27897313237190247, 0.1714259684085846, -0.2970021963119507, 0.0021420810371637344, -0.019290797412395477, -0.055166441947221756, 0.02317964658141136, 0.07737254351377487, 0.01894512213766575, 0.09528370201587677, 0.03547423705458641, 0.08024051040410995, -0.03491666167974472, -0.056096937507390976, -0.015374811366200447, -0.0683244988322258, -0.030408009886741638, 0.11532679945230484, 0.07038229703903198, -0.18601492047309875, 0.14996753633022308, 0.2639860510826111, 0.04453510791063309, 0.08073192089796066, -0.07042995095252991, -0.04468478262424469, 0.004577425308525562, 0.04218359291553497, -0.04050332307815552, 0.045736152678728104, -0.2208651602268219, 0.000057671000831760466, 0.08405552059412003, 0.00005215844794292934, 0.08180656284093857, -0.13241565227508545, -0.09685993939638138, 0.005559732671827078, 0.023442091420292854, -0.06925346702337265, 0.13131941854953766, 0.050125546753406525, 0.09816773980855942, 0.03833194077014923, -0.0064857047982513905, 0.10166000574827194, -0.010724088177084923, -0.047444190829992294, 0.16055943071842194, -0.08533748984336853, -0.23849274218082428, -0.04931076988577843, -0.09544780850410461, 0.020946379750967026, 0.0030042347498238087, 0.07679475098848343, -0.10176943242549896, -0.02010287344455719, 0.11191241443157196, 0.046396512538194656, -0.18457846343517303, -0.0008352679433301091, -0.04135844111442566, 0.07770593464374542, -0.09795450419187546, -0.05266738682985306, -0.05904027447104454, -0.07090871781110764, -0.05979530140757561, 0.1292605847120285, -0.1157286986708641, 0.1162986159324646, 0.10486672818660736, 0.057142164558172226, 0.06228442117571831, -0.015732409432530403, 0.21049562096595764, -0.13963349163532257, -0.04405598342418671, 0.20003828406333923, -0.026615126058459282, 0.09931374341249466, 0.15438583493232727, 0.014047021977603436, -0.08416295796632767, 0.004161536693572998, -0.029078761115670204, -0.081863634288311, -0.26411744952201843, -0.055352672934532166, -0.12832003831863403, 0.051822155714035034, -0.016843991354107857, 0.02962680160999298, 0.12182140350341797, 0.09321024268865585, 0.024019399657845497, -0.14998877048492432, -0.04983305186033249, 0.0626777708530426, 0.26152148842811584, -0.05193798243999481, 0.08684082329273224, -0.07439485192298889, -0.12334847450256348, 0.0564437210559845, 0.08703089505434036, 0.16835977137088776, 0.12478434294462204, -0.013251986354589462, 0.0979577898979187, 0.15373766422271729, 0.1340254247188568, 0.08208474516868591, 0.010651233606040478, -0.059660714119672775, -0.02703934535384178, 0.01581750251352787, -0.056735675781965256, 0.022818800061941147, 0.16146595776081085, -0.13560503721237183, -0.027492178604006767, -0.19350862503051758, 0.08704323321580887, 0.06496558338403702, 0.06341452151536942, -0.06782608479261398, 0.025784878060221672, 0.0824965238571167, -0.01921110227704048, -0.04459952190518379, 0.08809391409158707, -0.0147982994094491, -0.16301052272319794, 0.017429454252123833, -0.04270303621888161, 0.13751080632209778, 0.025657478719949722, 0.07589338719844818, -0.09870786964893341, -0.14577561616897583, 0.05854753404855728, 0.10524249076843262, -0.2799205780029297, 0.3134291172027588, 0.004728916101157665, -0.09270109981298447, -0.07419261336326599, -0.048275917768478394, -0.03792189434170723, 0.11365121603012085, 0.17481441795825958, 0.007886664010584354, -0.05678568780422211, -0.06582877784967422, 0.08473359793424606, 0.05481644347310066, 0.14351427555084229, -0.02841947041451931, -0.01097548846155405, -0.01824844628572464, 0.024099603295326233, -0.039453789591789246, 0.03515267372131348, 0.07704601436853409, -0.11174539476633072, 0.03806167095899582, -0.04169822484254837, 0.017469577491283417, -0.0026998762041330338, 0.011867018416523933, -0.04572855308651924, 0.11142077296972275, -0.04213804006576538, -0.05738949403166771, -0.09165099263191223, -0.12108462303876877, 0.14396385848522186, -0.10276926308870316, 0.03761785477399826, -0.09638030081987381, -0.0883689746260643, -0.06627660989761353, -0.13402026891708374, 0.12076355516910553, -0.09126228839159012, -0.0063408613204956055, -0.023299049586057663, 0.19658546149730682, -0.0796910971403122, 0.011286688037216663, 0.00662199454382062, 0.053707387298345566, -0.15967004001140594, -0.1007864847779274, 0.02020435221493244, -0.10045986622571945, 0.08303937315940857, 0.08204388618469238, 0.006895540282130241, 0.09784585237503052, -0.008212324231863022, 0.0019567946437746286, 0.21541744470596313, 0.22271296381950378, -0.041279882192611694, 0.0882851704955101, 0.15497539937496185, -0.003512863302603364, -0.2599853575229645, -0.060193587094545364, -0.16687822341918945, -0.068821981549263, -0.011728500947356224, -0.09015849977731705, 0.11147228628396988, 0.031058132648468018, -0.03696141391992569, 0.0798264741897583, -0.23815572261810303, -0.02081478387117386, 0.15168344974517822, -0.0049241818487644196, 0.5115718245506287, -0.13048459589481354, -0.08653557300567627, 0.02743697538971901, -0.25952497124671936, 0.06836045533418655, 0.011209906078875065, 0.04824390634894371, -0.038098759949207306, 0.10678289830684662, 0.04157789796590805, -0.08739200979471207, 0.1580003947019577, 0.0018656494794413447, 0.011452392674982548, -0.07907375693321228, -0.1269669383764267, 0.07116203010082245, 0.019596505910158157, -0.02028936706483364, 0.06059788167476654, 0.05379239842295647, -0.15871664881706238, -0.019778279587626457, -0.14308634400367737, 0.04904799535870552, 0.024109670892357826, -0.04466555267572403, -0.04789905622601509, -0.0196275282651186, -0.018059300258755684, -0.0014909632736817002, 0.25966134667396545, -0.07349398732185364, 0.17716433107852936, -0.04120331630110741, 0.13439567387104034, -0.15959198772907257, -0.09142351895570755, -0.06064603477716446, -0.0506584607064724, 0.07185419648885727, -0.05882927402853966, 0.043040961027145386, 0.17503196001052856, -0.011844279244542122, 0.0153446514159441, 0.09751970320940018, 0.017189661040902138, -0.007184616755694151, 0.10858835279941559, -0.19748172163963318, -0.14213210344314575, -0.009896615520119667, -0.04576198011636734, 0.06320637464523315, 0.0831257775425911, 0.06887976825237274, 0.11919187009334564, -0.0328783243894577, 0.01045703049749136, -0.03557925298810005, -0.05814714729785919, -0.005976927001029253, 0.10544892400503159, 0.030759703367948532, -0.10706485062837601, 0.059087712317705154, -0.02097109518945217, -0.23558937013149261, -0.0398244746029377, 0.07795450091362, -0.10078959912061691, -0.10145557671785355, -0.09789900481700897, 0.03226056322455406, -0.19002452492713928, -0.022068604826927185, -0.04799242690205574, -0.10011239349842072, 0.06005343794822693, 0.2286081612110138, 0.08947090804576874, 0.07185715436935425, 0.012624104507267475, -0.04082849621772766, 0.03266291320323944, -0.04769814386963844, -0.02098749950528145, -0.018367793411016464, -0.058856088668107986, -0.07960901409387589, -0.017853571102023125, 0.20167489349842072, -0.07343584299087524, -0.08471851795911789, -0.16801033914089203, 0.10910201072692871, -0.16225223243236542, -0.11147252470254898, -0.1262696236371994, -0.0783809944987297, -0.0006030407967045903, -0.12274422496557236, -0.04241622984409332, -0.03444168344140053, -0.13272389769554138, 0.08049514889717102, 0.05734512582421303, 0.004011483397334814, -0.07395260035991669, -0.05019183084368706, 0.17105410993099213, -0.02821594476699829, 0.09408348798751831, 0.1496564745903015, -0.10643520206212997, 0.09551475197076797, -0.11359891295433044, -0.1506875604391098, 0.06089131161570549, 0.007825900800526142, 0.06382317841053009, 0.03241449221968651, 0.001816125470213592, 0.07111898064613342, 0.050435375422239304, 0.08664362877607346, -0.07537779957056046, -0.11945869028568268, 0.028384478762745857, 0.02333170734345913, -0.19518299400806427, -0.04557042941451073, -0.1074552834033966, 0.1138223260641098, 0.017907120287418365, 0.08665400743484497, 0.031958289444446564, 0.13823164999485016, -0.03837078809738159, 0.015949567779898643, -0.003724002745002508, -0.15081124007701874, 0.04629600793123245, -0.06684362143278122, 0.011993678286671638, -0.018385710194706917, 0.26175716519355774, -0.10494817793369293, 0.08270727097988129, 0.048995066434144974, 0.07071710377931595, 0.04516822472214699, 0.003766965353861451, 0.20005719363689423, 0.09131975471973419, -0.057841356843709946, -0.08100568503141403, 0.08423441648483276, -0.06490839272737503, -0.08596530556678772, 0.14449284970760345, 0.1563529670238495, 0.10063579678535461, 0.04727347567677498, -0.01009273063391447, 0.06267465651035309, 0.006324268411844969, -0.2300533652305603, 0.026776336133480072, -0.01719135232269764, 0.013449651189148426, 0.07563874870538712, 0.17889074981212616, -0.023953258991241455, 0.06193021312355995, -0.04633047431707382, -0.004529289901256561, -0.1447184681892395, -0.07094544172286987, -0.06404050439596176, -0.07426850497722626, 0.06286635249853134, -0.10236068069934845, -0.015647469088435173, 0.13571768999099731, 0.06363008171319962, -0.057310160249471664, 0.10827255994081497, 0.06479159742593765, -0.07331226021051407, 0.017172113060951233, 0.0022494723089039326, 0.0895303413271904, 0.051228225231170654, 0.03839605674147606, -0.12672433257102966, -0.07699858397245407, -0.050703756511211395, 0.04808705672621727, -0.12967243790626526, -0.04718871787190437, -0.16557270288467407, -0.09478995949029922, -0.0609181709587574, 0.12443166971206665, -0.030277259647846222, 0.15520717203617096, -0.028226906433701515, 0.03919508308172226, 0.02420218288898468, 0.24375604093074799, -0.06537475436925888, -0.05366772785782814, -0.04472663998603821, 0.16311217844486237, 0.03065544366836548, 0.08354746550321579, -0.005231909919530153, 0.01456164475530386, -0.03752684220671654, 0.3361199200153351, 0.21549402177333832, -0.05505026504397392, 0.046473585069179535, 0.05922706797719002, 0.04770621284842491, 0.1156514436006546, 0.010265747085213661, 0.10314196348190308, 0.28285378217697144, -0.10432364046573639, -0.03745994344353676, -0.020447345450520515, 0.01478704996407032, -0.04663725942373276, 0.05964421480894089, 0.05293872952461243, -0.06922894716262817, -0.06453540176153183, 0.13671565055847168, -0.16475343704223633, 0.11051630973815918, 0.056657254695892334, -0.20167268812656403, -0.06684282422065735, -0.03053872659802437, 0.14887697994709015, -0.00894103478640318, 0.12285298109054565, -0.037442609667778015, -0.1308681219816208, 0.01723420061171055, 0.06461524218320847, -0.23657214641571045, -0.07742500305175781, 0.1482383906841278, 0.05413429066538811, -0.027974510565400124, -0.009101971983909607, 0.029909828677773476, 0.09174363315105438, 0.02260270155966282, -0.04362279549241066, 0.033904723823070526, 0.09492223709821701, -0.10647904872894287, -0.09581746906042099, -0.010154920630156994, 0.05758877843618393, -0.12153078615665436, 0.08893775939941406, -0.16159187257289886, 0.05088571831583977, 0.005202817730605602, 0.0038070057053118944, -0.05421612039208412, 0.0707085132598877, -0.07898791879415512, 0.021398473531007767, 0.06632427871227264, -0.01053047925233841, -0.01624808833003044, -0.03428483009338379, 0.0004883934743702412, 0.04922641068696976, -0.08486645668745041, -0.14646629989147186, 0.016194861382246017, -0.06801226735115051, 0.09002082794904709, -0.04006725549697876, -0.10266967862844467, -0.026621032506227493, -0.015868229791522026, 0.048487335443496704, -0.07745236903429031, 0.02427281066775322, 0.03939157351851463, 0.04188786819577217, 0.0269249826669693, -0.0718359649181366, 0.031084148213267326, 0.059303250163793564, -0.1269008070230484, -0.051612574607133865 ]
null
null
transformers
# XLM-Align **Improving Pretrained Cross-Lingual Language Models via Self-Labeled Word Alignment** (ACL-2021, [paper](https://arxiv.org/pdf/2106.06381.pdf), [github](https://github.com/CZWin32768/XLM-Align)) XLM-Align is a pretrained cross-lingual language model that supports 94 languages. See details in our [paper](https://arxiv.org/pdf/2106.06381.pdf). ## Example ``` model = = AutoModel.from_pretrained("CZWin32768/xlm-align") ``` ## Evaluation Results XTREME cross-lingual understanding tasks: | Model | POS | NER | XQuAD | MLQA | TyDiQA | XNLI | PAWS-X | Avg | |:----:|:----:|:----:|:----:|:-----:|:----:|:-----:|:----:|:----:| | XLM-R_base | 75.6 | 61.8 | 71.9 / 56.4 | 65.1 / 47.2 | 55.4 / 38.3 | 75.0 | 84.9 | 66.4 | | XLM-Align | **76.0** | **63.7** | **74.7 / 59.0** | **68.1 / 49.8** | **62.1 / 44.8** | **76.2** | **86.8** | **68.9** | ## MD5 ``` b9d214025837250ede2f69c9385f812c config.json 6005db708eb4bab5b85fa3976b9db85b pytorch_model.bin bf25eb5120ad92ef5c7d8596b5dc4046 sentencepiece.bpe.model eedbd60a7268b9fc45981b849664f747 tokenizer.json ``` ## About Contact: chizewen\@outlook.com BibTeX: ``` @article{xlmalign, title={Improving Pretrained Cross-Lingual Language Models via Self-Labeled Word Alignment}, author={Zewen Chi and Li Dong and Bo Zheng and Shaohan Huang and Xian-Ling Mao and Heyan Huang and Furu Wei}, journal={arXiv preprint arXiv:2106.06381}, year={2021} } ```
{}
fill-mask
CZWin32768/xlm-align
[ "transformers", "pytorch", "xlm-roberta", "fill-mask", "arxiv:2106.06381", "autotrain_compatible", "endpoints_compatible", "region:us" ]
2022-03-02T23:29:04+00:00
[ "2106.06381" ]
[]
TAGS #transformers #pytorch #xlm-roberta #fill-mask #arxiv-2106.06381 #autotrain_compatible #endpoints_compatible #region-us
XLM-Align ========= Improving Pretrained Cross-Lingual Language Models via Self-Labeled Word Alignment (ACL-2021, paper, github) XLM-Align is a pretrained cross-lingual language model that supports 94 languages. See details in our paper. Example ------- Evaluation Results ------------------ XTREME cross-lingual understanding tasks: MD5 --- About ----- Contact: chizewen@URL BibTeX:
[]
[ "TAGS\n#transformers #pytorch #xlm-roberta #fill-mask #arxiv-2106.06381 #autotrain_compatible #endpoints_compatible #region-us \n" ]
[ 48 ]
[ "passage: TAGS\n#transformers #pytorch #xlm-roberta #fill-mask #arxiv-2106.06381 #autotrain_compatible #endpoints_compatible #region-us \n" ]
[ -0.09898623824119568, 0.025727109983563423, -0.00721702678129077, 0.03515324369072914, 0.13430136442184448, 0.02262195013463497, 0.10499951243400574, 0.09581729769706726, 0.07663248479366302, 0.010306828655302525, 0.17285317182540894, 0.22100965678691864, -0.013788367621600628, 0.1704072803258896, -0.07600301504135132, -0.20003491640090942, 0.045066867023706436, 0.0643322542309761, -0.07750941812992096, 0.10427845269441605, 0.06640102714300156, -0.07770802080631256, 0.08918355405330658, -0.020966950803995132, -0.16474440693855286, 0.044405169785022736, 0.07935139536857605, -0.10528699308633804, 0.11432547122240067, 0.0520913191139698, 0.18712085485458374, 0.024167794734239578, -0.03963397070765495, -0.07224713265895844, 0.03944899141788483, -0.0017309942049905658, -0.08629436790943146, 0.0710311233997345, 0.03240727633237839, -0.057769518345594406, -0.020538154989480972, 0.016216425225138664, -0.008199959062039852, 0.04933150112628937, -0.14287781715393066, -0.14162304997444153, -0.050508782267570496, 0.04471908509731293, 0.04384458065032959, 0.09200235456228256, 0.044880159199237823, 0.22480508685112, -0.06780542433261871, 0.11541274189949036, 0.20860126614570618, -0.3253231346607208, -0.009428800083696842, 0.06825435161590576, 0.06291305273771286, -0.034851040691137314, -0.008785932324826717, 0.07308487594127655, 0.03570198267698288, 0.013646774925291538, 0.010801995173096657, -0.07753381133079529, -0.058877937495708466, 0.025722099468111992, -0.07668784260749817, -0.048678379505872726, 0.1634484976530075, -0.03720987215638161, 0.03283906355500221, 0.02959439344704151, -0.11988174170255661, -0.07679439336061478, -0.0065592071041464806, 0.0011411403538659215, -0.02124454826116562, 0.013238746672868729, -0.004059785045683384, -0.0011833986500278115, -0.10716330260038376, 0.008778641000390053, -0.2318548858165741, 0.2780204713344574, -0.005365581251680851, 0.09062141925096512, -0.17644387483596802, 0.03696192800998688, -0.02841688133776188, -0.12415708601474762, 0.04396281763911247, -0.06968266516923904, 0.010599760338664055, 0.0320642925798893, -0.044363025575876236, -0.05995588004589081, 0.06579477339982986, 0.14693103730678558, 0.04493958503007889, 0.039927925914525986, 0.029785266146063805, 0.09626520425081253, -0.004809528589248657, 0.10682900995016098, 0.005364187527447939, -0.024728398770093918, 0.07212550938129425, -0.1011875569820404, 0.04778117686510086, -0.06292285025119781, -0.14957791566848755, -0.06727731972932816, 0.004565213806927204, 0.10427828878164291, 0.056908175349235535, 0.034880395978689194, -0.0785856693983078, -0.007932479493319988, 0.11540444940328598, -0.06948811560869217, 0.011796505190432072, -0.03432246297597885, 0.022378580644726753, 0.08365248143672943, 0.03547102212905884, -0.01993122696876526, -0.029609424993395805, 0.08486639708280563, -0.09339527785778046, 0.0026997700333595276, -0.05905117839574814, -0.08891667425632477, 0.03704026713967323, -0.10601197183132172, 0.023386072367429733, -0.19745676219463348, -0.10781199485063553, 0.03526066243648529, 0.03541481867432594, -0.007143152877688408, -0.026175562292337418, 0.03646422177553177, -0.011870329268276691, 0.051788631826639175, -0.024616416543722153, -0.014392008073627949, -0.029795976355671883, 0.08594000339508057, 0.03032747656106949, 0.11591952294111252, -0.11441443860530853, 0.03410623222589493, -0.06864743679761887, 0.013384716585278511, -0.13950926065444946, -0.054905857890844345, -0.0496126152575016, 0.12871268391609192, -0.007971943356096745, -0.04644838348031044, -0.07194928824901581, 0.019355706870555878, 0.02174692414700985, 0.15063296258449554, -0.07183589041233063, -0.1095840111374855, 0.19137215614318848, -0.09643221646547318, -0.1268886923789978, 0.057712797075510025, 0.02233383245766163, -0.04539627581834793, 0.026437554508447647, 0.08012048900127411, 0.02621653489768505, -0.16469424962997437, 0.05364648252725601, 0.10151361674070358, -0.1730184406042099, -0.16614095866680145, 0.023279627785086632, -0.0020969323813915253, -0.12329225987195969, 0.04798027127981186, 0.05490345135331154, 0.09101904928684235, -0.0712788924574852, -0.051551755517721176, -0.04244975373148918, -0.03811066970229149, 0.0968223512172699, 0.02520919032394886, 0.09236399084329605, -0.06741127371788025, -0.020201055333018303, -0.0729125440120697, 0.024858729913830757, 0.08235993981361389, 0.026999404653906822, -0.09015859663486481, 0.11384053528308868, -0.11285050213336945, 0.001440737978555262, -0.17241589725017548, -0.10486869513988495, -0.015624084509909153, 0.04812806472182274, -0.020790945738554, 0.10466540604829788, 0.09972942620515823, -0.03399799391627312, 0.003858743468299508, -0.03895598277449608, 0.08725304901599884, 0.018962983042001724, -0.054592158645391464, -0.09739383310079575, 0.0172897782176733, -0.07515618205070496, -0.005283248145133257, -0.017475031316280365, -0.0069672707468271255, -0.04605836048722267, 0.09328895062208176, 0.01003288384526968, 0.04601196572184563, -0.04263841360807419, 0.04435840994119644, -0.04131639748811722, 0.0074572316370904446, 0.08815792948007584, 0.00961103942245245, -0.04970384016633034, 0.1757512390613556, -0.1510104387998581, 0.36456868052482605, 0.1766381561756134, -0.2452496886253357, -0.03181658312678337, 0.04879461228847504, -0.012892918661236763, -0.010885046795010567, 0.061080753803253174, 0.012449993751943111, 0.027161382138729095, -0.006655238568782806, 0.15125657618045807, -0.02017248049378395, -0.0030352468602359295, 0.05311627686023712, -0.08458062261343002, -0.055423539131879807, 0.06322745978832245, 0.11473165452480316, -0.13566359877586365, 0.15460553765296936, 0.21483328938484192, 0.0021211793646216393, 0.0923067256808281, 0.033375199884176254, -0.005692680366337299, -0.03510832414031029, -0.05178658664226532, 0.003534117480739951, 0.06378516554832458, -0.09958955645561218, -0.023494083434343338, 0.07629954069852829, -0.03403853997588158, 0.06738229095935822, -0.129348486661911, -0.058308105915784836, 0.027614714577794075, 0.04341937601566315, -0.10355566442012787, 0.143921360373497, 0.02318902499973774, 0.0990949347615242, 0.0018918325658887625, -0.08468686789274216, 0.08839506655931473, 0.015083694830536842, -0.05776336416602135, 0.15195904672145844, -0.1410897821187973, -0.3618185818195343, -0.16397923231124878, -0.1552428901195526, -0.012672241777181625, 0.03233382850885391, 0.05263688415288925, -0.10733144730329514, -0.07374252378940582, 0.07826929539442062, -0.054750144481658936, -0.05638031288981438, 0.05170956626534462, -0.009991890750825405, 0.024625560268759727, -0.0029975171200931072, -0.0750565156340599, -0.07275868207216263, -0.03391770273447037, -0.008978060446679592, 0.13283957540988922, -0.054763730615377426, 0.10854638367891312, 0.13370107114315033, 0.010084690526127815, 0.0609942264854908, 0.019599098712205887, 0.1528407633304596, -0.055951833724975586, -0.018028421327471733, 0.1912364810705185, -0.01670350693166256, 0.09391923248767853, 0.12152908742427826, 0.0206436850130558, -0.05437963455915451, -0.015244275331497192, -0.05815909430384636, -0.11442054808139801, -0.1986914575099945, -0.10839883983135223, -0.12245944887399673, -0.016413317993283272, 0.03739723935723305, 0.06299533694982529, 0.1551285833120346, 0.06999371945858002, 0.05284474417567253, -0.008449383080005646, -0.1176757737994194, 0.051742710173130035, 0.14048276841640472, -0.019112251698970795, 0.12546475231647491, -0.06515756994485855, -0.09012189507484436, 0.059806421399116516, 0.017084263265132904, 0.14687447249889374, 0.10726557672023773, 0.011135250329971313, 0.027011390775442123, 0.14996464550495148, 0.15391507744789124, 0.14216336607933044, 0.044575076550245285, -0.08732761442661285, 0.010809729807078838, -0.008652588352560997, -0.0372292697429657, 0.02233813889324665, 0.10128466784954071, -0.06829707324504852, -0.057313982397317886, -0.07777183502912521, 0.033751823008060455, 0.09321656823158264, 0.045971982181072235, -0.23888641595840454, 0.004060689825564623, 0.030617238953709602, 0.015116221271455288, -0.06091059744358063, 0.0005340668139979243, -0.0380520299077034, -0.12024561315774918, 0.049523837864398956, -0.055137768387794495, 0.08185507357120514, 0.0665464922785759, 0.04661786928772926, -0.042497746646404266, -0.024027295410633087, 0.020680861547589302, 0.058057282119989395, -0.24575947225093842, 0.3025004267692566, 0.013291982933878899, -0.03597355633974075, -0.06879796832799911, -0.0036766990087926388, 0.034971751272678375, 0.10604687035083771, 0.10883145034313202, 0.04570873826742172, -0.0969814732670784, -0.16177839040756226, -0.026381077244877815, 0.027846578508615494, 0.09024778008460999, 0.03158766031265259, -0.0033805209677666426, -0.018117722123861313, -0.050626371055841446, 0.0036005647853016853, 0.0810018852353096, -0.005883753299713135, -0.12024860084056854, 0.09858337044715881, 0.05018800124526024, -0.042411960661411285, -0.00949344877153635, -0.06144537776708603, -0.12288384139537811, 0.2104218751192093, -0.03021167777478695, -0.03987874463200569, -0.10707534104585648, -0.09097316861152649, 0.09436562657356262, -0.12188144028186798, 0.09919162094593048, -0.08231937140226364, 0.005367572419345379, -0.07466129958629608, -0.17309151589870453, 0.1427542120218277, -0.12712858617305756, -0.009251332841813564, -0.0625053346157074, 0.1340276598930359, -0.07293912768363953, 0.03052046149969101, -0.011395161971449852, 0.03568543493747711, -0.09957239031791687, -0.05698961392045021, 0.08652044832706451, -0.03366667404770851, 0.04958397150039673, 0.042913373559713364, -0.03103642538189888, -0.027006151154637337, -0.0014612970408052206, 0.006150520872324705, 0.22710728645324707, 0.2434222549200058, -0.08572164177894592, 0.13446635007858276, 0.12488837540149689, -0.034471914172172546, -0.3057312071323395, -0.07842393219470978, -0.117320217192173, 0.014333536848425865, -0.017780829221010208, -0.10012324154376984, 0.07580788433551788, 0.01396876759827137, -0.036943692713975906, 0.18144212663173676, -0.20725266635417938, -0.09001259505748749, 0.18863120675086975, 0.006710768211632967, 0.4663638472557068, -0.09904877096414566, -0.0546429306268692, -0.048913899809122086, -0.160279780626297, 0.036643508821725845, 0.055123887956142426, 0.0952150970697403, -0.059710148721933365, 0.07821803539991379, 0.029629040509462357, -0.0965416431427002, 0.12148027867078781, -0.05015331879258156, 0.043095145374536514, -0.10000517964363098, -0.1258186399936676, 0.05481743440032005, -0.0227031446993351, -0.0013677452225238085, 0.007042648736387491, 0.021259834989905357, -0.05999996140599251, -0.0012351733166724443, -0.09895752370357513, 0.10101327300071716, 0.035232141613960266, -0.03329501301050186, 0.01856100559234619, -0.04134584963321686, -0.02411288022994995, -0.02107156068086624, 0.1806623637676239, -0.01235309150069952, 0.1613990217447281, 0.11146946996450424, 0.015184314921498299, -0.1563558578491211, -0.08495843410491943, -0.03658633679151535, -0.07508781552314758, 0.10123872756958008, -0.028748827055096626, 0.054447825998067856, 0.12166877835988998, 0.0058641936630010605, 0.04397735372185707, 0.09678913652896881, 0.020151613280177116, -0.02050185389816761, 0.14597852528095245, -0.20439259707927704, 0.037093766033649445, -0.018281323835253716, 0.01376938633620739, 0.07369356602430344, 0.058889083564281464, 0.09566609561443329, 0.036279454827308655, -0.033679500222206116, -0.00793666671961546, 0.007387620396912098, -0.06211773306131363, 0.09032803028821945, 0.0792311578989029, 0.049782123416662216, -0.12947508692741394, 0.029890986159443855, -0.020385049283504486, -0.1692969799041748, -0.003952605649828911, 0.10114027559757233, -0.10339467972517014, -0.10063441097736359, 0.011857854202389717, 0.09852392226457596, -0.13741862773895264, -0.04870063439011574, -0.10108976811170578, -0.08755572885274887, 0.06900012493133545, 0.21142016351222992, 0.08060553669929504, 0.04550692066550255, -0.0046364059671759605, -0.035959579050540924, -0.038311682641506195, -0.024131927639245987, 0.022210605442523956, 0.04512139409780502, -0.1088244616985321, 0.05424131825566292, -0.008182491175830364, 0.17584243416786194, -0.09067825973033905, -0.02991088293492794, -0.15614373981952667, 0.02972719818353653, -0.08119099587202072, -0.05173762887716293, -0.07782116532325745, -0.07299674302339554, 0.0050508370622992516, -0.06533581763505936, -0.07087454944849014, -0.003559340024366975, -0.12181444466114044, 0.007443917449563742, 0.03701990470290184, -0.031421177089214325, -0.04217783734202385, -0.0495494082570076, 0.0936182290315628, -0.01751858741044998, 0.05663275718688965, 0.16237419843673706, -0.04376598447561264, 0.06434327363967896, -0.13445426523685455, -0.11783154308795929, 0.09207791835069656, 0.029365278780460358, 0.08602439612150192, 0.004760739393532276, 0.034522973001003265, 0.0628385841846466, 0.013512331992387772, 0.026967616751790047, 0.07069680094718933, -0.1167130321264267, 0.06041790544986725, -0.015571516007184982, -0.1505730003118515, -0.04317229986190796, -0.07970128953456879, 0.09007280319929123, 0.01987728662788868, 0.10514429211616516, -0.051333095878362656, 0.10841140151023865, -0.060803916305303574, 0.01588626764714718, -0.03621635213494301, -0.13419854640960693, -0.003510518232360482, -0.0220316331833601, 0.026653876528143883, -0.015276218764483929, 0.19301602244377136, -0.022083956748247147, -0.007508109323680401, 0.029790520668029785, 0.07443411648273468, -0.02762758731842041, -0.016579972580075264, 0.12142092734575272, 0.06562776863574982, -0.02539479359984398, -0.032687678933143616, 0.11861436814069748, 0.014460811391472816, -0.015124927274882793, 0.14691296219825745, 0.06111352890729904, 0.10123051702976227, 0.09237717092037201, 0.02095606178045273, -0.03499443084001541, -0.11233213543891907, -0.18625035881996155, -0.09634692966938019, 0.05649397894740105, 0.036422450095415115, 0.003817202989012003, 0.1710209846496582, 0.00843552965670824, 0.03936046361923218, -0.03623388707637787, -0.014334876090288162, -0.17697688937187195, -0.11558762192726135, -0.09254810214042664, -0.0697675496339798, 0.02118358202278614, -0.010779812932014465, 0.022783726453781128, 0.07023851573467255, 0.015094361267983913, -0.028849642723798752, 0.090780109167099, 0.01293284259736538, -0.025600867345929146, 0.0023772239219397306, -0.002550408709794283, 0.0027012114878743887, 0.01790476217865944, 0.02075219340622425, -0.12542091310024261, -0.037316255271434784, -0.029470693320035934, 0.006254091393202543, -0.05525573343038559, 0.037856582552194595, -0.07058066874742508, -0.11661599576473236, -0.06393589079380035, 0.054696206003427505, -0.018466642126441002, 0.10963204503059387, 0.002095396164804697, 0.06888315081596375, -0.0026602898724377155, 0.11997103691101074, -0.06799177825450897, -0.07895790785551071, -0.044414080679416656, 0.1745891571044922, 0.020499298349022865, 0.07262679189443588, -0.04196498915553093, 0.03917132318019867, -0.07988778501749039, 0.29030388593673706, 0.32037416100502014, -0.048105139285326004, 0.07290780544281006, 0.021697409451007843, 0.03012925386428833, 0.03651103749871254, 0.1069764569401741, 0.0998239815235138, 0.30942806601524353, -0.08713701367378235, -0.06584237515926361, -0.07865646481513977, -0.0013890833361074328, -0.10886355489492416, 0.012913720682263374, 0.016951045021414757, -0.043689027428627014, -0.038632333278656006, 0.05219070613384247, -0.12995688617229462, 0.14463075995445251, 0.07025254517793655, -0.19250264763832092, -0.057684484869241714, 0.0025988633278757334, 0.14194634556770325, 0.01434071734547615, 0.10992778837680817, -0.05914955586194992, -0.08187510073184967, 0.07067857682704926, 0.008123977109789848, -0.21582086384296417, -0.07865113765001297, 0.08219051361083984, -0.029496105387806892, 0.06988442689180374, -0.0286051407456398, 0.06057913973927498, 0.09630818665027618, 0.08225560933351517, -0.0562499575316906, 0.04832740128040314, 0.004503675736486912, -0.13138744235038757, -0.02020999789237976, 0.010079317726194859, 0.006447104271501303, -0.09973232448101044, 0.023434249684214592, -0.11127689480781555, 0.04795307293534279, -0.06784438341856003, -0.012186681851744652, 0.005212885793298483, 0.04371615871787071, -0.04431801661849022, 0.0700545385479927, 0.07744287699460983, 0.00985744595527649, -0.04321832209825516, -0.03761330246925354, -0.017379282042384148, 0.0603351965546608, -0.06724332273006439, -0.14931368827819824, -0.10337647795677185, -0.015539374202489853, 0.036314353346824646, -0.004085366614162922, -0.13811351358890533, -0.0500391460955143, -0.1328801065683365, -0.01902712695300579, -0.11180146038532257, 0.030072562396526337, 0.0590873584151268, 0.04042899236083031, 0.019088687375187874, -0.04191245511174202, 0.04986786097288132, 0.07182446122169495, -0.1371980607509613, -0.10314880311489105 ]
null
null
transformers
# Paper Title Generator Generates titles for computer science papers given an abstract. The model is a BERT2BERT Encoder-Decoder using the official `bert-base-uncased` checkpoint as initialization for the encoder and decoder. It was fine-tuned on 318,500 computer science papers posted on arXiv.org between 2007 and 2022 and achieved a 26.3% Rouge2 F1-Score on held-out validation data. **Live Demo:** [https://paper-titles.ey.r.appspot.com/](https://paper-titles.ey.r.appspot.com/)
{"language": ["en"], "license": "apache-2.0", "tags": ["summarization"], "datasets": ["arxiv_dataset"], "metrics": ["rouge"], "widget": [{"text": "The dominant sequence transduction models are based on complex recurrent or convolutional neural networks in an encoder-decoder configuration. The best performing models also connect the encoder and decoder through an attention mechanism. We propose a new simple network architecture, the Transformer, based solely on attention mechanisms, dispensing with recurrence and convolutions entirely. Experiments on two machine translation tasks show these models to be superior in quality while being more parallelizable and requiring significantly less time to train. Our model achieves 28.4 BLEU on the WMT 2014 English-to-German translation task, improving over the existing best results, including ensembles by over 2 BLEU. On the WMT 2014 English-to-French translation task, our model establishes a new single-model state-of-the-art BLEU score of 41.8 after training for 3.5 days on eight GPUs, a small fraction of the training costs of the best models from the literature. We show that the Transformer generalizes well to other tasks by applying it successfully to English constituency parsing both with large and limited training data."}]}
summarization
Callidior/bert2bert-base-arxiv-titlegen
[ "transformers", "pytorch", "safetensors", "encoder-decoder", "text2text-generation", "summarization", "en", "dataset:arxiv_dataset", "license:apache-2.0", "autotrain_compatible", "endpoints_compatible", "has_space", "region:us" ]
2022-03-02T23:29:04+00:00
[]
[ "en" ]
TAGS #transformers #pytorch #safetensors #encoder-decoder #text2text-generation #summarization #en #dataset-arxiv_dataset #license-apache-2.0 #autotrain_compatible #endpoints_compatible #has_space #region-us
# Paper Title Generator Generates titles for computer science papers given an abstract. The model is a BERT2BERT Encoder-Decoder using the official 'bert-base-uncased' checkpoint as initialization for the encoder and decoder. It was fine-tuned on 318,500 computer science papers posted on URL between 2007 and 2022 and achieved a 26.3% Rouge2 F1-Score on held-out validation data. Live Demo: URL.r.URL
[ "# Paper Title Generator\n\nGenerates titles for computer science papers given an abstract.\n\nThe model is a BERT2BERT Encoder-Decoder using the official 'bert-base-uncased' checkpoint as initialization for the encoder and decoder.\nIt was fine-tuned on 318,500 computer science papers posted on URL between 2007 and 2022 and achieved a 26.3% Rouge2 F1-Score on held-out validation data.\n\nLive Demo: URL.r.URL" ]
[ "TAGS\n#transformers #pytorch #safetensors #encoder-decoder #text2text-generation #summarization #en #dataset-arxiv_dataset #license-apache-2.0 #autotrain_compatible #endpoints_compatible #has_space #region-us \n", "# Paper Title Generator\n\nGenerates titles for computer science papers given an abstract.\n\nThe model is a BERT2BERT Encoder-Decoder using the official 'bert-base-uncased' checkpoint as initialization for the encoder and decoder.\nIt was fine-tuned on 318,500 computer science papers posted on URL between 2007 and 2022 and achieved a 26.3% Rouge2 F1-Score on held-out validation data.\n\nLive Demo: URL.r.URL" ]
[ 75, 109 ]
[ "passage: TAGS\n#transformers #pytorch #safetensors #encoder-decoder #text2text-generation #summarization #en #dataset-arxiv_dataset #license-apache-2.0 #autotrain_compatible #endpoints_compatible #has_space #region-us \n# Paper Title Generator\n\nGenerates titles for computer science papers given an abstract.\n\nThe model is a BERT2BERT Encoder-Decoder using the official 'bert-base-uncased' checkpoint as initialization for the encoder and decoder.\nIt was fine-tuned on 318,500 computer science papers posted on URL between 2007 and 2022 and achieved a 26.3% Rouge2 F1-Score on held-out validation data.\n\nLive Demo: URL.r.URL" ]
[ -0.09294005483388901, 0.1571565866470337, -0.002041799947619438, 0.021182848140597343, 0.07627088576555252, -0.02772759646177292, 0.06490253657102585, 0.05694490671157837, -0.07513794302940369, 0.023134857416152954, 0.17152579128742218, 0.07646454870700836, 0.011264965869486332, 0.207151859998703, -0.10643381625413895, -0.11311357468366623, 0.10087954998016357, 0.07236727327108383, 0.08268088102340698, 0.1151476800441742, 0.07701475918292999, -0.09631970524787903, 0.029350154101848602, -0.01788792386651039, -0.05025148391723633, 0.0454803965985775, -0.010358525440096855, -0.11151278018951416, 0.08059678971767426, -0.01302234549075365, 0.1271394044160843, 0.10476681590080261, 0.09109348058700562, -0.06889339536428452, 0.021232742816209793, 0.04363486170768738, -0.03132475167512894, 0.08819744735956192, -0.032843656837940216, 0.025373540818691254, 0.08599309623241425, -0.010133800096809864, -0.013589194044470787, -0.004479758441448212, -0.022966986522078514, -0.20204602181911469, -0.04972302168607712, 0.0042956010438501835, 0.04354877769947052, 0.0653800442814827, -0.004242230672389269, 0.12216394394636154, -0.021527472883462906, 0.08603029698133469, 0.09178535640239716, -0.2823896110057831, -0.011208772659301758, 0.07624475657939911, 0.05329803377389908, 0.00032067473512142897, -0.024947285652160645, 0.010760647244751453, 0.12347578257322311, 0.0125853531062603, 0.10809149593114853, -0.02700008451938629, -0.18576015532016754, -0.04197013005614281, -0.12557421624660492, -0.043494999408721924, 0.18984220921993256, -0.008416318334639072, -0.0772261992096901, -0.036921583116054535, -0.11361765116453171, -0.011907813139259815, -0.008148021064698696, -0.01992734521627426, 0.024096602573990822, 0.013790961354970932, 0.006292230449616909, 0.008270347490906715, -0.11223164200782776, -0.06948474794626236, -0.12829768657684326, 0.2234298586845398, 0.040407389402389526, 0.08604863286018372, -0.05343692749738693, 0.07972511649131775, 0.07039935886859894, -0.10602085292339325, -0.01751362346112728, -0.07364768534898758, 0.10528573393821716, 0.05258491635322571, -0.09902440756559372, -0.10768585652112961, 0.0355779305100441, 0.11360429972410202, -0.11337827891111374, -0.028431059792637825, 0.06476621329784393, 0.059778790920972824, 0.009372854605317116, 0.1145646944642067, -0.06649039685726166, 0.005743070039898157, 0.11062625795602798, 0.03172248229384422, 0.12338735908269882, -0.0446416512131691, -0.09005378931760788, 0.02609918639063835, 0.09843041002750397, 0.028889691457152367, -0.034130048006772995, 0.04919736459851265, -0.03429100662469864, 0.058079835027456284, 0.09400350600481033, -0.10109931975603104, -0.02364681102335453, 0.019325902685523033, -0.008984571322798729, 0.012281094677746296, 0.05409691855311394, -0.019170474261045456, -0.051598504185676575, 0.023736974224448204, -0.06783958524465561, -0.048572782427072525, -0.06583256274461746, -0.1550930142402649, 0.03838668391108513, -0.1123751848936081, 0.03425038978457451, -0.1461080014705658, -0.11397942900657654, -0.014365017414093018, 0.07660963386297226, 0.02941240184009075, 0.03339826688170433, -0.025507379323244095, -0.04562084376811981, 0.05472946539521217, -0.022151434794068336, -0.08581390976905823, -0.0415896475315094, 0.0953841581940651, -0.004917129408568144, 0.12858103215694427, -0.2232268899679184, 0.03940929099917412, -0.16395163536071777, -0.024792172014713287, -0.0029922653920948505, -0.022661911323666573, -0.04399321600794792, 0.005375011824071407, -0.01992463320493698, -0.08487727493047714, -0.015145708806812763, 0.032440125942230225, 0.12557271122932434, 0.10340281575918198, -0.12457221746444702, -0.009179644286632538, 0.19367583096027374, -0.1637459248304367, -0.13238957524299622, 0.0940125435590744, -0.01114287693053484, 0.060554951429367065, 0.031710509210824966, 0.08505798876285553, -0.004308582749217749, -0.06694088876247406, -0.08474086970090866, 0.10310392081737518, -0.007590502966195345, -0.166965052485466, 0.04875139519572258, 0.04231583699584007, -0.13569675385951996, 0.02282358519732952, -0.021412793546915054, -0.032486896961927414, -0.05615859478712082, -0.07019377499818802, -0.043038226664066315, -0.019987639039754868, 0.0492781326174736, -0.000010354780897614546, 0.048067737370729446, -0.07077043503522873, -0.08059128373861313, -0.038660090416669846, 0.06240861117839813, -0.12322987616062164, 0.04985455796122551, -0.05992951616644859, 0.09606513381004333, -0.09461896866559982, 0.05416915938258171, -0.15430934727191925, -0.0003481849853415042, 0.023151088505983353, -0.03104504384100437, -0.05627303943037987, 0.001984180184081197, -0.013007220812141895, 0.022020787000656128, 0.0161749180406332, -0.05623460188508034, -0.0199420265853405, -0.009722947143018246, -0.07825113087892532, -0.04024672880768776, -0.0189528688788414, -0.0663122683763504, 0.007956046611070633, -0.06225991249084473, 0.04086155444383621, -0.006255578715354204, 0.010448260232806206, -0.0006391793140210211, 0.023330073803663254, 0.010417580604553223, 0.06781268864870071, -0.09221666306257248, 0.016059333458542824, 0.06628790497779846, 0.0589272603392601, -0.0814811959862709, 0.03808498755097389, -0.057258687913417816, 0.1203005462884903, 0.1285618096590042, -0.07028332352638245, -0.013924168422818184, 0.10128219425678253, -0.02876853197813034, 0.032933954149484634, -0.06484566628932953, -0.046670593321323395, 0.02322404459118843, -0.04473408684134483, 0.12479162216186523, -0.11395712196826935, 0.01827176846563816, 0.026874011382460594, -0.07401411235332489, -0.010502654127776623, 0.09755000472068787, 0.1352018564939499, -0.06866618990898132, 0.08083967119455338, 0.16854006052017212, -0.10994119197130203, 0.08812135457992554, -0.03490623086690903, -0.07121152430772781, 0.05564486235380173, -0.04546754062175751, -0.029665324836969376, 0.04809365049004555, -0.039295654743909836, -0.017971031367778778, 0.03892956301569939, -0.03207624331116676, 0.0463990718126297, -0.17605428397655487, 0.01052076742053032, -0.039711520075798035, -0.014989877119660378, -0.14632664620876312, 0.04295819252729416, -0.06676430255174637, 0.10088444501161575, -0.05814125016331673, -0.1584465354681015, 0.05434849485754967, 0.004439224023371935, -0.062252454459667206, 0.20498187839984894, -0.04265442118048668, -0.25949686765670776, -0.15187802910804749, 0.023978758603334427, -0.025559334084391594, 0.02241700328886509, 0.11211369931697845, 0.0014242406468838453, -0.07993798702955246, -0.11073190718889236, -0.12136492878198624, 0.03158107399940491, 0.04334323853254318, 0.09968628734350204, 0.01768556237220764, 0.018343787640333176, -0.14673806726932526, 0.01664462871849537, -0.07918641716241837, 0.0022848641965538263, 0.14323043823242188, -0.004242503084242344, 0.15498794615268707, 0.08530998229980469, -0.09179149568080902, -0.028960423544049263, -0.018626250326633453, 0.14021633565425873, 0.01837826520204544, 0.0015062842285260558, 0.1731286346912384, -0.025216752663254738, 0.05597108602523804, 0.09694184362888336, 0.034440778195858, -0.07392759621143341, 0.06630194187164307, -0.08076409250497818, -0.09693930298089981, -0.1911490559577942, -0.06455277651548386, -0.029081694781780243, 0.026212837547063828, 0.014983572997152805, 0.014701222069561481, -0.08536317199468613, 0.0528673455119133, 0.0008903074194677174, -0.014828807674348354, -0.03679940477013588, 0.03377269580960274, 0.07546059787273407, -0.0008508076425641775, 0.13578028976917267, -0.06895793974399567, -0.04251576587557793, 0.06635716557502747, -0.017662309110164642, 0.18511490523815155, -0.038192443549633026, -0.02261071838438511, 0.05399635061621666, 0.05382218211889267, 0.07202207297086716, 0.21220596134662628, -0.04343939200043678, 0.014673012308776379, -0.038091037422418594, -0.0420435331761837, -0.034585293382406235, 0.06257539987564087, -0.17199935019016266, -0.038316790014505386, -0.0842946320772171, -0.008354436606168747, 0.03657370060682297, 0.15561065077781677, 0.15296359360218048, -0.25047606229782104, -0.0656634196639061, 0.029022006317973137, -0.00849677063524723, -0.043671704828739166, 0.06234060600399971, 0.08199368417263031, 0.031074900180101395, 0.05051647871732712, 0.013320771045982838, 0.07258405536413193, -0.010747634805738926, 0.02513076737523079, -0.058335401117801666, 0.012914096005260944, 0.0314839631319046, 0.05362361669540405, -0.18333950638771057, 0.18432027101516724, -0.011875842697918415, 0.046525128185749054, -0.016061585396528244, 0.024488987401127815, 0.0138570386916399, 0.09124652296304703, 0.11260450631380081, -0.014614253304898739, -0.08541477471590042, -0.07591214030981064, -0.1133539155125618, 0.0805397555232048, 0.048340052366256714, 0.06648609787225723, 0.0728299543261528, 0.011884815990924835, -0.016039513051509857, 0.025585247203707695, -0.005956889595836401, -0.0700807198882103, -0.0706772655248642, 0.016821512952446938, 0.15828627347946167, 0.04643786698579788, -0.05434393882751465, -0.09229495376348495, -0.04812917485833168, 0.15433110296726227, -0.07298875600099564, -0.10602284222841263, -0.07873214781284332, 0.0048302714712917805, 0.008493106812238693, -0.06162586435675621, 0.06921215355396271, -0.03326820209622383, 0.034471090883016586, 0.0011926779989153147, -0.12436892092227936, 0.08720855414867401, -0.1050710380077362, -0.0747617781162262, -0.03723025694489479, 0.013544101268053055, -0.02273113653063774, 0.004251049365848303, 0.03824978694319725, 0.011244804598391056, -0.09732179343700409, -0.10672258585691452, 0.014333811588585377, 0.04688793420791626, 0.0650523453950882, -0.008367960341274738, -0.12939558923244476, -0.20465132594108582, 0.07085110992193222, 0.011487392708659172, 0.15254753828048706, 0.15158909559249878, -0.08203810453414917, 0.033961471170186996, 0.28239762783050537, -0.029140247032046318, -0.3828248083591461, -0.08420657366514206, -0.030743660405278206, 0.0119814183562994, -0.09973714500665665, -0.13840410113334656, 0.14277364313602448, 0.049637094140052795, -0.06748650223016739, 0.0695410892367363, -0.1436823308467865, -0.06193819269537926, 0.13973380625247955, 0.054699383676052094, 0.4316965937614441, -0.09069131314754486, -0.017802730202674866, -0.04839906841516495, -0.15671958029270172, 0.12081202864646912, -0.094536192715168, 0.07150620967149734, -0.03947873413562775, -0.08819841593503952, -0.028172392398118973, -0.0686417669057846, 0.04217247664928436, -0.06399893015623093, 0.04287402331829071, 0.009210233576595783, 0.04523861035704613, 0.11181370913982391, -0.011965400539338589, 0.1820816844701767, -0.09866710752248764, 0.11284589767456055, -0.012753119692206383, -0.03617258742451668, -0.02156887575984001, 0.07054301351308823, 0.009434740990400314, -0.07860968261957169, -0.057247839868068695, -0.02825666405260563, 0.008831453509628773, -0.007412227336317301, 0.17632606625556946, 0.0031707286834716797, 0.060450479388237, 0.14314106106758118, 0.05602607876062393, -0.1840708702802658, 0.16150274872779846, 0.023026661947369576, -0.09420710057020187, 0.1261514574289322, -0.1263943761587143, 0.03315442055463791, 0.10791556537151337, 0.008038034662604332, 0.026507999747991562, 0.0902087539434433, 0.01827877014875412, 0.04697834327816963, 0.11083059757947922, -0.19976654648780823, 0.014622657559812069, -0.008505389094352722, 0.010720530524849892, -0.06278079003095627, 0.2117399275302887, 0.12366330623626709, -0.03561628237366676, -0.04326462745666504, -0.03383459895849228, 0.06292526423931122, 0.013904854655265808, 0.07317695766687393, 0.06923403590917587, 0.021358884871006012, -0.08782074600458145, 0.048468634486198425, 0.03422895818948746, -0.043458499014377594, 0.015469582751393318, 0.007840464822947979, -0.13253234326839447, -0.06857829540967941, -0.04077083617448807, 0.051254380494356155, -0.09589622169733047, -0.13543464243412018, -0.10676766186952591, -0.08708235621452332, 0.0399341955780983, 0.1550309807062149, 0.11544373631477356, 0.0541776642203331, -0.0046181147918105125, -0.028832534328103065, -0.06734097748994827, 0.04348839074373245, -0.013247385621070862, 0.07714944332838058, -0.06147899106144905, -0.014713060110807419, 0.010308705270290375, 0.05937651917338371, -0.08087924867868423, 0.008837216533720493, -0.058564331382513046, 0.00738580571487546, -0.0747838169336319, 0.013800225220620632, -0.018496064469218254, -0.014875181019306183, -0.02434990182518959, -0.0023658403661102057, -0.06530985236167908, 0.06101337447762489, -0.04740486294031143, 0.022132178768515587, -0.01616784930229187, -0.0019061584025621414, -0.11516309529542923, -0.01681552827358246, 0.007366080768406391, -0.05746326223015785, 0.0843702033162117, -0.015876691788434982, -0.05914519727230072, 0.04292571172118187, -0.18662935495376587, -0.012832362204790115, 0.10493747144937515, 0.06766044348478317, -0.022838443517684937, 0.006861725822091103, 0.0179121233522892, 0.1313396543264389, -0.04208938777446747, -0.0062567731365561485, 0.05156434699892998, -0.06095186620950699, 0.008200544863939285, -0.07999618351459503, -0.02554393745958805, -0.02004537731409073, -0.01327959168702364, 0.09279706329107285, 0.12109711021184921, 0.1853151172399521, -0.047480132430791855, -0.03503427654504776, -0.049231402575969696, 0.033041927963495255, 0.014854374341666698, -0.15127696096897125, -0.19148540496826172, -0.035421859472990036, 0.02718464843928814, -0.005612207110971212, 0.2043953686952591, 0.024536866694688797, -0.042471833527088165, -0.013484393246471882, 0.009196832776069641, 0.004686741624027491, 0.00657964451238513, 0.25791898369789124, 0.027884090319275856, -0.014750733971595764, -0.04656238853931427, 0.01261163130402565, 0.07848947495222092, 0.051442090421915054, 0.14669497311115265, 0.049958549439907074, 0.08699411898851395, 0.13162343204021454, -0.043401412665843964, 0.07859359681606293, -0.10562731325626373, -0.027541976422071457, -0.027163885533809662, 0.07792714983224869, 0.025518808513879776, 0.10407336056232452, 0.09850210696458817, 0.033236801624298096, -0.031970784068107605, 0.02218949981033802, -0.03999696299433708, -0.15604205429553986, 0.01407652162015438, -0.10475194454193115, -0.10128295421600342, 0.0002636024437379092, -0.10221731662750244, -0.048714809119701385, 0.042458321899175644, -0.0013440654147416353, -0.0441063717007637, 0.04753579944372177, 0.027819067239761353, -0.0018442594446241856, 0.07774652540683746, -0.036547448486089706, -0.04271811991930008, 0.03777416795492172, -0.06193928048014641, 0.03438954800367355, 0.04409535974264145, 0.049869243055582047, 0.040433671325445175, -0.01611473225057125, 0.047579992562532425, -0.04545127972960472, -0.05262603238224983, -0.04652048274874687, 0.03422186151146889, 0.02147822454571724, 0.08008556067943573, 0.052699510008096695, -0.004592583980411291, 0.060108575969934464, 0.1391507238149643, -0.059154536575078964, -0.04883148893713951, -0.07876794785261154, 0.21304018795490265, 0.052419912070035934, 0.08020670711994171, 0.05265871062874794, -0.11707883328199387, -0.05468009412288666, 0.17108994722366333, 0.12174797058105469, 0.02591686137020588, 0.029313810169696808, -0.018617616966366768, 0.008906586095690727, -0.0040995595045387745, 0.09927225112915039, 0.15653793513774872, 0.2826979458332062, -0.04132119566202164, -0.12406672537326813, -0.09685468673706055, 0.029954249039292336, -0.07869617640972137, 0.0003708784934133291, -0.03158542513847351, -0.09908139705657959, -0.07711702585220337, 0.0376570001244545, -0.03334718197584152, -0.09125060588121414, -0.0007230604533106089, -0.06466208398342133, -0.03521198034286499, 0.033843882381916046, 0.10733125358819962, -0.002046682173386216, 0.038924168795347214, -0.053349513560533524, 0.053877342492341995, 0.08635108172893524, -0.03055150993168354, -0.036996860057115555, -0.009495559148490429, 0.00012833387881983072, -0.1527424305677414, 0.16786642372608185, 0.01986055076122284, 0.11890275776386261, 0.06781765073537827, 0.04108663275837898, -0.05103449150919914, 0.20981046557426453, -0.02879110723733902, 0.018112588673830032, 0.07094671577215195, -0.013674718327820301, -0.04582592844963074, 0.054044343531131744, 0.030200419947504997, -0.06259087473154068, 0.0065344455651938915, 0.01811133697628975, -0.12746742367744446, -0.0813327431678772, 0.008079680614173412, -0.05418156087398529, 0.08953972160816193, 0.02969471924006939, -0.05278024449944496, -0.018296753987669945, -0.03167146444320679, 0.0516752190887928, -0.01472431793808937, -0.12152475863695145, 0.043396878987550735, -0.14731143414974213, 0.04691290855407715, -0.013584311120212078, 0.06914380937814713, -0.20665507018566132, 0.0637744814157486, -0.12910982966423035, 0.020736979320645332, -0.11038210242986679, -0.024845503270626068, 0.09144701808691025, -0.018203631043434143, -0.03142663091421127, 0.0924425721168518, -0.009227178990840912, 0.03947765380144119, -0.07603172212839127, -0.13478121161460876 ]
null
null
transformers
A PyTorch GPT-2 model trained on hansard from 2019-01-01 to 2020-06-01 For more information see: https://github.com/CallumRai/Hansard/
{}
text-generation
CallumRai/HansardGPT2
[ "transformers", "pytorch", "jax", "gpt2", "text-generation", "autotrain_compatible", "endpoints_compatible", "text-generation-inference", "region:us" ]
2022-03-02T23:29:04+00:00
[]
[]
TAGS #transformers #pytorch #jax #gpt2 #text-generation #autotrain_compatible #endpoints_compatible #text-generation-inference #region-us
A PyTorch GPT-2 model trained on hansard from 2019-01-01 to 2020-06-01 For more information see: URL
[]
[ "TAGS\n#transformers #pytorch #jax #gpt2 #text-generation #autotrain_compatible #endpoints_compatible #text-generation-inference #region-us \n" ]
[ 50 ]
[ "passage: TAGS\n#transformers #pytorch #jax #gpt2 #text-generation #autotrain_compatible #endpoints_compatible #text-generation-inference #region-us \n" ]
[ -0.02061169408261776, 0.03669698163866997, -0.007248206064105034, 0.012762377969920635, 0.1690322607755661, 0.03350625932216644, 0.09912695735692978, 0.1378507763147354, 0.006931114010512829, -0.02730877511203289, 0.16016589105129242, 0.210490420460701, -0.0018047182820737362, 0.07203522324562073, -0.0626848116517067, -0.27152273058891296, 0.051494795829057693, 0.06287337839603424, -0.006572056096047163, 0.12476035207509995, 0.07706263661384583, -0.058810923248529434, 0.09187597781419754, -0.01914438046514988, -0.17445695400238037, 0.023767365142703056, 0.05130406841635704, -0.12089582532644272, 0.11222874373197556, 0.04935329034924507, 0.09586816281080246, 0.014551094733178616, -0.061403561383485794, -0.14227746427059174, 0.027511093765497208, 0.02571028470993042, -0.06026925519108772, 0.06976787000894547, 0.10209541767835617, -0.09534682333469391, 0.09160638600587845, 0.08213244378566742, -0.02483462356030941, 0.054132550954818726, -0.1637229174375534, -0.08184890449047089, -0.030146123841404915, 0.009252084419131279, 0.06836725026369095, 0.09418372809886932, -0.014005177654325962, 0.11512795090675354, -0.08648983389139175, 0.10137014836072922, 0.15515094995498657, -0.3112814128398895, -0.0025897729210555553, 0.08596665412187576, 0.056812409311532974, 0.05083649232983589, -0.028057346120476723, 0.059737250208854675, 0.02277030050754547, 0.023691991344094276, 0.024889623746275902, -0.08345351368188858, -0.12221888452768326, 0.04607483372092247, -0.08558143675327301, -0.07045682519674301, 0.24011977016925812, -0.06557567417621613, 0.05927315354347229, -0.026034124195575714, -0.09983419626951218, -0.04822950065135956, -0.025522518903017044, 0.0027340995147824287, -0.05865494906902313, 0.08325810730457306, 0.03113705664873123, -0.07104028761386871, -0.12954817712306976, -0.03331276401877403, -0.1671232432126999, 0.16637788712978363, 0.017353568226099014, 0.059134289622306824, -0.19971254467964172, 0.10599949955940247, 0.009768630377948284, -0.09360894560813904, 0.031420230865478516, -0.0966353788971901, 0.04421459138393402, -0.002475510584190488, -0.05345337465405464, -0.07802210748195648, 0.07758434861898422, 0.1328297108411789, 0.005376500077545643, 0.0312935933470726, -0.022861171513795853, 0.09267520904541016, 0.03198305144906044, 0.09125647693872452, 0.003466499038040638, -0.02334674261510372, 0.05431690812110901, -0.128060445189476, -0.007325596176087856, -0.07051635533571243, -0.15026308596134186, -0.0425361804664135, 0.059593502432107925, 0.08932037651538849, 0.019110143184661865, 0.08286140859127045, -0.052690550684928894, -0.031684745103120804, 0.05481104552745819, -0.06541909277439117, -0.0023946587461978197, -0.0066881631501019, 0.028208354488015175, 0.13478249311447144, -0.008862287737429142, 0.024262670427560806, -0.12114688754081726, 0.05839782580733299, -0.08044246584177017, -0.0018729495350271463, -0.04188903048634529, -0.04908997192978859, 0.01962810568511486, -0.08889313787221909, 0.023544808849692345, -0.14767387509346008, -0.17289353907108307, 0.014023632742464542, 0.015207161195576191, -0.02661287784576416, -0.055295780301094055, -0.03635844588279724, -0.02752472460269928, 0.05103516951203346, -0.06349530816078186, 0.0072977435775101185, -0.05553026497364044, 0.10184666514396667, -0.03134933114051819, 0.06921332329511642, -0.10158300399780273, 0.07680372148752213, -0.12065500766038895, -0.010678648948669434, -0.09030061960220337, 0.0667608305811882, -0.005207765847444534, 0.12495583295822144, -0.02772742323577404, -0.023418201133608818, -0.06870874017477036, 0.052683956921100616, -0.03466503322124481, 0.198461651802063, -0.0751492977142334, -0.12632763385772705, 0.2507952153682709, -0.0663582980632782, -0.14219015836715698, 0.09786481410264969, 0.011805753223598003, 0.04386255890130997, 0.09383031725883484, 0.1752246767282486, 0.02929861843585968, -0.002063382649794221, 0.08640838414430618, 0.10012904554605484, -0.10108412057161331, -0.08980478346347809, 0.023798564448952675, -0.02894214354455471, -0.14016631245613098, 0.056434664875268936, 0.06615027785301208, 0.08355093747377396, -0.04800274223089218, -0.031239774078130722, -0.0360761322081089, 0.00971299409866333, 0.055595025420188904, 0.014840207993984222, 0.12724317610263824, -0.054204441606998444, -0.03147004917263985, -0.029795076698064804, -0.010151172988116741, -0.01988917589187622, 0.03365359082818031, -0.021863849833607674, 0.13083113729953766, -0.05663840472698212, 0.058342233300209045, -0.18144778907299042, -0.08069596439599991, 0.0038181261625140905, 0.12040943652391434, -0.007066712249070406, 0.07556058466434479, 0.05802106857299805, -0.03010028414428234, -0.005254245363175869, -0.011689078994095325, 0.1494489461183548, -0.025504015386104584, -0.0695682018995285, -0.06697690486907959, 0.05832945927977562, -0.059016112238168716, -0.011436658911406994, -0.06229717284440994, 0.014011423103511333, 0.032067783176898956, 0.10360895842313766, 0.004289672710001469, 0.028894901275634766, -0.020906507968902588, 0.010454483330249786, -0.08038664609193802, 0.004400757607072592, 0.09865622967481613, -0.010968429036438465, -0.052063871175050735, 0.2027982473373413, -0.15390464663505554, 0.233114555478096, 0.19188177585601807, -0.28178542852401733, 0.013452456332743168, -0.057999882847070694, -0.02458072640001774, 0.014820392243564129, 0.04814935103058815, -0.02250209078192711, 0.11650584638118744, -0.0003065110940951854, 0.18351061642169952, -0.054600246250629425, -0.05317075923085213, 0.003565638791769743, -0.05164698138833046, -0.0039711822755634785, 0.07296860963106155, 0.12584854662418365, -0.14359883964061737, 0.19494381546974182, 0.20664817094802856, 0.03114785999059677, 0.16297315061092377, 0.006141228135675192, -0.025006834417581558, 0.0717167779803276, -0.020189831033349037, -0.03723941743373871, -0.06850926578044891, -0.18136908113956451, -0.028368933126330376, 0.08009158074855804, 0.04700847342610359, 0.0970572903752327, -0.12121459096670151, -0.04919075593352318, -0.017726639285683632, -0.0037948081735521555, -0.001169883762486279, 0.09482266008853912, 0.04720060154795647, 0.11524532735347748, -0.013394813053309917, 0.00007184622518252581, 0.10807308554649353, 0.017171379178762436, -0.09143665432929993, 0.1945890337228775, -0.12493730336427689, -0.3475200831890106, -0.15314428508281708, -0.1694491058588028, -0.03699450567364693, 0.05181937664747238, 0.1012069508433342, -0.11282069236040115, -0.028340332210063934, 0.017789945006370544, 0.09569206833839417, -0.09760142862796783, 0.021629052236676216, -0.08391507714986801, 0.04361793026328087, -0.08041521906852722, -0.07167459279298782, -0.056972403079271317, -0.021237103268504143, -0.05630851536989212, 0.14537808299064636, -0.10566911846399307, 0.04946158453822136, 0.1748725324869156, 0.041469868272542953, 0.052667371928691864, -0.026084311306476593, 0.20342226326465607, -0.10122719407081604, -0.008247622288763523, 0.1996638923883438, -0.03767416626214981, 0.07793038338422775, 0.1047254279255867, 0.008436969481408596, -0.08692540973424911, 0.014031565748155117, -0.03050277940928936, -0.08918496966362, -0.23751021921634674, -0.10732308030128479, -0.1305837780237198, 0.06702837347984314, 0.06369546800851822, 0.06166477128863335, 0.1605178564786911, 0.08636368811130524, -0.02265070751309395, 0.051190104335546494, 0.005209398455917835, 0.08386892825365067, 0.19134031236171722, -0.018688667565584183, 0.13220134377479553, -0.047730229794979095, -0.1284172236919403, 0.08534674346446991, 0.06895700097084045, 0.13253210484981537, 0.07302940636873245, 0.06437722593545914, 0.006450139917433262, 0.09158173203468323, 0.14580334722995758, 0.11763523519039154, 0.013675099238753319, -0.02294873259961605, -0.035648882389068604, -0.014953047037124634, -0.053832754492759705, 0.041831664741039276, 0.03041837364435196, -0.14036796987056732, -0.0522465854883194, -0.11898676306009293, 0.07560022920370102, 0.10437406599521637, 0.06208758428692818, -0.23143552243709564, 0.012645904906094074, 0.0920325219631195, -0.033739786595106125, -0.12553022801876068, 0.08267304301261902, -0.02773478254675865, -0.148908331990242, 0.04800388216972351, -0.0624145083129406, 0.13054151833057404, -0.06850045919418335, 0.08056096732616425, -0.04174954071640968, -0.057825472205877304, 0.02301604673266411, 0.11933999508619308, -0.29898545145988464, 0.19811242818832397, 0.00232495809905231, -0.055925529450178146, -0.1032438725233078, 0.013398502953350544, 0.01214119978249073, 0.1131071001291275, 0.11060462892055511, 0.004075071774423122, -0.054734937846660614, -0.09965869784355164, -0.025381751358509064, 0.032791636884212494, 0.11453904956579208, -0.0661320760846138, -0.008024964481592178, -0.04672384262084961, -0.005813688039779663, -0.03299189358949661, -0.04443271830677986, 0.006998900789767504, -0.17404834926128387, 0.08311133086681366, 0.021644821390509605, 0.09458605200052261, 0.01686358079314232, -0.020177142694592476, -0.0930124819278717, 0.22706744074821472, -0.07374903559684753, -0.10036850720643997, -0.11869792640209198, -0.05789005383849144, 0.06681498885154724, -0.07128075510263443, 0.04802818223834038, -0.08300348371267319, 0.024066224694252014, -0.051810044795274734, -0.2141922116279602, 0.12876592576503754, -0.09854454547166824, -0.0426534079015255, -0.04808230325579643, 0.18427522480487823, -0.07560548186302185, 0.007441832683980465, 0.014283985830843449, 0.03377733752131462, -0.12088590115308762, -0.09571054577827454, 0.03321368247270584, -0.0054462980479002, 0.050365518778562546, 0.02398831397294998, -0.06449484080076218, 0.013354619033634663, -0.027336502447724342, -0.007998697459697723, 0.31066620349884033, 0.16510078310966492, -0.04284334182739258, 0.17947670817375183, 0.11826936155557632, -0.09111739695072174, -0.3014727234840393, -0.09573464840650558, -0.10117041319608688, -0.03300357609987259, -0.04562511295080185, -0.21774791181087494, 0.0805845707654953, 0.02981768362224102, -0.016042208299040794, 0.15843164920806885, -0.24728429317474365, -0.07573903352022171, 0.14059032499790192, -0.0033480850979685783, 0.36902642250061035, -0.1301729530096054, -0.10661002993583679, -0.049214623868465424, -0.14853917062282562, 0.16302582621574402, -0.006122821941971779, 0.09923173487186432, -0.03277380019426346, 0.0951908603310585, 0.04296580329537392, -0.04584183171391487, 0.09171538800001144, 0.006283751223236322, -0.00015285445260815322, -0.09827379137277603, -0.026431895792484283, 0.04596385359764099, 0.006172254215925932, 0.015664206817746162, -0.05151783674955368, 0.024717671796679497, -0.13768158853054047, -0.04218921437859535, -0.08312345296144485, 0.05613607540726662, 0.0378592424094677, -0.06245051324367523, 0.012870991602540016, -0.06329932808876038, -0.015552804805338383, 0.006438991520553827, 0.22675301134586334, -0.033524125814437866, 0.16034509241580963, 0.06924859434366226, 0.0977221205830574, -0.13415151834487915, -0.0030943630263209343, -0.07359358668327332, -0.0585312657058239, 0.0910639688372612, -0.12273677438497543, 0.05962078645825386, 0.11274706572294235, -0.04377524182200432, 0.06500444561243057, 0.11012120544910431, 0.004117070697247982, -0.003137144260108471, 0.12473985552787781, -0.25908008217811584, 0.015647539868950844, -0.07494742423295975, -0.024182267487049103, 0.08232303708791733, 0.07148353010416031, 0.16246774792671204, 0.024140827357769012, -0.05674751475453377, -0.0011056308867409825, 0.012844313867390156, -0.04069126397371292, 0.0659845769405365, 0.010237254202365875, 0.020188752561807632, -0.14966484904289246, 0.07341181486845016, 0.020635386928915977, -0.1390792727470398, 0.00947505235671997, 0.16722126305103302, -0.13189104199409485, -0.11809033155441284, -0.024501128122210503, 0.10207509994506836, -0.12840311229228973, -0.01538072805851698, -0.0530657097697258, -0.12485695630311966, 0.08780299127101898, 0.11384674161672592, 0.07223537564277649, 0.08963492512702942, -0.046553220599889755, -0.03367399424314499, -0.03635541722178459, -0.012573964893817902, -0.005112584214657545, 0.023647962138056755, -0.08710068464279175, 0.020647486671805382, -0.014909865334630013, 0.1446734219789505, -0.08746474981307983, -0.07236666977405548, -0.15646818280220032, 0.03405974432826042, -0.10871405899524689, -0.07473097741603851, -0.08840084820985794, -0.051927600055933, -0.011308991350233555, -0.0237440038472414, -0.04571209102869034, -0.04849827662110329, -0.12665939331054688, 0.012751449830830097, -0.04703500121831894, 0.02897617593407631, -0.06266307830810547, -0.003384709358215332, 0.09275015443563461, -0.04187775403261185, 0.13208845257759094, 0.13593345880508423, -0.07172486186027527, 0.12254272401332855, -0.1241949051618576, -0.08505946397781372, 0.10708841681480408, 0.018022065982222557, 0.039706673473119736, 0.06602154672145844, 0.027937114238739014, 0.06251784414052963, 0.023262426257133484, 0.0474555529654026, -0.0034392299130558968, -0.1278984397649765, 0.026975933462381363, -0.026938216760754585, -0.15527313947677612, -0.05361103639006615, -0.045469336211681366, 0.04235553741455078, 0.01838851533830166, 0.1166498214006424, -0.03758706524968147, 0.11192993074655533, -0.06871756166219711, 0.02620946429669857, -0.0016389728989452124, -0.19030974805355072, -0.06729240715503693, -0.08063044399023056, 0.027664629742503166, 0.01087124552577734, 0.2522471249103546, 0.03634938970208168, 0.018269522115588188, 0.022480595856904984, 0.08995942771434784, 0.03782389685511589, 0.01657526195049286, 0.20189790427684784, 0.1176978051662445, -0.05808348208665848, -0.09545315057039261, 0.08679695427417755, 0.024981701746582985, 0.011926673352718353, 0.12499669194221497, 0.02542710304260254, 0.015265305526554585, 0.09474188834428787, -0.027163418009877205, 0.011014972813427448, -0.09048577398061752, -0.12104497104883194, -0.012157267890870571, 0.06607268750667572, -0.0005205549532547593, 0.09510093182325363, 0.15160807967185974, -0.01614399254322052, 0.03269355744123459, -0.01990874856710434, -0.044518157839775085, -0.17706270515918732, -0.15518343448638916, -0.07865231484174728, -0.12877032160758972, 0.006389371585100889, -0.10272641479969025, 0.0437617301940918, 0.06735121458768845, 0.055535778403282166, -0.061280637979507446, 0.08018633723258972, 0.0908743217587471, -0.10815306007862091, 0.06396238505840302, -0.03378984332084656, 0.05308237299323082, -0.010930529795587063, -0.012166712433099747, -0.0929059311747551, -0.004868659656494856, -0.008535288274288177, 0.04750073328614235, -0.05832274630665779, 0.02753910794854164, -0.15148714184761047, -0.11618328839540482, -0.04823146015405655, 0.06859103590250015, -0.0567200593650341, 0.10416112095117569, 0.0015089651569724083, -0.014318077825009823, 0.03907795622944832, 0.214002326130867, -0.0627247542142868, -0.030963636934757233, -0.03922291100025177, 0.22120635211467743, 0.040702469646930695, 0.10107730329036713, -0.013604391366243362, 0.008694403804838657, -0.07015835493803024, 0.35390228033065796, 0.29603973031044006, -0.070329949259758, 0.010815161280333996, 0.030772194266319275, 0.030525315552949905, 0.12354307621717453, 0.13173502683639526, 0.08878594636917114, 0.26048561930656433, -0.08683076500892639, -0.033120445907115936, -0.024800274521112442, -0.015878379344940186, -0.0880107581615448, 0.10199514776468277, 0.0479244664311409, -0.06818252801895142, -0.0319574736058712, 0.09539607912302017, -0.23561538755893707, 0.1563696265220642, -0.08077402412891388, -0.1598164439201355, -0.06550628691911697, 0.0020895323250442743, 0.11123234033584595, 0.011316700838506222, 0.08370231091976166, -0.011379145085811615, -0.09968001395463943, 0.06325476616621017, 0.023829400539398193, -0.23007269203662872, -0.023487107828259468, 0.06765052676200867, -0.0536172091960907, 0.012333041988313198, -0.020697347819805145, 0.046463679522275925, 0.06474317610263824, 0.044528279453516006, -0.04973433166742325, 0.014270495623350143, -0.008215518668293953, -0.03517768532037735, 0.018696090206503868, 0.04877908155322075, 0.02597798965871334, -0.10980300605297089, 0.06050827354192734, -0.11806613951921463, 0.040548477321863174, -0.06373075395822525, -0.03647841513156891, 0.00396439665928483, 0.0009551440016366541, -0.055222492665052414, 0.0567188560962677, 0.08332794904708862, 0.00017091783229261637, -0.01667456328868866, -0.07881699502468109, -0.009257469326257706, 0.0017395061440765858, -0.06986054033041, -0.10769271850585938, -0.13010230660438538, -0.10757219046354294, 0.11583194881677628, -0.011943322606384754, -0.19320523738861084, 0.014474074356257915, -0.09977549314498901, 0.04724235460162163, -0.17902211844921112, 0.08024095743894577, 0.0743112713098526, 0.016707729548215866, -0.003201504237949848, -0.03637106716632843, 0.050247397273778915, 0.08070636540651321, -0.1089664176106453, -0.08408985286951065 ]
null
null
transformers
<!-- 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. --> # mt5-small-finetuned-amazon-en-es This model is a fine-tuned version of [google/mt5-small](https://huggingface.co/google/mt5-small) on the None dataset. It achieves the following results on the evaluation set: - Loss: 3.0393 - Rouge1: 17.2936 - Rouge2: 8.0678 - Rougel: 16.8129 - Rougelsum: 16.9991 ## 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: 5.6e-05 - train_batch_size: 8 - eval_batch_size: 8 - seed: 42 - optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08 - lr_scheduler_type: linear - num_epochs: 8 ### Training results | Training Loss | Epoch | Step | Validation Loss | Rouge1 | Rouge2 | Rougel | Rougelsum | |:-------------:|:-----:|:----:|:---------------:|:-------:|:------:|:-------:|:---------:| | 6.6665 | 1.0 | 1209 | 3.2917 | 13.912 | 5.595 | 13.2984 | 13.4171 | | 3.8961 | 2.0 | 2418 | 3.1711 | 16.2845 | 8.6033 | 15.5509 | 15.7383 | | 3.5801 | 3.0 | 3627 | 3.0917 | 17.316 | 8.122 | 16.697 | 16.773 | | 3.4258 | 4.0 | 4836 | 3.0583 | 16.1347 | 7.7829 | 15.6475 | 15.7804 | | 3.3154 | 5.0 | 6045 | 3.0573 | 17.5918 | 8.7349 | 17.0537 | 17.2216 | | 3.2438 | 6.0 | 7254 | 3.0479 | 17.2294 | 8.0383 | 16.8141 | 16.9858 | | 3.2024 | 7.0 | 8463 | 3.0377 | 17.2918 | 8.139 | 16.8178 | 16.9671 | | 3.1745 | 8.0 | 9672 | 3.0393 | 17.2936 | 8.0678 | 16.8129 | 16.9991 | ### Framework versions - Transformers 4.16.2 - Pytorch 1.10.0+cu111 - Datasets 1.18.2 - Tokenizers 0.11.0
{"license": "apache-2.0", "tags": ["summarization", "generated_from_trainer"], "metrics": ["rouge"], "model-index": [{"name": "mt5-small-finetuned-amazon-en-es", "results": []}]}
summarization
CalvinHuang/mt5-small-finetuned-amazon-en-es
[ "transformers", "pytorch", "tensorboard", "mt5", "text2text-generation", "summarization", "generated_from_trainer", "license:apache-2.0", "autotrain_compatible", "endpoints_compatible", "text-generation-inference", "region:us" ]
2022-03-02T23:29:04+00:00
[]
[]
TAGS #transformers #pytorch #tensorboard #mt5 #text2text-generation #summarization #generated_from_trainer #license-apache-2.0 #autotrain_compatible #endpoints_compatible #text-generation-inference #region-us
mt5-small-finetuned-amazon-en-es ================================ This model is a fine-tuned version of google/mt5-small on the None dataset. It achieves the following results on the evaluation set: * Loss: 3.0393 * Rouge1: 17.2936 * Rouge2: 8.0678 * Rougel: 16.8129 * Rougelsum: 16.9991 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: 5.6e-05 * train\_batch\_size: 8 * eval\_batch\_size: 8 * seed: 42 * optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08 * lr\_scheduler\_type: linear * num\_epochs: 8 ### Training results ### Framework versions * Transformers 4.16.2 * Pytorch 1.10.0+cu111 * Datasets 1.18.2 * Tokenizers 0.11.0
[ "### Training hyperparameters\n\n\nThe following hyperparameters were used during training:\n\n\n* learning\\_rate: 5.6e-05\n* train\\_batch\\_size: 8\n* eval\\_batch\\_size: 8\n* seed: 42\n* optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08\n* lr\\_scheduler\\_type: linear\n* num\\_epochs: 8", "### Training results", "### Framework versions\n\n\n* Transformers 4.16.2\n* Pytorch 1.10.0+cu111\n* Datasets 1.18.2\n* Tokenizers 0.11.0" ]
[ "TAGS\n#transformers #pytorch #tensorboard #mt5 #text2text-generation #summarization #generated_from_trainer #license-apache-2.0 #autotrain_compatible #endpoints_compatible #text-generation-inference #region-us \n", "### Training hyperparameters\n\n\nThe following hyperparameters were used during training:\n\n\n* learning\\_rate: 5.6e-05\n* train\\_batch\\_size: 8\n* eval\\_batch\\_size: 8\n* seed: 42\n* optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08\n* lr\\_scheduler\\_type: linear\n* num\\_epochs: 8", "### Training results", "### Framework versions\n\n\n* Transformers 4.16.2\n* Pytorch 1.10.0+cu111\n* Datasets 1.18.2\n* Tokenizers 0.11.0" ]
[ 72, 99, 4, 33 ]
[ "passage: TAGS\n#transformers #pytorch #tensorboard #mt5 #text2text-generation #summarization #generated_from_trainer #license-apache-2.0 #autotrain_compatible #endpoints_compatible #text-generation-inference #region-us \n### Training hyperparameters\n\n\nThe following hyperparameters were used during training:\n\n\n* learning\\_rate: 5.6e-05\n* train\\_batch\\_size: 8\n* eval\\_batch\\_size: 8\n* seed: 42\n* optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08\n* lr\\_scheduler\\_type: linear\n* num\\_epochs: 8### Training results### Framework versions\n\n\n* Transformers 4.16.2\n* Pytorch 1.10.0+cu111\n* Datasets 1.18.2\n* Tokenizers 0.11.0" ]
[ -0.09192267060279846, 0.06399355828762054, -0.003428924595937133, 0.10818734019994736, 0.15117473900318146, 0.016145464032888412, 0.1284901350736618, 0.1302465945482254, -0.09594810009002686, 0.03667696192860603, 0.12107574194669724, 0.14531037211418152, 0.034055162221193314, 0.11270548403263092, -0.06650874763727188, -0.2599628269672394, -0.001614800188690424, 0.04391239210963249, -0.05184640362858772, 0.1398770660161972, 0.09824327379465103, -0.1244981661438942, 0.09332726895809174, -0.004494968336075544, -0.17392507195472717, 0.0016974982572719455, 0.000017708469385979697, -0.05831585079431534, 0.1448787897825241, 0.03583656996488571, 0.09279050678014755, 0.00991555955260992, 0.06189965456724167, -0.19322282075881958, 0.01066358108073473, 0.05739046260714531, 0.01115680392831564, 0.09811704605817795, 0.05984984710812569, 0.011624916456639767, 0.15633715689182281, -0.07655094563961029, 0.03586871922016144, 0.018464654684066772, -0.12170077115297318, -0.20949287712574005, -0.07943699508905411, 0.02339930459856987, 0.0848974660038948, 0.10537374764680862, -0.01142665185034275, 0.13504688441753387, -0.059299878776073456, 0.10708601772785187, 0.23693032562732697, -0.29715460538864136, -0.061215322464704514, 0.026872077956795692, 0.0388018898665905, 0.08238290995359421, -0.08789145946502686, -0.014898418448865414, 0.04062652215361595, 0.04270564392209053, 0.13354820013046265, -0.030459869652986526, -0.08346952497959137, 0.007751163560897112, -0.14449912309646606, -0.056763630360364914, 0.1803615689277649, 0.044616226106882095, -0.022921796888113022, -0.059490010142326355, -0.08632410317659378, -0.143643319606781, -0.033959344029426575, 0.00329355476424098, 0.04553275927901268, -0.02180820144712925, -0.06083771958947182, -0.011615551076829433, -0.10594668984413147, -0.05212640389800072, -0.07257658243179321, 0.09506690502166748, 0.03232821449637413, 0.015717316418886185, -0.050223834812641144, 0.09776647388935089, -0.011187097057700157, -0.14794597029685974, 0.025615638121962547, 0.027904240414500237, 0.014241212047636509, -0.026594948023557663, -0.05965270847082138, -0.10731680691242218, 0.01701134815812111, 0.12077249586582184, -0.054211609065532684, 0.05646082013845444, 0.0060785976238548756, 0.05323369801044464, -0.08402523398399353, 0.17741817235946655, -0.03892771899700165, -0.03670515865087509, 0.0017400032375007868, 0.06403442472219467, 0.04906738921999931, -0.024844873696565628, -0.12296200543642044, 0.022752396762371063, 0.09587037563323975, 0.019133523106575012, -0.04187523201107979, 0.0746980682015419, -0.05266056954860687, -0.030595995485782623, 0.005579789634793997, -0.09465636312961578, 0.016476009041070938, -0.00396807910874486, -0.08437445759773254, -0.007300402503460646, 0.020550616085529327, 0.01851552724838257, -0.043568313121795654, 0.11677567660808563, -0.08627717941999435, 0.02055177092552185, -0.08839759975671768, -0.11873092502355576, 0.025359103456139565, -0.0716216042637825, 0.015776215121150017, -0.09258989244699478, -0.18157386779785156, -0.0060086301527917385, 0.06773354858160019, -0.03463207557797432, -0.06380806863307953, -0.05287732928991318, -0.07744236290454865, 0.023792216554284096, -0.026685426011681557, 0.15097887814044952, -0.07106460630893707, 0.10037253797054291, 0.03179590031504631, 0.06958962976932526, -0.04754422977566719, 0.05909215658903122, -0.10504846274852753, 0.017302384600043297, -0.1539420485496521, 0.04629478603601456, -0.03461640700697899, 0.07325993478298187, -0.09469997137784958, -0.09497886151075363, 0.002165543846786022, -0.004433402791619301, 0.0744246244430542, 0.09869746118783951, -0.16945135593414307, -0.08100278675556183, 0.16583938896656036, -0.07241266965866089, -0.14002719521522522, 0.13725093007087708, -0.05015190690755844, 0.03271246328949928, 0.06407822668552399, 0.19627071917057037, 0.048916228115558624, -0.07505585253238678, 0.016450732946395874, 0.020762378349900246, 0.06255842000246048, -0.06384038925170898, 0.08252965658903122, 0.0019500533817335963, 0.04050632193684578, 0.02640126459300518, -0.005935735534876585, 0.05602552741765976, -0.08949524164199829, -0.08532737195491791, -0.037765320390462875, -0.07971639931201935, 0.019368976354599, 0.06518124043941498, 0.07479166984558105, -0.10399891436100006, -0.0850086659193039, 0.023582281544804573, 0.07714881002902985, -0.068178690969944, 0.03942886367440224, -0.05520840734243393, 0.07857593148946762, -0.04465419799089432, -0.0008203476900234818, -0.18503405153751373, -0.006501222029328346, 0.015896350145339966, -0.0018123654881492257, 0.015489465557038784, 0.017016492784023285, 0.05619408190250397, 0.0553138330578804, -0.0530434213578701, -0.006757373921573162, -0.004252034239470959, -0.01361322496086359, -0.13464225828647614, -0.19375079870224, -0.03450041636824608, -0.01653456874191761, 0.12594842910766602, -0.19299858808517456, 0.042891692370176315, 0.012207027524709702, 0.08236902952194214, 0.019995374605059624, -0.007105231285095215, -0.03384575620293617, 0.07405820488929749, -0.053343579173088074, -0.04870201647281647, 0.08072088658809662, 0.012110808864235878, -0.10001667588949203, -0.023188911378383636, -0.1369849592447281, 0.1734079122543335, 0.1445515900850296, -0.11216913908720016, -0.041564568877220154, -0.0009600532939657569, -0.05170959606766701, -0.03239349648356438, -0.034061696380376816, 0.0017001265659928322, 0.15730027854442596, 0.006273521576076746, 0.1670263707637787, -0.0858863815665245, -0.04252183437347412, 0.02616528421640396, -0.03173333406448364, 0.02020237036049366, 0.1302655041217804, 0.11223576962947845, -0.09798017889261246, 0.14688266813755035, 0.16480232775211334, -0.05960947275161743, 0.141569122672081, -0.051711324602365494, -0.07300306856632233, -0.012351193465292454, -0.011739024892449379, -0.0014835691545158625, 0.07563801854848862, -0.1575343757867813, -0.003962108399719, 0.037024885416030884, 0.030977457761764526, 0.0329350046813488, -0.2099270224571228, -0.018458085134625435, 0.037256669253110886, -0.0479794405400753, -0.023313138633966446, -0.00913429819047451, 0.0031715231016278267, 0.11028773337602615, 0.0019814632833003998, -0.08343488723039627, 0.03449283167719841, -0.007111860904842615, -0.07314096391201019, 0.2019251435995102, -0.07608696818351746, -0.18549460172653198, -0.13659954071044922, -0.07975490391254425, -0.06226533651351929, 0.0035668869968503714, 0.07662370055913925, -0.06748548150062561, -0.03552825003862381, -0.09442997723817825, 0.03149919584393501, -0.013992383144795895, 0.017526835203170776, 0.024779392406344414, -0.0027325339615345, 0.06059117615222931, -0.11509063094854355, -0.01469964999705553, -0.0505635142326355, -0.04001568257808685, 0.04693193733692169, 0.023128781467676163, 0.1156623512506485, 0.14824062585830688, -0.009437686763703823, 0.013382796198129654, -0.033162686973810196, 0.22486546635627747, -0.06678103655576706, -0.015409768559038639, 0.1518184244632721, -0.010338084772229195, 0.06699772924184799, 0.11790560185909271, 0.05887386202812195, -0.08923947811126709, 0.012225951068103313, 0.023081935942173004, -0.04818253219127655, -0.2270357608795166, -0.04494265094399452, -0.07075709849596024, 0.02636529877781868, 0.09012395888566971, 0.025225112214684486, 0.021827999502420425, 0.05671827122569084, 0.02534116990864277, 0.07478784024715424, -0.018420502543449402, 0.06268724799156189, 0.13898104429244995, 0.03899392485618591, 0.14030100405216217, -0.05045347660779953, -0.053429506719112396, 0.047814998775720596, -0.010959924198687077, 0.22312167286872864, -0.0015898598358035088, 0.17493736743927002, 0.0476127564907074, 0.1456262469291687, -0.00570535846054554, 0.08970169723033905, -0.024675525724887848, -0.02243247628211975, -0.03946594521403313, -0.0416766032576561, -0.04279030114412308, 0.019480837509036064, -0.07017072290182114, 0.04849184677004814, -0.11536913365125656, 0.0037716480437666178, 0.061141613870859146, 0.2585962414741516, 0.039726775139570236, -0.32219159603118896, -0.09115736931562424, 0.018874000757932663, -0.04679587110877037, -0.01705075055360794, 0.035127609968185425, 0.11007358133792877, -0.08101699501276016, 0.05145813524723053, -0.07455442100763321, 0.11259086430072784, -0.04781997948884964, 0.06890535354614258, 0.054477911442518234, 0.08224030584096909, 0.008328737691044807, 0.08844245970249176, -0.31109508872032166, 0.273114949464798, 0.0073912921361625195, 0.05182523652911186, -0.08737948536872864, 0.015372403897345066, 0.02047482505440712, 0.04423189163208008, 0.05660952627658844, -0.01595352403819561, -0.04891534522175789, -0.1598181426525116, -0.05922767147421837, 0.032556451857089996, 0.09265919774770737, -0.03296354413032532, 0.09913929551839828, -0.03623674064874649, 0.0022026055958122015, 0.06664026528596878, 0.021977344527840614, -0.024652017280459404, -0.11307825148105621, 0.011346730403602123, 0.04008887708187103, -0.055144354701042175, -0.06160367652773857, -0.09664328396320343, -0.1051914393901825, 0.14377422630786896, -0.006469954736530781, -0.046500831842422485, -0.10326214879751205, 0.07527594268321991, 0.07870488613843918, -0.09031860530376434, 0.029122943058609962, 0.0002896235091611743, 0.07209911197423935, 0.023341089487075806, -0.07744714617729187, 0.12309163063764572, -0.0647275522351265, -0.16570031642913818, -0.055281512439250946, 0.1268056482076645, 0.0004713139496743679, 0.05699841305613518, -0.022763850167393684, 0.019902227446436882, -0.05458172410726547, -0.08483638614416122, 0.014727598987519741, -0.020287740975618362, 0.061123378574848175, 0.01882266066968441, -0.037149589508771896, -0.000851214281283319, -0.0595366507768631, -0.04765515401959419, 0.18971815705299377, 0.24564211070537567, -0.07734444737434387, 0.028270183131098747, 0.04795914143323898, -0.06936800479888916, -0.1898677945137024, 0.008082096464931965, 0.03578875958919525, 0.0007692622020840645, 0.04920930415391922, -0.16937559843063354, 0.08987455815076828, 0.0992908924818039, -0.014308678917586803, 0.11019005626440048, -0.3557684123516083, -0.1251726895570755, 0.0981995165348053, 0.12122420221567154, 0.12692581117153168, -0.1597917228937149, -0.03705437108874321, -0.037367526441812515, -0.14197951555252075, 0.12012789398431778, -0.10829915851354599, 0.12936656177043915, -0.028097860515117645, 0.07927022874355316, 0.010348170064389706, -0.06209485977888107, 0.12003882229328156, 0.01891409046947956, 0.0868593379855156, -0.0695725753903389, -0.009106489829719067, 0.05884500592947006, -0.039640918374061584, 0.029433850198984146, -0.1356159895658493, 0.031836654990911484, -0.1068016067147255, -0.017648739740252495, -0.06546637415885925, 0.024082724004983902, -0.03568752110004425, -0.055211808532476425, -0.04101826623082161, 0.0044480739161372185, 0.060622379183769226, -0.0005685161449946463, 0.1781923919916153, 0.018139466643333435, 0.14504247903823853, 0.16867585480213165, 0.07255658507347107, -0.10470487177371979, -0.050230350345373154, -0.023945225402712822, -0.012269413098692894, 0.05668054148554802, -0.16369366645812988, 0.03256720304489136, 0.14982417225837708, 0.014908832497894764, 0.13399408757686615, 0.07941216230392456, -0.028645288199186325, 0.01849653758108616, 0.058635737746953964, -0.16572199761867523, -0.11603229492902756, -0.017246706411242485, -0.033266108483076096, -0.1094791442155838, 0.05119319260120392, 0.11798197776079178, -0.05994342640042305, 0.00396258058026433, -0.0032412661239504814, 0.02497953549027443, -0.042612429708242416, 0.19539141654968262, 0.03084050863981247, 0.05561550334095955, -0.10579215735197067, 0.08983756601810455, 0.060634881258010864, -0.0990288108587265, 0.008198323659598827, 0.09448496252298355, -0.08857958018779755, -0.05240149796009064, 0.03472793847322464, 0.15691938996315002, -0.04504288360476494, -0.04252094030380249, -0.14805500209331512, -0.13024964928627014, 0.0878196731209755, 0.13383285701274872, 0.09637974202632904, 0.00929308496415615, -0.06496204435825348, 0.001077924040146172, -0.1113106980919838, 0.10128386318683624, 0.05776223540306091, 0.06479984521865845, -0.13034678995609283, 0.13326366245746613, 0.004612821154296398, 0.03714533522725105, -0.019567500799894333, 0.024802403524518013, -0.09321395307779312, 0.014528004452586174, -0.1314631551504135, -0.022693581879138947, -0.027739936485886574, -0.005755515303462744, -0.01639692671597004, -0.044856876134872437, -0.06364148110151291, 0.009593019261956215, -0.11430307477712631, -0.030776960775256157, 0.012965124100446701, 0.05092751979827881, -0.11205004900693893, -0.03517116978764534, 0.026422202587127686, -0.07035860419273376, 0.08197343349456787, 0.0416896678507328, 0.0016989093273878098, 0.054039038717746735, -0.1383398026227951, 0.0024766079150140285, 0.05971037223935127, 0.0348978117108345, 0.055791568011045456, -0.06543919444084167, -0.01271067839115858, 0.008499115705490112, 0.04853733256459236, 0.01352184358984232, 0.06618668884038925, -0.14246609807014465, 0.004745174199342728, -0.018324434757232666, -0.07721152901649475, -0.061327334493398666, 0.03421192988753319, 0.06859942525625229, 0.024297062307596207, 0.20125548541545868, -0.07039851695299149, 0.038425594568252563, -0.21757416427135468, 0.013682003132998943, 0.0036972148809581995, -0.13987086713314056, -0.10195337980985641, -0.07001639902591705, 0.0632617324590683, -0.06726186722517014, 0.13762450218200684, 0.03256132826209068, 0.03408557176589966, 0.03437421843409538, -0.003740483894944191, 0.012598508968949318, 0.014757431112229824, 0.21260491013526917, 0.03858724236488342, -0.0330510251224041, 0.048072200268507004, 0.03392895683646202, 0.1085684522986412, 0.12495414167642593, 0.1984020471572876, 0.15653109550476074, 0.01042151264846325, 0.09661508351564407, 0.03506246209144592, -0.047247640788555145, -0.1683626025915146, 0.041419800370931625, -0.03016640990972519, 0.14113937318325043, -0.019571172073483467, 0.20329944789409637, 0.08287835866212845, -0.1546570509672165, 0.04061656817793846, -0.06518885493278503, -0.07360507547855377, -0.10579747706651688, -0.05836718529462814, -0.08238225430250168, -0.13820937275886536, -0.014312747865915298, -0.11852903664112091, 0.03435787558555603, 0.13557714223861694, 0.007932170294225216, -0.026411142200231552, 0.14043539762496948, 0.016014209017157555, -0.0012005108874291182, 0.06791341304779053, -0.0009587429813109338, -0.040481820702552795, -0.08862440288066864, -0.0668354332447052, -0.006025487091392279, -0.0008594384999014437, 0.036778975278139114, -0.035400934517383575, -0.04678991809487343, 0.03362010419368744, -0.03433471545577049, -0.10136730223894119, 0.00653844652697444, 0.02166435867547989, 0.06221160292625427, 0.039686448872089386, 0.004213413689285517, 0.007915683090686798, -0.006094425451010466, 0.23767653107643127, -0.08410801738500595, -0.07879144698381424, -0.0807361751794815, 0.2273859828710556, 0.032248884439468384, -0.01405676081776619, 0.02921283058822155, -0.0648598000407219, -0.014858909882605076, 0.24361157417297363, 0.21794666349887848, -0.0946303978562355, -0.018275316804647446, 0.004807001445442438, 0.00007329299842240289, -0.015403034165501595, 0.10533149540424347, 0.14728739857673645, 0.06368124485015869, -0.08700251579284668, -0.01122729666531086, -0.045879438519477844, -0.008390392176806927, -0.04887476563453674, 0.08241080492734909, 0.04189589247107506, 0.0017121692653745413, -0.029294567182660103, 0.060209665447473526, -0.0664341002702713, -0.10274054110050201, 0.006307312287390232, -0.22517304122447968, -0.1592959463596344, -0.01135833840817213, 0.12415137887001038, 0.012612711638212204, 0.06395819783210754, -0.028907185420393944, 0.01239568181335926, 0.057856228202581406, -0.015615872107446194, -0.08838503807783127, -0.07066791504621506, 0.09095975756645203, -0.1504308134317398, 0.18480250239372253, -0.04408009350299835, 0.04387430101633072, 0.12701743841171265, 0.05483502522110939, -0.0721859335899353, 0.0657234936952591, 0.04657812416553497, -0.045211061835289, 0.03358030319213867, 0.0797143504023552, -0.02946212887763977, 0.08481357991695404, 0.05212907865643501, -0.1305212676525116, 0.004793916363269091, -0.03932664543390274, -0.04552173987030983, -0.026609625667333603, -0.05768067389726639, -0.05432130768895149, 0.12384366244077682, 0.20659708976745605, -0.038880061358213425, -0.0004733542737085372, -0.06905898451805115, 0.003509949194267392, 0.05041893944144249, 0.028167467564344406, -0.05717424675822258, -0.23172783851623535, -0.003358213696628809, 0.06173565611243248, -0.00946307834237814, -0.263284295797348, -0.07569817453622818, -0.01087710540741682, -0.05455431714653969, -0.11258755624294281, 0.0745139867067337, 0.097525954246521, 0.031427718698978424, -0.05972929298877716, -0.06354187428951263, -0.07266899198293686, 0.16103388369083405, -0.13902123272418976, -0.08039851486682892 ]
null
null
transformers
# MaamiBot
{"tags": ["conversational"]}
text-generation
Camzure/MaamiBot-test
[ "transformers", "pytorch", "gpt2", "text-generation", "conversational", "autotrain_compatible", "endpoints_compatible", "text-generation-inference", "region:us" ]
2022-03-02T23:29:04+00:00
[]
[]
TAGS #transformers #pytorch #gpt2 #text-generation #conversational #autotrain_compatible #endpoints_compatible #text-generation-inference #region-us
# MaamiBot
[ "# MaamiBot" ]
[ "TAGS\n#transformers #pytorch #gpt2 #text-generation #conversational #autotrain_compatible #endpoints_compatible #text-generation-inference #region-us \n", "# MaamiBot" ]
[ 51, 4 ]
[ "passage: TAGS\n#transformers #pytorch #gpt2 #text-generation #conversational #autotrain_compatible #endpoints_compatible #text-generation-inference #region-us \n# MaamiBot" ]
[ -0.006171022541821003, 0.01492631621658802, -0.007598123978823423, 0.018222393468022346, 0.16686643660068512, 0.0034208535216748714, 0.11343119293451309, 0.13474144041538239, -0.024987386539578438, -0.027341075241565704, 0.12756145000457764, 0.2033316045999527, 0.0024486202746629715, 0.1252577006816864, -0.08883270621299744, -0.25531014800071716, 0.03942280262708664, 0.03301514685153961, -0.0033798187505453825, 0.11691150814294815, 0.09139515459537506, -0.06282059103250504, 0.11432342231273651, -0.015136131085455418, -0.16269512474536896, 0.02364649437367916, 0.028142552822828293, -0.13956676423549652, 0.09009458124637604, 0.04522324353456497, 0.03494987636804581, -0.009473309852182865, -0.0814044401049614, -0.13907554745674133, 0.04154687002301216, 0.011847950518131256, -0.04180602356791496, 0.026871273294091225, 0.06542915105819702, -0.07670474797487259, 0.10781174898147583, 0.08036214113235474, -0.021754879504442215, 0.08444149047136307, -0.16499915719032288, 0.05110209807753563, -0.029876962304115295, 0.03168828785419464, 0.0685880109667778, 0.1167079508304596, -0.03423366695642471, 0.12156852334737778, -0.06828553229570389, 0.09341162443161011, 0.12051855772733688, -0.2822487950325012, -0.03416004776954651, 0.0937817394733429, 0.04909950867295265, 0.06576705724000931, -0.043893493711948395, 0.09312193095684052, 0.007404182106256485, 0.014982672408223152, -0.052084460854530334, -0.08186518400907516, -0.034847162663936615, 0.033095136284828186, -0.0769229531288147, -0.040249403566122055, 0.25865086913108826, -0.05340257287025452, 0.06681577116250992, -0.046678654849529266, -0.0908193290233612, 0.00941861979663372, -0.038201894611120224, 0.004070038441568613, -0.06971201300621033, 0.08696921914815903, 0.0031420886516571045, -0.08200176060199738, -0.11898117512464523, -0.000269415759248659, -0.1754458248615265, 0.14088062942028046, 0.012989900074899197, 0.04339413717389107, -0.2291473150253296, 0.053822800517082214, 0.01969890110194683, -0.09232304990291595, 0.02339327335357666, -0.09013863652944565, 0.051388826221227646, 0.012855073437094688, -0.03378549590706825, -0.06172541528940201, 0.10934752225875854, 0.0848594382405281, -0.0009090817184187472, 0.03472915664315224, -0.05001825839281082, 0.07411767542362213, 0.04862627759575844, 0.05624249950051308, -0.009962331503629684, -0.03805164247751236, 0.043055422604084015, -0.09814050793647766, -0.0013078016927465796, -0.06010531634092331, -0.14591878652572632, -0.015404652804136276, 0.0044997381046414375, 0.07897055894136429, 0.0439300499856472, 0.09753908216953278, -0.027507511898875237, -0.04995488002896309, -0.002956630429252982, -0.059212151914834976, -0.01849464699625969, 0.00940803624689579, -0.011255869641900063, 0.12905383110046387, -0.01866980269551277, 0.03927217051386833, -0.12334419041872025, 0.013920487836003304, -0.06453076004981995, 0.002477511763572693, -0.044885776937007904, -0.011429216712713242, 0.023556644096970558, -0.06556589901447296, 0.0006080663879401982, -0.14771057665348053, -0.16702720522880554, 0.004415804985910654, 0.0051534948870539665, -0.04163667932152748, -0.07586252689361572, -0.05457407981157303, -0.01010147575289011, 0.03115062229335308, -0.0435258112847805, 0.01962326094508171, -0.049865495413541794, 0.09306511282920837, -0.022040214389562607, 0.08732259273529053, -0.07006807625293732, 0.0737236961722374, -0.08509525656700134, -0.00864095613360405, -0.022561244666576385, 0.09880834072828293, 0.018760625272989273, 0.12077711522579193, -0.029221704229712486, 0.015663016587495804, -0.08342377841472626, 0.06069629639387131, -0.04869125783443451, 0.23738235235214233, -0.0690390020608902, -0.10298776626586914, 0.24642851948738098, -0.055498696863651276, -0.1717967987060547, 0.10961105674505234, 0.011596966534852982, 0.08373238146305084, 0.09500141441822052, 0.16533967852592468, -0.07122619450092316, 0.000620516948401928, 0.0830608606338501, 0.0355508029460907, -0.08737677335739136, -0.02669697254896164, 0.029499055817723274, -0.03045640140771866, -0.09790132939815521, 0.03499431163072586, 0.1214330643415451, 0.0631285235285759, -0.047880977392196655, -0.05522513762116432, -0.013777569867670536, -0.025045761838555336, 0.05238236486911774, -0.01111589465290308, 0.10588645190000534, -0.05156881362199783, -0.015842705965042114, -0.07611703127622604, 0.006874042097479105, 0.0016859638271853328, 0.019808441400527954, -0.06161946430802345, 0.08445915579795837, -0.019004974514245987, 0.07191293686628342, -0.13638654351234436, -0.04798377677798271, -0.031088368967175484, 0.1511014699935913, 0.04952554032206535, 0.03580757603049278, 0.061977751553058624, -0.04332198575139046, 0.0009606985840946436, 0.027580032125115395, 0.14274558424949646, -0.017857810482382774, -0.05484940484166145, -0.07050773501396179, 0.0967845767736435, -0.05104462429881096, 0.09324483573436737, -0.05353604629635811, 0.020174263045191765, 0.055742472410202026, 0.10354049503803253, 0.008639547042548656, 0.03619971126317978, 0.034256432205438614, 0.0010023611830547452, -0.06085413694381714, 0.013945436105132103, 0.1021275445818901, -0.006870414596050978, -0.0589563362300396, 0.2110031247138977, -0.17758162319660187, 0.18876497447490692, 0.20011724531650543, -0.2520535886287689, 0.03221932798624039, -0.10508783161640167, -0.04152493178844452, 0.00614360673353076, 0.03770528361201286, -0.018309568986296654, 0.14323784410953522, -0.00008739543409319595, 0.18378803133964539, -0.042699184268713, -0.02676941268146038, -0.007936992682516575, -0.06521870940923691, -0.04214043170213699, 0.072041817009449, 0.13444571197032928, -0.14793217182159424, 0.19114840030670166, 0.17791679501533508, 0.0437467023730278, 0.2286875993013382, 0.019258812069892883, -0.0012361808912828565, 0.0591486319899559, -0.0200433861464262, -0.033491428941488266, -0.06667845696210861, -0.2619868814945221, -0.025399381294846535, 0.07267402857542038, 0.022810455411672592, 0.12202490866184235, -0.09448441118001938, -0.04735661670565605, -0.02110990509390831, 0.000549933931324631, 0.039527565240859985, 0.11762955039739609, 0.03664559870958328, 0.12070579826831818, -0.00016292475629597902, 0.021705809980630875, 0.07880665361881256, 0.023459797725081444, -0.0825815424323082, 0.158773273229599, -0.12360858917236328, -0.35921862721443176, -0.10831762105226517, -0.19416877627372742, -0.09481965005397797, 0.042743001133203506, 0.10330034047365189, -0.14996075630187988, -0.014572378247976303, 0.020541995763778687, 0.08459092676639557, -0.08289103955030441, 0.0014691915130242705, -0.011680160649120808, 0.04522479325532913, -0.10583518445491791, -0.06795819848775864, -0.06027393415570259, -0.02089192159473896, -0.07903702557086945, 0.14432670176029205, -0.12139225006103516, 0.07535260915756226, 0.19229888916015625, 0.04037463292479515, 0.08762960880994797, -0.022427434101700783, 0.16841372847557068, -0.10997889935970306, -0.004937686957418919, 0.24289682507514954, -0.00037751157651655376, 0.06855480372905731, 0.1258232146501541, -0.003863818710669875, -0.09570373594760895, 0.028969768434762955, -0.014622245915234089, -0.07790300250053406, -0.22778303921222687, -0.13241268694400787, -0.12742067873477936, 0.08021034300327301, 0.030829552561044693, 0.050304438918828964, 0.1520426869392395, 0.08212350308895111, -0.021838990971446037, 0.0026635052636265755, 0.023996857926249504, 0.08165447413921356, 0.20600469410419464, -0.04194861650466919, 0.12272291630506516, -0.023301035165786743, -0.1274404674768448, 0.09661786258220673, 0.08906150609254837, 0.08314945548772812, 0.07145369797945023, 0.05328143760561943, 0.03165983036160469, 0.007152504753321409, 0.11475732177495956, 0.05318009480834007, 0.01576109789311886, -0.02292095124721527, -0.02605556882917881, -0.04235662519931793, -0.07025915384292603, 0.050028882920742035, 0.05521683022379875, -0.1589186042547226, -0.03548475727438927, -0.036806270480155945, 0.11336486786603928, 0.05592808872461319, 0.034354355186223984, -0.16523365676403046, -0.007267445791512728, 0.08378466963768005, -0.017797671258449554, -0.11664136499166489, 0.0847410187125206, -0.01612045057117939, -0.1481044888496399, 0.04522191360592842, -0.03445076942443848, 0.13592763245105743, -0.043114375323057175, 0.08413651585578918, -0.0844217836856842, -0.035149529576301575, 0.018990496173501015, 0.11103884130716324, -0.317944198846817, 0.20517712831497192, 0.01294868253171444, -0.04948141798377037, -0.1347789466381073, -0.004243930336087942, 0.03589676693081856, 0.08229091763496399, 0.0876464694738388, 0.0013170333113521338, -0.020561721175909042, -0.028988443315029144, -0.025939583778381348, 0.021885640919208527, 0.11014382541179657, -0.03281668946146965, -0.014010237529873848, -0.04195868596434593, -0.007382243871688843, -0.04325823858380318, -0.0462687686085701, -0.029596824198961258, -0.18453659117221832, 0.09955433756113052, 0.05667077377438545, 0.08032475411891937, 0.020738111808896065, -0.00224572722800076, -0.035760801285505295, 0.23239530622959137, 0.014804787933826447, -0.08224046230316162, -0.11610545217990875, -0.04349183663725853, 0.016428159549832344, -0.058479875326156616, 0.03328005224466324, -0.08788852393627167, 0.05367165058851242, -0.07601198554039001, -0.16926337778568268, 0.11588288843631744, -0.10532157868146896, -0.021366801112890244, -0.026098351925611496, 0.1899746209383011, -0.05403832718729973, -0.0040664528496563435, 0.0349135585129261, 0.010772978886961937, -0.12706723809242249, -0.08383414894342422, 0.04811876267194748, 0.04225298762321472, 0.04147220030426979, 0.0405261404812336, -0.07395502179861069, -0.06078764423727989, -0.06901071220636368, -0.08295366168022156, 0.32117220759391785, 0.15374258160591125, -0.011946596205234528, 0.17334423959255219, 0.10247437655925751, -0.07429753243923187, -0.3035905063152313, -0.10549179464578629, -0.11171077936887741, -0.03761753812432289, -0.10615485161542892, -0.19506323337554932, 0.051935769617557526, 0.001592243672348559, -0.01153323333710432, 0.09790438413619995, -0.29482772946357727, -0.0896882489323616, 0.12397599965333939, 0.000703199824783951, 0.3961302936077118, -0.1546449214220047, -0.08576320856809616, -0.07154066115617752, -0.1293569803237915, 0.1263606697320938, -0.05419188737869263, 0.11344505846500397, -0.015246967785060406, 0.15403211116790771, 0.038412582129240036, -0.025423508137464523, 0.098842553794384, 0.0068933903239667416, -0.05118817836046219, -0.10578244924545288, -0.06447001546621323, 0.0670495256781578, 0.019690755754709244, 0.0142321502789855, -0.04376138001680374, 0.011658744886517525, -0.14493849873542786, -0.044115111231803894, -0.08380965143442154, 0.04121875390410423, 0.02890428900718689, -0.07561753690242767, 0.00652313930913806, -0.041037771850824356, -0.004229462705552578, 0.024481477215886116, 0.12805312871932983, -0.08711087703704834, 0.14378288388252258, 0.14726664125919342, 0.12278646975755692, -0.15074819326400757, 0.013260896317660809, -0.07744806259870529, -0.058726388961076736, 0.06315156072378159, -0.10001183301210403, 0.05346672236919403, 0.09261751919984818, -0.03538008779287338, 0.07932644337415695, 0.08403598517179489, 0.004578957799822092, 0.019402405247092247, 0.11224309355020523, -0.24763096868991852, -0.028583606705069542, -0.08056319504976273, 0.08253996819257736, 0.08687083423137665, 0.06020655110478401, 0.19211897253990173, 0.02633487619459629, -0.04484156519174576, -0.00531985517591238, 0.03114655613899231, -0.03788606822490692, 0.07740068435668945, -0.00632476806640625, 0.005464520305395126, -0.1406644880771637, 0.07619114965200424, 0.015023359097540379, -0.1461237072944641, 0.03110366314649582, 0.19424571096897125, -0.10480087995529175, -0.1380079835653305, -0.04368814080953598, 0.10664638876914978, -0.12633755803108215, -0.008507203310728073, -0.04652243107557297, -0.12127937376499176, 0.08737415075302124, 0.12870101630687714, 0.04713572561740875, 0.05007531866431236, -0.054949503391981125, -0.032802239060401917, -0.03163061663508415, -0.0009414775995537639, 0.03953167796134949, -0.014125815592706203, -0.07982712239027023, 0.04409453272819519, -0.029077084735035896, 0.13604451715946198, -0.08457290381193161, -0.10501737892627716, -0.1447797268629074, 0.040611632168293, -0.08667676895856857, -0.07494261115789413, -0.10032512247562408, -0.055063676089048386, 0.001137839281000197, -0.023067908361554146, -0.061631590127944946, -0.04892480745911598, -0.11434170603752136, 0.016924014315009117, -0.05561814457178116, 0.026485556736588478, -0.07299473136663437, 0.004578238353133202, 0.0937226414680481, -0.032130833715200424, 0.13879895210266113, 0.14518016576766968, -0.10535993427038193, 0.05694384127855301, -0.12766790390014648, -0.09896469116210938, 0.10069262236356735, 0.014533466659486294, 0.039606742560863495, 0.04993335157632828, 0.02782185561954975, 0.06222463771700859, 0.03135029226541519, 0.054265096783638, 0.11257822066545486, -0.10529008507728577, 0.043519027531147, -0.017605401575565338, -0.1455506533384323, -0.03907742723822594, -0.034977659583091736, 0.05278468504548073, 0.004559139721095562, 0.09429847449064255, -0.054109808057546616, 0.1043662428855896, -0.0437672920525074, 0.037763211876153946, 0.0069406465627253056, -0.17747752368450165, 0.008848858997225761, -0.07668377459049225, 0.032570730894804, -0.005570509005337954, 0.23031844198703766, 0.044813793152570724, -0.0050589581951498985, 0.04178060218691826, 0.06236992031335831, 0.029436543583869934, 0.020960064604878426, 0.18716515600681305, 0.10135602205991745, -0.03824564442038536, -0.08523903787136078, 0.07224716246128082, 0.03337330371141434, 0.04230537265539169, 0.11463979631662369, 0.014298856258392334, 0.013532193377614021, 0.06875936686992645, 0.005009152926504612, 0.036623384803533554, -0.09581800550222397, -0.11062498390674591, -0.06191795691847801, 0.05638422816991806, -0.052599187940359116, 0.06912048906087875, 0.1878657042980194, -0.038620203733444214, 0.01669638231396675, -0.04768822714686394, -0.04013341665267944, -0.14791451394557953, -0.12238014489412308, -0.08376697450876236, -0.13007986545562744, 0.02506178990006447, -0.10434644669294357, 0.06126556172966957, 0.03504166007041931, 0.0704360082745552, -0.05409763380885124, 0.10878344625234604, 0.020472891628742218, -0.10593248158693314, 0.06541357189416885, -0.04018281027674675, 0.0475582517683506, -0.023686090484261513, -0.005229454953223467, -0.10998804867267609, -0.030660053715109825, 0.0033087199553847313, 0.06835516542196274, -0.05257166177034378, 0.01093808189034462, -0.15731969475746155, -0.08633065968751907, -0.051671504974365234, 0.03665860369801521, -0.0270572230219841, 0.11913954466581345, 0.0011929321335628629, -0.02852374128997326, 0.047972891479730606, 0.20127393305301666, -0.05508790165185928, -0.0762881338596344, -0.06825186312198639, 0.16508616507053375, 0.029271533712744713, 0.08263061940670013, -0.0457281768321991, 0.010134221985936165, -0.08660459518432617, 0.36841070652008057, 0.30759185552597046, -0.12119464576244354, 0.007438443601131439, 0.014359701424837112, 0.04947729408740997, 0.10850021243095398, 0.11753673851490021, 0.09769061952829361, 0.2352989912033081, -0.0746198296546936, -0.032623037695884705, -0.033739421516656876, -0.04767362400889397, -0.1255212277173996, 0.11046373844146729, 0.05253532901406288, -0.06835852563381195, -0.01312508899718523, 0.0983789712190628, -0.22139626741409302, 0.14649906754493713, -0.12453427910804749, -0.20773063600063324, -0.07381268590688705, -0.009492680430412292, 0.07288464903831482, 0.029557935893535614, 0.10438411682844162, 0.009654222056269646, -0.09503819048404694, 0.04029129073023796, 0.048960305750370026, -0.22498634457588196, -0.0038987076841294765, 0.08362390100955963, -0.07867027819156647, 0.009598083794116974, -0.029888510704040527, 0.011000288650393486, 0.07565118372440338, 0.024652749300003052, -0.022608067840337753, 0.04697195813059807, 0.006388810928910971, -0.009685590863227844, 0.01845300756394863, 0.06774288415908813, -0.0013833449920639396, -0.087736576795578, 0.07369476556777954, -0.11960014700889587, 0.036047279834747314, -0.008146634325385094, 0.004280449356883764, 0.011865496635437012, 0.07236559689044952, -0.06800509244203568, 0.061574116349220276, 0.06945930421352386, -0.005914649926126003, 0.00356798036955297, -0.05212635174393654, 0.015637559816241264, -0.028597146272659302, -0.1056840643286705, -0.11557690799236298, -0.13930852711200714, -0.12010329961776733, 0.05401311442255974, -0.005961469374597073, -0.19429630041122437, -0.004611078184098005, -0.10439785569906235, 0.07371798157691956, -0.17005762457847595, 0.10960904508829117, 0.11729315668344498, -0.004774598870426416, -0.011371469125151634, -0.028105642646551132, 0.06545114517211914, 0.0880395919084549, -0.0956367701292038, -0.0660099983215332 ]
null
null
transformers
# Jesse (Breaking Bad) DialoGPT Model
{"tags": ["conversational"]}
text-generation
Canadiancaleb/DialoGPT-small-jesse
[ "transformers", "pytorch", "gpt2", "text-generation", "conversational", "autotrain_compatible", "endpoints_compatible", "text-generation-inference", "region:us" ]
2022-03-02T23:29:04+00:00
[]
[]
TAGS #transformers #pytorch #gpt2 #text-generation #conversational #autotrain_compatible #endpoints_compatible #text-generation-inference #region-us
# Jesse (Breaking Bad) DialoGPT Model
[ "# Jesse (Breaking Bad) DialoGPT Model" ]
[ "TAGS\n#transformers #pytorch #gpt2 #text-generation #conversational #autotrain_compatible #endpoints_compatible #text-generation-inference #region-us \n", "# Jesse (Breaking Bad) DialoGPT Model" ]
[ 51, 14 ]
[ "passage: TAGS\n#transformers #pytorch #gpt2 #text-generation #conversational #autotrain_compatible #endpoints_compatible #text-generation-inference #region-us \n# Jesse (Breaking Bad) DialoGPT Model" ]
[ -0.03836001455783844, 0.13927899301052094, -0.006345823407173157, 0.011427922174334526, 0.12274792045354843, 0.011363661848008633, 0.13117043673992157, 0.14296415448188782, 0.022877221927046776, -0.061828870326280594, 0.13926780223846436, 0.1716463565826416, -0.015072117559611797, 0.07775042951107025, -0.06385479122400284, -0.26410210132598877, 0.050968192517757416, 0.07928060740232468, 0.0016826242208480835, 0.10479025542736053, 0.10304582118988037, -0.01734502986073494, 0.09633553773164749, 0.005215710494667292, -0.14774653315544128, 0.004410327412188053, 0.057401660829782486, -0.08787290006875992, 0.11811458319425583, 0.04095474258065224, 0.018985610455274582, 0.047575294971466064, -0.07432401180267334, -0.1329548954963684, 0.051146771758794785, 0.0060998848639428616, -0.03801003471016884, 0.033301595598459244, 0.017075031995773315, -0.045580506324768066, 0.16006378829479218, 0.09928186982870102, -0.005097109358757734, 0.06372696906328201, -0.17796234786510468, 0.008699292317032814, -0.003487704787403345, 0.03108306974172592, 0.08165273815393448, 0.0899152159690857, -0.0523533895611763, 0.1311597228050232, -0.0744464099407196, 0.10262556374073029, 0.1492997109889984, -0.2826808989048004, -0.00009606131061445922, 0.12225708365440369, 0.05684173107147217, -0.05565354600548744, -0.06908310204744339, 0.09454493224620819, 0.03639256954193115, 0.016060760244727135, -0.06032560020685196, -0.0988146960735321, -0.13872842490673065, 0.003489931346848607, -0.08046500384807587, 0.009816765785217285, 0.1992124766111374, -0.004358224105089903, 0.058389291167259216, -0.05896492302417755, -0.10841374099254608, -0.05544289946556091, -0.012997431680560112, -0.04795267805457115, -0.0900021493434906, 0.08646563440561295, -0.05442343279719353, -0.07666394114494324, -0.1035284548997879, 0.001856877701357007, -0.14973288774490356, 0.06950382143259048, 0.035508058965206146, 0.036788210272789, -0.20514757931232452, 0.08168045431375504, -0.11897838860750198, -0.07592163234949112, 0.016070974990725517, -0.11437536776065826, 0.0025821696035563946, -0.011915483511984348, -0.045793890953063965, -0.03536700829863548, 0.0677170380949974, 0.10675618052482605, 0.03661245107650757, 0.0016156542114913464, 0.0029616353567689657, 0.03806446120142937, 0.07887876778841019, 0.06311499327421188, -0.0007551735616289079, -0.08793739974498749, 0.05617954954504967, -0.0492096021771431, 0.02589603327214718, -0.05883084982633591, -0.15723927319049835, -0.017619717866182327, 0.051415473222732544, 0.05194045975804329, 0.08548770099878311, 0.1169896051287651, -0.05709943175315857, -0.05348954349756241, -0.01653030514717102, 0.012120281346142292, -0.025600502267479897, -0.011016174219548702, 0.002647420857101679, 0.08309739083051682, 0.02795564942061901, 0.052362553775310516, -0.10887789726257324, 0.03576274961233139, -0.03920551389455795, -0.036621954292058945, -0.034368183463811874, -0.0219622403383255, 0.01877540349960327, 0.0002785915567073971, 0.02178056910634041, -0.10355067253112793, -0.13814741373062134, 0.014845913276076317, -0.0028085005469620228, -0.029399225488305092, -0.15467138588428497, -0.11882592737674713, -0.03999805822968483, 0.029009709134697914, -0.04532085359096527, -0.07220354676246643, -0.03043936938047409, 0.05344484746456146, -0.002794891595840454, 0.09792677313089371, -0.09993819892406464, 0.06344553828239441, -0.0853961706161499, -0.027675896883010864, -0.10080332309007645, 0.1079074889421463, 0.005070285405963659, 0.044716499745845795, 0.02422088198363781, -0.0006647850968874991, -0.09019625186920166, 0.05268101394176483, -0.03466415032744408, 0.277187317609787, -0.1339762657880783, -0.11252305656671524, 0.2817719578742981, -0.053793713450431824, -0.10549179464578629, 0.1710127741098404, -0.03441552072763443, 0.07365342229604721, 0.1386406421661377, 0.1958129107952118, -0.034178245812654495, -0.023412484675645828, 0.07530936598777771, 0.13993896543979645, -0.12103305011987686, 0.018496213480830193, 0.009773964993655682, -0.045281533151865005, -0.04427783936262131, 0.025688285008072853, 0.09686894714832306, 0.07002492994070053, -0.05987941473722458, -0.04373661056160927, -0.002019417006522417, -0.013064912520349026, 0.07943783700466156, -0.01997658796608448, 0.06117638200521469, -0.04865746572613716, -0.06372453272342682, -0.04335716366767883, 0.04300748184323311, -0.009651151485741138, 0.039219580590724945, -0.07874581217765808, 0.05176324024796486, 0.00515405461192131, 0.06426452845335007, -0.10018294304609299, -0.04705607146024704, -0.041392017155885696, 0.16784964501857758, 0.06185358762741089, 0.07782336324453354, 0.047356341034173965, -0.056392885744571686, -0.041596245020627975, 0.03382273390889168, 0.15594534575939178, -0.021808790042996407, -0.06637957692146301, -0.11663147807121277, 0.10299722850322723, -0.03519251570105553, 0.07762216776609421, -0.1062273383140564, -0.0015706692356616259, -0.0014539305120706558, 0.11117525398731232, -0.016014927998185158, 0.00722153065726161, 0.020097816362977028, -0.05866790935397148, -0.04098794609308243, -0.029389485716819763, 0.09075862169265747, 0.02278086170554161, -0.04603942856192589, 0.21552982926368713, -0.16022220253944397, 0.12260850518941879, 0.1666022390127182, -0.302166223526001, -0.0032790834084153175, -0.0075260610319674015, -0.009217685088515282, -0.0015230708522722125, 0.08095891773700714, -0.0006907545612193644, 0.18366621434688568, -0.014655185863375664, 0.13403338193893433, -0.025317467749118805, -0.019632531329989433, -0.04073541238903999, -0.06559094786643982, 0.005422461312264204, 0.08866973966360092, 0.09841770678758621, -0.17193973064422607, 0.12116913497447968, 0.09799633175134659, 0.01821473427116871, 0.1686840057373047, 0.04220087453722954, 0.01952281780540943, 0.017773954197764397, -0.0026536518707871437, -0.03997129946947098, -0.028551511466503143, -0.2367701530456543, -0.03722095489501953, 0.06232399120926857, 0.014144407585263252, 0.09249550849199295, -0.07655295729637146, -0.056784991174936295, -0.006351966876536608, 0.005917282309383154, 0.01643269695341587, 0.12382610887289047, 0.011836497113108635, 0.10668989270925522, -0.007394650485366583, -0.04154311120510101, 0.08891351521015167, 0.0049809981137514114, -0.07729437947273254, 0.17640411853790283, -0.14497976005077362, -0.3704347610473633, -0.1184261292219162, -0.14087173342704773, -0.05165152996778488, 0.06937727332115173, 0.08263745158910751, -0.1567038893699646, -0.022382937371730804, 0.03256182745099068, 0.13661529123783112, -0.11839549988508224, -0.022097837179899216, 0.002362599829211831, -0.012652231380343437, -0.10971283167600632, -0.09549260139465332, -0.05172786861658096, -0.04791098088026047, -0.05002003163099289, 0.11046431958675385, -0.15356464684009552, -0.006479991599917412, 0.2047695517539978, 0.0576762892305851, 0.048071496188640594, -0.04353424161672592, 0.19275431334972382, -0.11274395883083344, -0.009498794563114643, 0.16088923811912537, -0.08614721894264221, 0.053807858377695084, 0.10578461736440659, -0.04105972871184349, -0.06234549731016159, 0.010290507227182388, 0.021783141419291496, -0.046067651361227036, -0.17753374576568604, -0.11845491826534271, -0.10401473194360733, 0.10789605230093002, 0.00819515809416771, 0.047371525317430496, 0.16195306181907654, 0.0481305755674839, -0.041960377246141434, -0.03096655197441578, 0.0497615709900856, 0.0886719822883606, 0.282455176115036, -0.09259733557701111, 0.12372858822345734, -0.026510579511523247, -0.13737913966178894, 0.08765663951635361, -0.005540270823985338, 0.07656259089708328, 0.07113933563232422, 0.12765611708164215, 0.03738854080438614, 0.0808630883693695, 0.1080077663064003, -0.006422872189432383, 0.017581934109330177, -0.0745009109377861, -0.02968171425163746, -0.026252731680870056, -0.04183360934257507, 0.009739126078784466, 0.03919544070959091, -0.09099546819925308, -0.0377422533929348, 0.10851321369409561, 0.04016568511724472, 0.0812961608171463, 0.11184529215097427, -0.14811576902866364, -0.009044220671057701, 0.03883902728557587, -0.006713780574500561, -0.11734756827354431, 0.10737051069736481, 0.003223078092560172, -0.12244696915149689, 0.02869747020304203, -0.010284719988703728, 0.10629197955131531, -0.1305830180644989, 0.09272192418575287, -0.11484786123037338, -0.047617681324481964, 0.01628468930721283, 0.11533284932374954, -0.31360602378845215, 0.14041168987751007, -0.015007920563220978, -0.025237957015633583, -0.0783141553401947, -0.04382949694991112, 0.02185697853565216, 0.07384590804576874, 0.12124691903591156, 0.00463216844946146, 0.06000564992427826, 0.04313510283827782, -0.03602379187941551, -0.0019708217587321997, 0.08254482597112656, 0.009211593307554722, -0.0376601405441761, -0.07703816890716553, 0.003024390200152993, 0.03019171953201294, 0.004117886070162058, -0.009507106617093086, -0.16824768483638763, 0.09149036556482315, 0.07005879282951355, 0.043307188898324966, 0.005346035584807396, -0.052238840609788895, -0.047890402376651764, 0.3045184314250946, 0.07172592729330063, -0.08341085910797119, -0.0766528993844986, -0.041740115731954575, 0.05012904107570648, -0.06480194628238678, 0.011163711547851562, -0.047492820769548416, 0.05598287284374237, -0.09942168742418289, -0.1832878738641739, 0.13647344708442688, -0.10984771698713303, -0.028283318504691124, -0.04747887700796127, 0.24403591454029083, 0.00513561861589551, 0.03475319594144821, 0.04996894299983978, -0.01028147991746664, -0.09551302343606949, -0.07936321198940277, 0.006541464012116194, 0.009035623632371426, -0.058261774480342865, 0.008389889262616634, 0.00416217278689146, -0.01297984179109335, -0.053116392344236374, -0.007533392868936062, 0.3336604833602905, 0.17133942246437073, -0.009822099469602108, 0.18405698239803314, 0.13780160248279572, -0.0913856104016304, -0.2655348777770996, -0.09115810692310333, -0.07883908599615097, -0.05342207849025726, -0.07064728438854218, -0.11171670258045197, 0.0870857983827591, -0.07359959185123444, 0.0012227571569383144, 0.07848961651325226, -0.2511709928512573, -0.07486440986394882, 0.24416907131671906, -0.05929414927959442, 0.4838728904724121, -0.09038529545068741, -0.07411801069974899, -0.03721063211560249, -0.25486546754837036, 0.21238110959529877, 0.007703858893364668, 0.09568464010953903, 0.013728450052440166, 0.18414583802223206, 0.04423961043357849, 0.0007135892519727349, 0.062359485775232315, -0.010527044534683228, -0.056457143276929855, -0.11020541191101074, -0.17468670010566711, 0.03907785564661026, -0.007768648210912943, -0.00012872573279310018, -0.016695374622941017, 0.02073025330901146, -0.13582849502563477, -0.05629105120897293, -0.1280917525291443, 0.0633077546954155, -0.010963726788759232, -0.06418289989233017, 0.026845671236515045, -0.029164038598537445, 0.0015028585912659764, 0.02116377465426922, 0.15898296236991882, -0.09778653830289841, 0.13654550909996033, 0.03729202598333359, 0.16293077170848846, -0.13638748228549957, -0.03209738805890083, -0.0319819450378418, -0.07602308690547943, 0.04695267975330353, -0.04377370700240135, 0.03638189658522606, 0.09223627299070358, -0.021029312163591385, 0.06512098014354706, 0.06990822404623032, -0.02639700099825859, 0.002017370192334056, 0.09934957325458527, -0.26122018694877625, -0.040446747094392776, -0.09274689108133316, 0.014655196107923985, 0.04244878888130188, 0.058828990906476974, 0.1962355673313141, 0.0180975254625082, -0.03891498222947121, 0.03568992391228676, 0.03815876320004463, -0.05030181631445885, 0.026064492762088776, 0.0032363603822886944, 0.005571349058300257, -0.15778590738773346, 0.09694407135248184, -0.021204045042395592, -0.08703046292066574, 0.0504872091114521, 0.17163120210170746, -0.10896115750074387, -0.10163486748933792, -0.07992230355739594, 0.15400280058383942, -0.11812609434127808, 0.018800821155309677, -0.053916800767183304, -0.12180639058351517, 0.05033411830663681, 0.05600304901599884, 0.05387319624423981, 0.06042475625872612, -0.09772452712059021, -0.017766611650586128, -0.05092718452215195, 0.011442822404205799, 0.0826745331287384, -0.011434069834649563, -0.031213749200105667, 0.041330091655254364, -0.05901667848229408, 0.13396167755126953, -0.0911339521408081, -0.09695806354284286, -0.16372913122177124, 0.012442800216376781, -0.13588503003120422, -0.10685568302869797, -0.0701216384768486, -0.02294975146651268, 0.004221157170832157, -0.02358819730579853, -0.03682369738817215, -0.0353533998131752, -0.10479425638914108, 0.011384631507098675, -0.01716812327504158, -0.004115781746804714, -0.0636129155755043, 0.029287176206707954, 0.07211656868457794, 0.003765813773497939, 0.1327744871377945, 0.11396200954914093, -0.08387839794158936, 0.09633395075798035, -0.05877894163131714, -0.127946138381958, 0.07661621272563934, -0.01546342484652996, 0.0368330292403698, 0.05018360912799835, 0.002269408432766795, 0.05248255655169487, 0.07719261199235916, 0.039991699159145355, 0.00806636456400156, -0.06499326229095459, 0.017679542303085327, -0.013277851976454258, -0.12103188782930374, -0.0184155460447073, -0.032341256737709045, 0.012557881884276867, 0.01202412974089384, 0.08431188017129898, -0.04430288448929787, 0.07459705322980881, -0.0795297920703888, 0.032612308859825134, 0.015030420385301113, -0.1335262805223465, -0.013964015059173107, -0.05766316503286362, 0.07222376763820648, 0.0030974233523011208, 0.15479843318462372, -0.021632762625813484, -0.02980857342481613, 0.03233848512172699, 0.07016477733850479, 0.009738942608237267, -0.020789051428437233, 0.16018342971801758, 0.08930432796478271, -0.07849732786417007, -0.11011064797639847, 0.0737382099032402, 0.057455625385046005, -0.02141345664858818, 0.12323266267776489, -0.004938660189509392, 0.04413731023669243, 0.08478690683841705, -0.014845803380012512, 0.0059717632830142975, -0.07468624413013458, -0.09742576628923416, -0.062033507972955704, 0.06780385226011276, -0.007651049178093672, 0.12587566673755646, 0.1678648442029953, 0.003973559010773897, 0.038756951689720154, -0.038484614342451096, -0.07478142529726028, -0.198903888463974, -0.2636515498161316, -0.06361811608076096, -0.1066494956612587, 0.02458101138472557, -0.15113863348960876, 0.04729659482836723, 0.057089656591415405, 0.088799387216568, -0.12150142341852188, 0.08775632083415985, 0.03623559698462486, -0.12410816550254822, 0.1034570187330246, -0.03689133748412132, 0.06693539023399353, -0.050773367285728455, 0.023229867219924927, -0.042343415319919586, 0.0870782732963562, 0.016120480373501778, 0.008101093582808971, -0.017196012660861015, 0.012788977473974228, -0.09238965064287186, -0.09327775985002518, -0.032477203756570816, 0.07881908863782883, 0.025190211832523346, 0.17145998775959015, 0.009213249199092388, 0.000638082274235785, 0.030878249555826187, 0.19867554306983948, -0.0568387433886528, -0.10627290606498718, -0.056902624666690826, 0.18746204674243927, -0.05240655317902565, 0.1008184626698494, -0.05773244798183441, 0.03263954073190689, -0.09547138959169388, 0.3466043472290039, 0.3147309422492981, -0.1158028319478035, -0.02061755768954754, 0.011886313557624817, 0.03502022475004196, 0.0594012513756752, 0.08166313916444778, 0.10690492391586304, 0.2528200149536133, -0.08044981956481934, 0.011072150431573391, 0.00644243648275733, -0.006649349816143513, -0.050538502633571625, 0.055809520184993744, 0.08656313270330429, -0.02422318607568741, 0.005441845394670963, 0.0957002192735672, -0.24582470953464508, 0.08241549134254456, -0.23891794681549072, -0.201824352145195, -0.09359558671712875, -0.021483471617102623, 0.08127373456954956, 0.036549393087625504, 0.09535721689462662, -0.001832093228586018, -0.03366854786872864, 0.10576880723237991, 0.004141771700233221, -0.2105659544467926, -0.026242705062031746, 0.061987172812223434, -0.1516636610031128, -0.03481365367770195, -0.02267453260719776, 0.04547344148159027, 0.09018974006175995, 0.03589974343776703, -0.008758352138102055, -0.012818912044167519, 0.0032873577438294888, -0.0984308049082756, -0.01908622682094574, 0.05650963634252548, 0.0210605226457119, -0.041272636502981186, 0.11059276759624481, -0.07521922141313553, 0.014614060521125793, -0.06253930926322937, -0.033672697842121124, -0.018229607492685318, 0.07930940389633179, -0.08409945666790009, 0.06355974823236465, 0.09115491062402725, -0.02371128834784031, -0.02737354300916195, -0.03819029778242111, -0.004268039483577013, 0.01713486574590206, -0.06391198933124542, -0.06041537970304489, -0.13866813480854034, -0.07427728176116943, 0.10315437614917755, 0.005229372996836901, -0.19828860461711884, 0.002118367701768875, -0.1293075978755951, 0.023310549557209015, -0.11524052917957306, 0.12472405284643173, 0.05463122949004173, 0.03795669972896576, 0.015032419003546238, -0.021955812349915504, 0.05029647424817085, 0.07641806453466415, -0.12017776817083359, -0.09871874004602432 ]
null
null
transformers
# Walter (Breaking Bad) DialoGPT Model
{"tags": ["conversational"]}
text-generation
Canadiancaleb/DialoGPT-small-walter
[ "transformers", "pytorch", "gpt2", "text-generation", "conversational", "autotrain_compatible", "endpoints_compatible", "text-generation-inference", "region:us" ]
2022-03-02T23:29:04+00:00
[]
[]
TAGS #transformers #pytorch #gpt2 #text-generation #conversational #autotrain_compatible #endpoints_compatible #text-generation-inference #region-us
# Walter (Breaking Bad) DialoGPT Model
[ "# Walter (Breaking Bad) DialoGPT Model" ]
[ "TAGS\n#transformers #pytorch #gpt2 #text-generation #conversational #autotrain_compatible #endpoints_compatible #text-generation-inference #region-us \n", "# Walter (Breaking Bad) DialoGPT Model" ]
[ 51, 13 ]
[ "passage: TAGS\n#transformers #pytorch #gpt2 #text-generation #conversational #autotrain_compatible #endpoints_compatible #text-generation-inference #region-us \n# Walter (Breaking Bad) DialoGPT Model" ]
[ -0.028998229652643204, -0.006570817902684212, -0.005414087790995836, 0.025506673380732536, 0.10418759286403656, -0.008448515087366104, 0.1046430692076683, 0.1410875767469406, 0.005175571423023939, -0.05219808220863342, 0.14219854772090912, 0.1604675054550171, -0.012178746983408928, 0.1139724925160408, -0.09864568710327148, -0.2784804403781891, 0.048995066434144974, 0.07392749935388565, 0.025374636054039, 0.08690806478261948, 0.11604355275630951, -0.058765679597854614, 0.10081464052200317, 0.0026630673091858625, -0.17901691794395447, 0.012169277295470238, 0.07524668425321579, -0.11014831811189651, 0.1231447085738182, 0.079888716340065, 0.022977394983172417, 0.03189776837825775, -0.06100613251328468, -0.1333838552236557, 0.04912416264414787, 0.0026013683527708054, -0.01590273343026638, 0.049810539931058884, 0.05904169753193855, -0.04155046120285988, 0.09516672790050507, 0.08889655768871307, -0.024865727871656418, 0.0690731406211853, -0.1651497483253479, -0.04418603330850601, -0.02650127187371254, 0.11838605999946594, 0.08857862651348114, 0.07569573074579239, -0.03635800629854202, 0.13781632483005524, -0.0664249062538147, 0.0961555764079094, 0.09577088057994843, -0.31700319051742554, -0.03058324195444584, 0.10302683711051941, 0.09854290634393692, -0.012510314583778381, -0.061971988528966904, 0.09511124342679977, 0.04685920849442482, 0.010173282586038113, -0.06565754860639572, -0.10179313272237778, -0.1519797295331955, 0.005541396327316761, -0.07084614038467407, 0.010492777451872826, 0.22497980296611786, 0.015106201171875, 0.05844071879982948, -0.07474064081907272, -0.09042412042617798, -0.03045172244310379, 0.017458319664001465, -0.05443301796913147, -0.08953027427196503, 0.07963649928569794, 0.0124586783349514, -0.11362218856811523, -0.12007327377796173, -0.004678518511354923, -0.187242791056633, 0.14911502599716187, 0.017066244035959244, 0.03204181045293808, -0.2062697559595108, 0.11111244559288025, -0.037422556430101395, -0.08543890714645386, 0.015321596525609493, -0.14029502868652344, 0.01900453492999077, -0.015940247103571892, -0.037726711481809616, 0.0204149279743433, 0.0411323606967926, 0.10536246746778488, -0.021724244579672813, 0.010170599445700645, -0.045898791402578354, 0.06920026242733002, 0.05185907706618309, 0.07693318277597427, -0.027510611340403557, -0.08848842978477478, 0.03904946520924568, -0.06248787045478821, 0.02533133327960968, -0.05087100341916084, -0.15987665951251984, -0.008940053172409534, -0.006570309400558472, 0.04458281025290489, 0.06858669221401215, 0.08789555728435516, -0.04899580031633377, -0.0674343928694725, 0.003393983468413353, -0.0034852242097258568, -0.019467797130346298, 0.0111332256346941, -0.02712557092308998, 0.15217161178588867, -0.03429161012172699, 0.04303537309169769, -0.10954096168279648, 0.023955034092068672, -0.03678686544299126, -0.030284380540251732, -0.03493991494178772, -0.05675062537193298, 0.023665186017751694, -0.017106059938669205, 0.014943883754312992, -0.11811044812202454, -0.15365825593471527, 0.01602315902709961, -0.007743868976831436, -0.04772806912660599, -0.11950187385082245, -0.08523666113615036, -0.03901299089193344, 0.0061852335929870605, -0.04753884673118591, -0.0025097867473959923, -0.026337027549743652, 0.054477546364068985, -0.019036244601011276, 0.10740692168474197, -0.1292261779308319, 0.06719062477350235, -0.06944840401411057, -0.023213280364871025, -0.0897606834769249, 0.11688820272684097, -0.007867383770644665, 0.021872151643037796, -0.001867141341790557, -0.010419154539704323, -0.09084807336330414, 0.06959757208824158, -0.0487975999712944, 0.2671619951725006, -0.09931901842355728, -0.09571901708841324, 0.2762412428855896, -0.04806511476635933, -0.0946081206202507, 0.16094870865345, -0.027792690321803093, 0.07242073863744736, 0.12548623979091644, 0.23156441748142242, -0.05101364105939865, 0.01899017207324505, 0.05873716250061989, 0.1015050858259201, -0.13859301805496216, 0.05837699770927429, 0.02217470295727253, -0.034506384283304214, -0.0515785850584507, 0.011027130298316479, 0.07867342233657837, 0.05189380794763565, -0.057063713669776917, -0.03283935412764549, -0.0007509826100431383, -0.027781324461102486, 0.13316093385219574, -0.05133621394634247, 0.09113944321870804, -0.05252465233206749, -0.07035593688488007, -0.0010505139362066984, 0.03647682070732117, -0.014954737387597561, 0.03583896905183792, -0.10578654706478119, 0.0649624690413475, 0.03275250270962715, 0.05865010619163513, -0.13101375102996826, -0.023922601714730263, -0.05009835958480835, 0.17538142204284668, 0.06365169584751129, 0.088443823158741, 0.060903795063495636, -0.05416525900363922, -0.05849149823188782, 0.021011080592870712, 0.13783752918243408, -0.0016567547572776675, -0.0740431547164917, -0.11872293055057526, 0.08612679690122604, -0.05056941136717796, 0.11498285830020905, -0.12261873483657837, 0.006527313496917486, 0.004885401111096144, 0.10817746818065643, 0.0010985846165567636, 0.04068450629711151, 0.02937966212630272, -0.0413384884595871, -0.05176135152578354, -0.029708873480558395, 0.07966034859418869, -0.019355807453393936, -0.07822626829147339, 0.22943037748336792, -0.15178759396076202, 0.1128883957862854, 0.1804056018590927, -0.28275758028030396, -0.010110801085829735, -0.015548448078334332, -0.019151993095874786, -0.005814163014292717, 0.031395409256219864, -0.06360793113708496, 0.21637345850467682, -0.015911102294921875, 0.1234247013926506, -0.019367307424545288, -0.03679681941866875, -0.03415568545460701, -0.041842177510261536, -0.012797856703400612, 0.0928741917014122, 0.05581353232264519, -0.16553758084774017, 0.1283002495765686, 0.15122678875923157, 0.023649858310818672, 0.1696203202009201, 0.05099945515394211, 0.02676347829401493, 0.036058735102415085, -0.0031809303909540176, -0.033977750688791275, -0.022611819207668304, -0.18299676477909088, -0.019661126658320427, 0.06856419146060944, -0.01307809166610241, 0.09482651948928833, -0.1059112623333931, -0.03777100145816803, -0.010749113745987415, -0.0049027265049517155, 0.018398968502879143, 0.12230181694030762, 0.013335767202079296, 0.11755615472793579, -0.011429126374423504, -0.056940313428640366, 0.0872216448187828, 0.015191744081676006, -0.06940300762653351, 0.15444396436214447, -0.13295938074588776, -0.3124149441719055, -0.13686352968215942, -0.13422442972660065, -0.04761176183819771, 0.05207036808133125, 0.07864396274089813, -0.1285344809293747, -0.013652286492288113, -0.010059304535388947, 0.03697768971323967, -0.10220697522163391, -0.03413502499461174, 0.035658884793519974, -0.024272669106721878, -0.11710890382528305, -0.0858781635761261, -0.05350497364997864, -0.0558694563806057, -0.019312337040901184, 0.11719916760921478, -0.14567051827907562, -0.016816776245832443, 0.251777708530426, 0.030680382624268532, 0.03975468501448631, -0.07040666788816452, 0.12354277074337006, -0.12841211259365082, 0.03897732496261597, 0.21441993117332458, -0.09550647437572479, 0.05564407631754875, 0.11588694155216217, -0.023062309250235558, -0.06654251366853714, 0.015239603817462921, -0.010901983827352524, -0.04555835947394371, -0.24883925914764404, -0.11725378036499023, -0.10559087246656418, 0.12915202975273132, 0.0006357566453516483, 0.029856853187084198, 0.17587363719940186, 0.0440140962600708, -0.048668473958969116, -0.027308212593197823, 0.04909401386976242, 0.07753407955169678, 0.33322522044181824, -0.09408436715602875, 0.13593724370002747, -0.017477193847298622, -0.12924014031887054, 0.100382961332798, 0.00514771044254303, 0.07286675274372101, 0.09242139011621475, 0.029902437701821327, 0.011360244825482368, -0.0035389375407248735, 0.10335841774940491, 0.028084903955459595, 0.022342432290315628, -0.04837429150938988, -0.043528001755476, -0.033181145787239075, 0.007235151249915361, 0.029772484675049782, 0.07085437327623367, -0.10544592887163162, -0.025433985516428947, 0.056762244552373886, 0.06140664219856262, 0.03765317052602768, 0.10324794799089432, -0.12775146961212158, -0.05190517008304596, 0.07856377214193344, -0.010030163452029228, -0.11246657371520996, 0.08220107853412628, 0.07034523040056229, -0.13133789598941803, 0.03003639355301857, -0.0031751825008541346, 0.10687798261642456, -0.0481695756316185, 0.09376747906208038, -0.13880404829978943, -0.04254956170916557, 0.00854943972080946, 0.0916692316532135, -0.2557176649570465, 0.15875640511512756, 0.002570376731455326, -0.025006107985973358, -0.09029383212327957, -0.028069714084267616, 0.06215880811214447, 0.06012490391731262, 0.11470254510641098, 0.0013181264512240887, -0.016614219173789024, 0.031247595325112343, -0.05422765389084816, -0.00846864189952612, 0.08450478315353394, 0.010916860774159431, -0.04839303344488144, -0.0470639243721962, -0.005762605462223291, 0.019339026883244514, -0.03260980546474457, -0.028718771412968636, -0.13461947441101074, 0.08197081834077835, 0.1003439798951149, 0.09358786791563034, 0.010994121432304382, -0.058183953166007996, -0.053629208356142044, 0.27180200815200806, -0.03495563566684723, -0.06377207487821579, -0.08147422224283218, -0.005686587654054165, 0.047218676656484604, -0.060989443212747574, 0.00466302502900362, -0.02295583114027977, 0.04092499241232872, -0.08794501423835754, -0.1704510748386383, 0.14701451361179352, -0.10279269516468048, -0.06053663790225983, -0.04443712532520294, 0.23019170761108398, -0.004945766646414995, 0.06773228943347931, 0.0654137134552002, -0.023066990077495575, -0.1013396754860878, -0.10074033588171005, 0.042392343282699585, 0.05897481366991997, -0.06369134038686752, 0.01743306964635849, -0.030389508232474327, -0.10109834372997284, -0.07591705769300461, -0.03546011820435524, 0.3410693407058716, 0.17013904452323914, -0.04476451873779297, 0.164757639169693, 0.08672727644443512, -0.06497224420309067, -0.27363139390945435, -0.054553352296352386, -0.07082491368055344, -0.024109328165650368, -0.045795317739248276, -0.10811728239059448, 0.11192705482244492, -0.007541177794337273, 0.005046822130680084, 0.12587057054042816, -0.22567059099674225, -0.09748222678899765, 0.22505557537078857, -0.07510436326265335, 0.4392373561859131, -0.07478030025959015, -0.07896388322114944, -0.015137195587158203, -0.18817710876464844, 0.1798812448978424, -0.0404544435441494, 0.11442174762487411, 0.020802007988095284, 0.14897434413433075, 0.03792289271950722, 0.0008041359833441675, 0.07729333639144897, -0.004951527342200279, -0.053692419081926346, -0.07595118135213852, -0.21206262707710266, 0.055181343108415604, 0.005826422479003668, -0.009859575890004635, -0.0025627955328673124, 0.005465082358568907, -0.18451757729053497, -0.03713234141469002, -0.11343617737293243, 0.08044037967920303, 0.009109988808631897, -0.06384950876235962, 0.014932348392903805, -0.013877511024475098, -0.014815395697951317, 0.0358395092189312, 0.14726389944553375, -0.11837967485189438, 0.14899158477783203, 0.14322206377983093, 0.1741829216480255, -0.1396176815032959, 0.024642130360007286, -0.042761582881212234, -0.09760104864835739, 0.05759946629405022, -0.08889453113079071, 0.02492358349263668, 0.1169145405292511, -0.020214812830090523, 0.06478734314441681, 0.0882047563791275, -0.009869634173810482, 0.056748319417238235, 0.08603601157665253, -0.23998607695102692, -0.05028962716460228, -0.09669706225395203, 0.04157935827970505, 0.03871552646160126, 0.05226006358861923, 0.2105504274368286, -0.00021199729235377163, -0.037870608270168304, 0.03422620892524719, 0.01961444318294525, -0.048937685787677765, 0.08549202233552933, 0.007394485641270876, 0.022046780213713646, -0.13765130937099457, 0.07977040857076645, -0.0014063594862818718, -0.12976093590259552, 0.045206792652606964, 0.1363704949617386, -0.09486287832260132, -0.1061118021607399, -0.1173291802406311, 0.03530729562044144, -0.10916493833065033, -0.008805832825601101, -0.027127455919981003, -0.17384707927703857, 0.050500500947237015, 0.10860949754714966, 0.04752200469374657, 0.06689676642417908, -0.09990428388118744, -0.029025979340076447, -0.03792152926325798, 0.007831728085875511, 0.10218790173530579, -0.009251827374100685, -0.04320678487420082, 0.11008230596780777, -0.041956882923841476, 0.13576975464820862, -0.09306908398866653, -0.09450237452983856, -0.15559759736061096, 0.01054037269204855, -0.1544012874364853, -0.1062457263469696, -0.05213821306824684, -0.02888716757297516, -0.009063934907317162, -0.01693330891430378, -0.05306714400649071, -0.010655595920979977, -0.11905832588672638, 0.029594551771879196, -0.012220432050526142, 0.0091332932934165, -0.07136374711990356, 0.020728306844830513, 0.07226831465959549, -0.006524147465825081, 0.14216956496238708, 0.14178237318992615, -0.08352302759885788, 0.06232209876179695, -0.07335447520017624, -0.14932449162006378, 0.0776752457022667, 0.011771152727305889, 0.05016673728823662, 0.03367314487695694, 0.01162148267030716, 0.03671833872795105, 0.03766584023833275, 0.04733237996697426, 0.02170942723751068, -0.05631253495812416, 0.05024165287613869, -0.03150688856840134, -0.11471527814865112, -0.021221673116087914, -0.025837110355496407, 0.035110052675008774, -0.0021890203934162855, 0.07765980809926987, -0.041312556713819504, 0.06265182048082352, -0.07946991175413132, 0.054091185331344604, -0.006382748484611511, -0.16763076186180115, 0.01708788238465786, -0.0578138530254364, 0.06731636077165604, -0.001660109031945467, 0.1807330697774887, -0.06163473054766655, -0.02019132860004902, 0.04916020482778549, 0.004127053078263998, -0.03869848698377609, -0.0040367888286709785, 0.17498435080051422, 0.07195984572172165, -0.06851712614297867, -0.10578940063714981, 0.053030502051115036, 0.07323499023914337, 0.05241677910089493, 0.17573390901088715, -0.003172546625137329, -0.06089301034808159, 0.09519381076097488, -0.0024677738547325134, 0.012899179011583328, -0.09510546922683716, -0.11068990081548691, -0.05147451534867287, 0.06050184741616249, -0.039476148784160614, 0.0874263271689415, 0.1498083621263504, -0.016051849350333214, 0.0018460947321727872, -0.040454767644405365, -0.061484258621931076, -0.1844264715909958, -0.1561124175786972, -0.05937352031469345, -0.1051085963845253, 0.004255617503076792, -0.1336524337530136, 0.05835145339369774, 0.02739490568637848, 0.09460502862930298, -0.09947715699672699, 0.12159007787704468, -0.050274476408958435, -0.10517148673534393, 0.13384443521499634, -0.0367460660636425, 0.06406666338443756, -0.06908172369003296, -0.02013789676129818, -0.08106119185686111, 0.05262119695544243, 0.010959208011627197, 0.02949715033173561, -0.012261249125003815, -0.019171763211488724, -0.10338156670331955, -0.07164273411035538, -0.04908427968621254, 0.08251689374446869, 0.021667564287781715, 0.12421253323554993, 0.02621818706393242, -0.020342867821455002, 0.027882594615221024, 0.19960583746433258, -0.08795421570539474, -0.10456880927085876, -0.03795242682099342, 0.23387263715267181, 0.011394798755645752, 0.07745514810085297, -0.061114996671676636, 0.014215070754289627, -0.09051688015460968, 0.35340964794158936, 0.3260655403137207, -0.11996370553970337, -0.002524470677599311, 0.004482581280171871, 0.046764299273490906, 0.07712003588676453, 0.0902070477604866, 0.08855245262384415, 0.20733347535133362, -0.07368376851081848, 0.008426538668572903, 0.011013885028660297, -0.0078034233301877975, -0.07113289833068848, 0.05108576640486717, 0.07884224504232407, -0.07330033928155899, -0.004662462044507265, 0.10918572545051575, -0.26085981726646423, 0.13334091007709503, -0.18081749975681305, -0.2283569574356079, -0.08050209283828735, -0.00086970318807289, 0.05802999809384346, 0.039330776780843735, 0.11115939915180206, -0.003978844732046127, -0.04066654294729233, 0.0692196786403656, 0.020007852464914322, -0.20810352265834808, 0.012699604034423828, 0.060752660036087036, -0.1507752686738968, -0.01365094818174839, -0.015508625656366348, 0.050448667258024216, 0.08354930579662323, 0.02251747064292431, -0.024220822378993034, 0.012642525136470795, 0.0049508665688335896, -0.11803191900253296, 0.014767213724553585, 0.04644813388586044, 0.012073199264705181, -0.0041622137650847435, 0.09620968252420425, -0.08258361369371414, 0.030934790149331093, -0.019214697182178497, -0.038713809102773666, -0.0073519982397556305, 0.07094210386276245, -0.07097111642360687, 0.08780255913734436, 0.11413312703371048, -0.04327867180109024, -0.029426952823996544, -0.022786185145378113, -0.022914264351129532, 0.03596142679452896, -0.043938156217336655, -0.0816258117556572, -0.15479235351085663, -0.06390879303216934, 0.04003338888287544, 0.006330304313451052, -0.16315843164920807, 0.007264998741447926, -0.15650227665901184, 0.03966066241264343, -0.10426458716392517, 0.09341400861740112, 0.11637996137142181, 0.017506176605820656, 0.013319908641278744, -0.02986685000360012, 0.04278796538710594, 0.09122397005558014, -0.10149846225976944, -0.057646494358778 ]
null
null
transformers
# capreolus/bert-base-msmarco ## Model description BERT-Base model (`google/bert_uncased_L-12_H-768_A-12`) fine-tuned on the MS MARCO passage classification task. It is intended to be used as a `ForSequenceClassification` model; see the [Capreolus BERT-MaxP implementation](https://github.com/capreolus-ir/capreolus/blob/master/capreolus/reranker/TFBERTMaxP.py) for a usage example. This corresponds to the BERT-Base model used to initialize BERT-MaxP and PARADE variants in [PARADE: Passage Representation Aggregation for Document Reranking](https://arxiv.org/abs/2008.09093) by Li et al. It was converted from the released [TFv1 checkpoint](https://zenodo.org/record/3974431/files/vanilla_bert_base_on_MSMARCO.tar.gz). Please cite the PARADE paper if you use these weights.
{}
text-classification
Capreolus/bert-base-msmarco
[ "transformers", "pytorch", "tf", "jax", "bert", "text-classification", "arxiv:2008.09093", "autotrain_compatible", "endpoints_compatible", "region:us" ]
2022-03-02T23:29:04+00:00
[ "2008.09093" ]
[]
TAGS #transformers #pytorch #tf #jax #bert #text-classification #arxiv-2008.09093 #autotrain_compatible #endpoints_compatible #region-us
# capreolus/bert-base-msmarco ## Model description BERT-Base model ('google/bert_uncased_L-12_H-768_A-12') fine-tuned on the MS MARCO passage classification task. It is intended to be used as a 'ForSequenceClassification' model; see the Capreolus BERT-MaxP implementation for a usage example. This corresponds to the BERT-Base model used to initialize BERT-MaxP and PARADE variants in PARADE: Passage Representation Aggregation for Document Reranking by Li et al. It was converted from the released TFv1 checkpoint. Please cite the PARADE paper if you use these weights.
[ "# capreolus/bert-base-msmarco", "## Model description\nBERT-Base model ('google/bert_uncased_L-12_H-768_A-12') fine-tuned on the MS MARCO passage classification task. It is intended to be used as a 'ForSequenceClassification' model; see the Capreolus BERT-MaxP implementation for a usage example.\n\nThis corresponds to the BERT-Base model used to initialize BERT-MaxP and PARADE variants in PARADE: Passage Representation Aggregation for Document Reranking by Li et al. It was converted from the released TFv1 checkpoint. Please cite the PARADE paper if you use these weights." ]
[ "TAGS\n#transformers #pytorch #tf #jax #bert #text-classification #arxiv-2008.09093 #autotrain_compatible #endpoints_compatible #region-us \n", "# capreolus/bert-base-msmarco", "## Model description\nBERT-Base model ('google/bert_uncased_L-12_H-768_A-12') fine-tuned on the MS MARCO passage classification task. It is intended to be used as a 'ForSequenceClassification' model; see the Capreolus BERT-MaxP implementation for a usage example.\n\nThis corresponds to the BERT-Base model used to initialize BERT-MaxP and PARADE variants in PARADE: Passage Representation Aggregation for Document Reranking by Li et al. It was converted from the released TFv1 checkpoint. Please cite the PARADE paper if you use these weights." ]
[ 50, 12, 151 ]
[ "passage: TAGS\n#transformers #pytorch #tf #jax #bert #text-classification #arxiv-2008.09093 #autotrain_compatible #endpoints_compatible #region-us \n# capreolus/bert-base-msmarco## Model description\nBERT-Base model ('google/bert_uncased_L-12_H-768_A-12') fine-tuned on the MS MARCO passage classification task. It is intended to be used as a 'ForSequenceClassification' model; see the Capreolus BERT-MaxP implementation for a usage example.\n\nThis corresponds to the BERT-Base model used to initialize BERT-MaxP and PARADE variants in PARADE: Passage Representation Aggregation for Document Reranking by Li et al. It was converted from the released TFv1 checkpoint. Please cite the PARADE paper if you use these weights." ]
[ -0.022793205454945564, 0.030498508363962173, -0.0029480033554136753, 0.05026056617498398, 0.15505465865135193, 0.010611331090331078, 0.10451969504356384, 0.08565231412649155, -0.010114716365933418, -0.0281881894916296, 0.11115240305662155, 0.13585804402828217, 0.021935272961854935, 0.11316721886396408, -0.065472811460495, -0.27278485894203186, 0.003908873535692692, 0.10854273289442062, 0.0003530827525537461, 0.09138239920139313, 0.10983086377382278, -0.06535601615905762, 0.13146594166755676, 0.04782646894454956, -0.06045152246952057, 0.06513988226652145, 0.05712268874049187, -0.07343798130750656, 0.11450828611850739, 0.07246173918247223, 0.12538912892341614, 0.033985454589128494, 0.06505244225263596, -0.08549237996339798, 0.017214495688676834, 0.03935186564922333, -0.042856063693761826, 0.09862012416124344, 0.0534539557993412, -0.0267659742385149, 0.16996502876281738, -0.011511428281664848, 0.030545549467206, 0.024987706914544106, -0.06154295429587364, -0.0861993208527565, -0.04827847704291344, -0.017491662874817848, 0.04720458760857582, 0.009694254025816917, 0.031710755079984665, 0.07946319133043289, -0.061094075441360474, 0.09599539637565613, 0.22245551645755768, -0.3221116364002228, -0.038510676473379135, 0.0993274599313736, -0.01111480500549078, -0.017622893676161766, -0.008890794590115547, 0.023006191477179527, 0.028613969683647156, 0.041715774685144424, 0.13146226108074188, -0.10208196938037872, -0.05594645440578461, 0.022714246064424515, -0.14170514047145844, 0.029617011547088623, 0.2640295624732971, -0.06155026704072952, -0.06520027667284012, 0.01996437832713127, -0.10076221078634262, 0.05891565605998039, -0.02115354873239994, -0.05119343101978302, 0.013649987056851387, 0.007451359182596207, 0.07480975985527039, -0.02691492810845375, -0.04123030975461006, -0.08392249792814255, -0.1324230283498764, 0.11088617891073227, -0.0019420532044023275, 0.03836646303534508, -0.0509912446141243, 0.07884646952152252, -0.09053100645542145, -0.05227458104491234, 0.052904076874256134, -0.055907223373651505, 0.020071452483534813, 0.01698998734354973, -0.06819223612546921, -0.1614518165588379, -0.049591463059186935, 0.07682070881128311, 0.09873180091381073, 0.027839364483952522, -0.04764664173126221, 0.06862977892160416, -0.04289829730987549, 0.16648396849632263, -0.04555048793554306, -0.037447620183229446, 0.05190466344356537, -0.07903445512056351, 0.00769973685964942, -0.045790549367666245, -0.15125447511672974, -0.03573431447148323, 0.05317298322916031, -0.00837277714163065, -0.09431243687868118, 0.11866756528615952, -0.04851587861776352, -0.05974825471639633, 0.09365331381559372, -0.1252078413963318, 0.00206002383492887, -0.0389556810259819, 0.026210112497210503, 0.08526517450809479, 0.12046544998884201, -0.02982717752456665, -0.04541097953915596, 0.12347880750894547, -0.07970593869686127, -0.05320044979453087, -0.07344827800989151, -0.16102205216884613, -0.007650418672710657, -0.14328323304653168, -0.021204441785812378, -0.16690608859062195, -0.1365644931793213, 0.026201076805591583, 0.05601927265524864, 0.0067211021669209, 0.018622923642396927, -0.02054210565984249, 0.02331131510436535, 0.010489633306860924, 0.001517778029665351, 0.02400141768157482, -0.041347939521074295, 0.06454572081565857, -0.07365632057189941, 0.08447189629077911, -0.14627686142921448, 0.05852483958005905, -0.055526211857795715, 0.032818663865327835, -0.1972869485616684, 0.027004333212971687, -0.025704827159643173, 0.002111987443640828, -0.10724500566720963, -0.06953456997871399, -0.012830929830670357, 0.0228210911154747, 0.02956645004451275, 0.0789802297949791, -0.19827458262443542, -0.07087442278862, 0.06522093713283539, -0.12737809121608734, -0.021604392677545547, 0.04409847781062126, -0.05367901176214218, 0.08439230918884277, 0.08549611270427704, 0.13692395389080048, 0.06275587528944016, -0.09419848769903183, 0.08894322067499161, 0.05856652930378914, -0.04682893306016922, -0.09993238747119904, 0.07529986649751663, -0.012323403730988503, -0.26401281356811523, 0.029797248542308807, -0.1423216164112091, 0.03234047815203667, -0.008120303973555565, 0.010281299240887165, 0.010308975353837013, 0.001270795939490199, 0.06832598894834518, -0.0004979800432920456, 0.05183784291148186, -0.011759444139897823, -0.03454136848449707, 0.13028636574745178, -0.008500795811414719, -0.0874084085226059, 0.04982292652130127, -0.036741483956575394, 0.1116558238863945, -0.08302292972803116, 0.025787262246012688, -0.1487146019935608, 0.014718085527420044, 0.027083206921815872, 0.14353449642658234, -0.020648956298828125, 0.13244584202766418, 0.022848596796393394, -0.009379995055496693, -0.05835654214024544, 0.07783347368240356, 0.13116608560085297, -0.009011478163301945, -0.06743346899747849, -0.09369540214538574, -0.04862712323665619, -0.036162976175546646, -0.06578204035758972, -0.12541621923446655, 0.010111539624631405, 0.09593038260936737, 0.03759346902370453, 0.05177636072039604, 0.021696463227272034, -0.01814374141395092, 0.050636887550354004, -0.059008046984672546, 0.005993686616420746, 0.10923507809638977, 0.03314695507287979, -0.04178014025092125, 0.1335267871618271, -0.14214181900024414, 0.11337865889072418, 0.11414182931184769, -0.11395633965730667, -0.06485479325056076, -0.06167997047305107, -0.013449636287987232, 0.018478114157915115, 0.000872972363140434, -0.05055488646030426, 0.16436292231082916, -0.029637722298502922, 0.19011865556240082, -0.12118911743164062, -0.0271658506244421, 0.026646524667739868, 0.022071102634072304, 0.00553523562848568, 0.09102082252502441, 0.09844740480184555, -0.08270826190710068, 0.035869304090738297, 0.14858077466487885, -0.05234803631901741, 0.1301676332950592, 0.01738124154508114, -0.0372132770717144, 0.02571706287562847, -0.030977534130215645, 0.03577759116888046, 0.001803391263820231, -0.14047649502754211, -0.062035854905843735, 0.05706053227186203, 0.01993628963828087, -0.007403972093015909, -0.09931819885969162, 0.028118198737502098, 0.046851906925439835, -0.0010591994505375624, -0.04907950386404991, 0.024532536044716835, -0.0029156459495425224, 0.11018310487270355, 0.03455740213394165, -0.1398545503616333, 0.041143156588077545, -0.004782071802765131, -0.12658020853996277, 0.1830245405435562, -0.0762839987874031, -0.1585736870765686, -0.15333892405033112, -0.2097492516040802, -0.061149779707193375, 0.06774205714464188, 0.026652604341506958, -0.016385024413466454, -0.05166973918676376, -0.05439003184437752, 0.0708954706788063, -0.007583976723253727, 0.05559752508997917, -0.07021475583314896, -0.043173037469387054, 0.0235491544008255, -0.11951746791601181, -0.029652392491698265, -0.06392312794923782, -0.06950362026691437, 0.023707594722509384, -0.14026464521884918, 0.11216273158788681, 0.15670281648635864, -0.09678701311349869, 0.052868783473968506, -0.05266587808728218, 0.1256559044122696, -0.004234009422361851, 0.03777488321065903, 0.1062314584851265, -0.07698909193277359, 0.025046788156032562, 0.0817030817270279, 0.037622321397066116, -0.03447691723704338, 0.012343540787696838, -0.010167360305786133, -0.11965720355510712, -0.19071656465530396, -0.09578478336334229, -0.0806279107928276, 0.007988210767507553, 0.13015781342983246, 0.04666956514120102, -0.020730938762426376, 0.08427198976278305, 0.06923861056566238, 0.1442742496728897, 0.008270579390227795, 0.07251869887113571, 0.15694786608219147, -0.016784125939011574, 0.1466251015663147, -0.03242790699005127, -0.11165536940097809, 0.0868220254778862, -0.027153627946972847, 0.1542130559682846, -0.015223076567053795, 0.0024839420802891254, 0.04354508966207504, 0.02808605693280697, 0.06960918009281158, 0.22392788529396057, -0.09284036606550217, 0.010640252381563187, -0.09528417885303497, -0.0923377126455307, -0.049379393458366394, 0.06010600924491882, -0.08150693029165268, -0.0014268802478909492, -0.06890388578176498, -0.11499450355768204, 0.00044596893712878227, 0.20775477588176727, 0.06788454949855804, -0.27333885431289673, 0.01779741235077381, 0.00018536332936491817, 0.013876506127417088, -0.06947612017393112, 0.0924842432141304, 0.02526836469769478, -0.09335052967071533, 0.12162215262651443, -0.043670155107975006, 0.10131219029426575, -0.08323690295219421, 0.03363095596432686, -0.00924469530582428, 0.02826690673828125, -0.024488218128681183, 0.06404460221529007, -0.1909247189760208, 0.2103242129087448, 0.04773988202214241, -0.05503583699464798, -0.07300575822591782, 0.0002880553074646741, 0.04921882599592209, 0.1354936957359314, 0.12882685661315918, -0.0014757653698325157, 0.05824046581983566, -0.12926191091537476, -0.014371020719408989, 0.04292634129524231, 0.06082608178257942, -0.06838767975568771, 0.04335634037852287, -0.06159481778740883, -0.013403563760221004, 0.023229602724313736, 0.11054816842079163, -0.023745113983750343, -0.13001605868339539, 0.02799479104578495, 0.08155384659767151, -0.022706681862473488, 0.001667278353124857, -0.10062237828969955, -0.03240839019417763, 0.1791083663702011, -0.04724854975938797, -0.08136092871427536, -0.12411660701036453, -0.08229313790798187, 0.03774196654558182, -0.05527780205011368, 0.05314254388213158, -0.06479573994874954, 0.07401362806558609, -0.03772572800517082, -0.19065989553928375, 0.12107349187135696, -0.039639756083488464, -0.04350237548351288, -0.035783275961875916, 0.08932405710220337, -0.011796919628977776, 0.03270886465907097, 0.05601927638053894, 0.03851187229156494, -0.011419455520808697, -0.08333471417427063, -0.026824500411748886, 0.029340369626879692, 0.11923134326934814, 0.04118027910590172, -0.15991000831127167, 0.07128709554672241, 0.00740536255761981, 0.08211425691843033, 0.13556070625782013, 0.02956930175423622, -0.07913146913051605, 0.09906724840402603, 0.0677076205611229, -0.10527956485748291, -0.2979761064052582, -0.031092846766114235, -0.000775749038439244, -0.008194799534976482, -0.010735093615949154, -0.12424509972333908, 0.1087363213300705, 0.05737917497754097, -0.0017517681699246168, 0.061322733759880066, -0.07518704980611801, -0.0959886685013771, 0.14821776747703552, 0.05276429280638695, 0.2703728675842285, -0.11267506331205368, -0.05537153035402298, -0.06422833353281021, -0.08729765564203262, 0.10808134824037552, -0.00553923798725009, 0.07389268279075623, -0.04916903004050255, -0.02759692817926407, 0.031825751066207886, -0.013600447215139866, 0.0644516721367836, 0.04269752651453018, 0.022350948303937912, -0.06160186603665352, -0.11842084676027298, 0.014554418623447418, -0.04416001960635185, 0.09363816678524017, -0.055712126195430756, 0.03803511708974838, -0.15749268233776093, -0.05759859085083008, -0.05558007210493088, 0.04735289886593819, 0.032084982842206955, -0.07035478204488754, -0.049815524369478226, -0.0035335191059857607, 0.030292769894003868, 0.002395094372332096, 0.20616573095321655, -0.07231296598911285, 0.11229108273983002, 0.18419024348258972, 0.13210752606391907, -0.1540786623954773, -0.04034612327814102, 0.009072111919522285, -0.03773939609527588, 0.11224153637886047, -0.12700344622135162, 0.06531877815723419, 0.10177960246801376, 0.015194558538496494, 0.09021041542291641, 0.11722610890865326, -0.0013818166917189956, -0.03525882214307785, 0.0947764664888382, -0.1565641462802887, 0.016803082078695297, -0.06498736888170242, 0.004936795216053724, -0.03587555140256882, 0.0857182964682579, 0.16464649140834808, -0.053799811750650406, 0.0081810113042593, 0.034764740616083145, -0.028298279270529747, -0.04294709116220474, 0.05776754394173622, 0.07450013607740402, 0.016764193773269653, -0.09907786548137665, 0.01901695691049099, 0.06912525743246078, 0.03680545464158058, -0.004443916026502848, -0.01927793398499489, -0.13930784165859222, -0.02891986258327961, -0.025871284306049347, 0.1915898323059082, -0.12695249915122986, -0.037420354783535004, -0.059917669743299484, -0.1274292767047882, 0.07369408011436462, 0.1753682941198349, 0.10343185812234879, 0.029292797669768333, -0.13074129819869995, -0.0698842778801918, -0.031523022800683975, 0.007668651174753904, -0.04624844342470169, 0.03767472133040428, -0.08976415544748306, 0.05399803817272186, -0.008084332570433617, 0.08827905356884003, -0.07785402238368988, -0.02181883342564106, -0.12612420320510864, 0.011417628265917301, -0.092058464884758, 0.03271269425749779, -0.03754798322916031, 0.0024625605437904596, -0.01415263395756483, 0.015369974076747894, -0.046437330543994904, -0.0064642829820513725, -0.07712294161319733, 0.021205727010965347, 0.007609730586409569, 0.03925427049398422, -0.037454813718795776, -0.0506519190967083, 0.01754128746688366, -0.04631393030285835, 0.040153857320547104, -0.025228355079889297, -0.04565543308854103, 0.05000517517328262, -0.08846813440322876, -0.04355525225400925, 0.07090338319540024, 0.010777955874800682, 0.030084826052188873, -0.05666986480355263, 0.030636247247457504, 0.04757840931415558, -0.02413640357553959, 0.007040953263640404, 0.09605752676725388, -0.09495482593774796, 0.09987743943929672, -0.026366418227553368, -0.09387419372797012, -0.027743740007281303, 0.04005572944879532, 0.027294335886836052, 0.14730064570903778, 0.07597237080335617, -0.05953077971935272, 0.013132840394973755, -0.09223286062479019, -0.010795011185109615, -0.0028609747532755136, -0.13356877863407135, -0.10124154388904572, -0.08645269274711609, -0.003070568898692727, 0.023503508418798447, 0.2194371074438095, 0.10384073108434677, 0.029992202296853065, -0.004790643695741892, 0.06625575572252274, 0.098833367228508, -0.06786905229091644, 0.20135463774204254, 0.02474913001060486, -0.009692848660051823, -0.0028790701180696487, 0.10083634406328201, 0.04706301540136337, 0.12701743841171265, 0.13630494475364685, 0.04828786104917526, -0.0392225943505764, 0.06319867074489594, -0.019580058753490448, -0.004068760666996241, -0.05195500701665878, -0.07227738201618195, 0.05268871411681175, 0.1255546510219574, 0.013564659282565117, 0.09000743180513382, 0.08282245695590973, -0.07944934070110321, 0.050058212131261826, 0.03498570993542671, -0.03810908645391464, -0.18804246187210083, -0.1124497503042221, -0.07502680271863937, -0.11981175094842911, -0.05281367152929306, -0.09511708468198776, -0.05148124322295189, 0.13661016523838043, 0.0023276919964700937, 0.03903136029839516, 0.03408897668123245, -0.15465879440307617, -0.0710003450512886, 0.10041165351867676, -0.0028407389763742685, 0.012712742201983929, -0.06426011025905609, 0.006225560326129198, -0.003941605798900127, -0.02871377393603325, -0.010841378010809422, 0.025134509429335594, 0.08552587777376175, -0.01598742976784706, 0.006868893280625343, -0.05676305294036865, -0.02312869019806385, 0.023912230506539345, 0.020342078059911728, 0.15037614107131958, -0.016239942982792854, -0.04897697642445564, 0.001991173019632697, 0.0977063998579979, -0.03186463564634323, 0.055729515850543976, -0.08741944283246994, 0.29769688844680786, 0.026934942230582237, 0.09647409617900848, -0.013488109223544598, -0.049228716641664505, -0.03333799168467522, 0.3116946518421173, 0.23402534425258636, -0.00965915434062481, 0.019506113603711128, 0.025921402499079704, 0.017299285158514977, 0.12715572118759155, 0.12058425694704056, 0.025662310421466827, 0.2526327669620514, -0.026492908596992493, -0.06448553502559662, -0.045364007353782654, 0.0603768415749073, -0.04504932090640068, 0.04478564113378525, 0.07213179767131805, -0.07433012872934341, -0.03506658226251602, 0.04287594184279442, 0.008666456677019596, -0.12212616950273514, -0.00019996045739389956, -0.1263459175825119, -0.051774509251117706, -0.06831954419612885, -0.10097002238035202, -0.018013857305049896, 0.06087353453040123, -0.08667327463626862, -0.007644865661859512, 0.09427370876073837, 0.013042027130723, -0.1760801374912262, -0.09346038103103638, 0.08429200202226639, 0.031554415822029114, 0.08962550759315491, -0.02726760320365429, 0.014879667200148106, 0.05337822064757347, 0.0527074970304966, -0.018914131447672844, 0.03658236935734749, -0.027037179097533226, -0.019716668874025345, 0.004806200973689556, -0.07629610598087311, -0.05929965153336525, 0.02128252573311329, -0.016856444999575615, -0.08294575661420822, 0.06773437559604645, 0.02588900923728943, -0.1116783395409584, -0.06307007372379303, 0.0026196055114269257, -0.11766073852777481, 0.09822265058755875, 0.18622229993343353, 0.034780215471982956, -0.023877866566181183, -0.07533720135688782, 0.0041318610310554504, 0.024206237867474556, -0.11410616338253021, -0.02698465809226036, -0.03331565484404564, -0.030788108706474304, -0.01908361352980137, -0.041222088038921356, -0.3090655505657196, -0.00956510379910469, -0.0833410769701004, -0.0185382217168808, -0.07441145181655884, 0.021842271089553833, -0.03225598484277725, 0.038667332381010056, -0.02373284287750721, -0.14528228342533112, 0.025854427367448807, 0.05845538154244423, -0.1276073157787323, -0.0765404999256134 ]
null
null
transformers
# capreolus/electra-base-msmarco ## Model description ELECTRA-Base model (`google/electra-base-discriminator`) fine-tuned on the MS MARCO passage classification task. It is intended to be used as a `ForSequenceClassification` model, but requires some modification since it contains a BERT classification head rather than the standard ELECTRA classification head. See the [TFElectraRelevanceHead](https://github.com/capreolus-ir/capreolus/blob/master/capreolus/reranker/TFBERTMaxP.py) in the Capreolus BERT-MaxP implementation for a usage example. This corresponds to the ELECTRA-Base model used to initialize PARADE (ELECTRA) in [PARADE: Passage Representation Aggregation for Document Reranking](https://arxiv.org/abs/2008.09093) by Li et al. It was converted from the released [TFv1 checkpoint](https://zenodo.org/record/3974431/files/vanilla_electra_base_on_MSMARCO.tar.gz). Please cite the PARADE paper if you use these weights.
{}
text-classification
Capreolus/electra-base-msmarco
[ "transformers", "pytorch", "tf", "electra", "text-classification", "arxiv:2008.09093", "autotrain_compatible", "endpoints_compatible", "region:us" ]
2022-03-02T23:29:04+00:00
[ "2008.09093" ]
[]
TAGS #transformers #pytorch #tf #electra #text-classification #arxiv-2008.09093 #autotrain_compatible #endpoints_compatible #region-us
# capreolus/electra-base-msmarco ## Model description ELECTRA-Base model ('google/electra-base-discriminator') fine-tuned on the MS MARCO passage classification task. It is intended to be used as a 'ForSequenceClassification' model, but requires some modification since it contains a BERT classification head rather than the standard ELECTRA classification head. See the TFElectraRelevanceHead in the Capreolus BERT-MaxP implementation for a usage example. This corresponds to the ELECTRA-Base model used to initialize PARADE (ELECTRA) in PARADE: Passage Representation Aggregation for Document Reranking by Li et al. It was converted from the released TFv1 checkpoint. Please cite the PARADE paper if you use these weights.
[ "# capreolus/electra-base-msmarco", "## Model description\nELECTRA-Base model ('google/electra-base-discriminator') fine-tuned on the MS MARCO passage classification task. It is intended to be used as a 'ForSequenceClassification' model, but requires some modification since it contains a BERT classification head rather than the standard ELECTRA classification head. See the TFElectraRelevanceHead in the Capreolus BERT-MaxP implementation for a usage example.\n\nThis corresponds to the ELECTRA-Base model used to initialize PARADE (ELECTRA) in PARADE: Passage Representation Aggregation for Document Reranking by Li et al. It was converted from the released TFv1 checkpoint. Please cite the PARADE paper if you use these weights." ]
[ "TAGS\n#transformers #pytorch #tf #electra #text-classification #arxiv-2008.09093 #autotrain_compatible #endpoints_compatible #region-us \n", "# capreolus/electra-base-msmarco", "## Model description\nELECTRA-Base model ('google/electra-base-discriminator') fine-tuned on the MS MARCO passage classification task. It is intended to be used as a 'ForSequenceClassification' model, but requires some modification since it contains a BERT classification head rather than the standard ELECTRA classification head. See the TFElectraRelevanceHead in the Capreolus BERT-MaxP implementation for a usage example.\n\nThis corresponds to the ELECTRA-Base model used to initialize PARADE (ELECTRA) in PARADE: Passage Representation Aggregation for Document Reranking by Li et al. It was converted from the released TFv1 checkpoint. Please cite the PARADE paper if you use these weights." ]
[ 48, 13, 179 ]
[ "passage: TAGS\n#transformers #pytorch #tf #electra #text-classification #arxiv-2008.09093 #autotrain_compatible #endpoints_compatible #region-us \n# capreolus/electra-base-msmarco## Model description\nELECTRA-Base model ('google/electra-base-discriminator') fine-tuned on the MS MARCO passage classification task. It is intended to be used as a 'ForSequenceClassification' model, but requires some modification since it contains a BERT classification head rather than the standard ELECTRA classification head. See the TFElectraRelevanceHead in the Capreolus BERT-MaxP implementation for a usage example.\n\nThis corresponds to the ELECTRA-Base model used to initialize PARADE (ELECTRA) in PARADE: Passage Representation Aggregation for Document Reranking by Li et al. It was converted from the released TFv1 checkpoint. Please cite the PARADE paper if you use these weights." ]
[ -0.01738380827009678, 0.06763877719640732, -0.0032753555569797754, 0.044870760291814804, 0.15235182642936707, 0.021616371348500252, 0.07888488471508026, 0.09098510444164276, -0.0671965554356575, -0.0233543049544096, 0.04148927703499794, 0.13832920789718628, 0.04194902628660202, 0.1374274492263794, -0.03673538565635681, -0.2007209211587906, 0.008212575688958168, 0.069255530834198, -0.045273322612047195, 0.09863440692424774, 0.14714400470256805, -0.03793857619166374, 0.12221816182136536, 0.03188503161072731, -0.07226300984621048, 0.1162930577993393, 0.06557130813598633, -0.11040399223566055, 0.12728077173233032, 0.09159468859434128, 0.1292707622051239, 0.03591344878077507, 0.05126902088522911, -0.06315962970256805, 0.02534477412700653, 0.08400816470384598, -0.08243133127689362, 0.08548755198717117, 0.05780687555670738, -0.013190103694796562, 0.2387719452381134, -0.02325374074280262, 0.04212360084056854, 0.03578198328614235, -0.07042936235666275, -0.10361786931753159, -0.10672184079885483, 0.06569426506757736, 0.056779976934194565, 0.057210084050893784, 0.03278535231947899, 0.14690300822257996, 0.01842944696545601, 0.09743086248636246, 0.14921939373016357, -0.23931251466274261, -0.016401704400777817, 0.08390025049448013, -0.07518235594034195, -0.0030288139823824167, -0.013597323559224606, 0.03936676308512688, 0.05589262768626213, 0.05459610000252724, 0.13247303664684296, -0.09399253129959106, -0.1774248480796814, 0.006481930613517761, -0.1430610865354538, -0.02366786077618599, 0.26960599422454834, -0.0656774714589119, -0.08736472576856613, 0.02838190644979477, -0.10452853888273239, 0.04167202115058899, 0.0607181154191494, -0.06116731837391853, -0.011657629162073135, 0.0059478385373950005, 0.08128628134727478, -0.11248873174190521, -0.08841029554605484, -0.07144062221050262, -0.1817549616098404, 0.10791151970624924, -0.0023469391744583845, 0.050665635615587234, -0.022669613361358643, 0.09000031650066376, -0.03134515509009361, -0.021834585815668106, 0.00048596030683256686, -0.05363908037543297, 0.005515476688742638, -0.021443236619234085, -0.05727526545524597, -0.20374108850955963, -0.060440994799137115, 0.08995254337787628, 0.05412701144814491, -0.01610948145389557, -0.05396220088005066, 0.04745500907301903, 0.008536159992218018, 0.11742089688777924, -0.08243372291326523, 0.023428617045283318, 0.07203558832406998, -0.11263897269964218, 0.010551092214882374, -0.028170084580779076, -0.10666133463382721, -0.047981612384319305, 0.06438122689723969, 0.0471869632601738, -0.06085335090756416, 0.08241888880729675, -0.009727460332214832, -0.0880168229341507, 0.11744045466184616, -0.141988605260849, -0.06167163699865341, -0.0626496747136116, -0.01641741767525673, 0.10914792865514755, 0.1658589392900467, -0.04225516319274902, -0.04313201457262039, 0.04438367486000061, -0.1021510660648346, -0.05366060510277748, -0.047642532736063004, -0.14982345700263977, 0.008457830175757408, -0.15062303841114044, -0.037264320999383926, -0.21639591455459595, -0.21613478660583496, 0.016190139576792717, 0.013714075088500977, 0.05857640132308006, 0.03423936292529106, 0.038768261671066284, 0.023951802402734756, -0.014138256199657917, 0.0012171863345429301, -0.009275926277041435, -0.013237341307103634, 0.05502116307616234, -0.08074697107076645, 0.04472430795431137, -0.17920516431331635, 0.04328722134232521, -0.06934641301631927, -0.020121866837143898, -0.1889577955007553, 0.011148595251142979, 0.017736580222845078, 0.01684018410742283, -0.13009494543075562, -0.08604159951210022, -0.007797555532306433, -0.009026449173688889, 0.027784088626503944, 0.08352869749069214, -0.2378152310848236, -0.05356842279434204, 0.060489851981401443, -0.2001529037952423, -0.046861182898283005, 0.03935940936207771, -0.026760071516036987, 0.09973105788230896, 0.09602992236614227, 0.07201691716909409, 0.0900338739156723, -0.12087628245353699, -0.008101362735033035, -0.02112257480621338, -0.08244167268276215, -0.07117092609405518, 0.06997094303369522, -0.04012664780020714, -0.1559249609708786, -0.015247326344251633, -0.10007523000240326, 0.04467974603176117, -0.02337430976331234, 0.014330928213894367, 0.0034331155475229025, -0.0038804521318525076, 0.014295666478574276, -0.034584011882543564, 0.03256288170814514, 0.011044754646718502, -0.015677204355597496, 0.15203236043453217, 0.061118703335523605, -0.053815025836229324, 0.06092843785881996, -0.0625232458114624, 0.0914033055305481, -0.060235362499952316, 0.01150998380035162, -0.16078293323516846, -0.036474116146564484, -0.013364850543439388, 0.06910243630409241, 0.03546294942498207, 0.09499286860227585, 0.0008214000263251364, -0.028391892090439796, -0.050813205540180206, 0.05747475102543831, 0.032721880823373795, -0.019470784813165665, -0.03447968140244484, -0.07746637612581253, -0.04301511123776436, -0.013368343003094196, -0.007417341694235802, -0.11125651001930237, 0.0188894085586071, 0.11122730374336243, 0.06545185297727585, 0.06898634135723114, 0.002686314284801483, 0.009817049838602543, 0.011364211328327656, -0.08872993290424347, -0.04850905016064644, 0.02332424931228161, 0.043925464153289795, -0.07131475955247879, 0.16066457331180573, -0.13980098068714142, 0.08986581861972809, 0.10513041168451309, -0.06563860177993774, -0.10284226387739182, 0.018909558653831482, -0.030128182843327522, 0.028555696830153465, -0.0062147947028279305, -0.03532928228378296, 0.1205688938498497, -0.030371950939297676, 0.16444076597690582, -0.10687283426523209, -0.023778025060892105, 0.03957699239253998, 0.01772993430495262, -0.03188970312476158, 0.016419334337115288, 0.05081486329436302, -0.16404658555984497, 0.023811781778931618, 0.10466356575489044, -0.012238163501024246, 0.15940223634243011, 0.02765287645161152, -0.05295635387301445, 0.0031815115362405777, -0.05446656793355942, 0.036101944744586945, 0.01248080562800169, 0.01558787189424038, -0.014724113047122955, 0.06321568042039871, 0.028561417013406754, 0.011310053989291191, -0.0764826089143753, 0.031156767159700394, 0.04680245369672775, -0.0073959738947451115, 0.01091037131845951, 0.05323464050889015, -0.013961796648800373, 0.11297813802957535, -0.0026229999493807554, -0.0436396561563015, -0.002204315038397908, 0.007871316745877266, -0.14773468673229218, 0.16067227721214294, -0.12098725140094757, -0.23275822401046753, -0.14703457057476044, -0.013184132054448128, -0.02523595280945301, 0.04642641544342041, 0.021102111786603928, 0.00008138953126035631, -0.07043478637933731, -0.08176127076148987, 0.0465518943965435, -0.04513855651021004, 0.05510294437408447, -0.01295903418213129, -0.009514812380075455, 0.00835286546498537, -0.11444292962551117, -0.004107749555259943, -0.030783575028181076, -0.10648009181022644, 0.025094300508499146, -0.1158108338713646, 0.11898918449878693, 0.1250285506248474, -0.0951729491353035, 0.037326328456401825, -0.0781870111823082, 0.08819752186536789, -0.03665360063314438, 0.07679335027933121, 0.17977523803710938, -0.015220354311168194, -0.004353980999439955, 0.043951649218797684, -0.022043641656637192, -0.034199174493551254, 0.04732275381684303, 0.03325871378183365, -0.11034267395734787, -0.2499609738588333, -0.08659876883029938, -0.06634664535522461, -0.040911462157964706, 0.07857383787631989, 0.0705987811088562, 0.0930924117565155, 0.06421724706888199, 0.023935100063681602, 0.0822700560092926, -0.016253426671028137, 0.0722905695438385, 0.14091622829437256, -0.014984345994889736, 0.10971993207931519, -0.09736868739128113, -0.05397232249379158, 0.15637412667274475, -0.051985859870910645, 0.17787759006023407, -0.022787919268012047, 0.007035647984594107, 0.07408315688371658, 0.025134935975074768, 0.03965317830443382, 0.18076524138450623, -0.058492500334978104, 0.02228054776787758, -0.06090785935521126, -0.0852074921131134, -0.06616305559873581, 0.045742642134428024, -0.056650158017873764, 0.02448229305446148, -0.0863012820482254, -0.0695875957608223, 0.007628345396369696, 0.17560690641403198, 0.037184763699769974, -0.24135959148406982, -0.025776468217372894, -0.04214350879192352, 0.0030622370541095734, -0.04283958673477173, 0.021973449736833572, 0.02206416428089142, -0.10104764252901077, 0.14169220626354218, -0.02180485799908638, 0.07205545902252197, -0.07508514076471329, -0.03034058026969433, -0.00020671587844844908, -0.04618063569068909, -0.04668073356151581, 0.038001324981451035, -0.19148783385753632, 0.18079859018325806, 0.054817359894514084, -0.01725761406123638, -0.053350429981946945, -0.009384470991790295, 0.05237908661365509, 0.1346602737903595, 0.09841221570968628, 0.01000217255204916, -0.02957717701792717, -0.10709252953529358, -0.02992549166083336, 0.013882198370993137, 0.048490218818187714, -0.09266068786382675, 0.0745406374335289, -0.07155025005340576, 0.015198690816760063, 0.0008159311837516725, 0.1578999161720276, -0.08442682772874832, -0.09601642191410065, 0.06902196258306503, 0.12834227085113525, 0.002414655638858676, -0.02437749132514, -0.10648775100708008, 0.04372752457857132, 0.15373367071151733, -0.13789334893226624, -0.09744014590978622, -0.1752796620130539, -0.030593538656830788, 0.10102438181638718, -0.06340300291776657, 0.1153545081615448, -0.049209848046302795, 0.07134238630533218, -0.030680108815431595, -0.19755254685878754, 0.06452163308858871, -0.05761008709669113, -0.05415908992290497, -0.000364428386092186, 0.07456392049789429, 0.015616140328347683, 0.02272934466600418, 0.05096440762281418, 0.035725802183151245, 0.009043499827384949, -0.07098548859357834, -0.036639709025621414, 0.058199603110551834, 0.09576492756605148, 0.08738154172897339, -0.10222325474023819, -0.019536402076482773, -0.004033532924950123, 0.021509530022740364, 0.09625281393527985, 0.03871697559952736, -0.04601917788386345, 0.07430149614810944, 0.04612110182642937, -0.11038129031658173, -0.20870764553546906, -0.027499299496412277, 0.010735525749623775, -0.015179816633462906, 0.0035960946697741747, -0.1405477225780487, 0.028324903920292854, 0.060548875480890274, -0.0006920857122167945, 0.1081865057349205, -0.09510375559329987, -0.08736258000135422, 0.10725969821214676, 0.0066715083085000515, 0.1442047357559204, -0.12909235060214996, -0.047895342111587524, -0.008812840096652508, -0.10421672463417053, 0.13857893645763397, -0.022248530760407448, 0.07271919399499893, -0.029894504696130753, 0.02787783183157444, 0.033383503556251526, -0.000002021205773417023, 0.032105688005685806, -0.006192620377987623, 0.05620305612683296, -0.07003730535507202, -0.02568637952208519, 0.04001864790916443, -0.053531527519226074, 0.13855737447738647, 0.04399355500936508, 0.08251360058784485, -0.14887495338916779, -0.04042171314358711, -0.0519050657749176, 0.08730827271938324, 0.04956810176372528, -0.08126716315746307, -0.07788588851690292, 0.027037324383854866, 0.02034025453031063, -0.025407420471310616, 0.19533954560756683, -0.03706323355436325, 0.15688268840312958, 0.12077441811561584, 0.06158285588026047, -0.050206948071718216, -0.028396572917699814, -0.023057671263813972, -0.04392673820257187, 0.0918007344007492, -0.113876573741436, 0.08207989484071732, 0.0999651774764061, 0.03948776796460152, 0.09958071261644363, 0.07184483110904694, -0.04294166713953018, -0.02231685258448124, 0.10287414491176605, -0.1828971654176712, 0.1204020157456398, -0.062122948467731476, 0.04989036172628403, -0.005668956320732832, 0.08038970082998276, 0.21203772723674774, -0.0657334178686142, -0.008385678753256798, 0.01418723538517952, -0.026473818346858025, -0.011032880283892155, 0.0776272863149643, 0.09061971306800842, -0.018535103648900986, -0.06599581986665726, 0.09465321153402328, 0.07999017834663391, -0.017268558964133263, 0.04525412619113922, -0.004833261016756296, -0.12317542731761932, -0.04976404458284378, -0.026005173102021217, 0.09964579343795776, -0.26638612151145935, -0.05360671877861023, -0.07938657701015472, -0.07534215599298477, 0.044016145169734955, 0.25543978810310364, 0.08079613000154495, 0.08609342575073242, -0.07664012163877487, -0.05150848999619484, -0.035044923424720764, -0.008579738438129425, -0.05698821321129799, 0.015045864507555962, -0.11186298727989197, 0.1607666313648224, 0.01936926506459713, 0.07745934277772903, -0.06269163638353348, -0.014855889603495598, -0.03328341618180275, -0.008623738773167133, 0.011225410737097263, 0.024921320378780365, 0.007791270036250353, -0.026273470371961594, 0.01147470809519291, 0.02597055770456791, -0.055078957229852676, 0.023068105801939964, -0.04918380826711655, 0.009324867278337479, -0.014067823067307472, 0.04756713658571243, -0.07240192592144012, -0.07191897928714752, -0.023082707077264786, -0.01918325573205948, 0.06607590615749359, 0.004203430842608213, -0.0043649268336594105, 0.05153322592377663, -0.06071197986602783, -0.018609078601002693, 0.06623423844575882, 0.006916331592947245, 0.022890474647283554, -0.07722543179988861, 0.0450529046356678, 0.04479300230741501, -0.034083619713783264, -0.0073385220021009445, 0.014333231374621391, -0.0931386724114418, 0.014760409481823444, -0.02590925432741642, -0.009765664115548134, -0.02247808687388897, 0.027153564617037773, 0.04058617725968361, 0.12113338708877563, 0.03746119886636734, -0.05052069202065468, 0.017366698011755943, -0.1276288777589798, -0.019885335117578506, -0.028065577149391174, -0.038998354226350784, -0.12502475082874298, -0.04050782322883606, -0.016010679304599762, -0.006607642397284508, 0.16371110081672668, 0.07273363322019577, 0.03367641568183899, 0.022858506068587303, 0.06644239276647568, 0.027822287753224373, -0.07160791009664536, 0.20278336107730865, 0.01803136058151722, -0.001423091976903379, 0.02455519326031208, 0.06860562413930893, 0.016917109489440918, 0.0389554388821125, 0.15758422017097473, 0.016540084034204483, -0.05285393074154854, 0.05134923756122589, -0.04728621616959572, -0.01794343627989292, 0.025685656815767288, -0.14234115183353424, 0.048004426062107086, 0.06554420292377472, 0.02849939838051796, 0.020957160741090775, 0.13228267431259155, -0.10670482367277145, 0.03725658357143402, 0.07954443246126175, 0.010973023250699043, -0.1508578658103943, -0.07500139623880386, -0.05946741998195648, -0.057370539754629135, -0.035161979496479034, -0.11985326558351517, 0.008722788654267788, 0.08747927099466324, 0.014662972651422024, 0.014313874766230583, 0.027362406253814697, -0.1607416868209839, -0.14437590539455414, 0.09887152910232544, 0.033376067876815796, 0.007394534070044756, -0.06957538425922394, 0.017226602882146835, 0.035292863845825195, 0.019510608166456223, -0.008704536594450474, 0.02636812813580036, 0.1085156798362732, 0.04325980693101883, -0.002729608677327633, -0.04851606860756874, -0.018379872664809227, 0.007705147843807936, 0.027737660333514214, 0.10872884839773178, -0.015091132372617722, -0.029129989445209503, 0.0028200633823871613, 0.12710994482040405, -0.020913314074277878, 0.04175007343292236, -0.07988156378269196, 0.26495417952537537, 0.04896683990955353, 0.05649380013346672, -0.0028293614741414785, -0.07562405616044998, -0.021235862746834755, 0.2359256148338318, 0.1520584225654602, 0.018583692610263824, 0.0037628822028636932, 0.0015188842080533504, 0.01801937445998192, 0.11117944866418839, 0.0918734222650528, 0.02585580199956894, 0.21441490948200226, 0.003629698883742094, -0.026782335713505745, -0.08806334435939789, 0.10196500271558762, -0.006583849899470806, 0.06767293065786362, -0.005604881327599287, -0.03714815899729729, 0.0002055020595435053, 0.05946553125977516, 0.02010907046496868, -0.1843506097793579, 0.029270067811012268, -0.10970999300479889, -0.039758194237947464, -0.05484600365161896, -0.06930261105298996, -0.0034188907593488693, 0.029055986553430557, -0.0633959099650383, -0.004168490879237652, 0.11900701373815536, 0.03299300745129585, -0.19144517183303833, -0.15419870615005493, 0.0873839482665062, 0.00003081827890127897, 0.11162600666284561, -0.06738219410181046, 0.02733844518661499, 0.048162490129470825, 0.009434294886887074, -0.06333205848932266, 0.057487573474645615, -0.04213375225663185, 0.004808566998690367, 0.03182847425341606, -0.004012311343103647, -0.0166238434612751, 0.039795614778995514, -0.0024131760001182556, -0.06218406930565834, 0.050774212926626205, 0.0794958621263504, -0.07319436222314835, -0.05380719155073166, 0.05565521866083145, -0.12153048813343048, 0.12038008123636246, 0.11860278993844986, -0.015554815530776978, 0.030248194932937622, -0.11976628750562668, 0.005321416538208723, 0.07535330951213837, -0.07891949266195297, 0.010161037556827068, -0.030145244672894478, 0.008989781141281128, -0.12432165443897247, -0.043664101511240005, -0.301980584859848, 0.01827462576329708, -0.09431003034114838, -0.08145377784967422, -0.07685741782188416, 0.049759455025196075, -0.04455571994185448, 0.056690458208322525, -0.0004786058852914721, -0.0026333883870393038, 0.026824036613106728, 0.02517235092818737, -0.14403195679187775, -0.06053498387336731 ]
null
null
transformers
# Master Thesis ## Predictive Value of Sentiment Analysis from Headlines for Crude Oil Prices ### Understanding and Exploiting Deep Learning-based Sentiment Analysis from News Headlines for Predicting Price Movements of WTI Crude Oil The focus of this thesis deals with the task of research and development of state-of-the-art sentiment analysis methods, which can potentially provide helpful quantification of news that can be used to assess the future price movements of crude oil. CrudeBERT is a pre-trained NLP model to analyze sentiment of news headlines relevant to crude oil. It was developed by fine tuning [FinBERT: Financial Sentiment Analysis with Pre-trained Language Models](https://arxiv.org/pdf/1908.10063.pdf). ![CrudeBERT comparison_white_2](https://user-images.githubusercontent.com/42164041/135273552-4a9c4457-70e4-48d0-ac97-169daefab79e.png) Performing sentiment analysis on the news regarding a specific asset requires domain adaptation. Domain adaptation requires training data made up of examples with text and its associated polarity of sentiment. The experiments show that pre-trained deep learning-based sentiment analysis can be further fine-tuned, and the conclusions of these experiments are as follows: * Deep learning-based sentiment analysis models from the general financial world such as FinBERT are of little or hardly any significance concerning the price development of crude oil. The reason behind this is a lack of domain adaptation of the sentiment. Moreover, the polarity of sentiment cannot be generalized and is highly dependent on the properties of its target. * The properties of crude oil prices are, according to the literature, determined by changes in supply and demand. News can convey information about these direction changes and can broadly be identified through query searches and serve as a foundation for creating a training dataset to perform domain adaptation. For this purpose, news headlines tend to be rich enough in content to provide insights into supply and demand changes. Even when significantly reducing the number of headlines to more reputable sources. * Domain adaptation can be achieved to some extend by analyzing the properties of the target through literature review and creating a corresponding training dataset to fine-tune the model. For example, considering supply and demand changes regarding crude oil seems to be a suitable component for a domain adaptation. In order to advance sentiment analysis applications in the domain of crude oil, this paper presents CrudeBERT. In general, sentiment analysis of headlines from crude oil through CrudeBERT could be a viable source of insight for the price behaviour of WTI crude oil. However, further research is required to see if CrudeBERT can serve as beneficial for predicting oil prices. For this matter, the codes and the thesis is made publicly available on [GitHub] (https://github.com/Captain-1337/Master-Thesis).
{}
text-classification
Captain-1337/CrudeBERT
[ "transformers", "pytorch", "bert", "text-classification", "arxiv:1908.10063", "autotrain_compatible", "endpoints_compatible", "region:us" ]
2022-03-02T23:29:04+00:00
[ "1908.10063" ]
[]
TAGS #transformers #pytorch #bert #text-classification #arxiv-1908.10063 #autotrain_compatible #endpoints_compatible #region-us
# Master Thesis ## Predictive Value of Sentiment Analysis from Headlines for Crude Oil Prices ### Understanding and Exploiting Deep Learning-based Sentiment Analysis from News Headlines for Predicting Price Movements of WTI Crude Oil The focus of this thesis deals with the task of research and development of state-of-the-art sentiment analysis methods, which can potentially provide helpful quantification of news that can be used to assess the future price movements of crude oil. CrudeBERT is a pre-trained NLP model to analyze sentiment of news headlines relevant to crude oil. It was developed by fine tuning FinBERT: Financial Sentiment Analysis with Pre-trained Language Models. !CrudeBERT comparison_white_2 Performing sentiment analysis on the news regarding a specific asset requires domain adaptation. Domain adaptation requires training data made up of examples with text and its associated polarity of sentiment. The experiments show that pre-trained deep learning-based sentiment analysis can be further fine-tuned, and the conclusions of these experiments are as follows: * Deep learning-based sentiment analysis models from the general financial world such as FinBERT are of little or hardly any significance concerning the price development of crude oil. The reason behind this is a lack of domain adaptation of the sentiment. Moreover, the polarity of sentiment cannot be generalized and is highly dependent on the properties of its target. * The properties of crude oil prices are, according to the literature, determined by changes in supply and demand. News can convey information about these direction changes and can broadly be identified through query searches and serve as a foundation for creating a training dataset to perform domain adaptation. For this purpose, news headlines tend to be rich enough in content to provide insights into supply and demand changes. Even when significantly reducing the number of headlines to more reputable sources. * Domain adaptation can be achieved to some extend by analyzing the properties of the target through literature review and creating a corresponding training dataset to fine-tune the model. For example, considering supply and demand changes regarding crude oil seems to be a suitable component for a domain adaptation. In order to advance sentiment analysis applications in the domain of crude oil, this paper presents CrudeBERT. In general, sentiment analysis of headlines from crude oil through CrudeBERT could be a viable source of insight for the price behaviour of WTI crude oil. However, further research is required to see if CrudeBERT can serve as beneficial for predicting oil prices. For this matter, the codes and the thesis is made publicly available on [GitHub] (URL
[ "# Master Thesis", "## Predictive Value of Sentiment Analysis from Headlines for Crude Oil Prices", "### Understanding and Exploiting Deep Learning-based Sentiment Analysis from News Headlines for Predicting Price Movements of WTI Crude Oil\n\nThe focus of this thesis deals with the task of research and development of state-of-the-art sentiment analysis methods, which can potentially provide helpful quantification of news that can be used to assess the future price movements of crude oil. \n\nCrudeBERT is a pre-trained NLP model to analyze sentiment of news headlines relevant to crude oil. \nIt was developed by fine tuning FinBERT: Financial Sentiment Analysis with Pre-trained Language Models.\n\n!CrudeBERT comparison_white_2\n\nPerforming sentiment analysis on the news regarding a specific asset requires domain adaptation. \nDomain adaptation requires training data made up of examples with text and its associated polarity of sentiment. \nThe experiments show that pre-trained deep learning-based sentiment analysis can be further fine-tuned, and the conclusions of these experiments are as follows: \n\n* Deep learning-based sentiment analysis models from the general financial world such as FinBERT are of little or hardly any significance concerning the price development of crude oil. The reason behind this is a lack of domain adaptation of the sentiment. Moreover, the polarity of sentiment cannot be generalized and is highly dependent on the properties of its target. \n\n* The properties of crude oil prices are, according to the literature, determined by changes in supply and demand. \nNews can convey information about these direction changes and can broadly be identified through query searches and serve as a foundation for creating a training dataset to perform domain adaptation. For this purpose, news headlines tend to be rich enough in content to provide insights into supply and demand changes. \nEven when significantly reducing the number of headlines to more reputable sources. \n\n* Domain adaptation can be achieved to some extend by analyzing the properties of the target through literature review and creating a corresponding training dataset to fine-tune the model. For example, considering supply and demand changes regarding crude oil seems to be a suitable component for a domain adaptation. \n\nIn order to advance sentiment analysis applications in the domain of crude oil, this paper presents CrudeBERT. \nIn general, sentiment analysis of headlines from crude oil through CrudeBERT could be a viable source of insight for the price behaviour of WTI crude oil. \nHowever, further research is required to see if CrudeBERT can serve as beneficial for predicting oil prices. \nFor this matter, the codes and the thesis is made publicly available on [GitHub] (URL" ]
[ "TAGS\n#transformers #pytorch #bert #text-classification #arxiv-1908.10063 #autotrain_compatible #endpoints_compatible #region-us \n", "# Master Thesis", "## Predictive Value of Sentiment Analysis from Headlines for Crude Oil Prices", "### Understanding and Exploiting Deep Learning-based Sentiment Analysis from News Headlines for Predicting Price Movements of WTI Crude Oil\n\nThe focus of this thesis deals with the task of research and development of state-of-the-art sentiment analysis methods, which can potentially provide helpful quantification of news that can be used to assess the future price movements of crude oil. \n\nCrudeBERT is a pre-trained NLP model to analyze sentiment of news headlines relevant to crude oil. \nIt was developed by fine tuning FinBERT: Financial Sentiment Analysis with Pre-trained Language Models.\n\n!CrudeBERT comparison_white_2\n\nPerforming sentiment analysis on the news regarding a specific asset requires domain adaptation. \nDomain adaptation requires training data made up of examples with text and its associated polarity of sentiment. \nThe experiments show that pre-trained deep learning-based sentiment analysis can be further fine-tuned, and the conclusions of these experiments are as follows: \n\n* Deep learning-based sentiment analysis models from the general financial world such as FinBERT are of little or hardly any significance concerning the price development of crude oil. The reason behind this is a lack of domain adaptation of the sentiment. Moreover, the polarity of sentiment cannot be generalized and is highly dependent on the properties of its target. \n\n* The properties of crude oil prices are, according to the literature, determined by changes in supply and demand. \nNews can convey information about these direction changes and can broadly be identified through query searches and serve as a foundation for creating a training dataset to perform domain adaptation. For this purpose, news headlines tend to be rich enough in content to provide insights into supply and demand changes. \nEven when significantly reducing the number of headlines to more reputable sources. \n\n* Domain adaptation can be achieved to some extend by analyzing the properties of the target through literature review and creating a corresponding training dataset to fine-tune the model. For example, considering supply and demand changes regarding crude oil seems to be a suitable component for a domain adaptation. \n\nIn order to advance sentiment analysis applications in the domain of crude oil, this paper presents CrudeBERT. \nIn general, sentiment analysis of headlines from crude oil through CrudeBERT could be a viable source of insight for the price behaviour of WTI crude oil. \nHowever, further research is required to see if CrudeBERT can serve as beneficial for predicting oil prices. \nFor this matter, the codes and the thesis is made publicly available on [GitHub] (URL" ]
[ 44, 4, 19, 570 ]
[ "passage: TAGS\n#transformers #pytorch #bert #text-classification #arxiv-1908.10063 #autotrain_compatible #endpoints_compatible #region-us \n# Master Thesis## Predictive Value of Sentiment Analysis from Headlines for Crude Oil Prices" ]
[ -0.060300037264823914, 0.10362080484628677, -0.005773745942860842, -0.0272231362760067, 0.09155101329088211, 0.029035568237304688, -0.04775090515613556, 0.1556524783372879, 0.05868981406092644, 0.09924288839101791, 0.13715140521526337, 0.14843609929084778, -0.03585870563983917, 0.11810030043125153, -0.04325081780552864, -0.24269424378871918, -0.0003862339654006064, 0.001121998648159206, 0.25052958726882935, 0.17977994680404663, 0.042378269135951996, -0.14556926488876343, 0.1243346631526947, -0.016646578907966614, -0.10286113619804382, -0.031181808561086655, 0.06689658015966415, -0.1610410064458847, 0.1039864644408226, 0.02963397651910782, 0.11970388889312744, 0.029412375763058662, 0.09766021370887756, -0.10179326683282852, 0.05865224823355675, -0.026778172701597214, -0.09286275506019592, 0.09457697719335556, 0.10976787656545639, -0.12182065844535828, 0.09538812190294266, 0.03009210340678692, 0.1148294061422348, 0.03667142614722252, -0.1995360255241394, -0.10226131975650787, 0.05772949755191803, 0.010033168829977512, 0.0958356186747551, 0.0546710230410099, -0.04929458349943161, 0.16150759160518646, -0.1547013223171234, 0.020309854298830032, 0.2013903707265854, -0.1576056331396103, -0.03959802910685539, -0.025191668421030045, -0.0792538970708847, -0.0022585790138691664, -0.11983462423086166, 0.04514637216925621, -0.020091967657208443, -0.08871420472860336, -0.000579245388507843, -0.01254819706082344, -0.12755995988845825, 0.0758800134062767, -0.090016208589077, -0.015945151448249817, 0.2472621351480484, 0.13026946783065796, 0.0172701608389616, -0.02157931588590145, -0.0300398301333189, -0.15693099796772003, -0.08753366023302078, -0.08803354948759079, 0.06935244798660278, 0.013293777592480183, 0.04095432534813881, 0.21947714686393738, -0.1403352916240692, 0.08165870606899261, -0.2595059871673584, 0.23380687832832336, -0.05664323270320892, 0.04972441494464874, 0.02708120457828045, 0.12609735131263733, -0.1358557492494583, -0.01906086690723896, -0.1159956082701683, -0.12640835344791412, 0.07173042744398117, -0.03582356497645378, 0.004960056859999895, 0.13717573881149292, -0.06055796146392822, -0.024533549323678017, 0.028479404747486115, -0.0319388285279274, 0.09929168969392776, 0.016652211546897888, 0.09298043698072433, 0.09459154307842255, -0.002756393514573574, -0.03104398585855961, -0.004739693365991116, 0.08408328890800476, 0.005923866294324398, 0.06773905456066132, -0.04749472439289093, 0.03165162354707718, 0.06668145954608917, 0.0660976693034172, -0.07277731597423553, 0.00961820874363184, -0.23798257112503052, 0.06163753941655159, 0.003238900564610958, -0.03378995135426521, -0.002386447973549366, 0.006458064075559378, -0.06608253717422485, 0.17081062495708466, 0.026746569201350212, 0.03874419629573822, 0.06535778939723969, 0.13836589455604553, -0.14518505334854126, -0.0023189543280750513, 0.0004265180032234639, 0.028163710609078407, 0.08741069585084915, 0.010557261295616627, 0.10387682914733887, -0.1592591553926468, -0.08286810666322708, 0.03643561154603958, 0.043843645602464676, -0.07213044166564941, -0.0328076146543026, -0.02657627873122692, -0.004948026034981012, -0.0015818894607946277, 0.009239856153726578, 0.07154907286167145, -0.16182929277420044, 0.029838208109140396, 0.0803118422627449, 0.08020200580358505, 0.16736795008182526, -0.034015730023384094, -0.11475732922554016, -0.11586011946201324, -0.010561814531683922, 0.09147849678993225, 0.021068772301077843, 0.16593751311302185, -0.03336375951766968, -0.09880206733942032, -0.16642601788043976, -0.047284435480833054, -0.03729705512523651, 0.18609090149402618, -0.08874828368425369, -0.1740533858537674, 0.12484318763017654, 0.02645000070333481, -0.08177921175956726, -0.02485063299536705, -0.03301583230495453, 0.058864858001470566, 0.0961066335439682, -0.0920412540435791, -0.09678282588720322, -0.16055895388126373, -0.004098068922758102, 0.15189149975776672, -0.0610111802816391, 0.07302062958478928, 0.11065016686916351, 0.08379533886909485, -0.1254720836877823, 0.016724856570363045, 0.17239432036876678, 0.03933999314904213, -0.07828352600336075, -0.05148295685648918, 0.0733509436249733, 0.038289714604616165, -0.018296876922249794, 0.08025753498077393, -0.02444186806678772, -0.07658466696739197, -0.1447470635175705, -0.08610601723194122, 0.031914252787828445, 0.160711407661438, -0.043549370020627975, -0.0688260942697525, -0.025336768478155136, -0.15997201204299927, -0.00867728516459465, -0.13415610790252686, 0.03547309339046478, -0.03309885784983635, 0.1084325984120369, -0.0031512007117271423, 0.06948784738779068, 0.012848787009716034, -0.10910353064537048, 0.035261865705251694, -0.022273484617471695, -0.04377086088061333, 0.0441134050488472, -0.006391745526343584, -0.2058447003364563, 0.08017057925462723, -0.04978236183524132, -0.005492556374520063, 0.005611749365925789, -0.04074694216251373, 0.18539287149906158, -0.0506020113825798, 0.0019261478446424007, 0.033798571676015854, 0.052555765956640244, 0.028050826862454414, -0.013567827641963959, 0.06866147369146347, 0.06287532299757004, -0.12452618032693863, -0.11547297984361649, 0.051126595586538315, -0.18840205669403076, 0.3431044816970825, 0.1589694321155548, -0.21416081488132477, -0.030221475288271904, -0.033445198088884354, -0.016722755506634712, -0.008682065643370152, 0.0823608934879303, 0.057737190276384354, -0.021501144394278526, -0.0386853888630867, 0.02211126498878002, -0.10500434041023254, 0.009626968763768673, 0.044357869774103165, -0.0022031408734619617, -0.13623899221420288, 0.06333455443382263, -0.02753429301083088, -0.10524594783782959, 0.037066854536533356, 0.16620853543281555, 0.16200415790081024, -0.03317281976342201, 0.015551174990832806, 0.00675470195710659, -0.05665509030222893, -0.22724474966526031, -0.037133242934942245, 0.08414977788925171, -0.053851399570703506, -0.09518793970346451, 0.006210737861692905, -0.007387334946542978, -0.06660840660333633, -0.15204480290412903, -0.08507466316223145, 0.041689157485961914, 0.06400742381811142, -0.03495587408542633, 0.0736987292766571, 0.058775536715984344, 0.11228866130113602, 0.005989531520754099, -0.0033208937384188175, -0.031665951013565063, -0.11429132521152496, -0.08578407764434814, 0.16423743963241577, -0.08489403128623962, -0.17977911233901978, -0.036401644349098206, -0.17960816621780396, 0.04007863253355026, 0.013405757024884224, 0.09205801039934158, -0.1239270344376564, -0.10755489766597748, -0.010611224919557571, 0.07854694873094559, 0.08743133395910263, 0.0058607906103134155, 0.048349570482969284, -0.06127522885799408, -0.02133982442319393, -0.10967383533716202, -0.06478801369667053, -0.12679225206375122, -0.04722036421298981, 0.0598037987947464, -0.08207333087921143, 0.07339480519294739, 0.11594153940677643, 0.017625683918595314, 0.029021872207522392, -0.006132172886282206, 0.25528204441070557, -0.03065664879977703, -0.08247672021389008, 0.11510607600212097, 0.061694517731666565, 0.13169479370117188, 0.09850423038005829, 0.0868091955780983, -0.11515048146247864, 0.033748824149370193, -0.006840221118181944, -0.033932432532310486, -0.11025834083557129, -0.07405480742454529, -0.03470305725932121, 0.012456423602998257, 0.05277933180332184, -0.05582626536488533, -0.014847313053905964, 0.045694150030612946, -0.08260288089513779, -0.10536303371191025, -0.028947433456778526, 0.06036233901977539, 0.15322142839431763, -0.0478808730840683, 0.05641595646739006, -0.07365016639232635, -0.0073004234582185745, 0.20758680999279022, -0.14684203267097473, -0.0327073410153389, 0.11710324883460999, 0.13922074437141418, -0.012865365482866764, 0.09064294397830963, 0.13141818344593048, 0.13744424283504486, 0.060133226215839386, -0.02035234495997429, 0.004099764861166477, 0.020627491176128387, -0.09635698050260544, 0.0722784698009491, -0.03567473590373993, 0.12994995713233948, -0.0884244292974472, -0.07930268347263336, 0.10617197304964066, -0.0013486896641552448, 0.02287318930029869, -0.31971824169158936, -0.029079530388116837, 0.028648175299167633, -0.02877211943268776, -0.06955806165933609, 0.04794420301914215, -0.3329402208328247, -0.1602444350719452, 0.05068771541118622, -0.09145799279212952, 0.06763388216495514, 0.056093811988830566, 0.003805865766480565, -0.06167961657047272, -0.011069951578974724, -0.03468810021877289, 0.11174428462982178, -0.2040674388408661, 0.2125721573829651, 0.0009089748491533101, -0.06141016259789467, 0.005502264481037855, -0.0880889967083931, 0.03898707032203674, 0.08085912466049194, 0.10608270019292831, 0.009650615975260735, 0.11883967369794846, -0.06420470029115677, -0.14622220396995544, 0.04510163515806198, -0.006996540352702141, -0.12865522503852844, 0.05675790086388588, -0.020414002239704132, 0.04225550964474678, 0.05098187178373337, 0.06157457083463669, -0.01648988388478756, -0.05688819661736488, 0.09256399422883987, -0.12678317725658417, 0.15389735996723175, 0.015175295993685722, -0.10526981949806213, -0.12697762250900269, 0.012512901797890663, -0.13331958651542664, -0.033358070999383926, -0.08230502158403397, 0.09751590341329575, -0.01937449909746647, -0.05534403771162033, -0.03693428263068199, -0.06796206533908844, 0.044914647936820984, 0.12231083959341049, -0.16024258732795715, 0.1444202959537506, -0.07694318145513535, -0.2043333649635315, -0.07179576903581619, 0.1763569712638855, 0.04930355027318001, 0.006786296609789133, -0.07803746312856674, 0.04749397560954094, -0.18998035788536072, -0.012497177347540855, 0.03177672624588013, 0.04157806187868118, 0.0804998129606247, 0.01606914773583412, 0.038224492222070694, 0.013559524901211262, -0.04790831357240677, 0.07770659029483795, 0.008532119914889336, 0.19760112464427948, -0.03488108888268471, 0.10944794118404388, 0.16648836433887482, 0.07152079790830612, -0.23347145318984985, -0.05289164558053017, -0.05309207737445831, -0.041642818599939346, 0.026563210412859917, -0.15357814729213715, 0.15941165387630463, -0.00812140665948391, 0.00030942136072553694, -0.04103882983326912, -0.23785744607448578, -0.11246094107627869, 0.15738658607006073, -0.018815714865922928, 0.4405384063720703, -0.1168561801314354, 0.042074400931596756, 0.006298741325736046, -0.14898045361042023, 0.2581133544445038, 0.11963595449924469, 0.05424879118800163, -0.06821482628583908, 0.1957162320613861, 0.06782113015651703, 0.0394294410943985, 0.15747766196727753, -0.06446776539087296, 0.005420917645096779, -0.11036165058612823, -0.11598832160234451, -0.0031196342315524817, 0.009600496850907803, -0.08501802384853363, 0.022496454417705536, -0.036955609917640686, -0.15989239513874054, -0.018527992069721222, -0.020381523296236992, 0.02129397541284561, 0.04047748073935509, 0.009198680520057678, -0.049653515219688416, -0.005462879315018654, 0.04261120781302452, -0.06562016904354095, 0.20967333018779755, 0.02246525138616562, 0.03735172748565674, 0.04843854531645775, 0.18167905509471893, -0.07805512845516205, -0.061886370182037354, -0.0006891008815728128, -0.024145130068063736, 0.08651065081357956, -0.27112269401550293, 0.01340276375412941, 0.15572364628314972, 0.06798769533634186, 0.07141498476266861, 0.09196054190397263, -0.10546936094760895, -0.012008396908640862, 0.09504228085279465, -0.21242506802082062, -0.06273011118173599, -0.04106132686138153, 0.03480459377169609, -0.09135840088129044, -0.1538737714290619, -0.022176526486873627, 0.05562247708439827, -0.07110539823770523, 0.1458364576101303, 0.034308988600969315, 0.019823577255010605, 0.017340343445539474, -0.048131510615348816, -0.021399186924099922, -0.11931028962135315, 0.05210461840033531, -0.01824779063463211, -0.22747492790222168, -0.08555388450622559, 0.07209102064371109, -0.09358137845993042, -0.054860908538103104, -0.08437763154506683, 0.22115002572536469, -0.21102555096149445, 0.031449854373931885, 0.050136175006628036, -0.19198700785636902, 0.08731573820114136, 0.2017568051815033, 0.16186538338661194, 0.03957401216030121, -0.003839491168037057, -0.01947701908648014, 0.08674158155918121, 0.1042802631855011, 0.0641523152589798, -0.07477465271949768, -0.08037453144788742, -0.1816413253545761, -0.04320381581783295, 0.15009844303131104, -0.08384522795677185, -0.05118836462497711, -0.0744757428765297, -0.005838675424456596, -0.02695956453680992, 0.06745585799217224, -0.06431964039802551, 0.010893025435507298, 0.012993235141038895, -0.04303740710020065, -0.029967185109853745, -0.051759958267211914, -0.06828543543815613, 0.12885600328445435, 0.012208381667733192, 0.14774690568447113, -0.049338534474372864, 0.0017721131443977356, 0.03633619844913483, 0.03569506108760834, 0.06730304658412933, 0.1922762542963028, 0.03324839845299721, 0.22357286512851715, -0.12150009721517563, 0.1238146647810936, 0.163760244846344, -0.04271133244037628, 0.08151136338710785, 0.08198678493499756, -0.0005883984267711639, -0.0041573806665837765, -0.04428086802363396, 0.020729849115014076, 0.08615457266569138, -0.1309904158115387, -0.02786845713853836, 0.08186651766300201, -0.08787954598665237, -0.02168499119579792, -0.06821855902671814, -0.014117949642241001, 0.0649247020483017, 0.23904193937778473, 0.021418916061520576, -0.043870821595191956, -0.08261042088270187, 0.0055216592736542225, -0.03371978551149368, -0.056341495364904404, -0.2184005081653595, -0.06560777127742767, 0.00649406248703599, -0.017033040523529053, 0.2819273769855499, 0.06679728627204895, 0.05807213485240936, 0.019733181223273277, 0.12462224066257477, -0.04289603978395462, 0.019747532904148102, 0.03179255872964859, 0.07850249111652374, -0.06522800028324127, -0.05743404105305672, 0.05808662623167038, 0.1027500107884407, -0.17417553067207336, 0.13131187856197357, 0.06404946744441986, 0.16427432000637054, 0.015621774829924107, -0.11954373866319656, -0.022841112688183784, 0.14986440539360046, -0.04729054868221283, -0.06385130435228348, -0.039792630821466446, 0.00016113453602883965, 0.08706362545490265, 0.14283253252506256, 0.10257244855165482, 0.04492030292749405, -0.04623360186815262, -0.0043727136217057705, -0.19262468814849854, -0.058044418692588806, -0.0628482773900032, -0.05584733188152313, -0.0044951653108000755, -0.05137152597308159, 0.013293500989675522, -0.009487949311733246, 0.03490474075078964, -0.06512889266014099, 0.06866379827260971, -0.05633966624736786, -0.058847103267908096, 0.11276067793369293, 0.03874693810939789, -0.08547292649745941, -0.0421188622713089, 0.07425138354301453, -0.017071964219212532, -0.0401715487241745, -0.04203963279724121, 0.022727355360984802, -0.13770979642868042, -0.03312305733561516, -0.10163038969039917, -0.13600878417491913, -0.0053993710316717625, 0.021353425458073616, -0.043562762439250946, -0.06874827295541763, -0.01598876714706421, 0.024527009576559067, 0.04167090356349945, 0.14826127886772156, -0.0002844807459041476, 0.19889672100543976, 0.009841570630669594, 0.19530647993087769, -0.09494797140359879, 0.10134776681661606, 0.06564342230558395, -0.0007409515674225986, 0.0008460250101052225, 0.15493731200695038, 0.1176014244556427, -0.060061004012823105, 0.047875214368104935, -0.07347874343395233, 0.0452088862657547, 0.0679892897605896, -0.026805616915225983, 0.09924158453941345, 0.09858331084251404, -0.14323590695858002, 0.11528505384922028, -0.06656742095947266, 0.029773136600852013, 0.08552584797143936, -0.12770295143127441, 0.1230170726776123, 0.005455159582197666, -0.21995994448661804, 0.03168935328722, -0.11288086324930191, -0.05104201287031174, 0.16367007791996002, -0.19586879014968872, -0.01065120380371809, -0.08385241031646729, 0.0547628290951252, 0.09648337215185165, 0.034027405083179474, -0.01514346431940794, -0.08005785197019577, 0.07173019647598267, 0.09128628671169281, -0.26091888546943665, -0.09819212555885315, 0.14932113885879517, 0.05651060864329338, -0.008577472530305386, -0.03608916699886322, 0.09910755604505539, 0.039637647569179535, -0.017856260761618614, -0.01309165544807911, 0.013095986098051071, 0.03108835592865944, -0.07279506325721741, -0.042726460844278336, 0.04380832612514496, 0.09745599329471588, -0.0820438489317894, 0.024724142625927925, -0.1498367190361023, -0.009305540472269058, -0.2211579829454422, -0.13742311298847198, 0.009137493558228016, 0.091905377805233, -0.05009818449616432, 0.03023216873407364, 0.11481891572475433, -0.044986505061388016, -0.012106711976230145, -0.015223992988467216, 0.10228253155946732, 0.05658739060163498, -0.030876822769641876, 0.06049709767103195, 0.022004783153533936, -0.012456132099032402, 0.12728574872016907, -0.04542459547519684, -0.11157340556383133, -0.014250308275222778, -0.11806175112724304, 0.03659101203083992, -0.048132382333278656, 0.1075175553560257, -0.0378565676510334, 0.049921199679374695, -0.008699259720742702, -0.16607558727264404, 0.09403117746114731, 0.1539127677679062, -0.16177234053611755, -0.10295815020799637 ]
null
null
transformers
**mt5-spanish-memmories-analysis** **// ES** Este es un trabajo en proceso. Este modelo aún es solo un punto de control inicial que mejoraré en los próximos meses. El objetivo es proporcionar un modelo capaz de, utilizando una combinación de tareas del modelo mT5, comprender los recuerdos y proporcionar una interacción útil para las personas con alzeimer o personas como mi propio abuelo que escribió sus recuerdos, pero ahora es solo un libro en la estantería. por lo que este modelo puede hacer que esos recuerdos parezcan "vivos". Pronto (si aún no está cargado) cargaré un cuaderno de **Google Colaboratory con una aplicación visual** que al usar este modelo proporcionará toda la interacción necesaria y deseada con una interfaz fácil de usar. **LINK APLICACIÓN (sobre él se actualizará la versión):** https://drive.google.com/drive/folders/1ewGcxxCYHHwhHhWtGlLiryZfV8wEAaBa?usp=sharing -> Debe descargarse la carpeta "memorium" del enlace y subirse a Google Drive sin incluir en ninguna otra carpeta (directamente en "Mi unidad"). -> A continuación se podrá abrir la app, encontrada dentro de dicha carpeta "memorium" con nombre "APP-Memorium" (el nombre puede incluir además un indicador de versión). -> Si haciendo doble click en el archivo de la app no permite abrirla, debe hacerse pulsando el botón derecho sobre el archivo y seleccionar "Abrir con", "Conectar más aplicaciones", y a continuación escoger Colaboratory (se pedirá instalar). Completada la instalación (tiempo aproximado: 2 minutos) se podrá cerrar la ventana de instalación para volver a visualizar la carpeta donde se encuentra el fichero de la app, que de ahora en adelante se podrá abrir haciendo doble click. -> Se podrán añadir memorias en la carpeta "perfiles" como se indica en la aplicación en el apartado "crear perfil". **// EN** This is a work in process. This model is just an initial checkpoint yet that I will be improving the following months. **APP LINK (it will contain the latest version):** https://drive.google.com/drive/folders/1ewGcxxCYHHwhHhWtGlLiryZfV8wEAaBa?usp=sharing -> The folder "memorium" must be downloaded and then uploaded to Google Drive at "My Drive", NOT inside any other folder. The aim is to provide a model able to, using a mixture of mT5 model's tasks, understand memories and provide an interaction useful for people with alzeimer or people like my own grandfather who wrote his memories but it is now just a book in the shelf, so this model can make those memories seem 'alive'. I will soon (if it is´t uploaded by now) upload a **Google Colaboratory notebook with a visual App** that using this model will provide all the needed and wanted interaction with an easy-to-use Interface.
{}
text2text-generation
CarlosPR/mt5-spanish-memmories-analysis
[ "transformers", "pytorch", "mt5", "text2text-generation", "autotrain_compatible", "endpoints_compatible", "text-generation-inference", "region:us" ]
2022-03-02T23:29:04+00:00
[]
[]
TAGS #transformers #pytorch #mt5 #text2text-generation #autotrain_compatible #endpoints_compatible #text-generation-inference #region-us
mt5-spanish-memmories-analysis // ES Este es un trabajo en proceso. Este modelo aún es solo un punto de control inicial que mejoraré en los próximos meses. El objetivo es proporcionar un modelo capaz de, utilizando una combinación de tareas del modelo mT5, comprender los recuerdos y proporcionar una interacción útil para las personas con alzeimer o personas como mi propio abuelo que escribió sus recuerdos, pero ahora es solo un libro en la estantería. por lo que este modelo puede hacer que esos recuerdos parezcan "vivos". Pronto (si aún no está cargado) cargaré un cuaderno de Google Colaboratory con una aplicación visual que al usar este modelo proporcionará toda la interacción necesaria y deseada con una interfaz fácil de usar. LINK APLICACIÓN (sobre él se actualizará la versión): URL -> Debe descargarse la carpeta "memorium" del enlace y subirse a Google Drive sin incluir en ninguna otra carpeta (directamente en "Mi unidad"). -> A continuación se podrá abrir la app, encontrada dentro de dicha carpeta "memorium" con nombre "APP-Memorium" (el nombre puede incluir además un indicador de versión). -> Si haciendo doble click en el archivo de la app no permite abrirla, debe hacerse pulsando el botón derecho sobre el archivo y seleccionar "Abrir con", "Conectar más aplicaciones", y a continuación escoger Colaboratory (se pedirá instalar). Completada la instalación (tiempo aproximado: 2 minutos) se podrá cerrar la ventana de instalación para volver a visualizar la carpeta donde se encuentra el fichero de la app, que de ahora en adelante se podrá abrir haciendo doble click. -> Se podrán añadir memorias en la carpeta "perfiles" como se indica en la aplicación en el apartado "crear perfil". // EN This is a work in process. This model is just an initial checkpoint yet that I will be improving the following months. APP LINK (it will contain the latest version): URL -> The folder "memorium" must be downloaded and then uploaded to Google Drive at "My Drive", NOT inside any other folder. The aim is to provide a model able to, using a mixture of mT5 model's tasks, understand memories and provide an interaction useful for people with alzeimer or people like my own grandfather who wrote his memories but it is now just a book in the shelf, so this model can make those memories seem 'alive'. I will soon (if it is´t uploaded by now) upload a Google Colaboratory notebook with a visual App that using this model will provide all the needed and wanted interaction with an easy-to-use Interface.
[]
[ "TAGS\n#transformers #pytorch #mt5 #text2text-generation #autotrain_compatible #endpoints_compatible #text-generation-inference #region-us \n" ]
[ 49 ]
[ "passage: TAGS\n#transformers #pytorch #mt5 #text2text-generation #autotrain_compatible #endpoints_compatible #text-generation-inference #region-us \n" ]
[ -0.03247205540537834, 0.008802899159491062, -0.006354454439133406, 0.010667198337614536, 0.17799293994903564, 0.015382261015474796, 0.11927555501461029, 0.12881627678871155, 0.005648191086947918, -0.017856856808066368, 0.15311330556869507, 0.2192111611366272, -0.01395078282803297, 0.09104213118553162, -0.10423795878887177, -0.24964120984077454, 0.04000631347298622, 0.05688021332025528, 0.02192343771457672, 0.12785422801971436, 0.0683683529496193, -0.07686739414930344, 0.09180748462677002, -0.03782757371664047, -0.1629144847393036, 0.04483022168278694, 0.05165455862879753, -0.12006033957004547, 0.10880202054977417, 0.040760889649391174, 0.10833796113729477, 0.029112650081515312, -0.058540575206279755, -0.14441463351249695, 0.025394633412361145, 0.024162614718079567, -0.05531970411539078, 0.06695004552602768, 0.12746109068393707, -0.1069447323679924, 0.06599201261997223, 0.06857258081436157, -0.01249475497752428, 0.06093573942780495, -0.14540249109268188, 0.026302598416805267, -0.033595893532037735, 0.000501884613186121, 0.09577777981758118, 0.09955472499132156, -0.0014538326067849994, 0.1336830109357834, -0.1190258339047432, 0.11686736345291138, 0.15553653240203857, -0.29510700702667236, 0.010198472999036312, 0.08669993281364441, 0.03853175416588783, 0.07914209365844727, -0.01894368603825569, 0.04763365536928177, 0.031193047761917114, 0.023923354223370552, 0.01714995875954628, -0.07414375990629196, -0.10484828799962997, 0.039966754615306854, -0.09946644306182861, -0.06046971678733826, 0.23978057503700256, -0.06425098329782486, 0.07130776345729828, -0.01474788412451744, -0.11349231004714966, -0.06468478590250015, -0.0019674503710120916, 0.008873797953128815, -0.058908045291900635, 0.07076217234134674, 0.010395191609859467, -0.040165528655052185, -0.11989294737577438, -0.01339038833975792, -0.1835329830646515, 0.11016619950532913, -0.008551111444830894, 0.05852426216006279, -0.21846306324005127, 0.09113515168428421, 0.013130535371601582, -0.10046662390232086, 0.05681027099490166, -0.09862425923347473, 0.03388199210166931, -0.023057246580719948, -0.06931141763925552, -0.1132219061255455, 0.05456939712166786, 0.09576255828142166, 0.04512261971831322, 0.038082338869571686, -0.07074864208698273, 0.09369611740112305, 0.024160603061318398, 0.06751588732004166, 0.007608450949192047, -0.07217174768447876, 0.04148251190781593, -0.11202318966388702, -0.0015243865782395005, -0.0692119225859642, -0.15127044916152954, -0.05819070711731911, 0.05758891627192497, 0.10242556035518646, 0.0243549607694149, 0.07375647127628326, -0.0398036390542984, -0.03976113721728325, 0.033358264714479446, -0.07932782918214798, -0.004407680127769709, 0.00710319634526968, -0.004596755839884281, 0.16020210087299347, 0.009324765764176846, 0.018765978515148163, -0.13253585994243622, 0.09554686397314072, -0.07744433730840683, 0.014230625703930855, -0.0509052649140358, -0.060733065009117126, 0.03315047547221184, -0.09138786792755127, 0.011818391270935535, -0.15415462851524353, -0.17493492364883423, 0.005892942193895578, 0.0050512561574578285, -0.01598230004310608, -0.031002094969153404, -0.043078236281871796, -0.03290363401174545, 0.05322432518005371, -0.07414176315069199, 0.036153875291347504, -0.04339534789323807, 0.08642607182264328, -0.04057873412966728, 0.06381313502788544, -0.10164246708154678, 0.08162252604961395, -0.11347855627536774, -0.0016376032726839185, -0.10024012625217438, 0.061632830649614334, 0.004888607654720545, 0.12682358920574188, -0.03581279516220093, -0.02464127726852894, -0.07926245778799057, 0.03483397513628006, -0.011945287697017193, 0.21094636619091034, -0.08152677118778229, -0.11021365225315094, 0.1879364550113678, -0.07468575984239578, -0.1403008997440338, 0.08478160947561264, 0.005911586340516806, 0.03139251470565796, 0.08236317336559296, 0.1588445007801056, 0.048823945224285126, -0.007978598587214947, 0.08611413091421127, 0.09610417485237122, -0.09832625091075897, -0.13185659050941467, 0.013133253902196884, -0.019363515079021454, -0.13396760821342468, 0.04520009085536003, 0.10029850900173187, 0.06343046575784683, -0.0690971314907074, -0.035642366856336594, -0.0428784117102623, -0.011879811063408852, 0.07858917117118835, 0.0011438956717029214, 0.13090534508228302, -0.05680390074849129, 0.013213207945227623, 0.021459300071001053, -0.011428453028202057, -0.01332840695977211, 0.03819642961025238, -0.024233844131231308, 0.10694291442632675, -0.08024387806653976, 0.03428592160344124, -0.2044709473848343, -0.048934467136859894, -0.007900926284492016, 0.12092742323875427, -0.004612825810909271, 0.08112660050392151, 0.058829180896282196, -0.02011093869805336, -0.012360739521682262, -0.020902158692479134, 0.1545429825782776, -0.01283858623355627, -0.10395924001932144, -0.07652033865451813, 0.036482252180576324, -0.06376958638429642, -0.024659687653183937, -0.06699222326278687, 0.017639730125665665, 0.0051707434467971325, 0.12165486812591553, 0.0072322734631598, 0.05250490456819534, -0.024619469419121742, 0.03858618065714836, -0.0804455429315567, 0.021691903471946716, 0.10708007216453552, -0.009018800221383572, -0.054880354553461075, 0.20170986652374268, -0.18809448182582855, 0.23027707636356354, 0.19894523918628693, -0.29437363147735596, 0.036204781383275986, -0.0962168350815773, -0.020468637347221375, -0.002135684248059988, 0.04397270828485489, -0.023481864482164383, 0.0777517557144165, 0.009088986553251743, 0.1900269091129303, -0.05207496136426926, -0.058402013033628464, -0.0053734490647912025, -0.05356953293085098, -0.029290076345205307, 0.07178544998168945, 0.12434651702642441, -0.17011547088623047, 0.17978157103061676, 0.23428833484649658, 0.01473091822117567, 0.1620381623506546, 0.011644197627902031, -0.04454120993614197, 0.062099479138851166, -0.024961771443486214, -0.03766492009162903, -0.09724601358175278, -0.18492409586906433, -0.027101896703243256, 0.07674476504325867, 0.05902737006545067, 0.1182398870587349, -0.10352705419063568, -0.028240500018000603, -0.008812467567622662, 0.016684215515851974, -0.009518086910247803, 0.0760439783334732, 0.07472711056470871, 0.12874123454093933, -0.019543487578630447, -0.000046879617002559826, 0.1103324145078659, 0.0010127548594027758, -0.12079042196273804, 0.186933696269989, -0.14518344402313232, -0.33166664838790894, -0.18088701367378235, -0.19747640192508698, -0.06222398951649666, 0.050322093069553375, 0.09170646220445633, -0.10376584529876709, -0.024963803589344025, 0.0044587342999875546, 0.09943562000989914, -0.09480268508195877, 0.031279709190130234, -0.05548911541700363, 0.06716878712177277, -0.06619614362716675, -0.07650262862443924, -0.04839160293340683, -0.019261548295617104, -0.04822634160518646, 0.1396450400352478, -0.11354948580265045, 0.048589661717414856, 0.19766056537628174, 0.021576598286628723, 0.05424954742193222, -0.01823168620467186, 0.17412340641021729, -0.06385006755590439, -0.009741626679897308, 0.23295654356479645, -0.05166426673531532, 0.08091825246810913, 0.12770976126194, -0.0020878969226032495, -0.07671891152858734, 0.03864402696490288, -0.03631149232387543, -0.08980801701545715, -0.2765643894672394, -0.13049930334091187, -0.12615323066711426, 0.07300391048192978, 0.06304160505533218, 0.043250467628240585, 0.1603052318096161, 0.07496021687984467, -0.011053545400500298, 0.024150917306542397, -0.0006156670860946178, 0.07454051077365875, 0.17188118398189545, -0.016544366255402565, 0.14714473485946655, -0.05331993103027344, -0.1080305203795433, 0.07841064035892487, 0.06226341798901558, 0.13590948283672333, 0.06920741498470306, 0.021969614550471306, 0.015656007453799248, 0.07521288096904755, 0.16085536777973175, 0.15746264159679413, 0.041117534041404724, -0.015303169377148151, -0.016506079584360123, -0.022872988134622574, -0.06463537365198135, 0.0432131253182888, 0.05577348172664642, -0.11483434587717056, -0.08495260775089264, -0.0724823921918869, 0.07664936780929565, 0.10974811017513275, 0.06682390719652176, -0.23741473257541656, 0.016966620460152626, 0.0871424600481987, -0.0434100441634655, -0.09427584707736969, 0.08946286141872406, 0.0038104455452412367, -0.1368124932050705, 0.05448998883366585, -0.05135731026530266, 0.13966992497444153, -0.04810076206922531, 0.0900053158402443, -0.05872584879398346, -0.06323063373565674, 0.020664479583501816, 0.10692714154720306, -0.3541460931301117, 0.20758792757987976, 0.011527951806783676, -0.06093791872262955, -0.11825107038021088, -0.0057329474948346615, 0.01827836222946644, 0.11354909837245941, 0.07954831421375275, 0.005323044024407864, -0.06418422609567642, -0.10157541930675507, -0.034152161329984665, 0.004723701626062393, 0.13940384984016418, -0.02400369942188263, 0.003448218572884798, -0.04438253492116928, -0.020158851519227028, -0.023178286850452423, -0.000718157272785902, -0.006451705005019903, -0.1613864004611969, 0.0666336938738823, 0.025228632614016533, 0.06822126358747482, 0.01730911061167717, -0.02732805535197258, -0.07030908018350601, 0.20019540190696716, -0.055100217461586, -0.0734892338514328, -0.13220442831516266, -0.0626208633184433, 0.06701112538576126, -0.07306446135044098, 0.04298105835914612, -0.06441843509674072, 0.0504937544465065, -0.06429126858711243, -0.23106469213962555, 0.12129522860050201, -0.10896743834018707, -0.04214934632182121, -0.05486045777797699, 0.19954514503479004, -0.07281329482793808, 0.01817229390144348, 0.017324624583125114, 0.013015411794185638, -0.09135245531797409, -0.07786673307418823, 0.014232970774173737, 0.01847606711089611, 0.058559149503707886, 0.05814133957028389, -0.08037004619836807, -0.014857451431453228, -0.03221143037080765, -0.009274402633309364, 0.32020795345306396, 0.13638851046562195, -0.04181653633713722, 0.1722007840871811, 0.14273306727409363, -0.09682104736566544, -0.32250353693962097, -0.0542713925242424, -0.09283889830112457, -0.02921893633902073, -0.04146459698677063, -0.16693620383739471, 0.09226667881011963, 0.025867247954010963, -0.0081669632345438, 0.11432857066392899, -0.26718688011169434, -0.08819488435983658, 0.13733826577663422, 0.011434170417487621, 0.36291927099227905, -0.10883680731058121, -0.11266031861305237, -0.07516881823539734, -0.14414578676223755, 0.14854134619235992, -0.046829547733068466, 0.09237111359834671, -0.03225376084446907, 0.1023406982421875, 0.04431767761707306, -0.05918179079890251, 0.0826093852519989, 0.03412443771958351, 0.011541778221726418, -0.09786099195480347, -0.024788152426481247, 0.043923161923885345, -0.01647278480231762, 0.0186665840446949, -0.018545938655734062, 0.02520407736301422, -0.1436202973127365, -0.030395017936825752, -0.08319204300642014, 0.054647669196128845, 0.024612871930003166, -0.06083676591515541, 0.035113632678985596, -0.07397028058767319, 0.015755590051412582, 0.0031852610409259796, 0.1968139111995697, -0.04927601292729378, 0.16436325013637543, 0.17140397429466248, 0.1386384516954422, -0.14085504412651062, 0.0313987135887146, -0.06756629794836044, -0.06380796432495117, 0.07617787271738052, -0.09445741772651672, 0.07254795730113983, 0.12724515795707703, -0.04090844467282295, 0.06647319346666336, 0.11278997361660004, 0.02755293995141983, -0.01717589795589447, 0.12903688848018646, -0.24685613811016083, 0.05759644880890846, -0.0774354338645935, 0.007829134352505207, 0.06760475039482117, 0.0691077932715416, 0.17701676487922668, 0.022113438695669174, -0.03186488151550293, -0.018044183030724525, 0.014400118961930275, -0.05583859980106354, 0.10128172487020493, 0.01910126954317093, 0.03747108206152916, -0.14913128316402435, 0.10593283176422119, 0.014065378345549107, -0.15610112249851227, -0.0030291201546788216, 0.18251965939998627, -0.1271468847990036, -0.1175045371055603, -0.005189466755837202, 0.11735180765390396, -0.1323971152305603, -0.027732165530323982, -0.056806646287441254, -0.13107746839523315, 0.1038786843419075, 0.1834852397441864, 0.06416597962379456, 0.0826336219906807, -0.05614696815609932, -0.05633258447051048, -0.05537234991788864, -0.012746404856443405, -0.004845258314162493, 0.02958609163761139, -0.0928758755326271, 0.08036726713180542, -0.03491966053843498, 0.14262840151786804, -0.0898408517241478, -0.06918130815029144, -0.15198032557964325, 0.042447883635759354, -0.1359063982963562, -0.06605049222707748, -0.08334993571043015, -0.06526677310466766, -0.018778005614876747, -0.01698305644094944, -0.06606939435005188, -0.04105973616242409, -0.1284734159708023, 0.024907397106289864, -0.05333518236875534, 0.03229110315442085, -0.05507495999336243, -0.0035495858173817396, 0.07976923137903214, -0.049493879079818726, 0.1077856719493866, 0.1420586258172989, -0.09717884659767151, 0.11032459139823914, -0.11992289125919342, -0.11299397796392441, 0.11099837720394135, 0.027232574298977852, 0.05815976485610008, 0.06443625688552856, 0.022027408704161644, 0.0828590840101242, 0.02554231509566307, 0.042817723006010056, 0.02065151557326317, -0.12103132158517838, 0.030482446774840355, -0.04751116782426834, -0.14892028272151947, -0.06529612094163895, -0.054095201194286346, 0.061603277921676636, 0.011807980015873909, 0.12336400151252747, -0.04274550825357437, 0.12397313863039017, -0.07301304489374161, 0.01582331769168377, 0.004852397367358208, -0.1726864129304886, -0.047937918454408646, -0.07537665218114853, 0.04021551460027695, 0.0031554480083286762, 0.24552465975284576, 0.01341304462403059, 0.0232835803180933, 0.03332333266735077, 0.08759349584579468, -0.006232629995793104, 0.02662578783929348, 0.19984489679336548, 0.10153228044509888, -0.04841103032231331, -0.07740340381860733, 0.0841817706823349, 0.027718786150217056, 0.045756641775369644, 0.1580987125635147, 0.05288330838084221, 0.02733166329562664, 0.10682656615972519, -0.00838334672152996, 0.026530034840106964, -0.10955263674259186, -0.15393203496932983, -0.013403541408479214, 0.0689178928732872, -0.013366389088332653, 0.06380236148834229, 0.15174338221549988, -0.031019950285553932, 0.035003937780857086, -0.02637603133916855, -0.04663315415382385, -0.18330888450145721, -0.13960829377174377, -0.08663944154977798, -0.11958782374858856, -0.0004337868595030159, -0.10688566416501999, 0.054552797228097916, 0.09666495025157928, 0.06784127652645111, -0.05839335545897484, 0.0752289667725563, 0.03856367990374565, -0.09408316761255264, 0.060062143951654434, -0.04271860048174858, 0.07346413284540176, -0.01862303353846073, -0.01636376976966858, -0.08663247525691986, -0.015964046120643616, -0.017242593690752983, 0.047769226133823395, -0.0590713806450367, 0.013490854762494564, -0.13409970700740814, -0.11919060349464417, -0.03309672325849533, 0.045155834406614304, -0.04299371317028999, 0.15545444190502167, -0.0017370387213304639, -0.022618813440203667, 0.025549639016389847, 0.21336813271045685, -0.09325596690177917, -0.05712331831455231, -0.04163253679871559, 0.23262251913547516, 0.060663092881441116, 0.10347004979848862, -0.01984133943915367, 0.010419715195894241, -0.0872872993350029, 0.3477313220500946, 0.2864106297492981, -0.0785008892416954, 0.01852458342909813, 0.025229377672076225, 0.032489433884620667, 0.11828687787055969, 0.14369255304336548, 0.0973535031080246, 0.23375727236270905, -0.07746781408786774, -0.008508224971592426, -0.026193976402282715, -0.022704333066940308, -0.07821500301361084, 0.13037200272083282, 0.022821061313152313, -0.07975984364748001, -0.02735958993434906, 0.09264971315860748, -0.23305658996105194, 0.15770022571086884, -0.09615077078342438, -0.18416492640972137, -0.0657498687505722, -0.004348475951701403, 0.13509869575500488, 0.0012923850445076823, 0.0851651206612587, -0.00950760766863823, -0.09292657673358917, 0.03073572926223278, 0.018268031999468803, -0.21988633275032043, -0.02724556252360344, 0.04685826599597931, -0.07749628275632858, -0.018672892823815346, -0.004388496745377779, 0.0267090555280447, 0.07139899581670761, 0.06441280245780945, -0.048781443387269974, 0.03654508665204048, 0.003955124877393246, -0.0477292500436306, 0.023610156029462814, 0.07727914303541183, 0.013922389596700668, -0.05439634621143341, 0.04671293869614601, -0.1666029691696167, 0.039284031838178635, -0.049411799758672714, -0.033983949571847916, 0.0128423310816288, -0.011059774085879326, -0.03385746479034424, 0.06773266941308975, 0.08311868458986282, -0.008829239755868912, -0.0032988465391099453, -0.06938329339027405, -0.0213033314794302, -0.020847970619797707, -0.08694157749414444, -0.10070307552814484, -0.148762509226799, -0.09853886067867279, 0.0973188504576683, -0.0049340552650392056, -0.21099382638931274, 0.004006146918982267, -0.09866927564144135, 0.02192481979727745, -0.20368202030658722, 0.08495088666677475, 0.06789152324199677, 0.01056761760264635, -0.0028865975327789783, -0.07395254075527191, 0.05188513174653053, 0.10077827423810959, -0.11843311786651611, -0.09581757336854935 ]
null
null
transformers
# Harry potter DialoGPT Model
{"tags": ["conversational"]}
text-generation
CasualHomie/DialoGPT-small-harrypotter
[ "transformers", "pytorch", "gpt2", "text-generation", "conversational", "autotrain_compatible", "endpoints_compatible", "text-generation-inference", "region:us" ]
2022-03-02T23:29:04+00:00
[]
[]
TAGS #transformers #pytorch #gpt2 #text-generation #conversational #autotrain_compatible #endpoints_compatible #text-generation-inference #region-us
# Harry potter DialoGPT Model
[ "# Harry potter DialoGPT Model" ]
[ "TAGS\n#transformers #pytorch #gpt2 #text-generation #conversational #autotrain_compatible #endpoints_compatible #text-generation-inference #region-us \n", "# Harry potter DialoGPT Model" ]
[ 51, 9 ]
[ "passage: TAGS\n#transformers #pytorch #gpt2 #text-generation #conversational #autotrain_compatible #endpoints_compatible #text-generation-inference #region-us \n# Harry potter DialoGPT Model" ]
[ -0.02639644220471382, 0.08723999559879303, -0.0060327379032969475, 0.05022922530770302, 0.10463402420282364, 0.040601715445518494, 0.16687226295471191, 0.12884068489074707, 0.01866588555276394, -0.04098842665553093, 0.11794417351484299, 0.2050275355577469, -0.006939923390746117, 0.05107498914003372, -0.06696729362010956, -0.30849725008010864, 0.04229944944381714, 0.053304415196180344, -0.024461820721626282, 0.12158484756946564, 0.09043414890766144, -0.06609740853309631, 0.077865831553936, 0.006548580713570118, -0.16332383453845978, -0.021934211254119873, 0.018955107778310776, -0.12315846979618073, 0.13660919666290283, 0.06186959519982338, 0.01562541164457798, 0.012019883841276169, -0.048866741359233856, -0.12139466404914856, 0.03514011204242706, -0.021350020542740822, -0.025806978344917297, 0.06690395623445511, 0.04597112536430359, -0.07091078162193298, 0.14601530134677887, 0.14878419041633606, 0.03206993639469147, 0.03494816645979881, -0.14745594561100006, -0.036548927426338196, 0.003334509674459696, 0.08700364083051682, 0.01635437272489071, 0.09556890279054642, -0.028805822134017944, 0.1250169277191162, -0.03789146617054939, 0.10262355208396912, 0.12706312537193298, -0.407919317483902, -0.028067434206604958, 0.10348230600357056, 0.034936826676130295, 0.07373683154582977, -0.07611449807882309, 0.05643843859434128, 0.00758338812738657, 0.0032028011046350002, -0.032953258603811264, -0.08544016629457474, -0.06963901966810226, 0.029899146407842636, -0.10070763528347015, 0.003005410311743617, 0.28093069791793823, -0.07428884506225586, 0.05059251934289932, -0.08411172777414322, -0.0959223061800003, 0.041689321398735046, -0.04508383944630623, -0.06058642268180847, -0.07492956519126892, 0.06389517337083817, -0.003988080658018589, -0.0740659311413765, -0.10455690324306488, -0.009299044497311115, -0.14523643255233765, 0.18425318598747253, 0.05096733197569847, 0.041070740669965744, -0.22070924937725067, 0.09913784265518188, 0.055060259997844696, -0.07492224127054214, 0.018857399001717567, -0.10925966501235962, 0.04333548992872238, 0.007387463003396988, -0.02309122122824192, -0.03854011744260788, 0.0423831008374691, 0.11667156219482422, 0.01852845773100853, 0.03542037308216095, 0.00127517431974411, 0.04909748211503029, 0.07857882976531982, 0.042053285986185074, 0.006213703192770481, -0.07813996076583862, 0.018050028011202812, -0.09683309495449066, -0.011526292189955711, -0.06235888972878456, -0.17633205652236938, -0.05798610299825668, 0.08799684047698975, 0.02740543521940708, 0.037938863039016724, 0.10036390274763107, 0.0048065888695418835, -0.06236851215362549, 0.029678549617528915, -0.002851482480764389, -0.008814366534352303, 0.0032543796114623547, -0.011197317391633987, 0.19911301136016846, 0.010635372251272202, 0.02058585174381733, -0.12440891563892365, 0.05631079152226448, -0.0784771591424942, 0.007861766964197159, 0.006886008661240339, -0.0455586239695549, -0.015059597790241241, 0.014482549391686916, 0.016383571550250053, -0.13395874202251434, -0.11729109287261963, -0.00006051640957593918, -0.0016638310626149178, -0.04115027189254761, -0.105682373046875, -0.08326521515846252, 0.0073791672475636005, 0.03561888635158539, -0.039432406425476074, -0.02099493332207203, -0.05698714777827263, 0.1098065972328186, -0.039046742022037506, 0.08226398378610611, -0.07623927295207977, 0.06841874122619629, -0.08897994458675385, -0.04311008006334305, -0.10641179978847504, 0.0741736963391304, 0.029220111668109894, 0.06575265526771545, -0.006127913482487202, -0.04602617025375366, -0.0369296669960022, 0.05900854617357254, -0.06867017596960068, 0.2303866744041443, -0.05514005199074745, -0.11637961864471436, 0.2664805054664612, -0.06786908954381943, -0.15718430280685425, 0.11892074346542358, -0.022563757374882698, 0.09771191328763962, 0.13017462193965912, 0.189255952835083, 0.016994982957839966, -0.022361788898706436, 0.0881451740860939, 0.07068417966365814, -0.0736553966999054, 0.02505781501531601, 0.009962957352399826, -0.02357601933181286, -0.13226979970932007, 0.05367378517985344, 0.056933075189590454, 0.0006609857082366943, -0.05058126151561737, -0.013536754995584488, -0.011074144393205643, -0.013003920204937458, 0.13417886197566986, -0.027910392731428146, 0.14611884951591492, -0.043336495757102966, -0.04538378491997719, -0.009142029099166393, 0.025471821427345276, -0.04821401834487915, 0.05266079679131508, -0.06299630552530289, 0.07848967611789703, 0.03012225031852722, 0.06767880171537399, -0.1408643275499344, -0.029206234961748123, -0.020276576280593872, 0.18660637736320496, 0.0715833306312561, 0.09094463288784027, 0.061602670699357986, -0.01914007030427456, -0.027892377227544785, 0.028694333508610725, 0.16220998764038086, -0.02589617297053337, -0.11162527650594711, -0.14287225902080536, 0.05933401361107826, -0.04736834019422531, 0.1035032868385315, -0.09332685172557831, 0.011585038155317307, -0.044852692633867264, 0.0853237509727478, -0.011247772723436356, 0.027071211487054825, 0.007802959531545639, -0.029379773885011673, -0.06931842863559723, 0.015320008620619774, 0.09439221769571304, -0.007018687203526497, -0.06372334808111191, 0.17989832162857056, -0.1710796058177948, 0.15968504548072815, 0.19165024161338806, -0.27577105164527893, 0.000584418186917901, -0.15891724824905396, -0.02463323250412941, 0.004668575245887041, 0.07264719903469086, 0.004237520508468151, 0.1895889937877655, -0.023692017421126366, 0.15666939318180084, -0.03828318417072296, -0.06546694040298462, -0.0498809739947319, -0.047328755259513855, 0.009304394014179707, 0.07944919914007187, 0.061363160610198975, -0.13485218584537506, 0.144588440656662, 0.10934053361415863, 0.05837017670273781, 0.13644258677959442, 0.06952410936355591, -0.005897467024624348, 0.05925091728568077, -0.02249334752559662, -0.03721122816205025, -0.05978124216198921, -0.2999090552330017, -0.0499287024140358, 0.08493995666503906, 0.0009682765230536461, 0.09888669103384018, -0.09166692942380905, -0.021760471165180206, -0.007735919207334518, 0.006791337393224239, 0.03808034583926201, 0.11224307119846344, 0.02036411128938198, 0.1250106543302536, -0.020415641367435455, -0.04238015413284302, 0.05680139735341072, 0.02443286031484604, -0.09830573946237564, 0.17237946391105652, -0.14177459478378296, -0.2862706184387207, -0.08667124807834625, -0.19813837110996246, -0.04059724509716034, 0.04660174250602722, 0.08734506368637085, -0.10438764095306396, -0.021926436573266983, -0.012636400759220123, 0.04307115077972412, -0.1797630786895752, 0.016865819692611694, -0.09654778242111206, 0.019445214420557022, -0.15737900137901306, -0.09482422471046448, -0.032556165009737015, -0.03734705224633217, -0.03449065238237381, 0.14149245619773865, -0.13773386180400848, 0.007167999166995287, 0.24400769174098969, 0.06073004752397537, 0.05565643683075905, -0.03789947181940079, 0.19515395164489746, -0.09223778545856476, -0.008514517918229103, 0.14110328257083893, -0.059997960925102234, 0.05322655290365219, 0.08181054890155792, -0.003284185193479061, -0.07528439909219742, 0.026245074346661568, -0.05199245363473892, -0.036241039633750916, -0.2389005720615387, -0.1076563224196434, -0.11792708188295364, 0.11006879806518555, 0.06502149999141693, 0.053698208183050156, 0.16059988737106323, 0.0647217184305191, -0.029796648770570755, 0.020253833383321762, 0.0908946767449379, 0.10515116900205612, 0.25700563192367554, -0.05612313002347946, 0.11722669005393982, -0.00010534701868891716, -0.1282767355442047, 0.06230265274643898, 0.05583152174949646, 0.10228897631168365, 0.04960387945175171, 0.03812340646982193, -0.011600805446505547, 0.09390053153038025, 0.12409129738807678, 0.06652640551328659, 0.029934771358966827, -0.005887820851057768, -0.04809383302927017, -0.03976758196949959, -0.038494739681482315, 0.058496929705142975, 0.07398343831300735, -0.1513705849647522, -0.04756201431155205, -0.03538363426923752, 0.05964946746826172, 0.017849689349532127, 0.08540229499340057, -0.1511721909046173, -0.03667993098497391, 0.07717946171760559, -0.0556924045085907, -0.12187233567237854, 0.09583811461925507, -0.024579256772994995, -0.15667837858200073, 0.04072759300470352, -0.021658146753907204, 0.10263095796108246, -0.0765656977891922, 0.057930003851652145, -0.1243354082107544, -0.09174792468547821, -0.0018296099733561277, 0.08983960002660751, -0.3247947692871094, 0.1672600656747818, -0.008754460141062737, -0.040564730763435364, -0.08542683720588684, -0.019834443926811218, 0.01996956765651703, 0.11006246507167816, 0.09026151150465012, -0.008256404660642147, 0.07524047791957855, 0.027985412627458572, -0.02381003648042679, 0.0230454932898283, 0.10574092715978622, -0.01690126769244671, 0.016047727316617966, -0.04081762582063675, -0.0009598562028259039, -0.022627167403697968, -0.0779811292886734, 0.026865430176258087, -0.18668535351753235, 0.09542898088693619, -0.008747569285333157, 0.08299320936203003, 0.03693220764398575, -0.030950583517551422, -0.09029038995504379, 0.20676454901695251, -0.013705026358366013, -0.0989437997341156, -0.0783931314945221, -0.028320785611867905, 0.07584350556135178, -0.038248006254434586, 0.01734161749482155, -0.05176660791039467, 0.026514163240790367, -0.07221287488937378, -0.1836385428905487, 0.1064678281545639, -0.06722509115934372, -0.07455234229564667, -0.03329530730843544, 0.20234890282154083, -0.010736252181231976, 0.042444661259651184, 0.03268150985240936, 0.010076710022985935, -0.16258761286735535, -0.07813506573438644, 0.02517588809132576, 0.008060772903263569, 0.00018655630992725492, 0.03629755228757858, -0.018797164782881737, -0.019885601475834846, -0.07782895117998123, -0.009798523969948292, 0.29917025566101074, 0.15199588239192963, -0.027947016060352325, 0.1689455807209015, 0.11535908281803131, -0.0733526274561882, -0.20692628622055054, -0.10337072610855103, -0.11617805063724518, -0.06972303986549377, -0.09280157089233398, -0.1786317229270935, 0.11709344387054443, -0.035528358072042465, 0.010733267292380333, 0.14602842926979065, -0.30415478348731995, -0.11358939111232758, 0.18066179752349854, 0.0013047908432781696, 0.4072827696800232, -0.11142697930335999, -0.07733063399791718, -0.052614726126194, -0.21022985875606537, 0.11888870596885681, -0.0416857972741127, 0.11183002591133118, -0.04443541169166565, 0.18686899542808533, 0.04134165123105049, 0.003661418566480279, 0.07694774866104126, 0.04296768456697464, -0.05422426760196686, -0.08176220953464508, -0.09572989493608475, 0.003959835506975651, 0.03626786172389984, 0.02850686013698578, -0.02986609935760498, 0.02657889388501644, -0.12422266602516174, -0.06200863793492317, -0.06981319934129715, 0.026611030101776123, 0.006363005377352238, -0.06618328392505646, -0.023551374673843384, -0.04592857509851456, -0.013748925179243088, 0.01355838868767023, 0.1446625143289566, -0.06387455761432648, 0.1655110865831375, 0.03995901718735695, 0.1415064036846161, -0.1351739466190338, -0.07467742264270782, -0.04490950331091881, -0.0573272779583931, 0.07996225357055664, -0.06489010900259018, -0.0018436107784509659, 0.12495877593755722, -0.015809202566742897, 0.06306924670934677, 0.1191268041729927, 0.0060214027762413025, 0.013620210811495781, 0.05489560216665268, -0.28282028436660767, -0.07968626171350479, -0.0424831360578537, -0.00563654163852334, 0.05689112842082977, 0.09513089805841446, 0.20230866968631744, -0.02433183044195175, -0.05631759390234947, 0.02729254774749279, 0.01995188184082508, -0.021406590938568115, 0.09344832599163055, 0.012375261634588242, 0.000982802826911211, -0.14674833416938782, 0.06135008484125137, 0.003702989313751459, -0.08842840790748596, 0.01445392519235611, 0.1645539104938507, -0.11496830731630325, -0.11770705878734589, -0.07166639715433121, 0.10765859484672546, -0.11538711190223694, 0.01838718354701996, -0.028782539069652557, -0.14237922430038452, 0.06870090961456299, 0.053282953798770905, 0.04775518923997879, 0.06396927684545517, -0.1144590675830841, -0.012334180064499378, -0.03244461491703987, 0.0026008524000644684, 0.06862843036651611, 0.008093200623989105, -0.06263997405767441, 0.14279583096504211, -0.051907483488321304, 0.10859648883342743, -0.0892099142074585, -0.10610827058553696, -0.15024186670780182, 0.044760383665561676, -0.08787087351083755, -0.07405278831720352, -0.13904961943626404, -0.04388924315571785, -0.014590810053050518, -0.026296447962522507, -0.017121829092502594, -0.05407000333070755, -0.1123092845082283, 0.033503081649541855, -0.020786786451935768, 0.003162308130413294, -0.075564906001091, 0.03177390247583389, 0.059925585985183716, -0.04667910560965538, 0.1625952273607254, 0.19152899086475372, -0.1298244148492813, 0.10301773250102997, -0.09596283733844757, -0.09959761798381805, 0.06751564890146255, 0.017363373190164566, 0.041348498314619064, 0.0500849187374115, -0.01522478461265564, 0.0325411856174469, 0.05789860710501671, 0.06284177303314209, 0.09321586042642593, -0.07483604550361633, 0.009793474338948727, -0.07317773997783661, -0.14158503711223602, -0.04182421416044235, -0.03128796070814133, 0.0415433831512928, 0.02122398465871811, 0.10702265799045563, -0.061481624841690063, 0.07832567393779755, -0.06847868859767914, 0.038223735988140106, 0.022433867678046227, -0.16891753673553467, 0.002569674514234066, -0.0750206857919693, 0.04593835771083832, -0.003267158754169941, 0.21138200163841248, -0.013564330525696278, -0.02251790463924408, 0.02713637426495552, 0.05474986135959625, -0.023422252386808395, 0.008314493112266064, 0.22115091979503632, 0.12162730097770691, -0.06294425576925278, -0.06867919862270355, 0.08354898542165756, 0.04809629172086716, 0.09802445769309998, 0.15002483129501343, -0.029718808829784393, 0.003047633683308959, 0.0800219401717186, -0.03194165229797363, 0.03289400413632393, -0.11675040423870087, -0.1281736195087433, 0.000602157786488533, 0.056845735758543015, -0.04368530213832855, 0.18460552394390106, 0.16677972674369812, -0.01382783055305481, 0.01117207482457161, -0.013465536758303642, -0.09031274914741516, -0.16377714276313782, -0.0942566841840744, -0.07917000353336334, -0.14637872576713562, -0.0052649034187197685, -0.13335511088371277, 0.027817146852612495, -0.016231708228588104, 0.09082133322954178, -0.06543020904064178, 0.02375522442162037, 0.10558799654245377, -0.1081148087978363, 0.08711874485015869, -0.021457543596625328, 0.060744717717170715, -0.04144730791449547, -0.005915893241763115, -0.11432179063558578, 0.01948905736207962, 0.005224989261478186, 0.04744889587163925, -0.07900512963533401, 0.018100878223776817, -0.10378673672676086, -0.08837670087814331, -0.04216087609529495, 0.07519903779029846, -0.010166649706661701, 0.13186481595039368, 0.01861320436000824, -0.03903679922223091, 0.005974544677883387, 0.23893150687217712, -0.08025380223989487, -0.09326489269733429, -0.04841262847185135, 0.20991061627864838, 0.022984961047768593, 0.06796727329492569, 0.015007538720965385, 0.017059890553355217, -0.05898888409137726, 0.3082774877548218, 0.33775606751441956, -0.11937901377677917, 0.009579809382557869, 0.028059566393494606, 0.03937181457877159, 0.13598009943962097, 0.09749656915664673, 0.09900741279125214, 0.3292737901210785, -0.0707642212510109, -0.00044438568875193596, -0.02535972371697426, -0.018260212615132332, -0.06935128569602966, 0.054986484348773956, 0.07641343027353287, -0.08171910047531128, -0.02786977030336857, 0.10347486287355423, -0.2797844409942627, 0.09465715289115906, -0.1328616887331009, -0.15392106771469116, -0.06380665302276611, -0.004027278162539005, 0.0610235221683979, 0.02027004212141037, 0.09819267690181732, -0.0053710248321294785, -0.06410010159015656, 0.09502940624952316, 0.032574910670518875, -0.22267268598079681, -0.012858112342655659, 0.12984071671962738, -0.056763749569654465, -0.030061814934015274, -0.018318384885787964, 0.0819820836186409, 0.05438154190778732, 0.07460135221481323, -0.03462826460599899, -0.03426043689250946, -0.004987651947885752, -0.06343592703342438, 0.023674791678786278, 0.023037683218717575, 0.04567180573940277, -0.08972657471895218, 0.10856541246175766, -0.09319202601909637, 0.04212087765336037, 0.04071320593357086, -0.019831115379929543, -0.02047703042626381, 0.01290969643741846, -0.06501133739948273, 0.06495635211467743, 0.10183383524417877, -0.026207003742456436, -0.019737793132662773, -0.019200803712010384, -0.036974649876356125, -0.023240715265274048, -0.061126742511987686, -0.09826962649822235, -0.17882955074310303, -0.11665624380111694, 0.03606933727860451, -0.01310819573700428, -0.19045093655586243, 0.00020520738326013088, -0.12453000992536545, 0.05461769551038742, -0.14210858941078186, 0.10562360286712646, 0.09035351872444153, 0.00897926650941372, 0.0006848839111626148, 0.0455271378159523, 0.028213918209075928, 0.1175088956952095, -0.1567298024892807, -0.07521277666091919 ]
null
null
transformers
# Cdial/Hausa_xlsr This model is a fine-tuned version of [facebook/wav2vec2-xls-r-300m](https://huggingface.co/facebook/wav2vec2-xls-r-300m) It achieves the following results on the evaluation set (which is 10 percent of train data set merged with invalidated data, reported, other, and dev datasets): - Loss: 0.275118 - Wer: 0.329955 ## Model description "facebook/wav2vec2-xls-r-300m" was finetuned. ## Intended uses & limitations More information needed ## Training and evaluation data Training data - Common voice Hausa train.tsv, dev.tsv, invalidated.tsv, reported.tsv and other.tsv Only those points were considered where upvotes were greater than downvotes and duplicates were removed after concatenation of all the datasets given in common voice 7.0 ## Training procedure For creating the training dataset, all possible datasets were appended and 90-10 split was used. ### Training hyperparameters The following hyperparameters were used during training: - learning_rate: 0.000096 - train_batch_size: 16 - eval_batch_size: 16 - seed: 13 - gradient_accumulation_steps: 2 - lr_scheduler_type: cosine_with_restarts - lr_scheduler_warmup_steps: 500 - num_epochs: 50 - mixed_precision_training: Native AMP ### Training results | Step | Training Loss | Validation Loss | Wer | |------|---------------|-----------------|----------| | 500 | 5.175900 | 2.750914 | 1.000000 | | 1000 | 1.028700 | 0.338649 | 0.497999 | | 1500 | 0.332200 | 0.246896 | 0.402241 | | 2000 | 0.227300 | 0.239640 | 0.395839 | | 2500 | 0.175000 | 0.239577 | 0.373966 | | 3000 | 0.140400 | 0.243272 | 0.356095 | | 3500 | 0.119200 | 0.263761 | 0.365164 | | 4000 | 0.099300 | 0.265954 | 0.353428 | | 4500 | 0.084400 | 0.276367 | 0.349693 | | 5000 | 0.073700 | 0.282631 | 0.343825 | | 5500 | 0.068000 | 0.282344 | 0.341158 | | 6000 | 0.064500 | 0.281591 | 0.342491 | ### Framework versions - Transformers 4.16.0.dev0 - Pytorch 1.10.0+cu102 - Datasets 1.18.3 - Tokenizers 0.10.3 #### Evaluation Commands 1. To evaluate on `mozilla-foundation/common_voice_8_0` with split `test` ```bash python eval.py --model_id Akashpb13/Hausa_xlsr --dataset mozilla-foundation/common_voice_8_0 --config ha --split test ```
{"language": ["ha"], "license": "apache-2.0", "tags": ["automatic-speech-recognition", "mozilla-foundation/common_voice_8_0", "generated_from_trainer", "ha", "robust-speech-event", "model_for_talk", "hf-asr-leaderboard"], "datasets": ["mozilla-foundation/common_voice_8_0"], "model-index": [{"name": "Cdial/Hausa_xlsr", "results": [{"task": {"type": "automatic-speech-recognition", "name": "Automatic Speech Recognition"}, "dataset": {"name": "Common Voice 8", "type": "mozilla-foundation/common_voice_8_0", "args": "ha"}, "metrics": [{"type": "wer", "value": 0.20614541257934219, "name": "Test WER"}, {"type": "cer", "value": 0.04358048053214061, "name": "Test CER"}]}, {"task": {"type": "automatic-speech-recognition", "name": "Automatic Speech Recognition"}, "dataset": {"name": "Robust Speech Event - Dev Data", "type": "speech-recognition-community-v2/dev_data", "args": "ha"}, "metrics": [{"type": "wer", "value": 0.20614541257934219, "name": "Test WER"}, {"type": "cer", "value": 0.04358048053214061, "name": "Test CER"}]}]}]}
automatic-speech-recognition
Cdial/hausa-asr
[ "transformers", "wav2vec2", "automatic-speech-recognition", "mozilla-foundation/common_voice_8_0", "generated_from_trainer", "ha", "robust-speech-event", "model_for_talk", "hf-asr-leaderboard", "dataset:mozilla-foundation/common_voice_8_0", "license:apache-2.0", "model-index", "endpoints_compatible", "region:us" ]
2022-03-02T23:29:04+00:00
[]
[ "ha" ]
TAGS #transformers #wav2vec2 #automatic-speech-recognition #mozilla-foundation/common_voice_8_0 #generated_from_trainer #ha #robust-speech-event #model_for_talk #hf-asr-leaderboard #dataset-mozilla-foundation/common_voice_8_0 #license-apache-2.0 #model-index #endpoints_compatible #region-us
Cdial/Hausa\_xlsr ================= This model is a fine-tuned version of facebook/wav2vec2-xls-r-300m It achieves the following results on the evaluation set (which is 10 percent of train data set merged with invalidated data, reported, other, and dev datasets): * Loss: 0.275118 * Wer: 0.329955 Model description ----------------- "facebook/wav2vec2-xls-r-300m" was finetuned. Intended uses & limitations --------------------------- More information needed Training and evaluation data ---------------------------- Training data - Common voice Hausa URL, URL, URL, URL and URL Only those points were considered where upvotes were greater than downvotes and duplicates were removed after concatenation of all the datasets given in common voice 7.0 Training procedure ------------------ For creating the training dataset, all possible datasets were appended and 90-10 split was used. ### Training hyperparameters The following hyperparameters were used during training: * learning\_rate: 0.000096 * train\_batch\_size: 16 * eval\_batch\_size: 16 * seed: 13 * gradient\_accumulation\_steps: 2 * lr\_scheduler\_type: cosine\_with\_restarts * lr\_scheduler\_warmup\_steps: 500 * num\_epochs: 50 * mixed\_precision\_training: Native AMP ### Training results ### Framework versions * Transformers 4.16.0.dev0 * Pytorch 1.10.0+cu102 * Datasets 1.18.3 * Tokenizers 0.10.3 #### Evaluation Commands 1. To evaluate on 'mozilla-foundation/common\_voice\_8\_0' with split 'test'
[ "### Training hyperparameters\n\n\nThe following hyperparameters were used during training:\n\n\n* learning\\_rate: 0.000096\n* train\\_batch\\_size: 16\n* eval\\_batch\\_size: 16\n* seed: 13\n* gradient\\_accumulation\\_steps: 2\n* lr\\_scheduler\\_type: cosine\\_with\\_restarts\n* lr\\_scheduler\\_warmup\\_steps: 500\n* num\\_epochs: 50\n* mixed\\_precision\\_training: Native AMP", "### Training results", "### Framework versions\n\n\n* Transformers 4.16.0.dev0\n* Pytorch 1.10.0+cu102\n* Datasets 1.18.3\n* Tokenizers 0.10.3", "#### Evaluation Commands\n\n\n1. To evaluate on 'mozilla-foundation/common\\_voice\\_8\\_0' with split 'test'" ]
[ "TAGS\n#transformers #wav2vec2 #automatic-speech-recognition #mozilla-foundation/common_voice_8_0 #generated_from_trainer #ha #robust-speech-event #model_for_talk #hf-asr-leaderboard #dataset-mozilla-foundation/common_voice_8_0 #license-apache-2.0 #model-index #endpoints_compatible #region-us \n", "### Training hyperparameters\n\n\nThe following hyperparameters were used during training:\n\n\n* learning\\_rate: 0.000096\n* train\\_batch\\_size: 16\n* eval\\_batch\\_size: 16\n* seed: 13\n* gradient\\_accumulation\\_steps: 2\n* lr\\_scheduler\\_type: cosine\\_with\\_restarts\n* lr\\_scheduler\\_warmup\\_steps: 500\n* num\\_epochs: 50\n* mixed\\_precision\\_training: Native AMP", "### Training results", "### Framework versions\n\n\n* Transformers 4.16.0.dev0\n* Pytorch 1.10.0+cu102\n* Datasets 1.18.3\n* Tokenizers 0.10.3", "#### Evaluation Commands\n\n\n1. To evaluate on 'mozilla-foundation/common\\_voice\\_8\\_0' with split 'test'" ]
[ 113, 132, 4, 40, 36 ]
[ "passage: TAGS\n#transformers #wav2vec2 #automatic-speech-recognition #mozilla-foundation/common_voice_8_0 #generated_from_trainer #ha #robust-speech-event #model_for_talk #hf-asr-leaderboard #dataset-mozilla-foundation/common_voice_8_0 #license-apache-2.0 #model-index #endpoints_compatible #region-us \n### Training hyperparameters\n\n\nThe following hyperparameters were used during training:\n\n\n* learning\\_rate: 0.000096\n* train\\_batch\\_size: 16\n* eval\\_batch\\_size: 16\n* seed: 13\n* gradient\\_accumulation\\_steps: 2\n* lr\\_scheduler\\_type: cosine\\_with\\_restarts\n* lr\\_scheduler\\_warmup\\_steps: 500\n* num\\_epochs: 50\n* mixed\\_precision\\_training: Native AMP### Training results### Framework versions\n\n\n* Transformers 4.16.0.dev0\n* Pytorch 1.10.0+cu102\n* Datasets 1.18.3\n* Tokenizers 0.10.3#### Evaluation Commands\n\n\n1. To evaluate on 'mozilla-foundation/common\\_voice\\_8\\_0' with split 'test'" ]
[ -0.11478089541196823, 0.13432779908180237, -0.005863853730261326, 0.015388852916657925, 0.11762925982475281, 0.038520727306604385, 0.11103397607803345, 0.14973010122776031, -0.049708813428878784, 0.15369728207588196, 0.05237090587615967, 0.08224574476480484, 0.10549839586019516, 0.15585055947303772, -0.03539222106337547, -0.21981452405452728, 0.04735114052891731, -0.07692277431488037, -0.08539249747991562, 0.10036033391952515, 0.07777850329875946, -0.08503089845180511, 0.020680733025074005, -0.017080264165997505, -0.08455642312765121, -0.020091626793146133, -0.054900579154491425, -0.03328593075275421, 0.06389070302248001, 0.028502706438302994, 0.03904518857598305, 0.040887501090765, 0.080801822245121, -0.2968462109565735, 0.003885525744408369, 0.07699651271104813, 0.017546994611620903, 0.04833434522151947, 0.10883285850286484, -0.01247403398156166, 0.09594019502401352, -0.08040247857570648, 0.04406135901808739, 0.08110350370407104, -0.07750396430492401, -0.1893763393163681, -0.09534159302711487, 0.023485379293560982, 0.1675514429807663, 0.07458186894655228, -0.04747158661484718, 0.024534814059734344, -0.10643380880355835, 0.07815314084291458, 0.22737711668014526, -0.208544060587883, -0.058312490582466125, 0.017988333478569984, 0.009977782145142555, 0.028629714623093605, -0.09879476577043533, -0.014874898828566074, 0.012864130549132824, -0.00716921454295516, 0.043356604874134064, 0.010646317154169083, 0.06288697570562363, -0.0031957807950675488, -0.14962054789066315, -0.054362840950489044, 0.13061261177062988, 0.07849431037902832, -0.01560115348547697, -0.10799810290336609, -0.030213067308068275, -0.21465742588043213, -0.05770661309361458, 0.008466399274766445, 0.022565660998225212, -0.025824643671512604, -0.005022848024964333, 0.06551383435726166, -0.03796316310763359, -0.08718271553516388, 0.06017410755157471, 0.11183451116085052, 0.047338008880615234, -0.05543934553861618, 0.01684495434165001, 0.07899636775255203, 0.07213803380727768, -0.15974664688110352, -0.05184636637568474, 0.0377652682363987, -0.1787881702184677, -0.011308611370623112, -0.00713230250403285, 0.04905823618173599, 0.10557717084884644, 0.18037822842597961, 0.019715873524546623, 0.10702425986528397, 0.008796321228146553, 0.010631462559103966, -0.0458642914891243, 0.12292002141475677, -0.039010364562273026, -0.1155179888010025, -0.052560847252607346, 0.11649759113788605, -0.02594665437936783, -0.01843339018523693, -0.03666627034544945, 0.04399697110056877, 0.09941162914037704, 0.09655125439167023, 0.010717364028096199, 0.004328272771090269, -0.07884830981492996, -0.014617486856877804, -0.030906928703188896, -0.157900869846344, 0.056550949811935425, 0.08760298043489456, -0.037286993116140366, 0.01868525892496109, -0.025364214554429054, 0.004995215684175491, -0.04751140996813774, 0.09073508530855179, -0.051886871457099915, -0.01615792140364647, -0.08014120161533356, -0.08864608407020569, 0.0523679181933403, -0.041662879288196564, -0.03719809278845787, -0.052650365978479385, -0.05876655876636505, -0.09870631992816925, 0.04077981784939766, -0.07787944376468658, -0.05125299096107483, -0.0985834077000618, -0.10406796634197235, 0.05409812927246094, -0.010215479880571365, 0.12827181816101074, -0.053513720631599426, 0.07037240266799927, 0.013919013552367687, 0.05880095064640045, 0.1417839676141739, 0.06942777335643768, -0.003869706764817238, 0.06175393983721733, -0.14515401422977448, 0.1234276220202446, -0.15198586881160736, 0.05990229547023773, -0.1611068993806839, -0.07256710529327393, -0.006026075687259436, -0.0050247954204678535, 0.09092375636100769, 0.1593988984823227, -0.19881922006607056, -0.07572401314973831, 0.16883344948291779, -0.06100526824593544, -0.0817023292183876, 0.12339109927415848, 0.006472766865044832, -0.038660623133182526, 0.0007042206707410514, 0.15163564682006836, 0.12091904133558273, -0.09069956094026566, -0.007620914839208126, -0.052917469292879105, 0.09318189322948456, 0.05990233272314072, 0.0982261672616005, -0.06625612080097198, 0.028939591720700264, -0.0038380962796509266, -0.06081939861178398, 0.0076798140071332455, -0.07930735498666763, -0.08140875399112701, 0.0007431078120134771, -0.043802179396152496, -0.020673010498285294, 0.017980240285396576, -0.021383604034781456, -0.06628087908029556, -0.11684461683034897, -0.04885311424732208, 0.10357560962438583, -0.09192179143428802, 0.01141047291457653, -0.08979585021734238, 0.05815695971250534, 0.020197764039039612, 0.029991870746016502, -0.13430531322956085, -0.052911240607500076, 0.05135490745306015, -0.06854789704084396, -0.00660879397764802, -0.0003543687635101378, 0.037787165492773056, 0.020949358120560646, 0.007210956886410713, -0.046942584216594696, -0.044914811849594116, -0.007731669582426548, -0.04452843964099884, -0.2525303065776825, -0.0678943619132042, -0.02763703279197216, 0.18926531076431274, -0.19791503250598907, 0.01446202490478754, 0.09404496103525162, 0.11292390525341034, -0.0059320214204490185, -0.05211985856294632, 0.008369166404008865, 0.04395104944705963, -0.02523791790008545, -0.06807763129472733, 0.00829281099140644, -0.0025161176454275846, -0.08235425502061844, -0.01938345655798912, -0.1349722445011139, 0.025796394795179367, 0.07362528145313263, 0.05572224035859108, -0.0789421871304512, -0.04643624275922775, -0.05940935015678406, -0.05034996196627617, -0.0507458858191967, -0.02962074801325798, 0.10029569268226624, 0.03929763287305832, 0.07349038869142532, -0.05858881026506424, -0.053075265139341354, 0.0324987955391407, 0.026040643453598022, -0.0040461295284330845, 0.15940290689468384, 0.10577233880758286, -0.034631628543138504, 0.0923866331577301, 0.020054295659065247, -0.04420679062604904, 0.0919959768652916, -0.05883505567908287, -0.09851165115833282, -0.04983862489461899, 0.07692082971334457, 0.032765597105026245, 0.08212840557098389, -0.18841125071048737, -0.01021223608404398, 0.03153791278600693, 0.036243706941604614, 0.02864573709666729, -0.15624064207077026, 0.01182983722537756, 0.02717072144150734, -0.09119072556495667, -0.012393487617373466, 0.013028407469391823, -0.011207910254597664, 0.07707285135984421, 0.010470704175531864, -0.06827864795923233, -0.04605638608336449, -0.06297710537910461, -0.12709344923496246, 0.16232308745384216, -0.09697651863098145, -0.1389344036579132, -0.098414346575737, -0.009736265055835247, -0.01601257734000683, -0.02682233601808548, 0.062091704457998276, -0.11286089569330215, -0.06660547852516174, -0.06440191715955734, -0.006850757170468569, -0.02955785021185875, 0.022160252556204796, 0.07884696125984192, 0.02238611876964569, 0.0250193253159523, -0.09753255546092987, 0.004459172021597624, -0.004994984716176987, -0.029491830617189407, 0.009698858484625816, 0.03305184841156006, 0.1026800349354744, 0.18300460278987885, 0.06422359496355057, 0.06568413227796555, -0.015759680420160294, 0.20004941523075104, -0.12886786460876465, 0.0047134398482739925, 0.07254381477832794, 0.013441503047943115, 0.05731438472867012, 0.17644651234149933, 0.030577773228287697, -0.09538763761520386, 0.02704012580215931, 0.04938682168722153, -0.012941362336277962, -0.25897538661956787, -0.02419561892747879, -0.09020025283098221, -0.017466628924012184, 0.07797769457101822, 0.04953746125102043, -0.004345227964222431, 0.0073835588991642, -0.012101741507649422, -0.023701321333646774, 0.05040757730603218, 0.04992397129535675, 0.03763553872704506, 0.04391174018383026, 0.098900206387043, -0.01463409699499607, 0.0009717412758618593, 0.024788806214928627, -0.01738121174275875, 0.2449934333562851, 0.02866949699819088, 0.19569239020347595, 0.07186341285705566, 0.1313275247812271, -0.007775561884045601, 0.05128573998808861, 0.02155337482690811, 0.013282478787004948, 0.04091542959213257, -0.06589165329933167, -0.049490634351968765, 0.04569762200117111, 0.11567361652851105, -0.01619388721883297, -0.08182712644338608, 0.0566687174141407, 0.04407978802919388, 0.33219045400619507, 0.07100839167833328, -0.24669796228408813, -0.03326759114861488, 0.02195758931338787, -0.0635000467300415, -0.017559418454766273, 0.01649654097855091, 0.1036699190735817, -0.08527879416942596, 0.0644068568944931, -0.038564540445804596, 0.09790138155221939, -0.06200309842824936, -0.009547700174152851, 0.0665886178612709, 0.11043001711368561, 0.017956769093871117, 0.05425146222114563, -0.25698643922805786, 0.2350739687681198, -0.019533537328243256, 0.06735330075025558, -0.051794588565826416, 0.06146089732646942, 0.020309673622250557, -0.04534146934747696, 0.10732630640268326, -0.003883439814671874, -0.1434018611907959, -0.14597000181674957, -0.10236018151044846, 0.016843635588884354, 0.14877958595752716, -0.09515000134706497, 0.12766237556934357, -0.03547320514917374, -0.05881503224372864, 0.021522382274270058, -0.03182746469974518, -0.15136900544166565, -0.09316661953926086, 0.07774346321821213, 0.006731928791850805, 0.0794323980808258, -0.07065178453922272, -0.07923702150583267, -0.08539777249097824, 0.1700998842716217, -0.1778726577758789, -0.018980521708726883, -0.15073740482330322, 0.04284027963876724, 0.15934503078460693, -0.07007943093776703, 0.04053634777665138, 0.01041912566870451, 0.14451143145561218, 0.03051709197461605, -0.012916270643472672, 0.09911084175109863, -0.09939853847026825, -0.19925916194915771, -0.043338850140571594, 0.17464807629585266, 0.03961803764104843, 0.05616847798228264, -0.010209930129349232, 0.010783164761960506, 0.010436619631946087, -0.10570698976516724, 0.08350040763616562, 0.08738022297620773, -0.027897292748093605, 0.0794866606593132, -0.059599488973617554, -0.047402273863554, -0.08828949928283691, -0.0452130027115345, 0.1109820008277893, 0.261840283870697, -0.07169748842716217, 0.053121503442525864, 0.03761766850948334, -0.0694313496351242, -0.15301354229450226, -0.007398562505841255, 0.12659768760204315, 0.03727644681930542, -0.029964476823806763, -0.19054646790027618, 0.01903294213116169, 0.08312319964170456, -0.020550046116113663, 0.08609458804130554, -0.3262940049171448, -0.12228036671876907, 0.06430595368146896, 0.045315664261579514, -0.03906296193599701, -0.17666369676589966, -0.09028664231300354, -0.0331328809261322, -0.11268483102321625, 0.03244619816541672, -0.02087332122027874, 0.11547058075666428, 0.012212473899126053, 0.0022498234175145626, 0.008438671939074993, -0.05031786859035492, 0.14214150607585907, 0.08389725536108017, 0.015149364247918129, -0.011756962165236473, 0.02986864186823368, 0.018058165907859802, -0.06775492429733276, 0.03179163858294487, -0.05790828913450241, 0.019563820213079453, -0.13167551159858704, -0.021950814872980118, -0.06355839222669601, 0.0010639902902767062, -0.06071361526846886, -0.0002275697625009343, -0.017351824790239334, 0.03591589629650116, 0.1169004738330841, 0.013541915453970432, 0.05571821331977844, -0.05495602637529373, 0.0997338742017746, 0.12052430212497711, 0.10498631000518799, 0.011495648883283138, -0.11896201968193054, 0.005795336328446865, 0.010894352570176125, 0.02118854783475399, -0.09884636849164963, 0.05101509019732475, 0.13570986688137054, 0.04731348156929016, 0.1544000208377838, 0.05720565468072891, -0.09551027417182922, -0.016107330098748207, 0.07032071053981781, -0.047379955649375916, -0.18335141241550446, 0.005771375261247158, 0.006722583901137114, -0.13499420881271362, 0.003635608358308673, 0.10759128630161285, -0.013635006733238697, 0.007081971038132906, 0.018167583271861076, 0.0748734101653099, -0.029360400512814522, 0.22869350016117096, 0.005319719668477774, 0.12248928844928741, -0.10349475592374802, 0.07200602442026138, 0.03724503517150879, -0.08457787334918976, 0.04657542333006859, 0.1275571882724762, -0.06931793689727783, -0.028836287558078766, 0.024623386561870575, 0.07725907862186432, 0.06601615995168686, -0.03086625225841999, -0.10530774295330048, -0.15069864690303802, 0.10479041188955307, 0.05502777174115181, 0.02009999193251133, 0.03634439408779144, 0.010918652638792992, 0.034568220376968384, -0.0744459331035614, 0.09476983547210693, 0.09795840084552765, 0.05362080782651901, -0.09610571712255478, 0.07333813607692719, 0.005414354149252176, 0.003516986733302474, 0.0005967894103378057, -0.003037751652300358, -0.11815398186445236, 0.03316143900156021, -0.05132724344730377, -0.010718747973442078, -0.08749076724052429, -0.016374662518501282, 0.0318988673388958, -0.054866597056388855, -0.05872835963964462, 0.018297092989087105, -0.11208028346300125, -0.06839513778686523, -0.060293350368738174, 0.09172779321670532, -0.11068809777498245, 0.019659841433167458, 0.036856718361377716, -0.16305771470069885, 0.10752047598361969, 0.03877006843686104, 0.003810760797932744, 0.0034642168320715427, -0.11272698640823364, -0.01816856674849987, 0.033884402364492416, 0.00885301548987627, 0.0421537347137928, -0.21629168093204498, -0.003248340915888548, -0.026565615087747574, 0.015531991608440876, -0.006013405043631792, 0.009523208253085613, -0.1219511553645134, 0.0019346242770552635, -0.07315022498369217, -0.04974544420838356, -0.041007496416568756, 0.03899463638663292, 0.08702094107866287, 0.013988206163048744, 0.14825986325740814, -0.047205790877342224, 0.08775956928730011, -0.20232556760311127, -0.012348714284598827, 0.0062514664605259895, -0.01666141301393509, -0.012566110119223595, -0.027191998437047005, 0.11471972614526749, -0.061398524791002274, 0.06795430183410645, -0.04111487790942192, 0.046356577426195145, 0.023611314594745636, -0.09398873895406723, 0.016402870416641235, 0.059819165617227554, 0.14064142107963562, 0.08208176493644714, -0.015072396956384182, 0.05081835761666298, -0.047166358679533005, 0.0347655713558197, 0.006323531270027161, 0.19250808656215668, 0.13873444497585297, 0.0796995684504509, 0.08333250135183334, 0.09268061071634293, -0.16758649051189423, -0.12036759406328201, 0.1940072923898697, -0.11164342612028122, 0.1289750188589096, -0.0415608212351799, 0.17198264598846436, 0.11723297089338303, -0.18849390745162964, 0.0731763020157814, -0.02998953126370907, -0.087532639503479, -0.11565572023391724, -0.08553868532180786, -0.08639970421791077, -0.1713237464427948, 0.02290184050798416, -0.09702707827091217, 0.07659885287284851, 0.03510652855038643, 0.05617540702223778, 0.057616427540779114, 0.08659816533327103, 0.0447220578789711, -0.003457210026681423, 0.10667972266674042, 0.000004495593657338759, -0.022138087078928947, -0.021021852269768715, -0.09233924746513367, 0.04784966632723808, -0.008221258409321308, 0.10876580327749252, -0.007491962052881718, -0.0962444394826889, 0.07314800471067429, 0.003880675882101059, -0.09815865010023117, 0.028624577447772026, -0.03645160421729088, 0.007645392790436745, 0.09012661129236221, 0.04810380935668945, -0.019445687532424927, 0.0014006715500727296, 0.155654177069664, -0.08393028378486633, -0.06444352120161057, -0.1495325118303299, 0.1290963739156723, 0.018306417390704155, 0.028088893741369247, 0.003646622644737363, -0.07688047736883163, -0.04026927426457405, 0.1669023036956787, 0.12040522694587708, -0.005981398746371269, -0.021625421941280365, 0.041771598160266876, -0.0014042914845049381, -0.020957086235284805, 0.07530726492404938, 0.10972850769758224, 0.08672159165143967, -0.024451345205307007, -0.0067161391489207745, -0.024989215657114983, -0.10293005406856537, -0.03004647232592106, 0.04916645586490631, 0.019572703167796135, -0.003110593883320689, -0.013469296507537365, 0.13935691118240356, -0.07546023279428482, -0.16354161500930786, 0.029644353315234184, -0.1298132687807083, -0.18154314160346985, -0.03591892495751381, 0.07379413396120071, 0.033333562314510345, 0.04807591810822487, 0.0034630484879016876, -0.06351619213819504, 0.17861703038215637, -0.0019411196699365973, -0.030901480466127396, -0.09585733711719513, 0.04616428166627884, -0.09904894232749939, 0.14992685616016388, -0.03144123777747154, 0.037077609449625015, 0.13308578729629517, 0.05550467222929001, -0.0998874381184578, 0.040184203535318375, 0.09695903211832047, -0.12994524836540222, 0.06474829465150833, 0.19498559832572937, -0.05168861895799637, 0.11854808777570724, 0.053800273686647415, -0.09796557575464249, 0.009367882274091244, -0.044891610741615295, -0.012359595857560635, -0.08451240509748459, 0.009595311246812344, -0.056511860340833664, 0.11979130655527115, 0.19480140507221222, -0.07484545558691025, 0.00932287983596325, -0.03701044246554375, 0.02766038477420807, -0.02189014106988907, 0.15682777762413025, -0.04020293056964874, -0.28013280034065247, 0.04284623637795448, -0.014120344072580338, 0.04566223546862602, -0.15876585245132446, -0.08030226081609726, 0.031367119401693344, -0.030756738036870956, -0.07607045024633408, 0.12615536153316498, 0.06119092181324959, 0.04222060739994049, -0.05091802403330803, -0.22116966545581818, -0.0025989266578108072, 0.19452841579914093, -0.17533452808856964, -0.05918486416339874 ]
null
null
transformers
# Cedille AI Cedille is a project to bring large language models to non-English languages. ## fr-boris Boris is a 6B parameter autoregressive language model based on the GPT-J architecture and trained using the [mesh-transformer-jax](https://github.com/kingoflolz/mesh-transformer-jax) codebase. Boris was trained on around 78B tokens of French text from the [C4](https://huggingface.co/datasets/c4) dataset. We started training from GPT-J, which has been trained on [The Pile](https://pile.eleuther.ai/). As a consequence the model still has good performance in English language. Boris makes use of the unmodified GPT-2 tokenizer. Boris is named after the great French writer [Boris Vian](https://en.wikipedia.org/wiki/Boris_Vian). # How do I test Cedille? For the time being, the easiest way to test the model is to use our [publicly accessible playground](https://en.cedille.ai/). Cedille is a relatively large model and running it in production can get expensive. Consider contacting us for API access at hello@cedille.ai. ## 📊 Cedille paper Our paper is out now! https://arxiv.org/abs/2202.03371 Thanks for citing our work if you make use of Cedille ```bibtex @misc{muller2022cedille, title={Cedille: A large autoregressive French language model}, author={Martin M{\"{u}}ller and Florian Laurent}, year={2022}, eprint={2202.03371}, archivePrefix={arXiv}, primaryClass={cs.CL} } ``` ## Contact us For any custom development please contact us at hello@cedille.ai. ## Links * [Official website](https://en.cedille.ai/) * [Blog](https://en.cedille.ai/blog) * [GitHub](https://github.com/coteries/cedille-ai) * [Twitter](https://twitter.com/CedilleAI)
{"language": "fr", "license": "mit", "tags": ["pytorch", "causal-lm"], "datasets": ["c4"]}
text-generation
Cedille/fr-boris
[ "transformers", "pytorch", "gptj", "text-generation", "causal-lm", "fr", "dataset:c4", "arxiv:2202.03371", "license:mit", "autotrain_compatible", "endpoints_compatible", "has_space", "region:us" ]
2022-03-02T23:29:04+00:00
[ "2202.03371" ]
[ "fr" ]
TAGS #transformers #pytorch #gptj #text-generation #causal-lm #fr #dataset-c4 #arxiv-2202.03371 #license-mit #autotrain_compatible #endpoints_compatible #has_space #region-us
# Cedille AI Cedille is a project to bring large language models to non-English languages. ## fr-boris Boris is a 6B parameter autoregressive language model based on the GPT-J architecture and trained using the mesh-transformer-jax codebase. Boris was trained on around 78B tokens of French text from the C4 dataset. We started training from GPT-J, which has been trained on The Pile. As a consequence the model still has good performance in English language. Boris makes use of the unmodified GPT-2 tokenizer. Boris is named after the great French writer Boris Vian. # How do I test Cedille? For the time being, the easiest way to test the model is to use our publicly accessible playground. Cedille is a relatively large model and running it in production can get expensive. Consider contacting us for API access at hello@URL. ## Cedille paper Our paper is out now! URL Thanks for citing our work if you make use of Cedille ## Contact us For any custom development please contact us at hello@URL. ## Links * Official website * Blog * GitHub * Twitter
[ "# Cedille AI\nCedille is a project to bring large language models to non-English languages.", "## fr-boris\nBoris is a 6B parameter autoregressive language model based on the GPT-J architecture and trained using the mesh-transformer-jax codebase.\n\nBoris was trained on around 78B tokens of French text from the C4 dataset. We started training from GPT-J, which has been trained on The Pile. As a consequence the model still has good performance in English language. Boris makes use of the unmodified GPT-2 tokenizer.\n\nBoris is named after the great French writer Boris Vian.", "# How do I test Cedille?\nFor the time being, the easiest way to test the model is to use our publicly accessible playground.\n\nCedille is a relatively large model and running it in production can get expensive. Consider contacting us for API access at hello@URL.", "## Cedille paper\nOur paper is out now! URL\n\nThanks for citing our work if you make use of Cedille", "## Contact us\nFor any custom development please contact us at hello@URL.", "## Links\n* Official website\n* Blog\n* GitHub\n* Twitter" ]
[ "TAGS\n#transformers #pytorch #gptj #text-generation #causal-lm #fr #dataset-c4 #arxiv-2202.03371 #license-mit #autotrain_compatible #endpoints_compatible #has_space #region-us \n", "# Cedille AI\nCedille is a project to bring large language models to non-English languages.", "## fr-boris\nBoris is a 6B parameter autoregressive language model based on the GPT-J architecture and trained using the mesh-transformer-jax codebase.\n\nBoris was trained on around 78B tokens of French text from the C4 dataset. We started training from GPT-J, which has been trained on The Pile. As a consequence the model still has good performance in English language. Boris makes use of the unmodified GPT-2 tokenizer.\n\nBoris is named after the great French writer Boris Vian.", "# How do I test Cedille?\nFor the time being, the easiest way to test the model is to use our publicly accessible playground.\n\nCedille is a relatively large model and running it in production can get expensive. Consider contacting us for API access at hello@URL.", "## Cedille paper\nOur paper is out now! URL\n\nThanks for citing our work if you make use of Cedille", "## Contact us\nFor any custom development please contact us at hello@URL.", "## Links\n* Official website\n* Blog\n* GitHub\n* Twitter" ]
[ 69, 23, 123, 64, 26, 16, 13 ]
[ "passage: TAGS\n#transformers #pytorch #gptj #text-generation #causal-lm #fr #dataset-c4 #arxiv-2202.03371 #license-mit #autotrain_compatible #endpoints_compatible #has_space #region-us \n# Cedille AI\nCedille is a project to bring large language models to non-English languages.## fr-boris\nBoris is a 6B parameter autoregressive language model based on the GPT-J architecture and trained using the mesh-transformer-jax codebase.\n\nBoris was trained on around 78B tokens of French text from the C4 dataset. We started training from GPT-J, which has been trained on The Pile. As a consequence the model still has good performance in English language. Boris makes use of the unmodified GPT-2 tokenizer.\n\nBoris is named after the great French writer Boris Vian.# How do I test Cedille?\nFor the time being, the easiest way to test the model is to use our publicly accessible playground.\n\nCedille is a relatively large model and running it in production can get expensive. Consider contacting us for API access at hello@URL.## Cedille paper\nOur paper is out now! URL\n\nThanks for citing our work if you make use of Cedille## Contact us\nFor any custom development please contact us at hello@URL.## Links\n* Official website\n* Blog\n* GitHub\n* Twitter" ]
[ -0.061600878834724426, 0.1280171424150467, -0.00308034336194396, 0.06218601390719414, 0.06887558102607727, -0.044779036194086075, 0.07579279690980911, 0.1623249650001526, 0.07464578747749329, 0.08408044278621674, 0.10920583456754684, -0.020277786999940872, 0.032242875546216965, 0.10042444616556168, 0.056714385747909546, -0.06650708615779877, -0.00990456622093916, -0.02850927971303463, -0.0008456992800347507, 0.1265554428100586, 0.12206344306468964, -0.07787598669528961, 0.06609544157981873, 0.017712779343128204, -0.01410860475152731, -0.009526440873742104, -0.060988035053014755, -0.031121354550123215, 0.08961482346057892, 0.003122835885733366, -0.007806418463587761, 0.022675519809126854, -0.004775268491357565, -0.10396472364664078, 0.027048589661717415, 0.038523830473423004, 0.013672632165253162, 0.05049598962068558, 0.04682881757616997, -0.012777202762663364, 0.10418578237295151, -0.04655994102358818, 0.0012757570948451757, 0.08324579894542694, -0.05921602621674538, -0.2007049173116684, -0.13452492654323578, 0.004794561304152012, 0.0572134368121624, 0.07667873054742813, -0.021606508642435074, 0.11279609054327011, -0.02589714340865612, 0.05890437960624695, 0.18405978381633759, -0.26984870433807373, -0.0609862245619297, 0.05254466459155083, 0.2168009728193283, 0.06669455021619797, -0.05488899350166321, 0.04177113622426987, 0.05067192390561104, 0.02446596510708332, 0.05192307010293007, -0.03301683068275452, 0.029598677530884743, 0.05204116553068161, -0.15107595920562744, -0.04420589283108711, 0.13343334197998047, 0.0008564477902837098, -0.0883229672908783, -0.08793192356824875, -0.009604579769074917, -0.014230998232960701, 0.04572536051273346, -0.10815806686878204, 0.0300279688090086, -0.009215003810822964, 0.04207892343401909, -0.17773036658763885, -0.10652218759059906, -0.03556437790393829, 0.045398131012916565, 0.08287908881902695, 0.009965288452804089, 0.032506100833415985, -0.039881203323602676, 0.10972973704338074, -0.08975260704755783, -0.05586167424917221, -0.1033201590180397, -0.07185844331979752, 0.01512427069246769, -0.03401584550738335, 0.08608725666999817, -0.11141850799322128, 0.07177840173244476, 0.2029396891593933, 0.0191909521818161, 0.02084462344646454, 0.0368766188621521, 0.026440607383847237, 0.04627782851457596, 0.1821751445531845, -0.04094474017620087, -0.11358654499053955, 0.03475423902273178, 0.0205279178917408, -0.06534399837255478, 0.015093236230313778, -0.027821959927678108, -0.06749062985181808, 0.09943890571594238, 0.07842602580785751, 0.07684524357318878, -0.040187813341617584, 0.03619259223341942, 0.010951650328934193, 0.1880502998828888, -0.09630955010652542, 0.05441170930862427, 0.0019139110809192061, -0.07672035694122314, 0.054582852870225906, 0.021778853610157967, -0.07097557932138443, -0.07396705448627472, -0.030956260859966278, -0.02819743938744068, -0.032946184277534485, -0.08972597122192383, -0.11419421434402466, 0.06075179949402809, -0.06987714767456055, -0.07371550053358078, -0.12351150065660477, -0.05304102972149849, -0.0813041552901268, 0.06325408071279526, -0.032812535762786865, 0.059948503971099854, -0.05669455975294113, -0.09823188185691833, 0.026722615584731102, 0.01629984937608242, -0.06322772800922394, -0.036326970905065536, 0.03290057182312012, -0.028743913397192955, 0.07664947956800461, 0.01763126254081726, 0.013146218843758106, -0.03538483753800392, 0.0136253722012043, -0.11018196493387222, 0.038395997136831284, -0.11530148983001709, -0.0908866822719574, -0.17093944549560547, -0.04770885780453682, 0.12027639895677567, -0.003456078702583909, 0.07487200200557709, 0.1703461855649948, -0.12700681388378143, 0.011279676109552383, 0.22385980188846588, -0.015123050659894943, -0.07469488680362701, 0.1527339369058609, -0.03145068138837814, 0.09463498741388321, 0.11178476363420486, 0.004259931389242411, 0.12432827055454254, -0.23679061233997345, -0.09368176013231277, 0.012736828066408634, -0.07492200285196304, -0.009487477131187916, 0.08902466297149658, -0.043187644332647324, 0.0660100132226944, 0.0006977760931476951, -0.0921841636300087, -0.008664770051836967, -0.0527363158762455, -0.030587486922740936, 0.011522556655108929, -0.029457343742251396, 0.063062883913517, -0.01988084986805916, -0.0362139567732811, -0.05819770693778992, -0.139097198843956, -0.04551592096686363, 0.07971826195716858, -0.03517932444810867, 0.012631245888769627, -0.09145133197307587, 0.1377258449792862, -0.07478996366262436, 0.008347605355083942, -0.09747593104839325, 0.022550325840711594, 0.06787282228469849, -0.023809179663658142, 0.030289165675640106, -0.00994108710438013, 0.10158532112836838, 0.007357459515333176, -0.0075242663733661175, 0.0082203708589077, -0.02695447765290737, -0.029165808111429214, -0.05131629481911659, -0.07652395963668823, 0.02497999556362629, -0.07532218098640442, -0.057393357157707214, -0.11554745584726334, 0.01338128186762333, 0.13641388714313507, -0.013401747681200504, 0.024197887629270554, -0.04351036995649338, -0.004144264850765467, -0.01795193925499916, -0.032043758779764175, -0.04608423262834549, 0.018399007618427277, -0.025448735803365707, 0.03811035677790642, 0.05592832341790199, -0.012127612717449665, -0.16687022149562836, 0.04881083592772484, 0.09895896911621094, -0.13599978387355804, 0.05434637889266014, -0.029913099482655525, -0.020392315462231636, -0.023873941972851753, -0.06325109302997589, 0.18213097751140594, 0.026511184871196747, 0.10580892860889435, -0.0908319354057312, -0.06835900992155075, 0.013450599275529385, -0.04030200466513634, 0.01161896251142025, 0.13397277891635895, 0.01984042301774025, -0.07488250732421875, 0.04320971667766571, 0.035632502287626266, -0.04600875452160835, 0.15529754757881165, 0.009058240801095963, -0.08372728526592255, -0.07387673109769821, 0.14809410274028778, 0.031035462394356728, 0.09622822701931, -0.06637725234031677, -0.043396543711423874, 0.017497947439551353, 0.010937429033219814, 0.015767090022563934, -0.07755374163389206, 0.05089271441102028, 0.018437327817082405, -0.09322498738765717, 0.08925580978393555, 0.055636923760175705, -0.07462189346551895, 0.06188451126217842, 0.09280134737491608, -0.024772491306066513, -0.02336788736283779, -0.026194555684924126, -0.09319435805082321, 0.14001749455928802, -0.05644205957651138, -0.066823311150074, -0.08993817120790482, 0.03615948557853699, 0.003742876695469022, -0.017523353919386864, 0.0879247710108757, -0.08577097207307816, -0.024047382175922394, -0.042420968413352966, -0.032680317759513855, -0.021738754585385323, -0.04384745657444, -0.0697568878531456, 0.01332460343837738, -0.04767763242125511, -0.14108604192733765, -0.014524707570672035, 0.04027628153562546, -0.04964002966880798, 0.05141332000494003, 0.005164236295968294, 0.11197514832019806, 0.03490673378109932, -0.06627754122018814, 0.015878286212682724, 0.012151999399065971, 0.25726208090782166, -0.11963135749101639, 0.1093815490603447, 0.13979536294937134, 0.0666450783610344, 0.06874234229326248, -0.003307886188849807, 0.011024296283721924, 0.010729542933404446, -0.004223124124109745, -0.01446535810828209, -0.05893467366695404, -0.24320769309997559, -0.029673529788851738, -0.014208370819687843, -0.004944347310811281, -0.004675473086535931, 0.07543547451496124, -0.003975297790020704, 0.015879904851317406, -0.016393275931477547, -0.031740784645080566, 0.08235271275043488, 0.10045576840639114, -0.01927146501839161, 0.01097195316106081, 0.0021671855356544256, -0.03286854550242424, -0.027060771360993385, 0.12200360745191574, 0.008879868313670158, 0.17571264505386353, -0.011789319105446339, 0.12273514270782471, 0.0823606550693512, 0.01602940447628498, -0.009825869463384151, 0.03661616891622543, -0.0032236953265964985, 0.04525918513536453, -0.030832791700959206, -0.07844249904155731, 0.07934056222438812, 0.015923945233225822, 0.025199901312589645, -0.04419241473078728, 0.01969650387763977, -0.053974587470293045, 0.06873362511396408, 0.21305231750011444, 0.02596857398748398, -0.1400643289089203, -0.05712159350514412, -0.025140969082713127, -0.046710580587387085, -0.09705565869808197, -0.0011330560082569718, 0.07392194122076035, -0.1748303920030594, -0.041449032723903656, -0.04006050527095795, 0.0920150950551033, -0.08569792658090591, -0.022447681054472923, 0.04048535227775574, 0.010499625466763973, -0.011070075444877148, 0.05657936632633209, -0.15922094881534576, 0.08475825190544128, 0.04392235353589058, 0.1301005631685257, -0.02690768986940384, 0.021894920617341995, 0.01772870309650898, -0.047353532165288925, 0.17707262933254242, -0.005643010139465332, 0.12480462342500687, -0.010365983471274376, -0.10392281413078308, 0.005019513424485922, 0.07652073353528976, -0.03559757024049759, 0.11429046839475632, -0.02390211820602417, -0.018567275255918503, -0.047722186893224716, -0.06632925570011139, -0.10725297778844833, -0.06570050865411758, 0.04212828353047371, -0.014982124790549278, 0.0174492709338665, -0.0037652296014130116, -0.041218142956495285, -0.034893762320280075, 0.2166520059108734, -0.19402538239955902, -0.11033324897289276, -0.08751676231622696, -0.10888710618019104, 0.09249645471572876, -0.08356904983520508, 0.03651439771056175, -0.034126412123441696, 0.037012144923210144, -0.04598597064614296, -0.003660097485408187, 0.016480404883623123, -0.055417463183403015, -0.12355860322713852, -0.01993224024772644, 0.10326281934976578, 0.1431681364774704, 0.010591947473585606, 0.016759753227233887, -0.004957376513630152, -0.08959999680519104, -0.11848750710487366, 0.027850553393363953, 0.14456281065940857, -0.055348701775074005, -0.031087495386600494, 0.015438303351402283, -0.0743752270936966, -0.07048818469047546, -0.01482196431607008, 0.10177381336688995, 0.2342539280653, -0.09376269578933716, 0.11664006859064102, 0.19152265787124634, -0.0630902424454689, -0.20701149106025696, -0.03129703179001808, 0.05301303789019585, 0.026327364146709442, -0.07577402144670486, -0.12073949724435806, -0.017835836857557297, -0.006541214417666197, -0.056740887463092804, 0.16782402992248535, -0.19299927353858948, -0.050663720816373825, -0.004911326337605715, -0.05021422728896141, 0.10008232295513153, -0.09964372962713242, -0.03775103762745857, 0.047483522444963455, -0.08400937914848328, 0.014540189877152443, -0.026535196229815483, 0.08220214396715164, -0.03131335601210594, 0.013841146603226662, 0.028818221762776375, -0.0864417552947998, 0.12069026380777359, -0.045185238122940063, 0.012742547318339348, -0.03178621456027031, -0.0894160345196724, 0.09759678691625595, -0.09151461720466614, 0.15860098600387573, 0.003777011763304472, 0.0339723601937294, -0.16375188529491425, -0.04099807143211365, -0.09728099405765533, 0.08289597928524017, -0.027773689478635788, -0.022813240066170692, -0.11526466906070709, 0.054013900458812714, 0.05267497897148132, -0.012397491373121738, -0.03820390999317169, -0.02633010596036911, -0.05504186078906059, 0.19177143275737762, 0.1187061294913292, 0.013394949957728386, -0.12751418352127075, 0.0980810895562172, -0.02033134736120701, 0.08166272193193436, -0.1598547250032425, 0.005826455075293779, 0.1114485114812851, 0.0266313087195158, 0.05637719854712486, 0.020343661308288574, -0.2137666642665863, 0.04340142756700516, 0.04221300035715103, -0.15233884751796722, -0.10101031512022018, -0.030544305220246315, -0.1125941276550293, -0.07018674910068512, 0.005646035075187683, 0.1499500572681427, -0.08650599420070648, -0.02385415881872177, 0.00866211298853159, 0.04396390542387962, -0.012473820708692074, 0.09149225801229477, 0.107546865940094, 0.026337893679738045, -0.01496140193194151, 0.016985047608613968, 0.05270187184214592, -0.0459863655269146, 0.049215976148843765, 0.1305488497018814, -0.09424649178981781, -0.04636301472783089, 0.05586441606283188, 0.048740338534116745, -0.0370248481631279, -0.03567517176270485, 0.027924908325076103, 0.03384276106953621, 0.014638260938227177, 0.07757456600666046, 0.03644213080406189, 0.02831905148923397, 0.06812723726034164, 0.039060842245817184, -0.08456195890903473, 0.13299234211444855, 0.06480502337217331, -0.023380577564239502, 0.013481171801686287, -0.0068468963727355, -0.05438380315899849, 0.07951267808675766, -0.03560106083750725, -0.020503241568803787, -0.09101542830467224, -0.007114451378583908, -0.1270294040441513, 0.01792757585644722, -0.030731188133358955, -0.018561583012342453, -0.0019014835124835372, -0.006391878705471754, 0.01338525116443634, 0.044330112636089325, -0.0501355305314064, -0.03714077174663544, -0.01826772280037403, 0.06965027749538422, -0.15754438936710358, -0.02784317173063755, 0.047959573566913605, -0.0400647409260273, 0.07326362282037735, -0.013764417730271816, -0.042309656739234924, -0.031356316059827805, -0.12786467373371124, -0.01296513807028532, -0.05207258090376854, 0.0024276229087263346, 0.042744189500808716, -0.10171788930892944, 0.018893549218773842, -0.042647577822208405, 0.02323964796960354, 0.0253464188426733, 0.0379256047308445, -0.03717249631881714, -0.002832031110301614, -0.03621113672852516, 0.017597133293747902, -0.05794431269168854, 0.1252531260251999, 0.07531063258647919, 0.11165682226419449, 0.05814369395375252, -0.0558633953332901, 0.0729256272315979, -0.05892980471253395, -0.00488745141774416, 0.008960585109889507, -0.004282017238438129, -0.045567139983177185, -0.0044923871755599976, 0.04578293859958649, -0.07289931178092957, 0.026403062045574188, 0.0507664829492569, 0.06990495324134827, 0.012587485834956169, -0.1966039389371872, -0.11836826801300049, -0.029553363099694252, -0.09782636910676956, -0.046204473823308945, -0.022247709333896637, -0.030197748914361, 0.03506047651171684, -0.06393509358167648, -0.11620405316352844, 0.04804190248250961, 0.11457119882106781, 0.06366505473852158, 0.10256670415401459, -0.07288861274719238, -0.04693172872066498, -0.1295284926891327, -0.055070068687200546, 0.02251497656106949, 0.0898488387465477, -0.10217711329460144, 0.15953561663627625, 0.1446308195590973, -0.08715429902076721, 0.07042397558689117, 0.0023525559809058905, -0.05868733301758766, -0.10909394174814224, -0.11292464286088943, -0.05855700746178627, -0.03248685225844383, 0.026171814650297165, -0.06322559714317322, 0.1099022850394249, -0.07861602306365967, 0.06650049984455109, -0.049513768404722214, 0.044411949813365936, -0.00940787699073553, -0.11050336062908173, 0.1520131379365921, -0.031667813658714294, 0.02881055697798729, -0.007821658626198769, 0.09772181510925293, -0.013120634481310844, -0.008189585991203785, 0.06880369037389755, 0.11197125911712646, 0.0026408666744828224, -0.002195536158978939, -0.059504613280296326, -0.07791148871183395, -0.009723914787173271, 0.09730786085128784, 0.0612180270254612, 0.1340782344341278, 0.03626370057463646, -0.07336762547492981, 0.02447599358856678, 0.14801746606826782, -0.038808438926935196, -0.03423725441098213, -0.10460109263658524, 0.13624875247478485, 0.021836629137396812, 0.026041410863399506, -0.06558020412921906, -0.07232161611318588, -0.02130136638879776, 0.2266341596841812, 0.14534609019756317, 0.05064022168517113, -0.020230747759342194, -0.04269150272011757, -0.0022343879099935293, 0.04331391304731369, 0.019534775987267494, 0.004421604331582785, 0.2565799057483673, -0.07671667635440826, 0.07511378824710846, -0.05526311695575714, 0.018476473167538643, -0.05678297206759453, 0.08681108802556992, -0.0161302387714386, 0.014061832800507545, -0.052101146429777145, 0.09953389316797256, -0.015322575345635414, -0.266536146402359, -0.01354366447776556, -0.02110670693218708, -0.061920635402202606, 0.05969489365816116, -0.0418136790394783, -0.0031256647780537605, 0.07216411828994751, 0.019253376871347427, -0.0028154815081506968, 0.11245642602443695, -0.014759414829313755, -0.06421602517366409, 0.005002280697226524, 0.07079222798347473, -0.1243228167295456, 0.2407301515340805, 0.028701338917016983, 0.09039159119129181, 0.11519688367843628, -0.07244998216629028, -0.15574297308921814, -0.007207129616290331, 0.0783858522772789, -0.07062475383281708, 0.01831664703786373, 0.06936424970626831, -0.0004371476243250072, 0.011816746555268764, 0.04625387862324715, 0.09827564656734467, 0.008546176366508007, 0.021005284041166306, 0.030644338577985764, -0.20551420748233795, 0.10308951884508133, -0.08234166353940964, 0.11475910246372223, 0.14482641220092773, -0.05667842552065849, 0.015257648192346096, -0.06509978324174881, 0.0313575454056263, -0.0065027629025280476, 0.05209512263536453, -0.018320512026548386, -0.10586824268102646, 0.03217960521578789, 0.01972692832350731, 0.06994382292032242, -0.1710255891084671, -0.017443962395191193, -0.04937927797436714, 0.028920957818627357, 0.03883879631757736, 0.09727782756090164, 0.02192218042910099, 0.01057471614331007, -0.013926979154348373, -0.0035954785998910666, -0.05419706180691719, 0.09713368117809296, -0.13799747824668884, -0.031835295259952545 ]
null
null
transformers
# ALBERT Base Spanish This is an [ALBERT](https://github.com/google-research/albert) model trained on a [big spanish corpora](https://github.com/josecannete/spanish-corpora). The model was trained on a single TPU v3-8 with the following hyperparameters and steps/time: - LR: 0.0008838834765 - Batch Size: 960 - Warmup ratio: 0.00625 - Warmup steps: 53333.33333 - Goal steps: 8533333.333 - Total steps: 3650000 - Total training time (aprox): 70.4 days. ## Training loss ![https://drive.google.com/uc?export=view&id=1IsxcgMwd7Hl-3bSnNl8W9jUrHJeHtZql](https://drive.google.com/uc?export=view&id=1IsxcgMwd7Hl-3bSnNl8W9jUrHJeHtZql)
{"language": ["es"], "tags": ["albert", "spanish", "OpenCENIA"], "datasets": ["large_spanish_corpus"]}
null
dccuchile/albert-base-spanish
[ "transformers", "pytorch", "tf", "albert", "pretraining", "spanish", "OpenCENIA", "es", "dataset:large_spanish_corpus", "endpoints_compatible", "region:us" ]
2022-03-02T23:29:04+00:00
[]
[ "es" ]
TAGS #transformers #pytorch #tf #albert #pretraining #spanish #OpenCENIA #es #dataset-large_spanish_corpus #endpoints_compatible #region-us
# ALBERT Base Spanish This is an ALBERT model trained on a big spanish corpora. The model was trained on a single TPU v3-8 with the following hyperparameters and steps/time: - LR: 0.0008838834765 - Batch Size: 960 - Warmup ratio: 0.00625 - Warmup steps: 53333.33333 - Goal steps: 8533333.333 - Total steps: 3650000 - Total training time (aprox): 70.4 days. ## Training loss !URL
[ "# ALBERT Base Spanish\n\nThis is an ALBERT model trained on a big spanish corpora.\nThe model was trained on a single TPU v3-8 with the following hyperparameters and steps/time:\n- LR: 0.0008838834765\n- Batch Size: 960\n- Warmup ratio: 0.00625\n- Warmup steps: 53333.33333\n- Goal steps: 8533333.333\n- Total steps: 3650000\n- Total training time (aprox): 70.4 days.", "## Training loss\n\n!URL" ]
[ "TAGS\n#transformers #pytorch #tf #albert #pretraining #spanish #OpenCENIA #es #dataset-large_spanish_corpus #endpoints_compatible #region-us \n", "# ALBERT Base Spanish\n\nThis is an ALBERT model trained on a big spanish corpora.\nThe model was trained on a single TPU v3-8 with the following hyperparameters and steps/time:\n- LR: 0.0008838834765\n- Batch Size: 960\n- Warmup ratio: 0.00625\n- Warmup steps: 53333.33333\n- Goal steps: 8533333.333\n- Total steps: 3650000\n- Total training time (aprox): 70.4 days.", "## Training loss\n\n!URL" ]
[ 51, 109, 5 ]
[ "passage: TAGS\n#transformers #pytorch #tf #albert #pretraining #spanish #OpenCENIA #es #dataset-large_spanish_corpus #endpoints_compatible #region-us \n# ALBERT Base Spanish\n\nThis is an ALBERT model trained on a big spanish corpora.\nThe model was trained on a single TPU v3-8 with the following hyperparameters and steps/time:\n- LR: 0.0008838834765\n- Batch Size: 960\n- Warmup ratio: 0.00625\n- Warmup steps: 53333.33333\n- Goal steps: 8533333.333\n- Total steps: 3650000\n- Total training time (aprox): 70.4 days.## Training loss\n\n!URL" ]
[ -0.1996828019618988, -0.021842429414391518, 0.00020602034055627882, 0.11699753999710083, 0.10313580185174942, 0.00732287997379899, -0.01623998023569584, 0.08650869131088257, 0.020573269575834274, 0.03538970276713371, 0.1257847547531128, 0.0728306770324707, 0.04092162847518921, 0.08480573445558548, -0.06262024492025375, -0.2651349604129791, 0.014309159480035305, 0.056476935744285583, -0.07177764922380447, 0.053309064358472824, 0.042373303323984146, -0.06432635337114334, 0.037747614085674286, -0.069759801030159, -0.04467156529426575, -0.020549368113279343, -0.022540654987096786, -0.11564061790704727, 0.1594942808151245, 0.029409972950816154, 0.11427759379148483, 0.06872470676898956, 0.043836478143930435, -0.01372454036027193, 0.0006235257023945451, 0.011325868777930737, 0.004000469576567411, 0.07888606190681458, 0.03169751167297363, 0.06869243085384369, 0.12800541520118713, -0.14376671612262726, 0.06508828699588776, 0.0705253928899765, -0.1894245147705078, -0.20950348675251007, -0.034506723284721375, -0.04198343679308891, 0.07610028237104416, 0.07065490633249283, 0.04023095965385437, 0.14265501499176025, -0.12316198647022247, 0.04059721902012825, 0.18747492134571075, -0.34252500534057617, -0.08385341614484787, 0.055636387318372726, 0.10082031786441803, 0.07542974501848221, -0.007349513005465269, 0.03009173460304737, 0.12389615923166275, 0.0030836807563900948, 0.08621306717395782, -0.04332750663161278, -0.05096147209405899, 0.03384697809815407, -0.14635780453681946, -0.04149225354194641, 0.09372477978467941, 0.05013693496584892, -0.06786598265171051, -0.041817594319581985, -0.09119565784931183, -0.12673382461071014, -0.012574916705489159, -0.0054734027944505215, 0.07089797407388687, -0.06263145804405212, -0.023661768063902855, -0.004298713058233261, -0.036874108016490936, -0.0857161208987236, -0.12211303412914276, 0.2263847142457962, -0.00916789099574089, 0.03360463306307793, 0.06154683604836464, 0.12371527403593063, 0.05595781281590462, -0.09334760904312134, 0.027693677693605423, 0.002198702422901988, -0.10504056513309479, -0.016541441902518272, -0.07146118581295013, 0.007362367119640112, -0.04928438365459442, -0.02106444351375103, -0.07226327806711197, -0.03508477658033371, 0.139628604054451, 0.034579984843730927, -0.025738704949617386, 0.17062006890773773, -0.11046750843524933, -0.0638296827673912, -0.05095023661851883, -0.03392157703638077, -0.026925941929221153, -0.012302271090447903, -0.10062360018491745, -0.16149821877479553, 0.04444144293665886, 0.04518618807196617, -0.03330112621188164, -0.01267265249043703, -0.05932937562465668, -0.08571546524763107, 0.08226628601551056, -0.029175108298659325, -0.023581644520163536, -0.03388427197933197, -0.18505440652370453, 0.07489915937185287, 0.005328899249434471, -0.05207253247499466, -0.035106025636196136, -0.016646206378936768, -0.08197256922721863, -0.09406304359436035, -0.11577402800321579, -0.11913637071847916, 0.04769332706928253, -0.22136667370796204, 0.024575769901275635, -0.10262112319469452, -0.0673762783408165, -0.04108397662639618, 0.1232103705406189, -0.13112914562225342, -0.029570383951067924, -0.11205679178237915, 0.04666409641504288, -0.007137323264032602, -0.04090134799480438, 0.15926751494407654, -0.062410078942775726, 0.13211427628993988, 0.047052156180143356, 0.19680090248584747, -0.07992039620876312, 0.010877393186092377, -0.07315089553594589, 0.027031105011701584, -0.11818452924489975, 0.06440188735723495, 0.01986509934067726, 0.03930829465389252, -0.08896840363740921, -0.09549398720264435, -0.007793946657329798, 0.07770924270153046, 0.1101861298084259, 0.17596305906772614, -0.09789792448282242, -0.015021123923361301, 0.1825798898935318, 0.04790880158543587, -0.11777849495410919, 0.0776824876666069, 0.007065379526466131, 0.12460728734731674, 0.059884872287511826, -0.023277588188648224, -0.06497148424386978, -0.1472034603357315, 0.0799933671951294, 0.10167509317398071, -0.005279965233057737, -0.192863330245018, 0.11498477309942245, 0.0035453522577881813, -0.09474446624517441, 0.013158637098968029, -0.059706930071115494, 0.07238505035638809, -0.11506824195384979, -0.031584445387125015, 0.0403936505317688, -0.11325700581073761, 0.020761912688612938, -0.008009694516658783, 0.09541832655668259, -0.07574661076068878, -0.06498165428638458, 0.004235123749822378, 0.03442328795790672, 0.03905920684337616, -0.0030965569894760847, -0.04537505283951759, -0.04959607869386673, -0.12698101997375488, -0.02286337874829769, -0.08926736563444138, -0.03786690905690193, -0.005947432015091181, 0.08537530899047852, -0.028476383537054062, 0.20424607396125793, 0.0827309638261795, 0.004423107951879501, -0.061590541154146194, -0.012123407796025276, -0.026368968188762665, -0.0456235371530056, -0.10062993317842484, -0.12224485725164413, -0.07170399278402328, -0.040455594658851624, 0.07408057153224945, -0.05698298290371895, 0.00527967931702733, -0.10597196221351624, -0.0248322281986475, 0.02951939031481743, 0.038757890462875366, 0.0015014683594927192, 0.07548034936189651, 0.022997956722974777, -0.09971172362565994, 0.09765467792749405, 0.022999228909611702, -0.13055603206157684, 0.07331319898366928, -0.056967321783304214, 0.11887136101722717, 0.07333476841449738, -0.05111917108297348, -0.07947999984025955, -0.04061843827366829, -0.04268145188689232, -0.025044851005077362, -0.0002707981038838625, 0.02010609768331051, 0.147702157497406, 0.03556625917553902, 0.155731201171875, -0.15154097974300385, -0.025512877851724625, 0.05492810532450676, -0.0553097203373909, -0.00007367660145973787, 0.13041289150714874, 0.05769878253340721, -0.09121957421302795, 0.024372035637497902, 0.0663517564535141, -0.05664374306797981, 0.17709629237651825, 0.04389642924070358, -0.11469029635190964, -0.0018167478265240788, 0.07931721955537796, 0.031077660620212555, 0.18121032416820526, -0.1553129255771637, 0.02296324446797371, 0.030542535707354546, 0.035132791846990585, 0.03995779901742935, -0.1332319974899292, -0.06272806972265244, 0.06412441283464432, -0.01701965555548668, -0.0859854519367218, 0.02498798444867134, -0.07830807566642761, 0.14642119407653809, 0.14503590762615204, -0.15082195401191711, 0.03595079854130745, 0.033471472561359406, -0.05053005740046501, 0.21229277551174164, -0.011985518038272858, -0.1011059582233429, -0.07455751299858093, -0.025750782340765, 0.02165122888982296, 0.07808816432952881, 0.03223814815282822, -0.13505177199840546, 0.04983815550804138, 0.029788637533783913, 0.016568386927247047, 0.017665883526206017, 0.04887549579143524, 0.009528947994112968, 0.029386529698967934, -0.04487164318561554, -0.07620368152856827, -0.0026977024972438812, -0.077852264046669, -0.11699272692203522, 0.03872236981987953, -0.15775251388549805, 0.11206154525279999, 0.18488900363445282, -0.026612551882863045, 0.010215312242507935, -0.034833550453186035, 0.07669468224048615, -0.044777557253837585, -0.025277743116021156, 0.14627638459205627, 0.13099656999111176, -0.026997139677405357, 0.04693038761615753, 0.052278440445661545, -0.1036444753408432, -0.013993820175528526, -0.011211387813091278, -0.08230548352003098, -0.2205505669116974, -0.08135105669498444, -0.07325701415538788, 0.07483034580945969, 0.10265904664993286, -0.009792882017791271, -0.0233715008944273, 0.10058633983135223, 0.03536682575941086, 0.09222564846277237, -0.12303148210048676, 0.039645902812480927, -0.043882839381694794, -0.013956834562122822, 0.033139169216156006, -0.028659608215093613, -0.043364960700273514, 0.11638426780700684, 0.054346583783626556, 0.129994198679924, -0.03985194116830826, 0.09519203752279282, -0.016216525807976723, 0.08118516951799393, -0.06459216773509979, 0.21164990961551666, -0.034712597727775574, -0.07544561475515366, -0.07638222724199295, -0.028126055374741554, -0.11445333808660507, 0.011275568045675755, -0.006647265516221523, 0.030886119231581688, -0.2268185317516327, -0.04755280911922455, -0.028498290106654167, 0.27398544549942017, 0.0765974149107933, -0.30068549513816833, -0.10257738828659058, -0.03977496176958084, 0.03183859959244728, -0.11087402701377869, 0.01640130765736103, 0.15723475813865662, -0.07295820116996765, -0.004360542632639408, -0.027770670130848885, 0.1087176576256752, -0.049889933317899704, 0.004198279231786728, 0.017720822244882584, 0.057994112372398376, -0.02683084085583687, 0.058315761387348175, -0.24340508878231049, 0.3181537091732025, 0.011677222326397896, 0.045999396592378616, -0.09521117806434631, -0.051785070449113846, -0.045104000717401505, -0.02399137243628502, 0.14471746981143951, -0.0030977025162428617, 0.11978147178888321, -0.14661478996276855, -0.11293233931064606, 0.03369898349046707, -0.033599428832530975, -0.05218389630317688, 0.08566164970397949, 0.05842306464910507, 0.007596063427627087, 0.006187803577631712, 0.06054167449474335, 0.005149687174707651, -0.05013130232691765, -0.032014161348342896, -0.0312078595161438, -0.08617715537548065, -0.03476855903863907, -0.08150088042020798, 0.010607206262648106, 0.13182803988456726, 0.024397816509008408, -0.04256482794880867, -0.12970954179763794, 0.026929091662168503, 0.12367603182792664, -0.04901472106575966, 0.05536907538771629, 0.013914746232330799, -0.05372504144906998, -0.0003523039340507239, 0.030414005741477013, 0.21741800010204315, -0.12060830742120743, -0.0425834134221077, -0.08536278456449509, 0.05894042178988457, 0.04532580077648163, 0.08198428153991699, -0.022984208539128304, -0.07200227677822113, -0.0015358948148787022, -0.039069533348083496, 0.04229201003909111, -0.07280079275369644, -0.027826225385069847, 0.012110896408557892, -0.11836276203393936, 0.07593948394060135, 0.04967983439564705, 0.008327527903020382, 0.12575113773345947, 0.251273512840271, -0.04903123527765274, 0.028650948777794838, 0.15383705496788025, 0.011438501067459583, -0.1349560171365738, 0.05370038002729416, 0.0677039697766304, 0.10022125393152237, -0.07336623966693878, -0.20630602538585663, -0.030249472707509995, 0.14335259795188904, -0.0007369891973212361, 0.037781257182359695, -0.2986327111721039, -0.0644463524222374, 0.05479578301310539, 0.10570933669805527, 0.40701907873153687, -0.06721939146518707, -0.021389294415712357, -0.018022635951638222, -0.1525409072637558, 0.049451060593128204, -0.06923992931842804, 0.1211872473359108, -0.03811783716082573, -0.054773829877376556, 0.07187845557928085, -0.03930464759469032, 0.10438821464776993, -0.04786716401576996, 0.05835165083408356, -0.0449468232691288, -0.02360779047012329, -0.04277104139328003, -0.06972352415323257, 0.04248150438070297, -0.004196443594992161, 0.0036386502906680107, -0.13704970479011536, -0.0680445060133934, -0.08016431331634521, 0.03348079323768616, -0.03364735096693039, -0.0753982812166214, 0.08072663843631744, 0.026451975107192993, 0.05765145644545555, 0.007392412982881069, 0.027223918586969376, -0.04940829426050186, 0.04153541848063469, 0.09349001944065094, 0.18661996722221375, -0.09379024803638458, 0.10249248147010803, 0.015055269002914429, 0.014696888625621796, 0.10842758417129517, -0.12117953598499298, -0.03854988515377045, 0.10378507524728775, 0.022799070924520493, -0.013482104055583477, 0.05946788936853409, 0.01171089056879282, -0.008430941961705685, 0.08130008727312088, -0.04339735954999924, 0.016202429309487343, -0.029758546501398087, -0.000026810168492374942, -0.041067857295274734, 0.025146417319774628, 0.06596693396568298, -0.018047619611024857, -0.013234332203865051, -0.03803180903196335, -0.06975337862968445, -0.0614565946161747, 0.18831750750541687, 0.03316168114542961, 0.0634041354060173, -0.04009915888309479, 0.06126886233687401, 0.03383861109614372, -0.18139170110225677, 0.006676340010017157, 0.07859921455383301, -0.07714512199163437, -0.01490695495158434, 0.11926298588514328, 0.08619701862335205, -0.2504003047943115, -0.015453191474080086, -0.1593613177537918, -0.08671071380376816, 0.07756365835666656, 0.1766827255487442, 0.043020401149988174, 0.036494772881269455, -0.010362966917455196, 0.04463925212621689, -0.07812172174453735, -0.024083025753498077, 0.04565595090389252, 0.031845781952142715, -0.02663438953459263, 0.15599405765533447, -0.006829328369349241, 0.06603828817605972, -0.055101219564676285, 0.01565602608025074, -0.1551576554775238, 0.06566790491342545, -0.126509428024292, -0.08496791869401932, 0.037439290434122086, -0.01206223014742136, -0.0854015126824379, -0.008769581094384193, -0.013914234936237335, -0.029781196266412735, -0.09881780296564102, 0.03143053501844406, 0.02798369713127613, -0.007841321639716625, 0.035562872886657715, -0.0391450896859169, 0.0001665064482949674, -0.07784195244312286, 0.050561659038066864, -0.0308150015771389, 0.0029460086952894926, 0.013977882452309132, -0.14942124485969543, 0.06171543896198273, 0.012814790941774845, -0.0025176394265145063, 0.12645691633224487, -0.031201006844639778, 0.06203406676650047, 0.009432774037122726, 0.03323143720626831, 0.019033266231417656, -0.03807869926095009, -0.10087618976831436, 0.039803192019462585, 0.021191850304603577, -0.045321084558963776, -0.07132305949926376, 0.09024406224489212, 0.09240420907735825, 0.030374808236956596, -0.013576462864875793, -0.043237365782260895, 0.03081892430782318, -0.14872242510318756, -0.05540500953793526, -0.0037554488517344, 0.008296010084450245, -0.05613156408071518, -0.02431507594883442, 0.11688707768917084, 0.009075636975467205, 0.06949339061975479, -0.007429343648254871, 0.0829833522439003, -0.005258510354906321, -0.07410353422164917, 0.1331835389137268, -0.051393672823905945, 0.3079845607280731, 0.04291801527142525, 0.01359815988689661, 0.015152692794799805, 0.18194618821144104, 0.06316046416759491, 0.13512255251407623, 0.13394339382648468, 0.10479527711868286, 0.09460127353668213, 0.15595108270645142, -0.011175594292581081, -0.06507012248039246, -0.06147383898496628, -0.0048437463119626045, 0.06532008200883865, 0.0045868149027228355, -0.022810151800513268, 0.08408036082983017, 0.07191339880228043, -0.12721005082130432, 0.03982742130756378, 0.086965411901474, -0.0037194774486124516, -0.10343241691589355, -0.016870226711034775, -0.026325548067688942, -0.12217213958501816, -0.017804384231567383, -0.07265736162662506, -0.027333654463291168, 0.002547692274674773, 0.011328036896884441, 0.025875883176922798, 0.15159189701080322, -0.06322012096643448, -0.011411075480282307, 0.13681967556476593, 0.032155606895685196, 0.09437818825244904, -0.0830422043800354, -0.05548151955008507, -0.07033157348632812, -0.012391215190291405, -0.00579927209764719, -0.031644754111766815, -0.06019528955221176, 0.030889611691236496, 0.1127028539776802, -0.045486342161893845, -0.03237065672874451, 0.005547597538679838, 0.1012478768825531, 0.1754142791032791, 0.0027679898776113987, -0.023929623886942863, -0.0342567153275013, 0.27431878447532654, -0.0910370871424675, -0.00852002389729023, -0.07285232841968536, 0.2228865921497345, 0.0438305027782917, 0.025555573403835297, -0.010817989706993103, -0.03657614067196846, -0.047515880316495895, 0.20823678374290466, 0.05505187809467316, -0.1108209416270256, -0.04555337503552437, -0.001131686964072287, 0.011903817765414715, -0.013922618702054024, 0.1548064798116684, 0.05083257332444191, 0.23617155849933624, -0.12847375869750977, -0.08413839340209961, -0.025390608236193657, 0.030082475394010544, -0.033581238240003586, 0.051912739872932434, 0.06564069539308548, -0.03356078639626503, -0.06787403672933578, 0.06885694712400436, -0.032186105847358704, -0.08455604314804077, 0.11706267297267914, -0.13216255605220795, -0.14383304119110107, -0.08140935003757477, -0.03977803513407707, 0.06712914258241653, 0.19396068155765533, -0.023199299350380898, -0.016411807388067245, 0.056901320815086365, 0.001836778479628265, -0.10531417280435562, -0.1733657568693161, 0.06445206701755524, 0.10241040587425232, 0.21314270794391632, -0.028548916801810265, 0.056144047528505325, 0.11601971834897995, 0.03099670633673668, -0.07925567775964737, 0.061538420617580414, 0.01740487664937973, -0.0856081023812294, 0.07506909221410751, -0.035548120737075806, -0.05796419084072113, 0.057511039078235626, 0.027498645707964897, -0.19012893736362457, 0.009519053623080254, 0.03726312890648842, 0.014870057813823223, -0.10907081514596939, 0.07301285117864609, -0.0008171377703547478, 0.11401764303445816, 0.24433380365371704, -0.042271938174963, -0.04695094749331474, -0.08087087422609329, 0.06744351983070374, 0.07798460125923157, 0.05586002394556999, -0.08199575543403625, -0.14012810587882996, -0.023346059024333954, -0.02571284957230091, -0.06715035438537598, -0.18042948842048645, -0.01213015802204609, -0.05446686968207359, -0.08256092667579651, -0.013662193901836872, -0.008673520758748055, 0.012172379530966282, 0.07645410299301147, -0.01056751236319542, 0.008398444391787052, -0.02541954629123211, 0.12153317034244537, -0.13473844528198242, -0.09474771469831467 ]
null
null
transformers
# ALBERT Large Spanish This is an [ALBERT](https://github.com/google-research/albert) model trained on a [big spanish corpora](https://github.com/josecannete/spanish-corpora). The model was trained on a single TPU v3-8 with the following hyperparameters and steps/time: - LR: 0.000625 - Batch Size: 512 - Warmup ratio: 0.003125 - Warmup steps: 12500 - Goal steps: 4000000 - Total steps: 1450000 - Total training time (aprox): 42 days. ## Training loss ![https://drive.google.com/uc?export=view&id=10EiI0Yge3U3CnGrqoMs1yJY020pPz_Io](https://drive.google.com/uc?export=view&id=10EiI0Yge3U3CnGrqoMs1yJY020pPz_Io)
{"language": ["es"], "tags": ["albert", "spanish", "OpenCENIA"], "datasets": ["large_spanish_corpus"]}
null
dccuchile/albert-large-spanish
[ "transformers", "pytorch", "tf", "albert", "pretraining", "spanish", "OpenCENIA", "es", "dataset:large_spanish_corpus", "endpoints_compatible", "region:us" ]
2022-03-02T23:29:04+00:00
[]
[ "es" ]
TAGS #transformers #pytorch #tf #albert #pretraining #spanish #OpenCENIA #es #dataset-large_spanish_corpus #endpoints_compatible #region-us
# ALBERT Large Spanish This is an ALBERT model trained on a big spanish corpora. The model was trained on a single TPU v3-8 with the following hyperparameters and steps/time: - LR: 0.000625 - Batch Size: 512 - Warmup ratio: 0.003125 - Warmup steps: 12500 - Goal steps: 4000000 - Total steps: 1450000 - Total training time (aprox): 42 days. ## Training loss !URL
[ "# ALBERT Large Spanish\n\nThis is an ALBERT model trained on a big spanish corpora.\nThe model was trained on a single TPU v3-8 with the following hyperparameters and steps/time:\n- LR: 0.000625\n- Batch Size: 512\n- Warmup ratio: 0.003125\n- Warmup steps: 12500\n- Goal steps: 4000000\n- Total steps: 1450000\n- Total training time (aprox): 42 days.", "## Training loss\n\n!URL" ]
[ "TAGS\n#transformers #pytorch #tf #albert #pretraining #spanish #OpenCENIA #es #dataset-large_spanish_corpus #endpoints_compatible #region-us \n", "# ALBERT Large Spanish\n\nThis is an ALBERT model trained on a big spanish corpora.\nThe model was trained on a single TPU v3-8 with the following hyperparameters and steps/time:\n- LR: 0.000625\n- Batch Size: 512\n- Warmup ratio: 0.003125\n- Warmup steps: 12500\n- Goal steps: 4000000\n- Total steps: 1450000\n- Total training time (aprox): 42 days.", "## Training loss\n\n!URL" ]
[ 51, 99, 5 ]
[ "passage: TAGS\n#transformers #pytorch #tf #albert #pretraining #spanish #OpenCENIA #es #dataset-large_spanish_corpus #endpoints_compatible #region-us \n# ALBERT Large Spanish\n\nThis is an ALBERT model trained on a big spanish corpora.\nThe model was trained on a single TPU v3-8 with the following hyperparameters and steps/time:\n- LR: 0.000625\n- Batch Size: 512\n- Warmup ratio: 0.003125\n- Warmup steps: 12500\n- Goal steps: 4000000\n- Total steps: 1450000\n- Total training time (aprox): 42 days.## Training loss\n\n!URL" ]
[ -0.20133109390735626, -0.024572186172008514, -0.00013828194641973823, 0.12410888820886612, 0.11741874366998672, 0.013546489179134369, -0.02199779450893402, 0.0690082460641861, 0.013818392530083656, 0.02747732400894165, 0.12514609098434448, 0.06412981450557709, 0.03413431718945503, 0.0532749705016613, -0.051403291523456573, -0.2795320153236389, 0.008350693620741367, 0.04910655692219734, -0.10871217399835587, 0.04388157278299332, 0.044587142765522, -0.08035619556903839, 0.04676678031682968, -0.06278754025697708, -0.041597239673137665, -0.04283447563648224, -0.018015582114458084, -0.12143516540527344, 0.16802236437797546, 0.028327319771051407, 0.09537170082330704, 0.07212536036968231, 0.04094056785106659, 0.01355130784213543, 0.008914257399737835, 0.008569421246647835, 0.011163300834596157, 0.07832802832126617, 0.05718601867556572, 0.10204233229160309, 0.11098197847604752, -0.15836495161056519, 0.06275150179862976, 0.06192098930478096, -0.17664599418640137, -0.20423397421836853, -0.01579587534070015, -0.07117731869220734, 0.04542756453156471, 0.061025284230709076, 0.04088981822133064, 0.14772802591323853, -0.15581688284873962, 0.021677255630493164, 0.16683249175548553, -0.35541874170303345, -0.08691339194774628, 0.020855270326137543, 0.10085318982601166, 0.08750863373279572, -0.02932247519493103, 0.03118525817990303, 0.12891998887062073, 0.009348631836473942, 0.08488897234201431, -0.03766217827796936, -0.1201004832983017, 0.04678311198949814, -0.1380336582660675, -0.02156294509768486, 0.07992709428071976, 0.04306869953870773, -0.052204299718141556, -0.04094480723142624, -0.07414969056844711, -0.1571284383535385, -0.010154163464903831, -0.01461076270788908, 0.07597565650939941, -0.07246506959199905, -0.027112269774079323, 0.008580190129578114, -0.0349283404648304, -0.07942308485507965, -0.11859841644763947, 0.20444650948047638, -0.001813057460822165, 0.027767520397901535, 0.05370029807090759, 0.10638704150915146, 0.0816720724105835, -0.08271878212690353, 0.030550945550203323, 0.010906967334449291, -0.12333391606807709, -0.02222992293536663, -0.06798511743545532, -0.015673818066716194, -0.0429544523358345, -0.09457224607467651, -0.09053335338830948, -0.05753820016980171, 0.16014304757118225, 0.020851600915193558, -0.03281273692846298, 0.16544602811336517, -0.14261426031589508, -0.04877598583698273, -0.07810533046722412, -0.054359786212444305, -0.06075233966112137, -0.00881010852754116, -0.10576941817998886, -0.19105593860149384, 0.05424460023641586, 0.045657671988010406, -0.08186659216880798, -0.0013391230022534728, -0.05181325599551201, -0.07576282322406769, 0.03292126953601837, -0.012112321332097054, -0.019655093550682068, -0.019200820475816727, -0.1971590518951416, 0.07638700306415558, -0.026385387405753136, -0.0709729716181755, -0.037470851093530655, -0.002125393133610487, -0.09240695089101791, -0.09626257419586182, -0.12891167402267456, -0.12259332090616226, 0.06635193526744843, -0.2357616424560547, 0.024176940321922302, -0.0901784747838974, -0.03857634216547012, -0.03634070232510567, 0.11435668170452118, -0.13855303823947906, -0.029577910900115967, -0.13375426828861237, 0.022560568526387215, -0.007796160876750946, -0.03348822146654129, 0.1980433613061905, -0.06201247498393059, 0.13249950110912323, 0.015060427598655224, 0.2047773152589798, -0.065590038895607, 0.00935168843716383, -0.0661841332912445, 0.013738749548792839, -0.05366968363523483, 0.062221817672252655, 0.048840440809726715, 0.026970714330673218, -0.07242129743099213, -0.11329130828380585, -0.03869982436299324, 0.08223648369312286, 0.10642949491739273, 0.17253568768501282, -0.1356109231710434, -0.022371869534254074, 0.21552498638629913, 0.068788543343544, -0.11592741310596466, 0.10656823962926865, 0.009361211210489273, 0.14118826389312744, 0.0737094134092331, -0.04707004874944687, -0.05732114985585213, -0.14762790501117706, 0.057186923921108246, 0.11532483994960785, -0.013818418607115746, -0.20305058360099792, 0.11573350429534912, 0.040156055241823196, -0.08062706142663956, 0.017097266390919685, -0.018763508647680283, 0.06562554836273193, -0.12506476044654846, -0.038773756474256516, 0.051568519324064255, -0.11661846935749054, 0.024610240012407303, -0.010365252383053303, 0.10869292914867401, -0.07995764911174774, -0.06723887473344803, 0.007600212935358286, 0.01955913007259369, 0.05349750071763992, -0.015445883385837078, -0.05085473507642746, -0.0758708044886589, -0.10796765238046646, -0.02271764539182186, -0.06003817170858383, -0.037490226328372955, -0.012888994999229908, 0.0885351225733757, -0.029749194160103798, 0.25793856382369995, 0.08649788051843643, 0.008302038535475731, -0.05481873080134392, 0.0032260697335004807, -0.0286650862544775, -0.06142638996243477, -0.09895842522382736, -0.11761532723903656, -0.04636399820446968, -0.037305351346731186, 0.09054659307003021, -0.06906592845916748, -0.0003369104233570397, -0.10738823562860489, -0.05003172159194946, 0.03646697849035263, 0.050949327647686005, -0.008948941715061665, 0.07445746660232544, 0.028838951140642166, -0.0930294394493103, 0.10708065330982208, 0.009721468202769756, -0.12884166836738586, 0.1082923412322998, -0.0576937273144722, 0.12321615219116211, 0.0657312422990799, -0.04451387748122215, -0.08201803267002106, -0.04724783077836037, -0.03309746831655502, -0.02202114835381508, -0.026245350018143654, 0.01770421490073204, 0.16675329208374023, 0.04256270080804825, 0.14808447659015656, -0.14936122298240662, -0.014596367254853249, 0.058583129197359085, -0.056073836982250214, 0.0010297127300873399, 0.13811825215816498, 0.05830026790499687, -0.07867561280727386, 0.020392585545778275, 0.05113079026341438, -0.0692770779132843, 0.2138042002916336, 0.04897357150912285, -0.11845557391643524, 0.002852322533726692, 0.07944653183221817, 0.031056318432092667, 0.18005825579166412, -0.16740478575229645, 0.0482119582593441, 0.03308548778295517, 0.03786591812968254, 0.032816626131534576, -0.13694019615650177, -0.06786911934614182, 0.041713520884513855, -0.01946687325835228, -0.09595596790313721, 0.03464367985725403, -0.06501646339893341, 0.15863575041294098, 0.1466449648141861, -0.15646734833717346, 0.037790827453136444, 0.04038368538022041, -0.04217081889510155, 0.21386055648326874, -0.01707594282925129, -0.11766580492258072, -0.0702190101146698, 0.020382221788167953, 0.035817135125398636, 0.07785408198833466, 0.026769671589136124, -0.1487070620059967, 0.05982857942581177, 0.06007321923971176, 0.05776243284344673, 0.029094168916344643, 0.0677645280957222, -0.013019492849707603, 0.03726895526051521, -0.05449753254652023, -0.06864206492900848, 0.01594744808971882, -0.08087354153394699, -0.13752318918704987, 0.033875275403261185, -0.15130802989006042, 0.0916837602853775, 0.18441013991832733, -0.051089294254779816, 0.00835392065346241, -0.0330609455704689, 0.0673331469297409, -0.04628235101699829, -0.029528040438890457, 0.13950622081756592, 0.1466236114501953, -0.03775516897439957, 0.04055815190076828, 0.051262564957141876, -0.09874312579631805, -0.023655591532588005, -0.00858335755765438, -0.0672755241394043, -0.21880793571472168, -0.08509118109941483, -0.06733091920614243, 0.07915604114532471, 0.0868547111749649, -0.016535118222236633, -0.05493488907814026, 0.09770338237285614, 0.04908503219485283, 0.08957166224718094, -0.11957506090402603, 0.021484071388840675, -0.05164242908358574, -0.007553813513368368, 0.014266297221183777, -0.025581786409020424, -0.07093975692987442, 0.10667917877435684, 0.06553030014038086, 0.1315964311361313, -0.055162034928798676, 0.11874047666788101, -0.01647026278078556, 0.04770196974277496, -0.05559316277503967, 0.205611914396286, -0.044721681624650955, -0.07033651322126389, -0.08389032632112503, -0.016211431473493576, -0.09913967549800873, -0.0020618662238121033, 0.009764942340552807, 0.013948177918791771, -0.22902946174144745, -0.004934344440698624, -0.013612492009997368, 0.2740069031715393, 0.07738913595676422, -0.29507559537887573, -0.10840444266796112, -0.05631028488278389, 0.02131500467658043, -0.1180458515882492, 0.026368653401732445, 0.20885321497917175, -0.06489348411560059, -0.01260334812104702, -0.04373256862163544, 0.09526444971561432, -0.05183331295847893, 0.02226504124701023, 0.029790127649903297, 0.08522114902734756, -0.018937503919005394, 0.0738498717546463, -0.265262633562088, 0.30369117856025696, 0.01238132081925869, 0.05483980104327202, -0.10329518467187881, -0.07908038049936295, -0.05059445649385452, -0.026931947097182274, 0.12999317049980164, -0.00406197365373373, 0.1438707709312439, -0.11593548953533173, -0.1207880973815918, 0.034515898674726486, -0.026038462296128273, -0.013339635916054249, 0.06963718682527542, 0.05369796231389046, 0.009720085188746452, 0.002030713250860572, 0.041311170905828476, 0.03461950272321701, -0.0500723198056221, -0.04465678334236145, -0.022018838673830032, -0.07232968509197235, -0.027877381071448326, -0.08206107467412949, -0.013060258701443672, 0.06780216842889786, 0.025579581037163734, -0.017164085060358047, -0.11661659181118011, 0.05554763227701187, 0.10856588184833527, -0.048727959394454956, 0.042020849883556366, 0.02802659571170807, -0.03990911692380905, 0.006877633277326822, 0.07299423217773438, 0.22114482522010803, -0.10775794088840485, -0.044856805354356766, -0.0815124362707138, 0.03244601935148239, 0.04632851853966713, 0.09460519254207611, -0.02434883825480938, -0.08429666608572006, -0.006632158067077398, -0.02351306937634945, 0.02271721139550209, -0.08971215784549713, -0.032460760325193405, -0.018082458525896072, -0.1482081115245819, 0.06805545836687088, 0.0678790807723999, 0.009346069768071175, 0.1403219848871231, 0.20546062290668488, -0.05995795130729675, 0.04011029005050659, 0.16123054921627045, 0.025980627164244652, -0.17029660940170288, 0.08111192286014557, 0.09108511358499527, 0.11209046840667725, -0.08678597956895828, -0.20765559375286102, -0.002212865510955453, 0.14692974090576172, 0.015794022008776665, 0.05031856894493103, -0.2929406762123108, -0.060924362391233444, 0.026369130238890648, 0.08784081041812897, 0.42177119851112366, -0.026483621448278427, 0.0016944094095379114, -0.02426527813076973, -0.10902027785778046, 0.07026445120573044, -0.08205636590719223, 0.12818661332130432, -0.032015394419431686, -0.03800180181860924, 0.07964834570884705, -0.04481940343976021, 0.09942660480737686, -0.04418490082025528, 0.05198401212692261, -0.03115694597363472, -0.02203141152858734, -0.04509035497903824, -0.0510452501475811, 0.03483369201421738, -0.019887179136276245, -0.017457857728004456, -0.09465999901294708, -0.06388875097036362, -0.08744287490844727, 0.0338757149875164, -0.027417313307523727, -0.06072842329740524, 0.09098821133375168, 0.034776896238327026, 0.06884068250656128, 0.0017686266219243407, -0.002343653468415141, -0.05061299726366997, 0.015509134158492088, 0.03755386918783188, 0.23020024597644806, -0.10456863790750504, 0.1122681275010109, 0.016754712909460068, 0.03617703169584274, 0.12491215765476227, -0.0905088409781456, -0.03207985311746597, 0.09799475967884064, 0.009936978109180927, -0.018679829314351082, 0.058436088263988495, 0.02648332342505455, -0.012902148067951202, 0.09134963154792786, -0.028842926025390625, -0.0070184506475925446, -0.026070445775985718, 0.005206833127886057, -0.053598783910274506, 0.008961985819041729, 0.062154900282621384, -0.01937517523765564, -0.014835931360721588, -0.03989620879292488, -0.055569879710674286, -0.06267130374908447, 0.20059986412525177, 0.02527550980448723, 0.06968919187784195, -0.03397566080093384, 0.038990676403045654, 0.030242841690778732, -0.20479528605937958, 0.01186221931129694, 0.07532742619514465, -0.07982714474201202, -0.017517393454909325, 0.15938815474510193, 0.10433423519134521, -0.23484894633293152, -0.03417254611849785, -0.1573179066181183, -0.08820170909166336, 0.08232048153877258, 0.17415793240070343, 0.02519785799086094, 0.038843460381031036, -0.002698789117857814, 0.045111119747161865, -0.08223383128643036, -0.0013476740568876266, 0.022710386663675308, 0.036652471870183945, -0.022392183542251587, 0.18900394439697266, -0.018534354865550995, 0.07615286856889725, -0.051382459700107574, 0.03011353313922882, -0.14714652299880981, 0.0597475990653038, -0.11715167760848999, -0.07707221060991287, 0.06936080753803253, -0.011219339445233345, -0.08164483308792114, 0.011261411011219025, -0.006997360847890377, -0.04731041565537453, -0.1030655950307846, 0.031558290123939514, 0.023291677236557007, 0.006767550949007273, 0.05254983901977539, -0.035055987536907196, -0.007724729832261801, -0.06721752136945724, 0.05989371985197067, -0.044988177716732025, -0.015526818111538887, 0.027728725224733353, -0.14028048515319824, 0.06538558751344681, -0.000337192410370335, 0.012453979812562466, 0.13896670937538147, -0.01132933609187603, 0.07017651945352554, 0.011497529223561287, 0.05004769563674927, 0.03059607744216919, -0.05350719019770622, -0.08150692284107208, 0.04844263568520546, 0.009354686364531517, -0.04118949919939041, -0.07896755635738373, 0.09459041804075241, 0.0488332137465477, 0.02629171684384346, 0.008604492992162704, -0.041485317051410675, 0.03257600590586662, -0.11776973307132721, -0.054140765219926834, -0.004391563590615988, 0.004652322735637426, -0.06077941507101059, -0.02234942838549614, 0.13213136792182922, 0.00011254129640292376, 0.06280248612165451, 0.05079110339283943, 0.05708304047584534, 0.0007101250812411308, -0.0658755972981453, 0.0708882138133049, -0.05508346110582352, 0.2841320037841797, 0.041219163686037064, 0.023477595299482346, -0.007167646195739508, 0.1755778044462204, 0.04730489104986191, 0.16000553965568542, 0.14998486638069153, 0.10325832664966583, 0.07923592627048492, 0.15075936913490295, -0.015245646238327026, -0.061609674245119095, -0.07066439092159271, 0.04163789004087448, 0.04556974396109581, 0.006178038194775581, -0.03817787021398544, 0.09936104714870453, 0.062173228710889816, -0.136328786611557, 0.042956747114658356, 0.06864587962627411, -0.010410325601696968, -0.10628847777843475, -0.014257751405239105, -0.03134230151772499, -0.114466093480587, -0.011000631377100945, -0.06869250535964966, -0.025811951607465744, -0.009374145418405533, 0.018898043781518936, 0.017921511083841324, 0.17352712154388428, -0.0707506611943245, -0.006323474459350109, 0.14376305043697357, 0.04416383057832718, 0.11607036739587784, -0.11642775684595108, -0.054284244775772095, -0.08431859314441681, 0.003494255943223834, -0.011175623163580894, -0.04824281483888626, -0.059570956975221634, 0.008436329662799835, 0.10404898226261139, -0.039201587438583374, -0.024858828634023666, -0.00825335644185543, 0.09508933126926422, 0.15582288801670074, 0.007465746253728867, -0.0371735654771328, -0.03480422496795654, 0.2685052752494812, -0.09281731396913528, -0.02341279946267605, -0.0802697017788887, 0.20076894760131836, 0.034073974937200546, 0.035389214754104614, 0.00697143841534853, -0.01254761777818203, -0.06087712198495865, 0.21524235606193542, 0.06828843802213669, -0.14204160869121552, -0.047482363879680634, -0.01061550248414278, 0.015495223924517632, -0.03900357708334923, 0.17867639660835266, 0.04884427785873413, 0.24466204643249512, -0.12545031309127808, -0.08118754625320435, -0.030633822083473206, 0.046552542597055435, -0.048117272555828094, 0.0676652193069458, 0.04415591061115265, -0.02815938927233219, -0.06386345624923706, 0.06325599551200867, -0.032487187534570694, -0.12000703811645508, 0.08640030026435852, -0.11295843124389648, -0.14344488084316254, -0.08573520183563232, -0.030227845534682274, 0.06950374692678452, 0.19281306862831116, -0.01601679064333439, -0.019581124186515808, 0.035753440111875534, 0.0016684789443388581, -0.0979803130030632, -0.15716314315795898, 0.07127644866704941, 0.11236105859279633, 0.21459276974201202, -0.02397691085934639, 0.06057710573077202, 0.1125083789229393, 0.014814796857535839, -0.06439100950956345, 0.05230789631605148, 0.012307487428188324, -0.06350994110107422, 0.08605749160051346, -0.039369530975818634, -0.05865984037518501, 0.04005994275212288, 0.030482079833745956, -0.19740580022335052, 0.005464944057166576, 0.025783678516745567, 0.0041676657274365425, -0.10563971847295761, 0.10587289184331894, 0.0195491760969162, 0.11088744550943375, 0.2652590870857239, -0.034863848239183426, -0.049582600593566895, -0.09204714000225067, 0.06724520772695541, 0.06645430624485016, 0.03695373982191086, -0.07807840406894684, -0.13002614676952362, -0.05660251900553703, -0.040923070162534714, -0.05472169443964958, -0.18570491671562195, 0.007733027450740337, -0.054865412414073944, -0.08477884531021118, -0.007758068852126598, -0.016693994402885437, 0.02710617147386074, 0.07091786712408066, -0.011403965763747692, 0.04418668895959854, -0.027872387319803238, 0.10335128009319305, -0.13243713974952698, -0.09304917603731155 ]
null
null
transformers
# ALBERT Tiny Spanish This is an [ALBERT](https://github.com/google-research/albert) model trained on a [big spanish corpora](https://github.com/josecannete/spanish-corpora). The model was trained on a single TPU v3-8 with the following hyperparameters and steps/time: - LR: 0.00125 - Batch Size: 2048 - Warmup ratio: 0.0125 - Warmup steps: 125000 - Goal steps: 10000000 - Total steps: 8300000 - Total training time (aprox): 58.2 days ## Training loss ![https://drive.google.com/uc?export=view&id=1KQc8yWZLKvDLjBtu4IOAgpTx0iLcvX_Q](https://drive.google.com/uc?export=view&id=1KQc8yWZLKvDLjBtu4IOAgpTx0iLcvX_Q)
{"language": ["es"], "tags": ["albert", "spanish", "OpenCENIA"], "datasets": ["large_spanish_corpus"]}
null
dccuchile/albert-tiny-spanish
[ "transformers", "pytorch", "tf", "albert", "pretraining", "spanish", "OpenCENIA", "es", "dataset:large_spanish_corpus", "endpoints_compatible", "region:us" ]
2022-03-02T23:29:04+00:00
[]
[ "es" ]
TAGS #transformers #pytorch #tf #albert #pretraining #spanish #OpenCENIA #es #dataset-large_spanish_corpus #endpoints_compatible #region-us
# ALBERT Tiny Spanish This is an ALBERT model trained on a big spanish corpora. The model was trained on a single TPU v3-8 with the following hyperparameters and steps/time: - LR: 0.00125 - Batch Size: 2048 - Warmup ratio: 0.0125 - Warmup steps: 125000 - Goal steps: 10000000 - Total steps: 8300000 - Total training time (aprox): 58.2 days ## Training loss !URL
[ "# ALBERT Tiny Spanish\n\nThis is an ALBERT model trained on a big spanish corpora.\nThe model was trained on a single TPU v3-8 with the following hyperparameters and steps/time:\n- LR: 0.00125\n- Batch Size: 2048\n- Warmup ratio: 0.0125\n- Warmup steps: 125000\n- Goal steps: 10000000\n- Total steps: 8300000\n- Total training time (aprox): 58.2 days", "## Training loss\n\n!URL" ]
[ "TAGS\n#transformers #pytorch #tf #albert #pretraining #spanish #OpenCENIA #es #dataset-large_spanish_corpus #endpoints_compatible #region-us \n", "# ALBERT Tiny Spanish\n\nThis is an ALBERT model trained on a big spanish corpora.\nThe model was trained on a single TPU v3-8 with the following hyperparameters and steps/time:\n- LR: 0.00125\n- Batch Size: 2048\n- Warmup ratio: 0.0125\n- Warmup steps: 125000\n- Goal steps: 10000000\n- Total steps: 8300000\n- Total training time (aprox): 58.2 days", "## Training loss\n\n!URL" ]
[ 51, 100, 5 ]
[ "passage: TAGS\n#transformers #pytorch #tf #albert #pretraining #spanish #OpenCENIA #es #dataset-large_spanish_corpus #endpoints_compatible #region-us \n# ALBERT Tiny Spanish\n\nThis is an ALBERT model trained on a big spanish corpora.\nThe model was trained on a single TPU v3-8 with the following hyperparameters and steps/time:\n- LR: 0.00125\n- Batch Size: 2048\n- Warmup ratio: 0.0125\n- Warmup steps: 125000\n- Goal steps: 10000000\n- Total steps: 8300000\n- Total training time (aprox): 58.2 days## Training loss\n\n!URL" ]
[ -0.19083702564239502, -0.0256328284740448, 0.00007333108078455552, 0.12079177051782608, 0.10070875287055969, -0.00034348948975093663, -0.019128238782286644, 0.07934574037790298, 0.016201503574848175, 0.03907093405723572, 0.13050013780593872, 0.06551910936832428, 0.033472344279289246, 0.05075404420495033, -0.06204841285943985, -0.2779048979282379, 0.014715240336954594, 0.047745149582624435, -0.0739651471376419, 0.03823418542742729, 0.04353085160255432, -0.08548130840063095, 0.04739953950047493, -0.06731242686510086, -0.030505407601594925, -0.03813304752111435, -0.020563937723636627, -0.125876784324646, 0.16028690338134766, 0.024790022522211075, 0.09308385848999023, 0.06527528166770935, 0.04807204008102417, 0.007854030467569828, 0.004311213735491037, 0.009951970539987087, 0.0282661784440279, 0.07777265459299088, 0.054633624851703644, 0.10461718589067459, 0.11856499314308167, -0.155381977558136, 0.05851195752620697, 0.058863308280706406, -0.17709611356258392, -0.17252184450626373, -0.012689939700067043, -0.08513936400413513, 0.05493946000933647, 0.06698485463857651, 0.034805361181497574, 0.1696566790342331, -0.1487305909395218, 0.014341662637889385, 0.1972830593585968, -0.3417056202888489, -0.08738145232200623, 0.03135329484939575, 0.11552762985229492, 0.08857064694166183, -0.022002220153808594, 0.03648241236805916, 0.13514010608196259, 0.0046308888122439384, 0.06188186630606651, -0.04199087619781494, -0.10037177801132202, 0.043747566640377045, -0.12718862295150757, -0.03399869427084923, 0.0842612087726593, 0.04365776106715202, -0.05307788774371147, -0.05791802704334259, -0.07548954337835312, -0.16832700371742249, -0.017879551276564598, -0.014120656996965408, 0.08655025064945221, -0.07478697597980499, -0.02753179520368576, 0.011427895165979862, -0.038850851356983185, -0.07470519840717316, -0.11106663942337036, 0.21126717329025269, -0.0011685026111081243, 0.015053014270961285, 0.05131705477833748, 0.104188933968544, 0.07467857003211975, -0.07481381297111511, 0.02181791327893734, 0.01400860957801342, -0.09715529531240463, -0.01543454360216856, -0.07855207473039627, -0.010967474430799484, -0.04019441083073616, -0.07576726377010345, -0.08489475399255753, -0.04734710603952408, 0.16398648917675018, 0.023108772933483124, -0.018481431528925896, 0.16576644778251648, -0.12178242206573486, -0.0415172204375267, -0.08074113726615906, -0.04443071037530899, -0.040370918810367584, -0.0034868360962718725, -0.10862235724925995, -0.17193564772605896, 0.04478946328163147, 0.04876420646905899, -0.0708361566066742, -0.0077414074912667274, -0.05166473239660263, -0.08357060700654984, 0.045557014644145966, -0.012361864559352398, -0.02050163969397545, -0.03279733657836914, -0.19585728645324707, 0.07815748453140259, -0.04108213633298874, -0.06349979341030121, -0.04455769062042236, -0.008237461559474468, -0.09196921437978745, -0.1009482741355896, -0.12589392066001892, -0.11756497621536255, 0.06239404156804085, -0.24451345205307007, 0.031546834856271744, -0.09864874929189682, -0.02481994777917862, -0.044026389718055725, 0.11658404022455215, -0.14163893461227417, -0.03225041925907135, -0.14445407688617706, 0.027738891541957855, 0.0027634932193905115, -0.029591601341962814, 0.17604674398899078, -0.06383517384529114, 0.12199275940656662, 0.023294055834412575, 0.20488473773002625, -0.06297939270734787, 0.00823591835796833, -0.07565952837467194, 0.013331678695976734, -0.06503771245479584, 0.06197386980056763, 0.05097189545631409, 0.023985695093870163, -0.07611969858407974, -0.09897763282060623, -0.051117196679115295, 0.0901656225323677, 0.10891547054052353, 0.17410185933113098, -0.12702511250972748, -0.024004574865102768, 0.20895127952098846, 0.07410643249750137, -0.10284899920225143, 0.09009327739477158, 0.020095353946089745, 0.1367608606815338, 0.07278293371200562, -0.006363494787365198, -0.07176674902439117, -0.14433243870735168, 0.051195405423641205, 0.11155617982149124, -0.0006925275083631277, -0.20925477147102356, 0.11764251440763474, 0.02166026271879673, -0.0593857616186142, 0.01660526543855667, -0.0250113345682621, 0.060023847967386246, -0.12076974660158157, -0.02777068130671978, 0.05067521333694458, -0.1158970445394516, 0.0031869360245764256, -0.0016253875801339746, 0.11450434476137161, -0.09043244272470474, -0.06410863250494003, 0.0006536436849273741, 0.03142040967941284, 0.045245200395584106, -0.01070364098995924, -0.062420804053545, -0.08916734904050827, -0.11969254910945892, -0.020600609481334686, -0.06010666862130165, -0.01773791015148163, 0.0006005513132549822, 0.07617069780826569, -0.030664710327982903, 0.24710142612457275, 0.08127017319202423, -0.012573572807013988, -0.04830791428685188, 0.0022782403975725174, -0.02821199595928192, -0.05974334105849266, -0.10914326459169388, -0.11448919773101807, -0.04189309850335121, -0.04104137048125267, 0.0651453360915184, -0.06954114139080048, -0.009888368658721447, -0.11944341659545898, -0.047772154211997986, 0.03857632353901863, 0.04287635535001755, -0.008557412773370743, 0.07313589751720428, 0.01969529502093792, -0.10727428644895554, 0.11133429408073425, 0.014599231071770191, -0.10335155576467514, 0.10255281627178192, -0.06514658033847809, 0.0947141945362091, 0.07457171380519867, -0.040812503546476364, -0.06807802617549896, -0.03878985717892647, -0.03150594234466553, -0.019281107932329178, -0.023120883852243423, 0.021293550729751587, 0.1622404009103775, 0.04514579474925995, 0.147857204079628, -0.16481468081474304, -0.02354711852967739, 0.0654919296503067, -0.06575622409582138, -0.011535270139575005, 0.14815475046634674, 0.05540218576788902, -0.07850924134254456, 0.02183571085333824, 0.05055457353591919, -0.03801501542329788, 0.19289572536945343, 0.0517628937959671, -0.11837703734636307, 0.013516094535589218, 0.08098837733268738, 0.03523388132452965, 0.1687563955783844, -0.16066837310791016, 0.02856319211423397, 0.026079533621668816, 0.04163157567381859, 0.04563461244106293, -0.13464559614658356, -0.06260813027620316, 0.05143789201974869, -0.018228352069854736, -0.06844935566186905, 0.03094000555574894, -0.08214914798736572, 0.15462380647659302, 0.15183787047863007, -0.1514892578125, 0.027231181040406227, 0.04051543027162552, -0.04062015563249588, 0.20381617546081543, -0.011541241779923439, -0.12957745790481567, -0.061876315623521805, 0.01548134908080101, 0.04511919617652893, 0.09286610782146454, 0.037736985832452774, -0.1558341234922409, 0.061870746314525604, 0.04438265040516853, 0.03785501793026924, 0.01806626468896866, 0.05814366415143013, -0.00047637257375754416, 0.047550175338983536, -0.06373964995145798, -0.07248558849096298, 0.008474807254970074, -0.07567445188760757, -0.1254395842552185, 0.0299812164157629, -0.16445298492908478, 0.09097462147474289, 0.19231081008911133, -0.04388367757201195, 0.006994040682911873, -0.035135410726070404, 0.05278487876057625, -0.03888755664229393, -0.037697456777095795, 0.1387404054403305, 0.1550072282552719, -0.040943749248981476, 0.031988680362701416, 0.03666778653860092, -0.11005981266498566, -0.016663746908307076, -0.0006482075550593436, -0.07316160947084427, -0.21449770033359528, -0.09406162053346634, -0.06189354509115219, 0.0822611004114151, 0.10973835736513138, -0.011959124356508255, -0.05622506141662598, 0.1026897057890892, 0.046079542487859726, 0.09939403086900711, -0.12848514318466187, 0.02667885273694992, -0.053740017116069794, -0.0065725441090762615, 0.01646110601723194, -0.03233819454908371, -0.07374642789363861, 0.10578922927379608, 0.05735258758068085, 0.12257958948612213, -0.034770604223012924, 0.1224665641784668, -0.025105521082878113, 0.03477424010634422, -0.06044717878103256, 0.1944132298231125, -0.03606953099370003, -0.0774584636092186, -0.09242025762796402, -0.01588996686041355, -0.10929762572050095, 0.004068979062139988, 0.004256711807101965, 0.005706897471100092, -0.2383020520210266, 0.00003413384183659218, -0.021512789651751518, 0.2885066866874695, 0.08760096877813339, -0.293542742729187, -0.1035771444439888, -0.04743923991918564, 0.013428008183836937, -0.11564762890338898, 0.036040887236595154, 0.20361512899398804, -0.053752217441797256, -0.029628291726112366, -0.03406331315636635, 0.09959716349840164, -0.06970281898975372, 0.027949489653110504, 0.021369345486164093, 0.06462093442678452, -0.014133715070784092, 0.07102543115615845, -0.2524859607219696, 0.3049151301383972, 0.008002319373190403, 0.06220462918281555, -0.10428272187709808, -0.07388886064291, -0.06308251619338989, -0.05147390067577362, 0.14152424037456512, -0.0010471934219822288, 0.11904632300138474, -0.12348345667123795, -0.12091623991727829, 0.04144841432571411, -0.013459323905408382, -0.020520847290754318, 0.07662713527679443, 0.036352336406707764, 0.01863979548215866, 0.004156151786446571, 0.024628082290291786, 0.02709156833589077, -0.058622267097234726, -0.03976466879248619, -0.006883954629302025, -0.09769242256879807, -0.03139549121260643, -0.06807578355073929, -0.012360606342554092, 0.08765970170497894, 0.04247207194566727, -0.011814220808446407, -0.10642454773187637, 0.04158075898885727, 0.10872216522693634, -0.04432185739278793, 0.04571503400802612, 0.029344934970140457, -0.044789865612983704, 0.008516424335539341, 0.06376813352108002, 0.2223256677389145, -0.11266224831342697, -0.0455455556511879, -0.07920652627944946, 0.03134288638830185, 0.0473051592707634, 0.0856020450592041, -0.027271904051303864, -0.07634317874908447, 0.00014576149987988174, -0.01810055784881115, 0.02767602540552616, -0.07872282713651657, -0.04266731068491936, -0.026281582191586494, -0.13351665437221527, 0.07746724784374237, 0.06486289948225021, -0.007016033865511417, 0.13077199459075928, 0.21674929559230804, -0.051742423325777054, 0.04136054590344429, 0.1728479564189911, 0.02221272885799408, -0.1666930764913559, 0.06991632282733917, 0.07566627115011215, 0.10014630109071732, -0.09016326814889908, -0.20779672265052795, -0.010294640436768532, 0.15217390656471252, 0.011850337497889996, 0.0500127375125885, -0.32958516478538513, -0.055087611079216, 0.0411849208176136, 0.08183109760284424, 0.4183073341846466, -0.03217701241374016, -0.007402133662253618, -0.0361756756901741, -0.10948881506919861, 0.06898841261863708, -0.06198201701045036, 0.13684791326522827, -0.03743506595492363, -0.04674140363931656, 0.08573426306247711, -0.0389801450073719, 0.10124024003744125, -0.05684760957956314, 0.04764096811413765, -0.03499319776892662, -0.04836156591773033, -0.060189057141542435, -0.056242961436510086, 0.02329130657017231, -0.012589593417942524, -0.015036851167678833, -0.09594595432281494, -0.0653151348233223, -0.07348165661096573, 0.03381400927901268, -0.01715509220957756, -0.06779813766479492, 0.0667189359664917, 0.03199082612991333, 0.06499820947647095, 0.011862872168421745, 0.014633032493293285, -0.05954049527645111, -0.0017140884883701801, 0.03336593881249428, 0.21582768857479095, -0.10729215294122696, 0.13136252760887146, 0.01387849822640419, 0.03422827273607254, 0.11729766428470612, -0.0911487340927124, -0.0390830896794796, 0.09370030462741852, 0.005511790048331022, -0.02936522476375103, 0.052100811153650284, 0.02660020999610424, -0.007843319326639175, 0.08050782233476639, -0.01774176023900509, 0.001476542791351676, -0.02703692391514778, 0.02075306326150894, -0.0392402708530426, 0.017004437744617462, 0.0628187507390976, -0.01614988222718239, -0.0190817229449749, -0.05022505670785904, -0.0541689433157444, -0.05681261047720909, 0.19845905900001526, 0.011815734207630157, 0.059340570122003555, -0.0352933332324028, 0.06221524253487587, 0.030176794156432152, -0.22255223989486694, 0.025759145617485046, 0.07472933083772659, -0.07385768741369247, -0.01856529712677002, 0.1588539034128189, 0.08567336201667786, -0.23970815539360046, -0.033738937228918076, -0.15001767873764038, -0.08131787180900574, 0.08651366084814072, 0.1414814591407776, 0.024693015962839127, 0.0360783115029335, 0.0006132958806119859, 0.04383808746933937, -0.0926782563328743, -0.018503937870264053, 0.028975222259759903, 0.03344270586967468, -0.025095392018556595, 0.1667172759771347, -0.019350841641426086, 0.060397449880838394, -0.04594481363892555, 0.03195812553167343, -0.15871773660182953, 0.06399676203727722, -0.09957066178321838, -0.058872953057289124, 0.05974559485912323, -0.018622567877173424, -0.07427468150854111, 0.023824434727430344, -0.016519390046596527, -0.053086791187524796, -0.09932304173707962, 0.02563580870628357, 0.019053950905799866, 0.015300629660487175, 0.06258702278137207, -0.022542845457792282, -0.012068890035152435, -0.06522006541490555, 0.0445961095392704, -0.04963795095682144, -0.012476813048124313, 0.019796229898929596, -0.15533538162708282, 0.06411591917276382, 0.005892924964427948, 0.011778712272644043, 0.13563014566898346, -0.0040948581881821156, 0.06783472001552582, 0.02195862866938114, 0.05463941767811775, 0.024536890909075737, -0.04037506505846977, -0.088907890021801, 0.037614669650793076, 0.0026098836679011583, -0.05174354463815689, -0.0759018138051033, 0.09082994610071182, 0.06142497807741165, 0.021053370088338852, 0.0010488588595762849, -0.046252649277448654, 0.02341168187558651, -0.11803747713565826, -0.051550425589084625, -0.00007986431592144072, 0.007585268002003431, -0.04867751896381378, -0.015267751179635525, 0.12489674240350723, 0.0012953592231497169, 0.06035161018371582, 0.05203656852245331, 0.05540869012475014, 0.0045461286790668964, -0.0848657563328743, 0.06913403421640396, -0.0442534014582634, 0.30599427223205566, 0.052772197872400284, 0.014885254204273224, -0.014534328132867813, 0.17288881540298462, 0.06609147042036057, 0.16030441224575043, 0.14002057909965515, 0.12519346177577972, 0.08144690841436386, 0.1720408946275711, -0.03592368960380554, -0.07269005477428436, -0.0699571967124939, 0.06509873270988464, 0.04733975976705551, 0.00782975647598505, -0.02686125598847866, 0.11390260607004166, 0.06710267066955566, -0.1332593709230423, 0.03773178532719612, 0.052646659314632416, 0.0009424062445759773, -0.1070849597454071, -0.03733595088124275, -0.04119478166103363, -0.11877570301294327, -0.020850805565714836, -0.06639444082975388, -0.016483956947922707, -0.010675507597625256, 0.012564430013298988, 0.017290465533733368, 0.16043134033679962, -0.08841827511787415, -0.010379214771091938, 0.14827248454093933, 0.04549819603562355, 0.10799571126699448, -0.12538021802902222, -0.05692158639431, -0.07785940915346146, 0.005921296309679747, -0.0077675809152424335, -0.03738464415073395, -0.05557514727115631, 0.013889458030462265, 0.10465656220912933, -0.04080554470419884, -0.024408768862485886, -0.00823922734707594, 0.09002966433763504, 0.14276571571826935, 0.009278467856347561, -0.042431704699993134, -0.035846807062625885, 0.2740340828895569, -0.10091014206409454, -0.02534131146967411, -0.06515426933765411, 0.20622973144054413, 0.034905605018138885, 0.04628683626651764, 0.000029044676921330392, -0.02131214365363121, -0.06057977303862572, 0.2281700074672699, 0.07167331874370575, -0.12139492481946945, -0.05236620455980301, -0.010048001073300838, 0.016303861513733864, -0.05121321231126785, 0.17600612342357635, 0.038380976766347885, 0.23011788725852966, -0.11974979192018509, -0.08535059541463852, -0.023937080055475235, 0.04342765361070633, -0.048598889261484146, 0.06756388396024704, 0.055477745831012726, -0.02696220390498638, -0.059608057141304016, 0.06070829555392265, -0.022990848869085312, -0.09283933788537979, 0.1076028123497963, -0.10733816772699356, -0.1304212510585785, -0.07572150975465775, -0.029061323031783104, 0.06174566224217415, 0.2057606726884842, -0.02528475783765316, -0.022515039891004562, 0.01628776453435421, 0.0034158711787313223, -0.10710172355175018, -0.1576830893754959, 0.059148967266082764, 0.10477104783058167, 0.23143412172794342, -0.025408264249563217, 0.04401538893580437, 0.11189260333776474, 0.022285830229520798, -0.07953807711601257, 0.05424467474222183, 0.010168752633035183, -0.053594086319208145, 0.09780888259410858, -0.04507835954427719, -0.06082465499639511, 0.0526721253991127, 0.03134853392839432, -0.19376251101493835, 0.012591138482093811, 0.046317555010318756, 0.025418734177947044, -0.10604166239500046, 0.09006653726100922, 0.009349878877401352, 0.11210664361715317, 0.2379339635372162, -0.03312693536281586, -0.05112965404987335, -0.08301527798175812, 0.0726286992430687, 0.07132849842309952, 0.04898544028401375, -0.07409167289733887, -0.1395030915737152, -0.0541621558368206, -0.026517953723669052, -0.04850030690431595, -0.1950647532939911, 0.020943088456988335, -0.056493088603019714, -0.08813180774450302, -0.010238016955554485, -0.015402507036924362, 0.02956896834075451, 0.07153221219778061, -0.01647714152932167, 0.052408259361982346, -0.021600214764475822, 0.11022515594959259, -0.12242139130830765, -0.09852784872055054 ]
null
null
transformers
# ALBERT XLarge Spanish This is an [ALBERT](https://github.com/google-research/albert) model trained on a [big spanish corpora](https://github.com/josecannete/spanish-corpora). The model was trained on a single TPU v3-8 with the following hyperparameters and steps/time: - LR: 0.0003125 - Batch Size: 128 - Warmup ratio: 0.00078125 - Warmup steps: 6250 - Goal steps: 8000000 - Total steps: 2775000 - Total training time (aprox): 64.2 days. ## Training loss ![https://drive.google.com/uc?export=view&id=1rw0vvqZY9LZAzRUACLjmP18Fc6D1fv7x](https://drive.google.com/uc?export=view&id=1rw0vvqZY9LZAzRUACLjmP18Fc6D1fv7x)
{"language": ["es"], "tags": ["albert", "spanish", "OpenCENIA"], "datasets": ["large_spanish_corpus"]}
null
dccuchile/albert-xlarge-spanish
[ "transformers", "pytorch", "tf", "albert", "pretraining", "spanish", "OpenCENIA", "es", "dataset:large_spanish_corpus", "endpoints_compatible", "region:us" ]
2022-03-02T23:29:04+00:00
[]
[ "es" ]
TAGS #transformers #pytorch #tf #albert #pretraining #spanish #OpenCENIA #es #dataset-large_spanish_corpus #endpoints_compatible #region-us
# ALBERT XLarge Spanish This is an ALBERT model trained on a big spanish corpora. The model was trained on a single TPU v3-8 with the following hyperparameters and steps/time: - LR: 0.0003125 - Batch Size: 128 - Warmup ratio: 0.00078125 - Warmup steps: 6250 - Goal steps: 8000000 - Total steps: 2775000 - Total training time (aprox): 64.2 days. ## Training loss !URL
[ "# ALBERT XLarge Spanish\n\nThis is an ALBERT model trained on a big spanish corpora.\nThe model was trained on a single TPU v3-8 with the following hyperparameters and steps/time:\n- LR: 0.0003125\n- Batch Size: 128\n- Warmup ratio: 0.00078125\n- Warmup steps: 6250\n- Goal steps: 8000000\n- Total steps: 2775000\n- Total training time (aprox): 64.2 days.", "## Training loss\n!URL" ]
[ "TAGS\n#transformers #pytorch #tf #albert #pretraining #spanish #OpenCENIA #es #dataset-large_spanish_corpus #endpoints_compatible #region-us \n", "# ALBERT XLarge Spanish\n\nThis is an ALBERT model trained on a big spanish corpora.\nThe model was trained on a single TPU v3-8 with the following hyperparameters and steps/time:\n- LR: 0.0003125\n- Batch Size: 128\n- Warmup ratio: 0.00078125\n- Warmup steps: 6250\n- Goal steps: 8000000\n- Total steps: 2775000\n- Total training time (aprox): 64.2 days.", "## Training loss\n!URL" ]
[ 51, 104, 5 ]
[ "passage: TAGS\n#transformers #pytorch #tf #albert #pretraining #spanish #OpenCENIA #es #dataset-large_spanish_corpus #endpoints_compatible #region-us \n# ALBERT XLarge Spanish\n\nThis is an ALBERT model trained on a big spanish corpora.\nThe model was trained on a single TPU v3-8 with the following hyperparameters and steps/time:\n- LR: 0.0003125\n- Batch Size: 128\n- Warmup ratio: 0.00078125\n- Warmup steps: 6250\n- Goal steps: 8000000\n- Total steps: 2775000\n- Total training time (aprox): 64.2 days.## Training loss\n!URL" ]
[ -0.20567463338375092, -0.013770613819360733, -0.000027534613764146343, 0.13106442987918854, 0.12789902091026306, 0.01065759640187025, -0.021769331768155098, 0.07063465565443039, 0.025669537484645844, 0.027603551745414734, 0.12183097004890442, 0.08221537619829178, 0.0285845547914505, 0.07292009890079498, -0.052588820457458496, -0.2599012851715088, 0.0014355186140164733, 0.05016184225678444, -0.08952131122350693, 0.043927453458309174, 0.034988224506378174, -0.0811900943517685, 0.03896891325712204, -0.06757199019193649, -0.0487792044878006, -0.033327315002679825, -0.018214574083685875, -0.10332503914833069, 0.16461969912052155, 0.02384786307811737, 0.10418630391359329, 0.06322712451219559, 0.04558195173740387, -0.0015218084445223212, 0.010089355520904064, 0.006694437004625797, 0.0169723741710186, 0.07803944498300552, 0.03841250017285347, 0.09801380336284637, 0.09841343015432358, -0.13999661803245544, 0.04978778585791588, 0.04793266952037811, -0.1765373945236206, -0.20254844427108765, -0.0205374862998724, -0.06769390404224396, 0.05934573709964752, 0.07798530161380768, 0.03833204135298729, 0.15189366042613983, -0.12484043836593628, 0.028612567111849785, 0.16755536198616028, -0.3518316149711609, -0.0902719646692276, 0.024024350568652153, 0.08927499502897263, 0.09129501134157181, -0.024783270433545113, 0.027925005182623863, 0.12514281272888184, 0.012918501161038876, 0.06877471506595612, -0.036711398512125015, -0.09714091569185257, 0.03700516000390053, -0.13211391866207123, -0.03431541845202446, 0.07917694002389908, 0.03541433438658714, -0.057559527456760406, -0.05505194887518883, -0.07116208225488663, -0.1359092742204666, -0.011488641612231731, -0.009009672328829765, 0.06688915193080902, -0.0735902190208435, -0.030524950474500656, 0.00039689757977612317, -0.04161938652396202, -0.08155637234449387, -0.10787913203239441, 0.2091628611087799, 0.0007253229850903153, 0.027663901448249817, 0.0728980302810669, 0.12233690172433853, 0.07789257168769836, -0.0826556608080864, 0.031364500522613525, 0.015586546622216702, -0.12195013463497162, -0.01552526280283928, -0.05935121700167656, 0.009873923845589161, -0.05064312368631363, -0.08679303526878357, -0.08902180194854736, -0.041886232793331146, 0.16551052033901215, 0.03261319920420647, -0.038723066449165344, 0.1579112708568573, -0.1012226939201355, -0.028657179325819016, -0.07390941679477692, -0.031632013618946075, -0.044860612601041794, -0.011376301757991314, -0.10442408919334412, -0.16269493103027344, 0.03789982572197914, 0.04972505941987038, -0.07352815568447113, -0.013785991817712784, -0.06039042770862579, -0.08386486768722534, 0.06827308982610703, -0.01928108185529709, -0.01281543355435133, -0.03242206946015358, -0.1808151751756668, 0.064021535217762, -0.01994043029844761, -0.05838850885629654, -0.040530409663915634, -0.01743960753083229, -0.08438322693109512, -0.07711215317249298, -0.13021543622016907, -0.10996345430612564, 0.049460213631391525, -0.2267351597547531, 0.015751801431179047, -0.08951935917139053, -0.06308729946613312, -0.04317221790552139, 0.12142788618803024, -0.12452050298452377, -0.04168171063065529, -0.13605241477489471, 0.03378596156835556, -0.007402628194540739, -0.027707906439900398, 0.17747674882411957, -0.05579100549221039, 0.1366036832332611, 0.028263207525014877, 0.18716104328632355, -0.0718948096036911, 0.016523901373147964, -0.07299236953258514, 0.0143408989533782, -0.07394583523273468, 0.06421497464179993, 0.040166594088077545, 0.018127737566828728, -0.06652875244617462, -0.10550811886787415, -0.03331351652741432, 0.07703148573637009, 0.11321894079446793, 0.1600719690322876, -0.13965319097042084, -0.028460770845413208, 0.18714702129364014, 0.05000530555844307, -0.10203541815280914, 0.08975400030612946, 0.007099570706486702, 0.14270398020744324, 0.06736650317907333, -0.02765771746635437, -0.03623580187559128, -0.14724582433700562, 0.05412980914115906, 0.08964017033576965, -0.00484826834872365, -0.21288879215717316, 0.10607615113258362, 0.02808786742389202, -0.06757556647062302, 0.02233240008354187, -0.042094044387340546, 0.06477656960487366, -0.12284846603870392, -0.04398830607533455, 0.0407351590692997, -0.10636914521455765, 0.006393779534846544, 0.006053856108337641, 0.10281778126955032, -0.07494230568408966, -0.06109000742435455, -0.002771348925307393, 0.03822030872106552, 0.03525518253445625, -0.0118167195469141, -0.04179913178086281, -0.07145900279283524, -0.11871881037950516, -0.015453390777111053, -0.07568299770355225, -0.03409178927540779, -0.003580748336389661, 0.057035915553569794, -0.02443533018231392, 0.23055079579353333, 0.08402704447507858, 0.011592170223593712, -0.059281766414642334, -0.014881749637424946, -0.04252532497048378, -0.06961213052272797, -0.0996035635471344, -0.12162639945745468, -0.03792340308427811, -0.03837716206908226, 0.08628705143928528, -0.0912732183933258, 0.0018848666222766042, -0.1427365094423294, -0.032687682658433914, 0.031372711062431335, 0.03533506393432617, -0.01636810041964054, 0.08200836181640625, 0.02510487474501133, -0.09412684291601181, 0.11402742564678192, 0.016578050330281258, -0.13225983083248138, 0.08398737758398056, -0.050046101212501526, 0.114817775785923, 0.06680753082036972, -0.03469206765294075, -0.08129508793354034, -0.055551059544086456, -0.04177967458963394, -0.028401313349604607, -0.029325848445296288, 0.032227855175733566, 0.17887811362743378, 0.03990175202488899, 0.14656305313110352, -0.14709758758544922, -0.027494797483086586, 0.0625324621796608, -0.04819241538643837, 0.0003597706672735512, 0.14780646562576294, 0.07079972326755524, -0.08426544070243835, 0.024574071168899536, 0.06501209735870361, -0.06250107288360596, 0.20010723173618317, 0.04965509846806526, -0.10351116210222244, 0.003313093213364482, 0.09114530682563782, 0.032379135489463806, 0.18887311220169067, -0.1427539438009262, 0.04191577062010765, 0.0282420851290226, 0.0395888052880764, 0.042124852538108826, -0.15187890827655792, -0.07116661965847015, 0.04146324098110199, -0.021536603569984436, -0.09870855510234833, 0.035806287080049515, -0.07491596788167953, 0.1549132913351059, 0.1229982003569603, -0.14357446134090424, 0.044991057366132736, 0.039849840104579926, -0.04174361005425453, 0.2048577070236206, -0.017247406765818596, -0.13545401394367218, -0.06657586246728897, 0.04063095524907112, 0.03275395557284355, 0.07415253669023514, 0.02624368667602539, -0.15122230350971222, 0.06329042464494705, 0.05164915323257446, 0.009542576037347317, 0.02493676356971264, 0.05103885009884834, 0.004151529632508755, 0.03610527887940407, -0.04343096539378166, -0.06607025861740112, 0.013248016126453876, -0.09221798181533813, -0.13790196180343628, 0.04075383394956589, -0.13801226019859314, 0.0987965315580368, 0.190622478723526, -0.04000651463866234, 0.004617056809365749, -0.028963062912225723, 0.04658212512731552, -0.05013887211680412, -0.04207955300807953, 0.1392650157213211, 0.1421717256307602, -0.023258866742253304, 0.0363682396709919, 0.044587187469005585, -0.09748199582099915, -0.017331400886178017, -0.005978909321129322, -0.07566080242395401, -0.21681638062000275, -0.08001921325922012, -0.07364916801452637, 0.06827814877033234, 0.08398402482271194, -0.002758398652076721, -0.05372212827205658, 0.09114187955856323, 0.04779412969946861, 0.08005162328481674, -0.1231258288025856, 0.026946481317281723, -0.04384412616491318, -0.00916987657546997, 0.02535085380077362, -0.028920602053403854, -0.07558256387710571, 0.09938854724168777, 0.0625196099281311, 0.15899688005447388, -0.046506259590387344, 0.09162271022796631, -0.01961626298725605, 0.05595516413450241, -0.05966143310070038, 0.20004817843437195, -0.04114984720945358, -0.07655491679906845, -0.08250540494918823, -0.015237066894769669, -0.09485501796007156, 0.0017863509710878134, 0.00885764416307211, 0.02015969716012478, -0.22868777811527252, 0.0020819955971091986, -0.011694274842739105, 0.24990136921405792, 0.0689908042550087, -0.2900335192680359, -0.10505179315805435, -0.05009966716170311, 0.023575711995363235, -0.1177290678024292, 0.009589354507625103, 0.21005778014659882, -0.061267007142305374, -0.021256739273667336, -0.037401385605335236, 0.0996515303850174, -0.04727731645107269, 0.013675249181687832, 0.04106466844677925, 0.0826796293258667, -0.016476783901453018, 0.07017260044813156, -0.251668244600296, 0.3020220994949341, 0.0072510926984250546, 0.06954260170459747, -0.09169302135705948, -0.06892730295658112, -0.05195632204413414, -0.04514237865805626, 0.14109276235103607, 0.0021638080943375826, 0.10976047068834305, -0.12625446915626526, -0.11875961720943451, 0.04755857214331627, -0.02361450530588627, -0.017097456380724907, 0.06516988575458527, 0.056960199028253555, 0.020556816831231117, 0.005454349331557751, 0.034799303859472275, 0.012418461963534355, -0.06643769145011902, -0.033463072031736374, -0.006384361069649458, -0.10562599450349808, -0.024112695828080177, -0.08758711069822311, -0.0034116723109036684, 0.10965423285961151, 0.013587763532996178, -0.023054178804159164, -0.11344186961650848, 0.054485008120536804, 0.10746137797832489, -0.05368925631046295, 0.03972715511918068, 0.01964595355093479, -0.04499843344092369, -0.0023022813256829977, 0.06905529648065567, 0.2030734270811081, -0.10875535756349564, -0.050123583525419235, -0.08583258092403412, 0.04521096870303154, 0.04365503415465355, 0.08620387315750122, -0.029505055397748947, -0.07326797395944595, -0.00172313186340034, -0.03662470355629921, 0.04130297899246216, -0.08052675426006317, -0.0392947643995285, -0.005327241960912943, -0.1431364268064499, 0.06709276884794235, 0.056114330887794495, -0.011497249826788902, 0.13014842569828033, 0.22544756531715393, -0.058171346783638, 0.04192396625876427, 0.14364470541477203, 0.01000842172652483, -0.16117875277996063, 0.0708400085568428, 0.09185998886823654, 0.11083850264549255, -0.08508027344942093, -0.21468298137187958, -0.006248839665204287, 0.14399170875549316, 0.0033611864782869816, 0.06661372631788254, -0.296333909034729, -0.0657966211438179, 0.022750522941350937, 0.0945214033126831, 0.41815438866615295, -0.033866025507450104, -0.00174561922904104, -0.020035888999700546, -0.09316133707761765, 0.06671034544706345, -0.05148439109325409, 0.13951964676380157, -0.03982952982187271, -0.032295119017362595, 0.07456476241350174, -0.04465014860033989, 0.10482938587665558, -0.03664923459291458, 0.06599926948547363, -0.025987902656197548, -0.029556069523096085, -0.0713411197066307, -0.048383649438619614, 0.02790207974612713, -0.013626273721456528, -0.006525316275656223, -0.10506623983383179, -0.06012806296348572, -0.08248869329690933, 0.03896711394190788, -0.02705644816160202, -0.05629827827215195, 0.09188012778759003, 0.03874841332435608, 0.049052949994802475, 0.011889436282217503, 0.0123323705047369, -0.047073960304260254, 0.018107790499925613, 0.02471490018069744, 0.20132598280906677, -0.08055426925420761, 0.11362221091985703, 0.008703438565135002, 0.032535288482904434, 0.11867830902338028, -0.09241952747106552, -0.035372454673051834, 0.11057688295841217, 0.017243195325136185, -0.011895768344402313, 0.061754994094371796, 0.024270806461572647, -0.005955308210104704, 0.09288724511861801, -0.0428466759622097, -0.00838406477123499, -0.019860602915287018, 0.018033113330602646, -0.039180271327495575, 0.02106424607336521, 0.05853768438100815, -0.016407979652285576, -0.013322830200195312, -0.04191340133547783, -0.06134234368801117, -0.05166257172822952, 0.20398972928524017, 0.011223646812140942, 0.057455841451883316, -0.035836055874824524, 0.047801438719034195, 0.03293970972299576, -0.20224477350711823, 0.00980191770941019, 0.06714373826980591, -0.07410942763090134, -0.018108321353793144, 0.1349262297153473, 0.11473364382982254, -0.22875481843948364, -0.0310127604752779, -0.16296452283859253, -0.07812420278787613, 0.08169414848089218, 0.12548725306987762, 0.033216752111911774, 0.027559436857700348, -0.0013532903976738453, 0.04627186805009842, -0.09198512881994247, -0.005288062151521444, 0.044406916946172714, 0.03164270892739296, -0.036979977041482925, 0.16089829802513123, -0.003364445175975561, 0.06975240260362625, -0.04511551558971405, 0.026013698428869247, -0.1418634057044983, 0.05740709602832794, -0.07848736643791199, -0.08013739436864853, 0.06329557299613953, -0.022262748330831528, -0.07992415875196457, 0.004165315069258213, -0.00579026248306036, -0.03663652017712593, -0.09802749752998352, 0.028832288458943367, 0.030329378321766853, 0.002992017427459359, 0.0436226949095726, -0.04518933594226837, -0.010542544536292553, -0.06530286371707916, 0.059730444103479385, -0.02589651197195053, -0.001427033799700439, 0.02762790210545063, -0.15215077996253967, 0.06816262006759644, 0.006633978337049484, 0.012682602740824223, 0.12337280064821243, -0.023201292380690575, 0.06901585310697556, 0.015728173777461052, 0.051682282239198685, 0.02165025658905506, -0.04862239584326744, -0.0933694913983345, 0.046046480536460876, 0.0016713349614292383, -0.05273287370800972, -0.07851649075746536, 0.09466434270143509, 0.051208820194005966, 0.04941045120358467, 0.015453501604497433, -0.053002387285232544, 0.03694452717900276, -0.1328849345445633, -0.05237722769379616, 0.001651637488976121, 0.003170635551214218, -0.06728323549032211, -0.01523095928132534, 0.12523747980594635, -0.003491317853331566, 0.04932781681418419, 0.032217007130384445, 0.053022392094135284, -0.009077375754714012, -0.08364490419626236, 0.07657144963741302, -0.057094309478998184, 0.2716415822505951, 0.04793152958154678, 0.021009018644690514, 0.009502287022769451, 0.17357097566127777, 0.04527297616004944, 0.15532462298870087, 0.13375768065452576, 0.11143441498279572, 0.0893738716840744, 0.14053915441036224, -0.015399869531393051, -0.07755322754383087, -0.07318136841058731, 0.04880276322364807, 0.03967680037021637, 0.005711941048502922, -0.03409213945269585, 0.11522815376520157, 0.06091655418276787, -0.13663403689861298, 0.04057137668132782, 0.0652000680565834, -0.019151996821165085, -0.09911250323057175, -0.020021162927150726, -0.031658753752708435, -0.11173930019140244, -0.009851718321442604, -0.06848893314599991, -0.02345496416091919, -0.02219398133456707, 0.005262288730591536, 0.01477033831179142, 0.15015459060668945, -0.04707813635468483, 0.0031128288246691227, 0.13940927386283875, 0.040839098393917084, 0.11109458655118942, -0.10055115073919296, -0.04859047010540962, -0.07533428072929382, -0.003331030486151576, -0.005516687873750925, -0.04596870765089989, -0.05632273480296135, 0.015389306470751762, 0.11063554137945175, -0.03166315332055092, -0.03391868248581886, -0.0011309089604765177, 0.09629719704389572, 0.15254907310009003, 0.014446294866502285, -0.033410776406526566, -0.03848601132631302, 0.25701743364334106, -0.08637022227048874, -0.018647629767656326, -0.06945928931236267, 0.23815016448497772, 0.037232909351587296, 0.02941805310547352, 0.013117088004946709, -0.017649797722697258, -0.04755237326025963, 0.2037876546382904, 0.06711162626743317, -0.13309398293495178, -0.0480390302836895, -0.010487706400454044, 0.01228131540119648, -0.04025242477655411, 0.16266748309135437, 0.06012022867798805, 0.24695700407028198, -0.1244964599609375, -0.08520377427339554, -0.04877442494034767, 0.04754992946982384, -0.03483375534415245, 0.05260462313890457, 0.054884135723114014, -0.021159278228878975, -0.07078193873167038, 0.052335646003484726, -0.022615918889641762, -0.09591934084892273, 0.09954244643449783, -0.11852750182151794, -0.14285600185394287, -0.07574169337749481, -0.028140850365161896, 0.05421349033713341, 0.18584413826465607, -0.030442260205745697, -0.013022281229496002, 0.04212917014956474, -0.00490991584956646, -0.08872611820697784, -0.1456354260444641, 0.06239835545420647, 0.09658744186162949, 0.206268310546875, -0.02699204348027706, 0.08443351835012436, 0.10572375357151031, 0.025442281737923622, -0.05875265970826149, 0.056035060435533524, 0.006513409316539764, -0.06670664250850677, 0.07627962529659271, -0.030222734436392784, -0.054775550961494446, 0.0343068465590477, 0.03636202961206436, -0.17486122250556946, 0.008398336358368397, 0.025958161801099777, 0.0002259391767438501, -0.10006828606128693, 0.10449162125587463, 0.010141796432435513, 0.11553175002336502, 0.25059378147125244, -0.02997177094221115, -0.043543629348278046, -0.09399502724409103, 0.0633748397231102, 0.07316888868808746, 0.05815144628286362, -0.07340216636657715, -0.14037522673606873, -0.04066940397024155, -0.03473283722996712, -0.059899404644966125, -0.18976476788520813, -0.008223018608987331, -0.05784562975168228, -0.09825421869754791, -0.003169349394738674, -0.012755682691931725, 0.012730459682643414, 0.0726986974477768, -0.012491169385612011, 0.035472314804792404, -0.026355037465691566, 0.10891193896532059, -0.10361061245203018, -0.09286563098430634 ]
null
null
transformers
# ALBERT XXLarge Spanish This is an [ALBERT](https://github.com/google-research/albert) model trained on a [big spanish corpora](https://github.com/josecannete/spanish-corpora). The model was trained on a single TPU v3-8 with the following hyperparameters and steps/time: - LR: 0.0003125 - Batch Size: 128 - Warmup ratio: 0.00078125 - Warmup steps: 3125 - Goal steps: 4000000 - Total steps: 1650000 - Total training time (aprox): 70.7 days. ## Training loss ![https://drive.google.com/uc?export=view&id=1a9MHsk-QwBuCMtyDyRvZ5mv9Mzl2dWCn](https://drive.google.com/uc?export=view&id=1a9MHsk-QwBuCMtyDyRvZ5mv9Mzl2dWCn)
{"language": ["es"], "tags": ["albert", "spanish", "OpenCENIA"], "datasets": ["large_spanish_corpus"]}
null
dccuchile/albert-xxlarge-spanish
[ "transformers", "pytorch", "tf", "albert", "pretraining", "spanish", "OpenCENIA", "es", "dataset:large_spanish_corpus", "endpoints_compatible", "region:us" ]
2022-03-02T23:29:04+00:00
[]
[ "es" ]
TAGS #transformers #pytorch #tf #albert #pretraining #spanish #OpenCENIA #es #dataset-large_spanish_corpus #endpoints_compatible #region-us
# ALBERT XXLarge Spanish This is an ALBERT model trained on a big spanish corpora. The model was trained on a single TPU v3-8 with the following hyperparameters and steps/time: - LR: 0.0003125 - Batch Size: 128 - Warmup ratio: 0.00078125 - Warmup steps: 3125 - Goal steps: 4000000 - Total steps: 1650000 - Total training time (aprox): 70.7 days. ## Training loss !URL
[ "# ALBERT XXLarge Spanish\n\nThis is an ALBERT model trained on a big spanish corpora.\nThe model was trained on a single TPU v3-8 with the following hyperparameters and steps/time:\n- LR: 0.0003125\n- Batch Size: 128\n- Warmup ratio: 0.00078125\n- Warmup steps: 3125\n- Goal steps: 4000000\n- Total steps: 1650000\n- Total training time (aprox): 70.7 days.", "## Training loss\n\n!URL" ]
[ "TAGS\n#transformers #pytorch #tf #albert #pretraining #spanish #OpenCENIA #es #dataset-large_spanish_corpus #endpoints_compatible #region-us \n", "# ALBERT XXLarge Spanish\n\nThis is an ALBERT model trained on a big spanish corpora.\nThe model was trained on a single TPU v3-8 with the following hyperparameters and steps/time:\n- LR: 0.0003125\n- Batch Size: 128\n- Warmup ratio: 0.00078125\n- Warmup steps: 3125\n- Goal steps: 4000000\n- Total steps: 1650000\n- Total training time (aprox): 70.7 days.", "## Training loss\n\n!URL" ]
[ 51, 103, 5 ]
[ "passage: TAGS\n#transformers #pytorch #tf #albert #pretraining #spanish #OpenCENIA #es #dataset-large_spanish_corpus #endpoints_compatible #region-us \n# ALBERT XXLarge Spanish\n\nThis is an ALBERT model trained on a big spanish corpora.\nThe model was trained on a single TPU v3-8 with the following hyperparameters and steps/time:\n- LR: 0.0003125\n- Batch Size: 128\n- Warmup ratio: 0.00078125\n- Warmup steps: 3125\n- Goal steps: 4000000\n- Total steps: 1650000\n- Total training time (aprox): 70.7 days.## Training loss\n\n!URL" ]
[ -0.21057410538196564, -0.033984098583459854, -0.0005464780260808766, 0.11954398453235626, 0.12148996442556381, 0.003378831082955003, -0.020080434158444405, 0.0633348748087883, 0.011961895041167736, 0.02569618448615074, 0.12795282900333405, 0.0732845738530159, 0.03042708896100521, 0.06520135700702667, -0.05143070966005325, -0.27090299129486084, 0.00520914513617754, 0.041433803737163544, -0.10949282348155975, 0.04192941635847092, 0.039243996143341064, -0.0768686830997467, 0.04307250678539276, -0.05884988605976105, -0.037637826055288315, -0.03751930966973305, -0.022123998031020164, -0.1117396354675293, 0.16654281318187714, 0.027389874681830406, 0.09197539836168289, 0.06766671687364578, 0.043721117079257965, 0.005212610587477684, 0.00994823221117258, 0.01452986802905798, 0.015339341014623642, 0.07139408588409424, 0.04214072227478027, 0.09645184129476547, 0.12921299040317535, -0.15518680214881897, 0.052306413650512695, 0.05818350240588188, -0.1785883605480194, -0.191385880112648, -0.024408863857388496, -0.08874323964118958, 0.06351705640554428, 0.07925467938184738, 0.038596417754888535, 0.1532089114189148, -0.13753145933151245, 0.03307946026325226, 0.1729152351617813, -0.3482987582683563, -0.09611836820840836, 0.02815604768693447, 0.10285958647727966, 0.08401384949684143, -0.024122759699821472, 0.04220836982131004, 0.12643380463123322, 0.011351749300956726, 0.06601006537675858, -0.04008230194449425, -0.08551181107759476, 0.042368073016405106, -0.13610656559467316, -0.029527369886636734, 0.07987584173679352, 0.0398237444460392, -0.05950400233268738, -0.059761837124824524, -0.0740571916103363, -0.14534221589565277, -0.010284115560352802, -0.00005514501754078083, 0.06648247689008713, -0.0705316886305809, -0.034150369465351105, -0.00237437360920012, -0.03718477860093117, -0.08279217779636383, -0.10029790550470352, 0.20714282989501953, -0.0003795297525357455, 0.031988389790058136, 0.0720960944890976, 0.116354800760746, 0.09469061344861984, -0.08620945364236832, 0.026569319888949394, 0.01783570647239685, -0.13341858983039856, -0.010397635400295258, -0.060796186327934265, 0.0048033930361270905, -0.04128510132431984, -0.09072235971689224, -0.08361554145812988, -0.04595786705613136, 0.16000883281230927, 0.03049456514418125, -0.03727753460407257, 0.1614476591348648, -0.10592972487211227, -0.0428265705704689, -0.07470810413360596, -0.04071095585823059, -0.046682972460985184, -0.015251428820192814, -0.10396629571914673, -0.16952310502529144, 0.03782607614994049, 0.0523708313703537, -0.0732131376862526, -0.008019342087209225, -0.04773847758769989, -0.081577830016613, 0.0711122453212738, -0.01678757555782795, -0.015347892418503761, -0.03278012573719025, -0.1804046928882599, 0.07444845885038376, -0.026374323293566704, -0.06126794591546059, -0.038958944380283356, -0.021636217832565308, -0.08236448466777802, -0.08364233374595642, -0.12711329758167267, -0.10937559604644775, 0.04936994984745979, -0.2345709502696991, 0.017728028818964958, -0.08529219031333923, -0.061252158135175705, -0.03842049092054367, 0.11889386922121048, -0.12947997450828552, -0.035040754824876785, -0.13557985424995422, 0.025154532864689827, -0.00574122741818428, -0.021785086020827293, 0.19081102311611176, -0.05774078145623207, 0.13187067210674286, 0.03219572827219963, 0.186815083026886, -0.06695593893527985, 0.009490701369941235, -0.06682248413562775, 0.017599646002054214, -0.07693439722061157, 0.06378814578056335, 0.042613428086042404, 0.029816804453730583, -0.0651296079158783, -0.10652125626802444, -0.03513144329190254, 0.0816628560423851, 0.10916772484779358, 0.15916228294372559, -0.14121995866298676, -0.026246093213558197, 0.19124701619148254, 0.05619768798351288, -0.10219787061214447, 0.10016997158527374, 0.009968753904104233, 0.13128596544265747, 0.06743405014276505, -0.04772651195526123, -0.048312168568372726, -0.15940561890602112, 0.0693245530128479, 0.09950562566518784, -0.0083498889580369, -0.2042570859193802, 0.10824498534202576, 0.025449447333812714, -0.061484552919864655, 0.024376489222049713, -0.029202071949839592, 0.06202797219157219, -0.12366767972707748, -0.04366690665483475, 0.04768253117799759, -0.10324519872665405, -0.0007163358968682587, -0.0027394976932555437, 0.09749021381139755, -0.07831826061010361, -0.07065930962562561, -0.01619906537234783, 0.04031490907073021, 0.043454136699438095, -0.009140575304627419, -0.04452906921505928, -0.08162595331668854, -0.11006904393434525, -0.0195989441126585, -0.06226309761404991, -0.03090551495552063, -0.009223372675478458, 0.09042330831289291, -0.03069220297038555, 0.24498561024665833, 0.08263739943504333, 0.013872543349862099, -0.051907382905483246, -0.010104098357260227, -0.03824503347277641, -0.07027319818735123, -0.09985259920358658, -0.13251812756061554, -0.039720356464385986, -0.03808452561497688, 0.09705623239278793, -0.09567663818597794, 0.004561461508274078, -0.11896370351314545, -0.038155697286129, 0.02821548655629158, 0.03846137225627899, -0.01780121587216854, 0.07735701650381088, 0.023052385076880455, -0.10292699933052063, 0.10430858284235, 0.02084571123123169, -0.13403640687465668, 0.09406537562608719, -0.0576111264526844, 0.11097625643014908, 0.07149485498666763, -0.0471726655960083, -0.07640564441680908, -0.056376539170742035, -0.04091431945562363, -0.02743571624159813, -0.025635262951254845, 0.02802562713623047, 0.15952914953231812, 0.045999571681022644, 0.1489950567483902, -0.14806313812732697, -0.025059161707758904, 0.06373287737369537, -0.0546443909406662, 0.003111862577497959, 0.1429314911365509, 0.055684927850961685, -0.08616502583026886, 0.017103856429457664, 0.0488855242729187, -0.052236370742321014, 0.20562565326690674, 0.0492393784224987, -0.10351485759019852, -0.002313397591933608, 0.09269379079341888, 0.033685799688100815, 0.19112107157707214, -0.16547495126724243, 0.03639805689454079, 0.023672591894865036, 0.039559293538331985, 0.044220615178346634, -0.1443556845188141, -0.07333600521087646, 0.04522334039211273, -0.020193377509713173, -0.08809106796979904, 0.03580880165100098, -0.07723601162433624, 0.14891064167022705, 0.127266526222229, -0.1514173150062561, 0.03621803969144821, 0.039488211274147034, -0.0378926657140255, 0.20532944798469543, -0.012532172724604607, -0.12291362881660461, -0.07299323379993439, 0.02173071727156639, 0.022590288892388344, 0.07639971375465393, 0.0243267510086298, -0.1534617394208908, 0.06233203038573265, 0.05522526800632477, 0.026476388797163963, 0.0028023640625178814, 0.06208954378962517, 0.004086978733539581, 0.042757466435432434, -0.04860372096300125, -0.06697867810726166, 0.009418871253728867, -0.0904487669467926, -0.1506434828042984, 0.03663771227002144, -0.14641062915325165, 0.09978166222572327, 0.1810179203748703, -0.03426066413521767, 0.00947836134582758, -0.03215520828962326, 0.053895752876996994, -0.05199979990720749, -0.03655777499079704, 0.1470750868320465, 0.1516517847776413, -0.027115169912576675, 0.027589647099375725, 0.047290340065956116, -0.099652498960495, -0.022310571745038033, -0.0018809554167091846, -0.08153931796550751, -0.2161356806755066, -0.08389955013990402, -0.08227111399173737, 0.06790456175804138, 0.08067087084054947, -0.0011260474566370249, -0.035667046904563904, 0.0902852863073349, 0.0382845439016819, 0.09846925735473633, -0.11666244268417358, 0.02727261744439602, -0.05875035747885704, -0.006449178792536259, 0.024106167256832123, -0.030083028599619865, -0.07064606994390488, 0.10039479285478592, 0.05485006049275398, 0.15714286267757416, -0.04159121215343475, 0.10924047231674194, -0.00962231494486332, 0.045907873660326004, -0.06523914635181427, 0.18829315900802612, -0.03609336167573929, -0.07679323107004166, -0.08407821506261826, -0.019206857308745384, -0.0947195366024971, 0.003976830746978521, 0.005089058540761471, 0.01828087866306305, -0.22863656282424927, 0.018957745283842087, -0.006229886319488287, 0.26697370409965515, 0.06862690299749374, -0.28917402029037476, -0.10254967212677002, -0.052142783999443054, 0.027208827435970306, -0.11463913321495056, 0.01217350922524929, 0.1997438222169876, -0.06029145419597626, -0.008352113887667656, -0.03616494685411453, 0.10231499373912811, -0.046849701553583145, 0.017898254096508026, 0.035634372383356094, 0.08594813942909241, -0.018791332840919495, 0.07270029187202454, -0.25322598218917847, 0.3112180829048157, 0.008514512330293655, 0.0728464275598526, -0.09704194962978363, -0.0670652985572815, -0.05071510374546051, -0.034073278307914734, 0.13892818987369537, -0.0007895849994383752, 0.10212701559066772, -0.12113486230373383, -0.11860103160142899, 0.03991708904504776, -0.023378577083349228, -0.009963812306523323, 0.07249551266431808, 0.049626290798187256, 0.016431666910648346, 0.0031157659832388163, 0.04951903969049454, 0.0161637831479311, -0.06627944856882095, -0.038725633174180984, -0.01274525560438633, -0.11776944994926453, -0.03132610023021698, -0.07131394743919373, -0.009433484636247158, 0.11379490792751312, 0.026461319997906685, -0.014503013342618942, -0.1153627261519432, 0.05372920259833336, 0.10548576712608337, -0.050664272159338, 0.037878021597862244, 0.02593119628727436, -0.04082109406590462, -0.001804403611458838, 0.07871009409427643, 0.20645208656787872, -0.1122637391090393, -0.051110245287418365, -0.08632835000753403, 0.054136212915182114, 0.04701386019587517, 0.08193432539701462, -0.02963545173406601, -0.07855215668678284, -0.0061857691034674644, -0.034435171633958817, 0.042138028889894485, -0.07916297018527985, -0.042929522693157196, -0.01926989108324051, -0.1266038417816162, 0.08352668583393097, 0.05901890993118286, -0.010615703649818897, 0.11820768564939499, 0.2326766848564148, -0.05218007415533066, 0.040668830275535583, 0.14161747694015503, 0.015920137986540794, -0.15422329306602478, 0.07783140987157822, 0.07960892468690872, 0.11037123948335648, -0.09524897485971451, -0.2017640620470047, -0.014767598360776901, 0.14411026239395142, 0.009532871656119823, 0.05975238233804703, -0.298970490694046, -0.06433253735303879, 0.023928120732307434, 0.07823601365089417, 0.4182056188583374, -0.03497418388724327, -0.0027044734451919794, -0.028363896533846855, -0.0957065299153328, 0.04562344029545784, -0.07952513545751572, 0.13230225443840027, -0.0360063761472702, -0.04165574908256531, 0.07225541025400162, -0.0423424169421196, 0.11129292845726013, -0.04220696911215782, 0.06455989927053452, -0.02398557774722576, -0.026816628873348236, -0.04349799454212189, -0.05028814822435379, 0.01773035153746605, -0.021727850660681725, -0.015063438564538956, -0.1041523665189743, -0.05974390357732773, -0.08114472776651382, 0.0384046845138073, -0.032780006527900696, -0.054724257439374924, 0.09038309752941132, 0.03344970569014549, 0.05259019136428833, 0.0135863171890378, 0.0030375246424227953, -0.04833501949906349, 0.007686956785619259, 0.033018168061971664, 0.20292887091636658, -0.09059960395097733, 0.11562898755073547, 0.01303708553314209, 0.03906959295272827, 0.12145206332206726, -0.09031736105680466, -0.03754877299070358, 0.0926624983549118, 0.014572052285075188, -0.01918070763349533, 0.06017056852579117, 0.021312493830919266, -0.010097194463014603, 0.08656631410121918, -0.032451651990413666, -0.007383911404758692, -0.026209339499473572, 0.014486942440271378, -0.033816371113061905, 0.023570479825139046, 0.059119079262018204, -0.012394843623042107, -0.007345957215875387, -0.04314413294196129, -0.05633332580327988, -0.05610645189881325, 0.20081421732902527, 0.0069154356606304646, 0.062228865921497345, -0.03825535252690315, 0.03941155970096588, 0.030118951573967934, -0.18459145724773407, 0.008315032348036766, 0.07010435312986374, -0.07251235842704773, -0.018508847802877426, 0.13532403111457825, 0.1040501818060875, -0.2191123068332672, -0.027720866724848747, -0.16150565445423126, -0.08451308310031891, 0.0793672576546669, 0.12560062110424042, 0.03154367953538895, 0.025951214134693146, -0.0016222198028117418, 0.051789335906505585, -0.08745348453521729, -0.013612094335258007, 0.04065755382180214, 0.030522456392645836, -0.034315325319767, 0.17758557200431824, -0.0065328869968652725, 0.07116448879241943, -0.04380818456411362, 0.023892777040600777, -0.1422491818666458, 0.06393001973628998, -0.08372895419597626, -0.0785621702671051, 0.05820963531732559, -0.020886516198515892, -0.08284708857536316, 0.007776472717523575, -0.013545193709433079, -0.03871314600110054, -0.0914427787065506, 0.026366012170910835, 0.02730587311089039, 0.0021729778964072466, 0.050230056047439575, -0.0430779829621315, -0.01154681108891964, -0.07675057649612427, 0.05236200988292694, -0.031143324449658394, -0.0028577824123203754, 0.022046873345971107, -0.1426892727613449, 0.0696432963013649, 0.010742953978478909, 0.013800309970974922, 0.12683606147766113, -0.014982073567807674, 0.06427218019962311, 0.01620865799486637, 0.05573495477437973, 0.019757606089115143, -0.06456220149993896, -0.08837694674730301, 0.04243113473057747, 0.004324947018176317, -0.05467141047120094, -0.07526390254497528, 0.09726401418447495, 0.06043664366006851, 0.042094673961400986, 0.011585066094994545, -0.04858136177062988, 0.035864539444446564, -0.13824771344661713, -0.05145588144659996, 0.00047610554611310363, 0.0077506378293037415, -0.06015150249004364, -0.01753266341984272, 0.1312531679868698, -0.00692703016102314, 0.058363087475299835, 0.037407997995615005, 0.0602487176656723, -0.003980419598519802, -0.07322336733341217, 0.07792596518993378, -0.05312541499733925, 0.27252325415611267, 0.04962977021932602, 0.028528502210974693, 0.004225265700370073, 0.16460588574409485, 0.05518816038966179, 0.16571040451526642, 0.1340283751487732, 0.10386402159929276, 0.1038222536444664, 0.14764539897441864, -0.017449071630835533, -0.07649929076433182, -0.07964503765106201, 0.047954291105270386, 0.041797325015068054, 0.001899842987768352, -0.032535240054130554, 0.09305372834205627, 0.07828732579946518, -0.14094513654708862, 0.042065367102622986, 0.07190106064081192, -0.014831115491688251, -0.10729743540287018, -0.026482028886675835, -0.031466614454984665, -0.10754021257162094, -0.011621187441051006, -0.06147203966975212, -0.01670253649353981, -0.022493544965982437, 0.008140270598232746, 0.022450754418969154, 0.15011318027973175, -0.042314883321523666, 0.00551455607637763, 0.13584177196025848, 0.04046401008963585, 0.10924208164215088, -0.09852191805839539, -0.042856354266405106, -0.07379218190908432, -0.009448602795600891, -0.003571768756955862, -0.04855319857597351, -0.05659826099872589, 0.02476896531879902, 0.10835447907447815, -0.03537139669060707, -0.027525942772626877, -0.008030622266232967, 0.09088456630706787, 0.15346938371658325, 0.019712669774889946, -0.03542076796293259, -0.03838677704334259, 0.2590620815753937, -0.08721569925546646, -0.03134513646364212, -0.06854088604450226, 0.21715480089187622, 0.038962218910455704, 0.029975460842251778, 0.006122513674199581, -0.01362560037523508, -0.04413618519902229, 0.209851935505867, 0.08385908603668213, -0.1303376704454422, -0.04606173560023308, -0.01437554880976677, 0.01122916117310524, -0.042300473898649216, 0.16021762788295746, 0.049586620181798935, 0.24684005975723267, -0.11789369583129883, -0.08893557637929916, -0.044478513300418854, 0.03660564869642258, -0.043967414647340775, 0.06492304801940918, 0.05923863872885704, -0.020554572343826294, -0.0634528398513794, 0.05349021404981613, -0.01851055957376957, -0.10208156704902649, 0.10194718092679977, -0.10388299822807312, -0.13778233528137207, -0.07765737175941467, -0.0337115079164505, 0.061591461300849915, 0.19472016394138336, -0.030664844438433647, -0.017997652292251587, 0.040132589638233185, -0.0008342436631210148, -0.09413973242044449, -0.1489327847957611, 0.07121280580759048, 0.11383264511823654, 0.20995821058750153, -0.03216327726840973, 0.07093267142772675, 0.11274474114179611, 0.025022584944963455, -0.05236617475748062, 0.05207759514451027, 0.009807339869439602, -0.06314466893672943, 0.08017726987600327, -0.039528194814920425, -0.058891285210847855, 0.027905670925974846, 0.04109235480427742, -0.176038920879364, 0.012026829645037651, 0.02885495126247406, 0.0035465082619339228, -0.09870461374521255, 0.10499122738838196, 0.012572581879794598, 0.11262659728527069, 0.2492651790380478, -0.03376259282231331, -0.04202906787395477, -0.09412951022386551, 0.06092037260532379, 0.07085390388965607, 0.052803270518779755, -0.07662137597799301, -0.1370055377483368, -0.05073363706469536, -0.025088122114539146, -0.055836524814367294, -0.18626222014427185, -0.007601096760481596, -0.051340796053409576, -0.09873664379119873, -0.0022012104745954275, -0.012595956213772297, 0.01360874343663454, 0.07059691846370697, -0.015523170121014118, 0.05431268736720085, -0.02783118560910225, 0.10550068318843842, -0.10822951048612595, -0.08885668963193893 ]
null
null
transformers
<!-- 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. --> # distilbert-base-uncased-finetuned-recipe-1 This model is a fine-tuned version of [distilbert-base-uncased](https://huggingface.co/distilbert-base-uncased) on an unknown dataset. It achieves the following results on the evaluation set: - Loss: 3.0641 ## 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: 2e-05 - train_batch_size: 256 - eval_batch_size: 256 - seed: 42 - optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08 - lr_scheduler_type: linear - num_epochs: 3.0 - mixed_precision_training: Native AMP ### Training results | Training Loss | Epoch | Step | Validation Loss | |:-------------:|:-----:|:----:|:---------------:| | No log | 1.0 | 3 | 3.2689 | | No log | 2.0 | 6 | 3.0913 | | No log | 3.0 | 9 | 3.0641 | ### Framework versions - Transformers 4.16.2 - Pytorch 1.10.2+cu102 - Datasets 1.18.3 - Tokenizers 0.11.0
{"license": "apache-2.0", "tags": ["generated_from_trainer"], "model-index": [{"name": "distilbert-base-uncased-finetuned-recipe-1", "results": []}]}
fill-mask
CennetOguz/distilbert-base-uncased-finetuned-recipe-1
[ "transformers", "pytorch", "tensorboard", "distilbert", "fill-mask", "generated_from_trainer", "license:apache-2.0", "autotrain_compatible", "endpoints_compatible", "region:us" ]
2022-03-02T23:29:04+00:00
[]
[]
TAGS #transformers #pytorch #tensorboard #distilbert #fill-mask #generated_from_trainer #license-apache-2.0 #autotrain_compatible #endpoints_compatible #region-us
distilbert-base-uncased-finetuned-recipe-1 ========================================== This model is a fine-tuned version of distilbert-base-uncased on an unknown dataset. It achieves the following results on the evaluation set: * Loss: 3.0641 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: 2e-05 * train\_batch\_size: 256 * eval\_batch\_size: 256 * seed: 42 * optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08 * lr\_scheduler\_type: linear * num\_epochs: 3.0 * mixed\_precision\_training: Native AMP ### Training results ### Framework versions * Transformers 4.16.2 * Pytorch 1.10.2+cu102 * Datasets 1.18.3 * Tokenizers 0.11.0
[ "### Training hyperparameters\n\n\nThe following hyperparameters were used during training:\n\n\n* learning\\_rate: 2e-05\n* train\\_batch\\_size: 256\n* eval\\_batch\\_size: 256\n* seed: 42\n* optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08\n* lr\\_scheduler\\_type: linear\n* num\\_epochs: 3.0\n* mixed\\_precision\\_training: Native AMP", "### Training results", "### Framework versions\n\n\n* Transformers 4.16.2\n* Pytorch 1.10.2+cu102\n* Datasets 1.18.3\n* Tokenizers 0.11.0" ]
[ "TAGS\n#transformers #pytorch #tensorboard #distilbert #fill-mask #generated_from_trainer #license-apache-2.0 #autotrain_compatible #endpoints_compatible #region-us \n", "### Training hyperparameters\n\n\nThe following hyperparameters were used during training:\n\n\n* learning\\_rate: 2e-05\n* train\\_batch\\_size: 256\n* eval\\_batch\\_size: 256\n* seed: 42\n* optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08\n* lr\\_scheduler\\_type: linear\n* num\\_epochs: 3.0\n* mixed\\_precision\\_training: Native AMP", "### Training results", "### Framework versions\n\n\n* Transformers 4.16.2\n* Pytorch 1.10.2+cu102\n* Datasets 1.18.3\n* Tokenizers 0.11.0" ]
[ 57, 113, 4, 35 ]
[ "passage: TAGS\n#transformers #pytorch #tensorboard #distilbert #fill-mask #generated_from_trainer #license-apache-2.0 #autotrain_compatible #endpoints_compatible #region-us \n### Training hyperparameters\n\n\nThe following hyperparameters were used during training:\n\n\n* learning\\_rate: 2e-05\n* train\\_batch\\_size: 256\n* eval\\_batch\\_size: 256\n* seed: 42\n* optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08\n* lr\\_scheduler\\_type: linear\n* num\\_epochs: 3.0\n* mixed\\_precision\\_training: Native AMP### Training results### Framework versions\n\n\n* Transformers 4.16.2\n* Pytorch 1.10.2+cu102\n* Datasets 1.18.3\n* Tokenizers 0.11.0" ]
[ -0.09891987591981888, 0.06697636097669601, -0.0025629675947129726, 0.11188224703073502, 0.14990000426769257, 0.01944541744887829, 0.1401844322681427, 0.1174466535449028, -0.10247625410556793, 0.024174021556973457, 0.11890985071659088, 0.14458441734313965, 0.02508881501853466, 0.1462586522102356, -0.030831769108772278, -0.2587854564189911, -0.00018965936033055186, 0.03701368346810341, -0.0909186452627182, 0.13187289237976074, 0.08866393566131592, -0.12459669262170792, 0.059775084257125854, 0.019404547289013863, -0.19898901879787445, 0.0095901507884264, 0.02030315436422825, -0.05821836739778519, 0.1507994532585144, 0.016887955367565155, 0.14355021715164185, 0.008927796967327595, 0.10060836374759674, -0.1833747923374176, 0.015173004940152168, 0.062487710267305374, 0.01141789834946394, 0.08294257521629333, 0.05635139346122742, 0.01762043498456478, 0.09292558580636978, -0.08076132088899612, 0.07191865146160126, 0.01645537279546261, -0.12878932058811188, -0.2552231252193451, -0.09376378357410431, 0.007148470263928175, 0.06486792117357254, 0.09980995208024979, 0.0026460003573447466, 0.14728161692619324, -0.08131144940853119, 0.09115783125162125, 0.2186216562986374, -0.2879205644130707, -0.07024775445461273, 0.008486058562994003, 0.03309432044625282, 0.054709576070308685, -0.10026519745588303, -0.031174562871456146, 0.031987473368644714, 0.05745663866400719, 0.1667567491531372, -0.025900833308696747, -0.11650675535202026, -0.009518852457404137, -0.14193116128444672, -0.037634506821632385, 0.08974418044090271, 0.03862852230668068, -0.03632219135761261, -0.034949928522109985, -0.07260053604841232, -0.14417077600955963, -0.04981497302651405, -0.017200404778122902, 0.051718927919864655, -0.02810298278927803, -0.0779179111123085, -0.01230360846966505, -0.09933267533779144, -0.0692453533411026, -0.07368245720863342, 0.14057882130146027, 0.045065175741910934, 0.011950203217566013, -0.02104213275015354, 0.09243538230657578, -0.006280488800257444, -0.1402580440044403, 0.031823962926864624, 0.03447733074426651, -0.03373080864548683, -0.039417725056409836, -0.06788104772567749, -0.08601558953523636, 0.00695779686793685, 0.13505768775939941, -0.06897968798875809, 0.0577508881688118, 0.015545347705483437, 0.046947941184043884, -0.11539899557828903, 0.1824653595685959, -0.051921945065259933, 0.0030937516130506992, 0.007452715653926134, 0.059993743896484375, 0.02099313773214817, -0.012222818098962307, -0.09938281774520874, 0.018567288294434547, 0.09997741878032684, 0.008750992827117443, -0.05478113517165184, 0.05764724686741829, -0.05999140441417694, -0.012235645204782486, 0.003493277356028557, -0.09493720531463623, 0.031281858682632446, -0.011887720786035061, -0.070550836622715, -0.028858866542577744, 0.04340902715921402, 0.020855367183685303, -0.009217643178999424, 0.1097346842288971, -0.08044958114624023, 0.036767296493053436, -0.10832332819700241, -0.12998157739639282, 0.018919862806797028, -0.06573174893856049, 0.008119799196720123, -0.09808813035488129, -0.16022945940494537, -0.011935506016016006, 0.07967394590377808, -0.02397148124873638, -0.043495841324329376, -0.027368055656552315, -0.05860112980008125, 0.019347621127963066, -0.014079018495976925, 0.14383962750434875, -0.0620897151529789, 0.10793670266866684, 0.030340159311890602, 0.07777103781700134, -0.04774017259478569, 0.05594434216618538, -0.09277433156967163, 0.01994314044713974, -0.19562900066375732, 0.029591474682092667, -0.05731324851512909, 0.056159503757953644, -0.09902412444353104, -0.1087799221277237, 0.004861480090767145, -0.010942389257252216, 0.1017288789153099, 0.07874231785535812, -0.18887200951576233, -0.06999588757753372, 0.17726339399814606, -0.07094002515077591, -0.09226206690073013, 0.12917189300060272, -0.05655030533671379, 0.0343342125415802, 0.05336714908480644, 0.15765166282653809, 0.06406334787607193, -0.11108346283435822, 0.04093117266893387, -0.018066536635160446, 0.052398618310689926, -0.05295552313327789, 0.06608016788959503, -0.004116700030863285, 0.008907090872526169, 0.022357072681188583, -0.02239895612001419, 0.08308687061071396, -0.09319007396697998, -0.09638155251741409, -0.03822806105017662, -0.09647482633590698, 0.058321353048086166, 0.0678865984082222, 0.0673791915178299, -0.0958147644996643, -0.09610283374786377, 0.05740071088075638, 0.07706078886985779, -0.05980941653251648, 0.03746747598052025, -0.06343032419681549, 0.05723516270518303, -0.04572603851556778, -0.022354846820235252, -0.18591195344924927, -0.03114049881696701, 0.012859568931162357, -0.03840361908078194, 0.02924266643822193, -0.000865973939653486, 0.0796152800321579, 0.07815635204315186, -0.054057735949754715, -0.027043111622333527, -0.05236392840743065, -0.00030709258862771094, -0.11996247619390488, -0.20520326495170593, -0.04190025106072426, -0.02330426312983036, 0.13423003256320953, -0.17144230008125305, 0.027821294963359833, -0.05292661115527153, 0.0764760673046112, 0.016641095280647278, -0.012116149999201298, -0.0438777320086956, 0.09391851723194122, -0.017792947590351105, -0.059943925589323044, 0.07059214264154434, 0.015210839919745922, -0.08611998707056046, -0.029018579050898552, -0.11843996495008469, 0.15530210733413696, 0.12206896394491196, -0.09478050470352173, -0.08684450387954712, 0.010862389579415321, -0.06295082718133926, -0.043458178639411926, -0.03971436992287636, 0.04913041368126869, 0.16448242962360382, 0.0036540741566568613, 0.14268210530281067, -0.06268604844808578, -0.030193204060196877, 0.029704624786973, -0.036411628127098083, 0.02283637411892414, 0.09162280708551407, 0.12772329151630402, -0.059969011694192886, 0.1279965192079544, 0.16272573173046112, -0.10967139899730682, 0.12802638113498688, -0.03944411873817444, -0.0804150328040123, -0.026521334424614906, -0.02169538475573063, 0.014210790395736694, 0.11223794519901276, -0.09941545128822327, 0.014260619878768921, 0.020868655294179916, 0.015043559484183788, 0.015143044292926788, -0.23089686036109924, -0.03312722221016884, 0.034777041524648666, -0.047788724303245544, -0.026882998645305634, -0.01710297353565693, 0.010486754588782787, 0.09680498391389847, 0.0017507578013464808, -0.0867907702922821, 0.033272985368967056, 0.003356093540787697, -0.06690623611211777, 0.20233535766601562, -0.10314567387104034, -0.16489504277706146, -0.11856215447187424, -0.07989528775215149, -0.0246177539229393, 0.005297952797263861, 0.05693843960762024, -0.08205804973840714, -0.0351155661046505, -0.055040620267391205, 0.007712075486779213, 0.019758882001042366, 0.0349036380648613, 0.008732222020626068, -0.012697420082986355, 0.10111521184444427, -0.10786911100149155, -0.006257565692067146, -0.042767155915498734, -0.056565724313259125, 0.059416987001895905, 0.05791325867176056, 0.1226879134774208, 0.15048974752426147, -0.021588237956166267, 0.000965891289524734, -0.022230707108974457, 0.22762717306613922, -0.06687954068183899, -0.021455051377415657, 0.1352868229150772, -0.012679358944296837, 0.06717776507139206, 0.1186206042766571, 0.07251396030187607, -0.08642653375864029, 0.015929287299513817, 0.03551632910966873, -0.03609057143330574, -0.20678123831748962, -0.04101960361003876, -0.058960653841495514, -0.04659523814916611, 0.0969507098197937, 0.01728047989308834, 0.03538823872804642, 0.05670797824859619, 0.041843898594379425, 0.06601449847221375, -0.04531465843319893, 0.05231722071766853, 0.1070716604590416, 0.05222085490822792, 0.13185149431228638, -0.033253442496061325, -0.06736493855714798, 0.026953736320137978, -0.0058753411285579205, 0.2283821702003479, 0.00993063859641552, 0.13079456984996796, 0.06890948861837387, 0.19747069478034973, 0.0014249951345846057, 0.08303511887788773, 0.01086281519383192, -0.03994649648666382, -0.012695697136223316, -0.04419621825218201, -0.033989619463682175, 0.015120279043912888, -0.03144528344273567, 0.04758569225668907, -0.10599305480718613, -0.004173953551799059, 0.037806496024131775, 0.2960965931415558, 0.032601263374090195, -0.3305370807647705, -0.08720851689577103, -0.01242281123995781, -0.039760760962963104, -0.02117658033967018, 0.0023003416135907173, 0.09222132712602615, -0.09253053367137909, 0.037158798426389694, -0.08185671269893646, 0.09021788835525513, -0.013112957589328289, 0.040159303694963455, 0.07545431703329086, 0.11536984890699387, 0.015236553736031055, 0.059457242488861084, -0.308248907327652, 0.29514768719673157, 0.0003593892324715853, 0.07620888203382492, -0.07111968100070953, 0.012839507311582565, 0.046300534158945084, 0.019129084423184395, 0.053759604692459106, -0.01628207415342331, -0.05555586889386177, -0.20495112240314484, -0.062427818775177, 0.02798396535217762, 0.08603278547525406, -0.0019591127056628466, 0.10163252800703049, -0.026206910610198975, 0.0013526863185688853, 0.08217838406562805, -0.002518596826121211, -0.09593750536441803, -0.09468092024326324, 0.001304929843172431, 0.022224748507142067, -0.045431606471538544, -0.08088888227939606, -0.12438978999853134, -0.11174798756837845, 0.14679835736751556, 0.0172220841050148, -0.022783854976296425, -0.11832424998283386, 0.08732140064239502, 0.09485829621553421, -0.08504290878772736, 0.0582856722176075, 0.003924312070012093, 0.0761931836605072, 0.017732059583067894, -0.07028534263372421, 0.11684778332710266, -0.07152558118104935, -0.14525918662548065, -0.06677605211734772, 0.09043668955564499, 0.04253128916025162, 0.07353610545396805, -0.017088567838072777, 0.023051897063851357, -0.018032759428024292, -0.07532551139593124, 0.03165755048394203, -0.02705850452184677, 0.059193145483732224, 0.017156630754470825, -0.0527864471077919, 0.009381282143294811, -0.05372481048107147, -0.02770281210541725, 0.17657403647899628, 0.24684707820415497, -0.10066626965999603, 0.034190986305475235, 0.0484505333006382, -0.06113094463944435, -0.19378025829792023, 0.0361611507833004, 0.07262110710144043, 0.013738604262471199, 0.06695966422557831, -0.18714457750320435, 0.10038726776838303, 0.09619297087192535, -0.016976268962025642, 0.09676041454076767, -0.33132192492485046, -0.12839271128177643, 0.12461329996585846, 0.15205851197242737, 0.08615341782569885, -0.1391172707080841, -0.015725934877991676, -0.01802080310881138, -0.11250032484531403, 0.08938895910978317, -0.08350924402475357, 0.12933959066867828, -0.024725699797272682, 0.07972195744514465, -0.0001383020862704143, -0.06743661314249039, 0.12105981260538101, -0.021536869928240776, 0.09665880352258682, -0.05740626901388168, 0.023956499993801117, 0.05865725874900818, -0.038643937557935715, 0.0035736565478146076, -0.06983085721731186, 0.023647146299481392, -0.040209073573350906, -0.01713339053094387, -0.08527925610542297, 0.04459654539823532, -0.03274011239409447, -0.060547616332769394, -0.020425574854016304, 0.038583166897296906, 0.05810411646962166, -0.017993664368987083, 0.09786438941955566, 0.025000300258398056, 0.16490718722343445, 0.10414815694093704, 0.04348748177289963, -0.054424773901700974, -0.08066394925117493, -0.013331239111721516, -0.0218588188290596, 0.059424884617328644, -0.10977841913700104, 0.027647465467453003, 0.14092859625816345, 0.01697036251425743, 0.13258133828639984, 0.07372182607650757, -0.04060821235179901, 0.017112961038947105, 0.064415343105793, -0.14789476990699768, -0.08939307183027267, 0.01689440757036209, -0.02599426731467247, -0.10811904817819595, 0.012949757277965546, 0.09834590554237366, -0.0697726234793663, -0.009564955718815327, 0.00021558073058258742, 0.009057098999619484, -0.06120067089796066, 0.21439313888549805, 0.046116940677165985, 0.04776233807206154, -0.09513726830482483, 0.0661311000585556, 0.058946140110492706, -0.09342343360185623, 0.008372154086828232, 0.07591824233531952, -0.07204072922468185, -0.03160242736339569, 0.10741832107305527, 0.1648336499929428, -0.034440506249666214, -0.0489065945148468, -0.14555764198303223, -0.11920789629220963, 0.07537005841732025, 0.16146649420261383, 0.0922478437423706, 0.0010017568711191416, -0.05283525958657265, 0.020948316901922226, -0.11063457280397415, 0.08434595167636871, 0.056463904678821564, 0.0682898461818695, -0.12291993945837021, 0.17107783257961273, 0.01682262308895588, 0.047608382999897, -0.019483070820569992, 0.029082300141453743, -0.0946304202079773, 0.012597612105309963, -0.143448144197464, -0.028633426874876022, -0.026657603681087494, -0.0005340437055565417, -0.00751176243647933, -0.0538763627409935, -0.057557232677936554, 0.01952488161623478, -0.12095162272453308, -0.04031209647655487, 0.029762927442789078, 0.04082043096423149, -0.11908598244190216, -0.049415770918130875, 0.036214981228113174, -0.06389621645212173, 0.056382112205028534, 0.03672127425670624, 0.01597234234213829, 0.05309619382023811, -0.1402534395456314, -0.015847543254494667, 0.05840935930609703, 0.013830744661390781, 0.0636228397488594, -0.10643503814935684, -0.016316363587975502, -0.004053626209497452, 0.06055593863129616, 0.003184323897585273, 0.08993881940841675, -0.13839571177959442, -0.008252809755504131, -0.028750978410243988, -0.08011452853679657, -0.0598248653113842, 0.022439101710915565, 0.07304749637842178, 0.026806754991412163, 0.19423963129520416, -0.09964469075202942, 0.049429744482040405, -0.21822264790534973, -0.0025698577519506216, -0.022465337067842484, -0.09666801989078522, -0.10203073173761368, -0.056866664439439774, 0.06871776282787323, -0.05612859129905701, 0.11615248769521713, 0.01390247792005539, 0.059990014880895615, 0.02959461137652397, -0.03861702233552933, 0.005604865495115519, 0.016236545518040657, 0.19302552938461304, 0.026619356125593185, -0.03460170701146126, 0.08081452548503876, 0.05136872082948685, 0.0910535454750061, 0.12590299546718597, 0.20510053634643555, 0.1624230146408081, 0.0370158888399601, 0.08532214909791946, 0.036023613065481186, -0.05993597209453583, -0.15762068331241608, 0.049231335520744324, -0.042204346507787704, 0.11240734905004501, -0.020974019542336464, 0.2086268812417984, 0.06401709467172623, -0.16605207324028015, 0.06258011609315872, -0.04814007505774498, -0.08970751613378525, -0.10245192795991898, -0.04659789800643921, -0.07990637421607971, -0.13525334000587463, -0.0027003411669284105, -0.09343306720256805, 0.02954775094985962, 0.11282932013273239, 0.004885801579803228, -0.012139999307692051, 0.16870518028736115, 0.03359953686594963, 0.026463497430086136, 0.045508138835430145, 0.0033486897591501474, -0.025764649733901024, -0.08370336145162582, -0.08329611271619797, -0.006865191273391247, 0.005889293737709522, 0.03852907940745354, -0.05721809342503548, -0.06632350385189056, 0.05272834375500679, -0.021579958498477936, -0.10437487065792084, 0.016266057267785072, 0.013779222033917904, 0.06739863008260727, 0.05252731963992119, 0.020182251930236816, 0.019059687852859497, -0.017311591655015945, 0.20027194917201996, -0.07751324772834778, -0.10031862556934357, -0.11501908302307129, 0.2556542456150055, 0.02201249450445175, -0.02247246354818344, 0.030649982392787933, -0.05882810428738594, -0.006688419729471207, 0.23219488561153412, 0.19012892246246338, -0.0874418318271637, -0.0070257894694805145, 0.005231811199337244, -0.01837039925158024, -0.050597600638866425, 0.12783756852149963, 0.14313174784183502, 0.03912205994129181, -0.10611484944820404, -0.055568743497133255, -0.06935720145702362, -0.01854705438017845, -0.06074487417936325, 0.03650118038058281, 0.03183518722653389, 0.009503607638180256, -0.03282960504293442, 0.05810176208615303, -0.04666580259799957, -0.1039874479174614, 0.05161668360233307, -0.19094426929950714, -0.17110508680343628, -0.013688785023987293, 0.10416629910469055, 0.00273075420409441, 0.056318555027246475, -0.034118909388780594, 0.017698699608445168, 0.08051786571741104, -0.024049274623394012, -0.053190186619758606, -0.0938490629196167, 0.10304176062345505, -0.10558497160673141, 0.21066394448280334, -0.03786461800336838, 0.059611011296510696, 0.12578554451465607, 0.08142512291669846, -0.06607487052679062, 0.07248859852552414, 0.04485226422548294, -0.08608510345220566, 0.024581430479884148, 0.1077813133597374, -0.03835828974843025, 0.05628293752670288, 0.03971241042017937, -0.1270955502986908, 0.028995776548981667, -0.09697067737579346, -0.04903743788599968, -0.027192363515496254, -0.03335914388298988, -0.057034287601709366, 0.12354067713022232, 0.2163970172405243, -0.02339424379169941, 0.012682432308793068, -0.08021485805511475, 0.008900989778339863, 0.05637257173657417, 0.036680832505226135, -0.09127934277057648, -0.2340834140777588, 0.022953273728489876, 0.02585362084209919, -0.01846323162317276, -0.23074914515018463, -0.11440770328044891, 0.004865150433033705, -0.08144038915634155, -0.09120316803455353, 0.09284447133541107, 0.07573133707046509, 0.054950907826423645, -0.05028216540813446, -0.09128576517105103, -0.0786854475736618, 0.1535739153623581, -0.16113118827342987, -0.07613363116979599 ]
null
null
transformers
<!-- 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. --> # distilbert-base-uncased-finetuned-recipe This model is a fine-tuned version of [distilbert-base-uncased](https://huggingface.co/distilbert-base-uncased) on an unknown dataset. It achieves the following results on the evaluation set: - Loss: 2.9488 ## 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: 2e-05 - train_batch_size: 256 - eval_batch_size: 256 - seed: 42 - optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08 - lr_scheduler_type: linear - num_epochs: 3.0 - mixed_precision_training: Native AMP ### Training results | Training Loss | Epoch | Step | Validation Loss | |:-------------:|:-----:|:----:|:---------------:| | No log | 1.0 | 3 | 3.2689 | | No log | 2.0 | 6 | 3.0913 | | No log | 3.0 | 9 | 3.0641 | ### Framework versions - Transformers 4.16.2 - Pytorch 1.10.2+cu102 - Datasets 1.18.3 - Tokenizers 0.11.0
{"license": "apache-2.0", "tags": ["generated_from_trainer"], "model-index": [{"name": "distilbert-base-uncased-finetuned-recipe", "results": []}]}
fill-mask
CennetOguz/distilbert-base-uncased-finetuned-recipe
[ "transformers", "pytorch", "tensorboard", "distilbert", "fill-mask", "generated_from_trainer", "license:apache-2.0", "autotrain_compatible", "endpoints_compatible", "region:us" ]
2022-03-02T23:29:04+00:00
[]
[]
TAGS #transformers #pytorch #tensorboard #distilbert #fill-mask #generated_from_trainer #license-apache-2.0 #autotrain_compatible #endpoints_compatible #region-us
distilbert-base-uncased-finetuned-recipe ======================================== This model is a fine-tuned version of distilbert-base-uncased on an unknown dataset. It achieves the following results on the evaluation set: * Loss: 2.9488 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: 2e-05 * train\_batch\_size: 256 * eval\_batch\_size: 256 * seed: 42 * optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08 * lr\_scheduler\_type: linear * num\_epochs: 3.0 * mixed\_precision\_training: Native AMP ### Training results ### Framework versions * Transformers 4.16.2 * Pytorch 1.10.2+cu102 * Datasets 1.18.3 * Tokenizers 0.11.0
[ "### Training hyperparameters\n\n\nThe following hyperparameters were used during training:\n\n\n* learning\\_rate: 2e-05\n* train\\_batch\\_size: 256\n* eval\\_batch\\_size: 256\n* seed: 42\n* optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08\n* lr\\_scheduler\\_type: linear\n* num\\_epochs: 3.0\n* mixed\\_precision\\_training: Native AMP", "### Training results", "### Framework versions\n\n\n* Transformers 4.16.2\n* Pytorch 1.10.2+cu102\n* Datasets 1.18.3\n* Tokenizers 0.11.0" ]
[ "TAGS\n#transformers #pytorch #tensorboard #distilbert #fill-mask #generated_from_trainer #license-apache-2.0 #autotrain_compatible #endpoints_compatible #region-us \n", "### Training hyperparameters\n\n\nThe following hyperparameters were used during training:\n\n\n* learning\\_rate: 2e-05\n* train\\_batch\\_size: 256\n* eval\\_batch\\_size: 256\n* seed: 42\n* optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08\n* lr\\_scheduler\\_type: linear\n* num\\_epochs: 3.0\n* mixed\\_precision\\_training: Native AMP", "### Training results", "### Framework versions\n\n\n* Transformers 4.16.2\n* Pytorch 1.10.2+cu102\n* Datasets 1.18.3\n* Tokenizers 0.11.0" ]
[ 57, 113, 4, 35 ]
[ "passage: TAGS\n#transformers #pytorch #tensorboard #distilbert #fill-mask #generated_from_trainer #license-apache-2.0 #autotrain_compatible #endpoints_compatible #region-us \n### Training hyperparameters\n\n\nThe following hyperparameters were used during training:\n\n\n* learning\\_rate: 2e-05\n* train\\_batch\\_size: 256\n* eval\\_batch\\_size: 256\n* seed: 42\n* optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08\n* lr\\_scheduler\\_type: linear\n* num\\_epochs: 3.0\n* mixed\\_precision\\_training: Native AMP### Training results### Framework versions\n\n\n* Transformers 4.16.2\n* Pytorch 1.10.2+cu102\n* Datasets 1.18.3\n* Tokenizers 0.11.0" ]
[ -0.09891987591981888, 0.06697636097669601, -0.0025629675947129726, 0.11188224703073502, 0.14990000426769257, 0.01944541744887829, 0.1401844322681427, 0.1174466535449028, -0.10247625410556793, 0.024174021556973457, 0.11890985071659088, 0.14458441734313965, 0.02508881501853466, 0.1462586522102356, -0.030831769108772278, -0.2587854564189911, -0.00018965936033055186, 0.03701368346810341, -0.0909186452627182, 0.13187289237976074, 0.08866393566131592, -0.12459669262170792, 0.059775084257125854, 0.019404547289013863, -0.19898901879787445, 0.0095901507884264, 0.02030315436422825, -0.05821836739778519, 0.1507994532585144, 0.016887955367565155, 0.14355021715164185, 0.008927796967327595, 0.10060836374759674, -0.1833747923374176, 0.015173004940152168, 0.062487710267305374, 0.01141789834946394, 0.08294257521629333, 0.05635139346122742, 0.01762043498456478, 0.09292558580636978, -0.08076132088899612, 0.07191865146160126, 0.01645537279546261, -0.12878932058811188, -0.2552231252193451, -0.09376378357410431, 0.007148470263928175, 0.06486792117357254, 0.09980995208024979, 0.0026460003573447466, 0.14728161692619324, -0.08131144940853119, 0.09115783125162125, 0.2186216562986374, -0.2879205644130707, -0.07024775445461273, 0.008486058562994003, 0.03309432044625282, 0.054709576070308685, -0.10026519745588303, -0.031174562871456146, 0.031987473368644714, 0.05745663866400719, 0.1667567491531372, -0.025900833308696747, -0.11650675535202026, -0.009518852457404137, -0.14193116128444672, -0.037634506821632385, 0.08974418044090271, 0.03862852230668068, -0.03632219135761261, -0.034949928522109985, -0.07260053604841232, -0.14417077600955963, -0.04981497302651405, -0.017200404778122902, 0.051718927919864655, -0.02810298278927803, -0.0779179111123085, -0.01230360846966505, -0.09933267533779144, -0.0692453533411026, -0.07368245720863342, 0.14057882130146027, 0.045065175741910934, 0.011950203217566013, -0.02104213275015354, 0.09243538230657578, -0.006280488800257444, -0.1402580440044403, 0.031823962926864624, 0.03447733074426651, -0.03373080864548683, -0.039417725056409836, -0.06788104772567749, -0.08601558953523636, 0.00695779686793685, 0.13505768775939941, -0.06897968798875809, 0.0577508881688118, 0.015545347705483437, 0.046947941184043884, -0.11539899557828903, 0.1824653595685959, -0.051921945065259933, 0.0030937516130506992, 0.007452715653926134, 0.059993743896484375, 0.02099313773214817, -0.012222818098962307, -0.09938281774520874, 0.018567288294434547, 0.09997741878032684, 0.008750992827117443, -0.05478113517165184, 0.05764724686741829, -0.05999140441417694, -0.012235645204782486, 0.003493277356028557, -0.09493720531463623, 0.031281858682632446, -0.011887720786035061, -0.070550836622715, -0.028858866542577744, 0.04340902715921402, 0.020855367183685303, -0.009217643178999424, 0.1097346842288971, -0.08044958114624023, 0.036767296493053436, -0.10832332819700241, -0.12998157739639282, 0.018919862806797028, -0.06573174893856049, 0.008119799196720123, -0.09808813035488129, -0.16022945940494537, -0.011935506016016006, 0.07967394590377808, -0.02397148124873638, -0.043495841324329376, -0.027368055656552315, -0.05860112980008125, 0.019347621127963066, -0.014079018495976925, 0.14383962750434875, -0.0620897151529789, 0.10793670266866684, 0.030340159311890602, 0.07777103781700134, -0.04774017259478569, 0.05594434216618538, -0.09277433156967163, 0.01994314044713974, -0.19562900066375732, 0.029591474682092667, -0.05731324851512909, 0.056159503757953644, -0.09902412444353104, -0.1087799221277237, 0.004861480090767145, -0.010942389257252216, 0.1017288789153099, 0.07874231785535812, -0.18887200951576233, -0.06999588757753372, 0.17726339399814606, -0.07094002515077591, -0.09226206690073013, 0.12917189300060272, -0.05655030533671379, 0.0343342125415802, 0.05336714908480644, 0.15765166282653809, 0.06406334787607193, -0.11108346283435822, 0.04093117266893387, -0.018066536635160446, 0.052398618310689926, -0.05295552313327789, 0.06608016788959503, -0.004116700030863285, 0.008907090872526169, 0.022357072681188583, -0.02239895612001419, 0.08308687061071396, -0.09319007396697998, -0.09638155251741409, -0.03822806105017662, -0.09647482633590698, 0.058321353048086166, 0.0678865984082222, 0.0673791915178299, -0.0958147644996643, -0.09610283374786377, 0.05740071088075638, 0.07706078886985779, -0.05980941653251648, 0.03746747598052025, -0.06343032419681549, 0.05723516270518303, -0.04572603851556778, -0.022354846820235252, -0.18591195344924927, -0.03114049881696701, 0.012859568931162357, -0.03840361908078194, 0.02924266643822193, -0.000865973939653486, 0.0796152800321579, 0.07815635204315186, -0.054057735949754715, -0.027043111622333527, -0.05236392840743065, -0.00030709258862771094, -0.11996247619390488, -0.20520326495170593, -0.04190025106072426, -0.02330426312983036, 0.13423003256320953, -0.17144230008125305, 0.027821294963359833, -0.05292661115527153, 0.0764760673046112, 0.016641095280647278, -0.012116149999201298, -0.0438777320086956, 0.09391851723194122, -0.017792947590351105, -0.059943925589323044, 0.07059214264154434, 0.015210839919745922, -0.08611998707056046, -0.029018579050898552, -0.11843996495008469, 0.15530210733413696, 0.12206896394491196, -0.09478050470352173, -0.08684450387954712, 0.010862389579415321, -0.06295082718133926, -0.043458178639411926, -0.03971436992287636, 0.04913041368126869, 0.16448242962360382, 0.0036540741566568613, 0.14268210530281067, -0.06268604844808578, -0.030193204060196877, 0.029704624786973, -0.036411628127098083, 0.02283637411892414, 0.09162280708551407, 0.12772329151630402, -0.059969011694192886, 0.1279965192079544, 0.16272573173046112, -0.10967139899730682, 0.12802638113498688, -0.03944411873817444, -0.0804150328040123, -0.026521334424614906, -0.02169538475573063, 0.014210790395736694, 0.11223794519901276, -0.09941545128822327, 0.014260619878768921, 0.020868655294179916, 0.015043559484183788, 0.015143044292926788, -0.23089686036109924, -0.03312722221016884, 0.034777041524648666, -0.047788724303245544, -0.026882998645305634, -0.01710297353565693, 0.010486754588782787, 0.09680498391389847, 0.0017507578013464808, -0.0867907702922821, 0.033272985368967056, 0.003356093540787697, -0.06690623611211777, 0.20233535766601562, -0.10314567387104034, -0.16489504277706146, -0.11856215447187424, -0.07989528775215149, -0.0246177539229393, 0.005297952797263861, 0.05693843960762024, -0.08205804973840714, -0.0351155661046505, -0.055040620267391205, 0.007712075486779213, 0.019758882001042366, 0.0349036380648613, 0.008732222020626068, -0.012697420082986355, 0.10111521184444427, -0.10786911100149155, -0.006257565692067146, -0.042767155915498734, -0.056565724313259125, 0.059416987001895905, 0.05791325867176056, 0.1226879134774208, 0.15048974752426147, -0.021588237956166267, 0.000965891289524734, -0.022230707108974457, 0.22762717306613922, -0.06687954068183899, -0.021455051377415657, 0.1352868229150772, -0.012679358944296837, 0.06717776507139206, 0.1186206042766571, 0.07251396030187607, -0.08642653375864029, 0.015929287299513817, 0.03551632910966873, -0.03609057143330574, -0.20678123831748962, -0.04101960361003876, -0.058960653841495514, -0.04659523814916611, 0.0969507098197937, 0.01728047989308834, 0.03538823872804642, 0.05670797824859619, 0.041843898594379425, 0.06601449847221375, -0.04531465843319893, 0.05231722071766853, 0.1070716604590416, 0.05222085490822792, 0.13185149431228638, -0.033253442496061325, -0.06736493855714798, 0.026953736320137978, -0.0058753411285579205, 0.2283821702003479, 0.00993063859641552, 0.13079456984996796, 0.06890948861837387, 0.19747069478034973, 0.0014249951345846057, 0.08303511887788773, 0.01086281519383192, -0.03994649648666382, -0.012695697136223316, -0.04419621825218201, -0.033989619463682175, 0.015120279043912888, -0.03144528344273567, 0.04758569225668907, -0.10599305480718613, -0.004173953551799059, 0.037806496024131775, 0.2960965931415558, 0.032601263374090195, -0.3305370807647705, -0.08720851689577103, -0.01242281123995781, -0.039760760962963104, -0.02117658033967018, 0.0023003416135907173, 0.09222132712602615, -0.09253053367137909, 0.037158798426389694, -0.08185671269893646, 0.09021788835525513, -0.013112957589328289, 0.040159303694963455, 0.07545431703329086, 0.11536984890699387, 0.015236553736031055, 0.059457242488861084, -0.308248907327652, 0.29514768719673157, 0.0003593892324715853, 0.07620888203382492, -0.07111968100070953, 0.012839507311582565, 0.046300534158945084, 0.019129084423184395, 0.053759604692459106, -0.01628207415342331, -0.05555586889386177, -0.20495112240314484, -0.062427818775177, 0.02798396535217762, 0.08603278547525406, -0.0019591127056628466, 0.10163252800703049, -0.026206910610198975, 0.0013526863185688853, 0.08217838406562805, -0.002518596826121211, -0.09593750536441803, -0.09468092024326324, 0.001304929843172431, 0.022224748507142067, -0.045431606471538544, -0.08088888227939606, -0.12438978999853134, -0.11174798756837845, 0.14679835736751556, 0.0172220841050148, -0.022783854976296425, -0.11832424998283386, 0.08732140064239502, 0.09485829621553421, -0.08504290878772736, 0.0582856722176075, 0.003924312070012093, 0.0761931836605072, 0.017732059583067894, -0.07028534263372421, 0.11684778332710266, -0.07152558118104935, -0.14525918662548065, -0.06677605211734772, 0.09043668955564499, 0.04253128916025162, 0.07353610545396805, -0.017088567838072777, 0.023051897063851357, -0.018032759428024292, -0.07532551139593124, 0.03165755048394203, -0.02705850452184677, 0.059193145483732224, 0.017156630754470825, -0.0527864471077919, 0.009381282143294811, -0.05372481048107147, -0.02770281210541725, 0.17657403647899628, 0.24684707820415497, -0.10066626965999603, 0.034190986305475235, 0.0484505333006382, -0.06113094463944435, -0.19378025829792023, 0.0361611507833004, 0.07262110710144043, 0.013738604262471199, 0.06695966422557831, -0.18714457750320435, 0.10038726776838303, 0.09619297087192535, -0.016976268962025642, 0.09676041454076767, -0.33132192492485046, -0.12839271128177643, 0.12461329996585846, 0.15205851197242737, 0.08615341782569885, -0.1391172707080841, -0.015725934877991676, -0.01802080310881138, -0.11250032484531403, 0.08938895910978317, -0.08350924402475357, 0.12933959066867828, -0.024725699797272682, 0.07972195744514465, -0.0001383020862704143, -0.06743661314249039, 0.12105981260538101, -0.021536869928240776, 0.09665880352258682, -0.05740626901388168, 0.023956499993801117, 0.05865725874900818, -0.038643937557935715, 0.0035736565478146076, -0.06983085721731186, 0.023647146299481392, -0.040209073573350906, -0.01713339053094387, -0.08527925610542297, 0.04459654539823532, -0.03274011239409447, -0.060547616332769394, -0.020425574854016304, 0.038583166897296906, 0.05810411646962166, -0.017993664368987083, 0.09786438941955566, 0.025000300258398056, 0.16490718722343445, 0.10414815694093704, 0.04348748177289963, -0.054424773901700974, -0.08066394925117493, -0.013331239111721516, -0.0218588188290596, 0.059424884617328644, -0.10977841913700104, 0.027647465467453003, 0.14092859625816345, 0.01697036251425743, 0.13258133828639984, 0.07372182607650757, -0.04060821235179901, 0.017112961038947105, 0.064415343105793, -0.14789476990699768, -0.08939307183027267, 0.01689440757036209, -0.02599426731467247, -0.10811904817819595, 0.012949757277965546, 0.09834590554237366, -0.0697726234793663, -0.009564955718815327, 0.00021558073058258742, 0.009057098999619484, -0.06120067089796066, 0.21439313888549805, 0.046116940677165985, 0.04776233807206154, -0.09513726830482483, 0.0661311000585556, 0.058946140110492706, -0.09342343360185623, 0.008372154086828232, 0.07591824233531952, -0.07204072922468185, -0.03160242736339569, 0.10741832107305527, 0.1648336499929428, -0.034440506249666214, -0.0489065945148468, -0.14555764198303223, -0.11920789629220963, 0.07537005841732025, 0.16146649420261383, 0.0922478437423706, 0.0010017568711191416, -0.05283525958657265, 0.020948316901922226, -0.11063457280397415, 0.08434595167636871, 0.056463904678821564, 0.0682898461818695, -0.12291993945837021, 0.17107783257961273, 0.01682262308895588, 0.047608382999897, -0.019483070820569992, 0.029082300141453743, -0.0946304202079773, 0.012597612105309963, -0.143448144197464, -0.028633426874876022, -0.026657603681087494, -0.0005340437055565417, -0.00751176243647933, -0.0538763627409935, -0.057557232677936554, 0.01952488161623478, -0.12095162272453308, -0.04031209647655487, 0.029762927442789078, 0.04082043096423149, -0.11908598244190216, -0.049415770918130875, 0.036214981228113174, -0.06389621645212173, 0.056382112205028534, 0.03672127425670624, 0.01597234234213829, 0.05309619382023811, -0.1402534395456314, -0.015847543254494667, 0.05840935930609703, 0.013830744661390781, 0.0636228397488594, -0.10643503814935684, -0.016316363587975502, -0.004053626209497452, 0.06055593863129616, 0.003184323897585273, 0.08993881940841675, -0.13839571177959442, -0.008252809755504131, -0.028750978410243988, -0.08011452853679657, -0.0598248653113842, 0.022439101710915565, 0.07304749637842178, 0.026806754991412163, 0.19423963129520416, -0.09964469075202942, 0.049429744482040405, -0.21822264790534973, -0.0025698577519506216, -0.022465337067842484, -0.09666801989078522, -0.10203073173761368, -0.056866664439439774, 0.06871776282787323, -0.05612859129905701, 0.11615248769521713, 0.01390247792005539, 0.059990014880895615, 0.02959461137652397, -0.03861702233552933, 0.005604865495115519, 0.016236545518040657, 0.19302552938461304, 0.026619356125593185, -0.03460170701146126, 0.08081452548503876, 0.05136872082948685, 0.0910535454750061, 0.12590299546718597, 0.20510053634643555, 0.1624230146408081, 0.0370158888399601, 0.08532214909791946, 0.036023613065481186, -0.05993597209453583, -0.15762068331241608, 0.049231335520744324, -0.042204346507787704, 0.11240734905004501, -0.020974019542336464, 0.2086268812417984, 0.06401709467172623, -0.16605207324028015, 0.06258011609315872, -0.04814007505774498, -0.08970751613378525, -0.10245192795991898, -0.04659789800643921, -0.07990637421607971, -0.13525334000587463, -0.0027003411669284105, -0.09343306720256805, 0.02954775094985962, 0.11282932013273239, 0.004885801579803228, -0.012139999307692051, 0.16870518028736115, 0.03359953686594963, 0.026463497430086136, 0.045508138835430145, 0.0033486897591501474, -0.025764649733901024, -0.08370336145162582, -0.08329611271619797, -0.006865191273391247, 0.005889293737709522, 0.03852907940745354, -0.05721809342503548, -0.06632350385189056, 0.05272834375500679, -0.021579958498477936, -0.10437487065792084, 0.016266057267785072, 0.013779222033917904, 0.06739863008260727, 0.05252731963992119, 0.020182251930236816, 0.019059687852859497, -0.017311591655015945, 0.20027194917201996, -0.07751324772834778, -0.10031862556934357, -0.11501908302307129, 0.2556542456150055, 0.02201249450445175, -0.02247246354818344, 0.030649982392787933, -0.05882810428738594, -0.006688419729471207, 0.23219488561153412, 0.19012892246246338, -0.0874418318271637, -0.0070257894694805145, 0.005231811199337244, -0.01837039925158024, -0.050597600638866425, 0.12783756852149963, 0.14313174784183502, 0.03912205994129181, -0.10611484944820404, -0.055568743497133255, -0.06935720145702362, -0.01854705438017845, -0.06074487417936325, 0.03650118038058281, 0.03183518722653389, 0.009503607638180256, -0.03282960504293442, 0.05810176208615303, -0.04666580259799957, -0.1039874479174614, 0.05161668360233307, -0.19094426929950714, -0.17110508680343628, -0.013688785023987293, 0.10416629910469055, 0.00273075420409441, 0.056318555027246475, -0.034118909388780594, 0.017698699608445168, 0.08051786571741104, -0.024049274623394012, -0.053190186619758606, -0.0938490629196167, 0.10304176062345505, -0.10558497160673141, 0.21066394448280334, -0.03786461800336838, 0.059611011296510696, 0.12578554451465607, 0.08142512291669846, -0.06607487052679062, 0.07248859852552414, 0.04485226422548294, -0.08608510345220566, 0.024581430479884148, 0.1077813133597374, -0.03835828974843025, 0.05628293752670288, 0.03971241042017937, -0.1270955502986908, 0.028995776548981667, -0.09697067737579346, -0.04903743788599968, -0.027192363515496254, -0.03335914388298988, -0.057034287601709366, 0.12354067713022232, 0.2163970172405243, -0.02339424379169941, 0.012682432308793068, -0.08021485805511475, 0.008900989778339863, 0.05637257173657417, 0.036680832505226135, -0.09127934277057648, -0.2340834140777588, 0.022953273728489876, 0.02585362084209919, -0.01846323162317276, -0.23074914515018463, -0.11440770328044891, 0.004865150433033705, -0.08144038915634155, -0.09120316803455353, 0.09284447133541107, 0.07573133707046509, 0.054950907826423645, -0.05028216540813446, -0.09128576517105103, -0.0786854475736618, 0.1535739153623581, -0.16113118827342987, -0.07613363116979599 ]
null
null
transformers
# Lego Batman DialoGPT Model
{"tags": ["conversational"]}
text-generation
Chae/botman
[ "transformers", "pytorch", "gpt2", "text-generation", "conversational", "autotrain_compatible", "endpoints_compatible", "text-generation-inference", "region:us" ]
2022-03-02T23:29:04+00:00
[]
[]
TAGS #transformers #pytorch #gpt2 #text-generation #conversational #autotrain_compatible #endpoints_compatible #text-generation-inference #region-us
# Lego Batman DialoGPT Model
[ "# Lego Batman DialoGPT Model" ]
[ "TAGS\n#transformers #pytorch #gpt2 #text-generation #conversational #autotrain_compatible #endpoints_compatible #text-generation-inference #region-us \n", "# Lego Batman DialoGPT Model" ]
[ 51, 8 ]
[ "passage: TAGS\n#transformers #pytorch #gpt2 #text-generation #conversational #autotrain_compatible #endpoints_compatible #text-generation-inference #region-us \n# Lego Batman DialoGPT Model" ]
[ 0.014489161781966686, 0.11679062247276306, -0.005812646355479956, 0.024650566279888153, 0.11266812682151794, 0.026166221126914024, 0.26534417271614075, 0.12232712656259537, -0.07123392075300217, -0.0671217143535614, 0.09301742911338806, 0.15738697350025177, 0.05868970975279808, 0.06649329513311386, -0.01685209572315216, -0.33564579486846924, 0.06678242236375809, 0.05276557430624962, -0.04327942803502083, 0.1295645385980606, 0.07597452402114868, -0.006122111342847347, 0.03687582537531853, 0.0832015722990036, -0.12324266880750656, -0.05170156806707382, 0.05056929960846901, -0.13936734199523926, 0.10645441710948944, 0.026913542300462723, 0.04374152794480324, 0.014901373535394669, -0.022990241646766663, -0.13627666234970093, 0.048893243074417114, 0.02601301297545433, -0.04517996683716774, 0.025580910965800285, 0.02268269471824169, -0.06717624515295029, 0.09288713335990906, 0.09489354491233826, -0.02775128372013569, 0.07006373256444931, -0.11568210273981094, -0.14261551201343536, 0.03428840637207031, 0.08748102933168411, 0.05108216404914856, 0.044660359621047974, 0.0008187592029571533, 0.08427342772483826, -0.018113771453499794, 0.08981199562549591, 0.144350066781044, -0.42361193895339966, -0.08505827188491821, 0.09909854084253311, 0.13839663565158844, -0.004081882070749998, -0.09759072214365005, 0.11189182102680206, -0.016615720465779305, 0.016177883371710777, -0.0030327090062201023, -0.11550190299749374, -0.010005141608417034, 0.0006872406229376793, -0.10169895738363266, 0.06311465054750443, 0.14417685568332672, -0.0795082375407219, 0.03785029798746109, -0.03372133523225784, -0.020489880815148354, 0.0716017484664917, -0.062008440494537354, -0.03394847363233566, -0.08217979222536087, 0.052877090871334076, -0.07546387612819672, -0.10141357034444809, -0.06801960617303848, -0.07475562393665314, -0.10065976530313492, 0.18091559410095215, 0.009522434324026108, 0.06271500885486603, -0.3155166804790497, 0.1133061945438385, 0.033652596175670624, -0.13077589869499207, 0.013780162669718266, -0.09376589208841324, 0.06446563452482224, 0.0369693785905838, -0.051735684275627136, 0.015845930203795433, 0.06175399199128151, 0.17473256587982178, 0.20219635963439941, 0.014965648762881756, -0.059807050973176956, 0.07333230972290039, 0.03302188590168953, 0.0243538785725832, -0.03253762796521187, -0.14255283772945404, 0.0675521269440651, 0.01111386064440012, 0.05809808149933815, -0.1024288609623909, -0.18954028189182281, -0.018327554687857628, 0.029573705047369003, 0.007408042438328266, 0.09316843748092651, 0.1402694433927536, 0.02232527919113636, -0.019727448001503944, 0.022708820179104805, -0.009527371264994144, -0.00804867222905159, -0.005364275071769953, 0.0117035498842597, 0.08935781568288803, -0.0777188390493393, 0.0036794873885810375, -0.08238347619771957, 0.016489146277308464, -0.04769628122448921, -0.027765557169914246, -0.022695675492286682, -0.03184306249022484, -0.004725204780697823, 0.09308528900146484, -0.026143431663513184, -0.12839704751968384, -0.1726578027009964, 0.03000430017709732, -0.01722477376461029, -0.06318286806344986, -0.017000330612063408, -0.09133995324373245, -0.11121828854084015, 0.07204903662204742, -0.025524161756038666, -0.019703589379787445, -0.028956223279237747, 0.08238820731639862, -0.020407667383551598, 0.1346442550420761, -0.10303112864494324, 0.02454931102693081, -0.07419215142726898, -0.01607050560414791, -0.0854092463850975, 0.06933338195085526, -0.006760716438293457, -0.02664419636130333, 0.028641531243920326, -0.039327383041381836, -0.06449662148952484, 0.04144059121608734, -0.014665505848824978, 0.16460900008678436, -0.16837653517723083, -0.11763197183609009, 0.26279059052467346, -0.047872886061668396, -0.17798204720020294, 0.09794429689645767, -0.01861574314534664, 0.02103310078382492, 0.10592822730541229, 0.19344764947891235, -0.0019525497918948531, 0.03624566271901131, 0.03453759104013443, 0.09644897282123566, -0.037291549146175385, 0.041230324655771255, 0.020451704040169716, 0.07256016135215759, -0.06576579064130783, 0.02748795971274376, -0.01025715284049511, 0.07096844911575317, -0.04248293489217758, 0.004684792831540108, 0.05832064524292946, -0.01276478637009859, 0.1352788656949997, -0.054986558854579926, 0.12485154718160629, -0.07372267544269562, -0.08716612309217453, -0.07332243025302887, -0.033829204738140106, -0.03760016709566116, 0.059660736471414566, -0.047732654958963394, 0.15217213332653046, -0.0020399149507284164, 0.08022098243236542, -0.10694511234760284, -0.07199733704328537, -0.06080726161599159, 0.10526789724826813, 0.05170444771647453, -0.01595931127667427, 0.07925216853618622, -0.01355415303260088, -0.06641212105751038, 0.035014860332012177, 0.11108483374118805, -0.010660937055945396, -0.03852912411093712, -0.13041870296001434, -0.009126809425652027, -0.08038798719644547, 0.054085489362478256, 0.024437258020043373, 0.05935624614357948, 0.009244680404663086, 0.16640232503414154, -0.07681062817573547, 0.03645513206720352, -0.0060352664440870285, -0.06781283766031265, -0.11325673758983612, -0.05135311931371689, 0.05588899925351143, -0.0036414312198758125, -0.09749801456928253, 0.19628426432609558, -0.23676933348178864, 0.10010881721973419, 0.21623970568180084, -0.2921334207057953, 0.021650280803442, -0.05350242555141449, 0.023857619613409042, 0.021915221586823463, 0.02466299571096897, -0.08225741982460022, 0.17538467049598694, 0.016065316274762154, 0.16801515221595764, -0.029120933264493942, -0.05153665319085121, -0.050443120300769806, -0.0868450328707695, -0.0005438943044282496, -0.029037702828645706, 0.08061518520116806, -0.014288748614490032, 0.19628992676734924, 0.15745402872562408, 0.04020014777779579, 0.20290406048297882, 0.10728182643651962, 0.0477723553776741, 0.060404036194086075, -0.08791009336709976, -0.005368055775761604, -0.023741168901324272, -0.2800203263759613, -0.0731673389673233, 0.09663711488246918, -0.05883065611124039, 0.05406772345304489, -0.11054441332817078, -0.05513352155685425, -0.031811174005270004, -0.0017048106528818607, -0.03548151254653931, 0.11010941863059998, 0.006704147905111313, 0.1671467125415802, -0.019000446423888206, -0.134699746966362, 0.09914747625589371, -0.04364858940243721, -0.04663599655032158, 0.15198731422424316, -0.12121749669313431, -0.32195359468460083, -0.07291609048843384, -0.2394382506608963, -0.09933183342218399, 0.0548296682536602, 0.06024860963225365, -0.1487751454114914, 0.03426351398229599, -0.014681902714073658, 0.05090497434139252, -0.15351949632167816, 0.038061484694480896, -0.03339880704879761, -0.004493864718824625, -0.1798439919948578, -0.10012204200029373, -0.05061982944607735, 0.0010426915250718594, -0.05707142502069473, 0.1481800377368927, -0.07765784859657288, 0.027478370815515518, 0.3026639521121979, 0.018574224784970284, 0.09897098690271378, -0.0918719619512558, 0.1902671754360199, -0.09680891782045364, 0.034092482179403305, 0.12498140335083008, -0.04714278504252434, 0.06923358887434006, 0.10246780514717102, 0.013987126760184765, -0.08638206124305725, 0.015922876074910164, -0.07330016791820526, -0.06866991519927979, -0.10922889411449432, 0.0044837044551968575, -0.13181892037391663, 0.07478337734937668, 0.0029512804467231035, 0.003672222839668393, 0.20748649537563324, 0.05413275584578514, -0.019851623103022575, 0.05423029139637947, 0.11084964126348495, 0.09329482167959213, 0.2130928635597229, -0.036099545657634735, 0.1440904587507248, 0.02670244127511978, -0.2071996033191681, -0.01223177183419466, 0.04414471983909607, 0.019900325685739517, 0.059157297015190125, -0.02519388310611248, -0.0635875016450882, -0.04450337216258049, 0.14708788692951202, 0.07410363852977753, 0.05432191863656044, -0.006892747711390257, -0.041518617421388626, -0.06651820987462997, -0.03340386599302292, 0.07295124232769012, 0.020666468888521194, -0.13632771372795105, -0.01003399770706892, -0.022798974066972733, 0.07514968514442444, 0.01836039498448372, 0.11180604249238968, -0.15859681367874146, 0.06843459606170654, 0.10106877982616425, 0.04210060462355614, -0.13394467532634735, 0.08954514563083649, 0.020709462463855743, -0.127725750207901, 0.10305880755186081, -0.03656208887696266, 0.09003996104001999, 0.0601920485496521, 0.08211685717105865, -0.06692545861005783, -0.07018907368183136, -0.042340945452451706, 0.07315658777952194, -0.24908903241157532, 0.1383964568376541, -0.013385764323174953, -0.0027159396559000015, -0.12241104245185852, -0.03254326432943344, 0.10200998187065125, 0.02611440047621727, 0.13841859996318817, -0.009904722683131695, 0.06537871807813644, -0.02244742400944233, -0.020402707159519196, 0.0420847088098526, 0.18208037316799164, -0.07399465888738632, -0.00044117370271123946, -0.027060827240347862, -0.0339222177863121, -0.03174479305744171, -0.06227347254753113, 0.04161692410707474, -0.17084623873233795, 0.12841534614562988, 0.09023275226354599, 0.03954126313328743, -0.023002730682492256, -0.05339720845222473, -0.011924532242119312, 0.16577088832855225, 0.07873476296663284, -0.09491963684558868, -0.08957401663064957, 0.020453879609704018, 0.0388527438044548, -0.037335433065891266, 0.005768011324107647, -0.07144930213689804, 0.08335967361927032, -0.0989956185221672, -0.1833319514989853, 0.08400067687034607, -0.06783096492290497, -0.0727279856801033, -0.12238757312297821, 0.1828410029411316, -0.04114829748868942, 0.10305724292993546, 0.07056936621665955, 0.011225126683712006, -0.06459624320268631, -0.058904018253088, 0.016195910051465034, -0.07255993038415909, -0.05810393765568733, -0.03684920445084572, 0.05804716423153877, 0.0844554752111435, -0.1185222715139389, 0.05309586599469185, 0.2860385775566101, 0.21060922741889954, -0.04525165632367134, 0.04822779446840286, 0.051914818584918976, -0.03139549866318703, -0.27460673451423645, -0.11697082221508026, -0.10117286443710327, -0.037756696343421936, -0.12121862918138504, -0.09114187955856323, 0.12407577037811279, -0.09718780219554901, -0.03108980320394039, 0.22978593409061432, -0.20480728149414062, -0.07601377367973328, 0.17345868051052094, -0.027281926944851875, 0.29395803809165955, -0.1682715117931366, -0.04964049160480499, -0.05470530316233635, -0.08259613811969757, 0.10517165064811707, -0.05660825967788696, 0.10691376775503159, -0.02683706395328045, 0.10240519791841507, 0.018324503675103188, -0.033563677221536636, 0.10432549566030502, 0.08434733003377914, -0.0487079955637455, -0.06730403751134872, -0.1338728815317154, 0.08704324811697006, 0.021932194009423256, -0.029537159949541092, -0.09556279331445694, -0.026364125311374664, -0.028719928115606308, -0.03592079505324364, -0.1118755042552948, 0.046832937747240067, 0.01564471796154976, -0.0924648568034172, -0.015976782888174057, 0.0024597833398729563, -0.03253353759646416, 0.017279701307415962, 0.19037917256355286, -0.07786404341459274, 0.1829695850610733, 0.038265105336904526, 0.14794191718101501, -0.1344180703163147, 0.041076041758060455, -0.05431125685572624, -0.04775405675172806, 0.06742161512374878, -0.014981214888393879, -0.017892545089125633, 0.11337555199861526, 0.013997463509440422, 0.06505493074655533, 0.1478007435798645, 0.03455836698412895, 0.02652590535581112, 0.11855481564998627, -0.196816548705101, -0.04863455891609192, -0.06161917373538017, 0.1144021525979042, 0.04965851828455925, 0.06420072168111801, 0.16437970101833344, -0.02491188608109951, -0.07024271786212921, 0.009082889184355736, 0.00790336448699236, -0.015239333733916283, 0.08040715754032135, 0.08710064738988876, 0.04652756452560425, -0.11741826683282852, 0.02695775032043457, -0.05289214104413986, 0.01270960085093975, 0.05945795401930809, 0.10427430272102356, -0.0833822712302208, -0.08303000777959824, -0.050990961492061615, 0.09539090096950531, -0.008099042810499668, 0.014976900070905685, -0.07851555198431015, -0.14517822861671448, 0.01821487955749035, 0.14786525070667267, 0.029921239241957664, 0.013346589170396328, -0.1490100771188736, 0.006297563202679157, -0.01078469306230545, 0.017455052584409714, 0.04330618306994438, 0.030894264578819275, 0.0015225731767714024, 0.15018334984779358, -0.017559068277478218, 0.14133942127227783, -0.11344102770090103, -0.08958236873149872, -0.14501862227916718, 0.056722018867731094, -0.1807943433523178, -0.12218357622623444, -0.1600096970796585, -0.0898706465959549, -0.0049430434592068195, -0.024549376219511032, -0.08096984028816223, -0.06026685982942581, -0.13557302951812744, 0.004071353934705257, -0.03714270144701004, -0.0750637874007225, -0.11571376770734787, 0.014451787807047367, 0.08079543709754944, -0.08187908679246902, 0.085734061896801, 0.13279318809509277, -0.11569931358098984, 0.0769604742527008, -0.21457917988300323, -0.15520872175693512, 0.05740192160010338, 0.04228568449616432, 0.031737715005874634, 0.15199580788612366, 0.006368628703057766, 0.034487035125494, 0.05733252689242363, 0.09078346937894821, 0.04431634396314621, -0.01041629072278738, 0.051126878708601, -0.07316315174102783, -0.0799216479063034, 0.015346507541835308, -0.023473752662539482, 0.06817500293254852, 0.0017609534552320838, 0.019558344036340714, -0.03177287057042122, 0.13727571070194244, -0.13944797217845917, 0.05154874175786972, -0.010180280543863773, -0.16403354704380035, 0.07276496291160583, -0.09574700146913528, 0.06225467845797539, -0.021272841840982437, 0.18322820961475372, 0.01907639019191265, -0.010863058269023895, -0.0029554932843893766, 0.038749657571315765, 0.13754835724830627, -0.010983031243085861, 0.14507102966308594, 0.12822897732257843, -0.09275956451892853, -0.025731291621923447, 0.03205477446317673, 0.11409451067447662, 0.04661504924297333, 0.1596054583787918, -0.10340409725904465, 0.05074018985033035, 0.12582434713840485, 0.04293989762663841, 0.04615563526749611, -0.0348518043756485, -0.18835009634494781, 0.07455568760633469, 0.03180624172091484, -0.011912287212908268, 0.16296522319316864, 0.151515930891037, 0.0034418688155710697, -0.01911906525492668, -0.03488266095519066, -0.05803000181913376, -0.1549105942249298, -0.16119158267974854, -0.032927677035331726, -0.12711963057518005, 0.03682763874530792, -0.11759759485721588, 0.007204866036772728, -0.01650134287774563, 0.09958436340093613, -0.022088410332798958, 0.08614259213209152, 0.06036650016903877, -0.041502293199300766, 0.12192950397729874, -0.036227256059646606, 0.05994917079806328, -0.032096974551677704, 0.009811718948185444, -0.06175212562084198, 0.02487034536898136, 0.010190819390118122, 0.041162844747304916, -0.09918394684791565, 0.041665393859148026, -0.1185339167714119, -0.13455092906951904, -0.03851620852947235, 0.00014398353232536465, 0.008167869411408901, 0.12417921423912048, 0.07505404204130173, -0.03802219033241272, 0.00879643950611353, 0.12889839708805084, -0.07896507531404495, -0.11189380288124084, -0.029813440516591072, 0.15868930518627167, -0.044583532959222794, 0.043349456042051315, -0.0801868885755539, -0.018317384645342827, -0.09895563125610352, 0.3295382857322693, 0.32049569487571716, -0.20056192576885223, -0.02463461086153984, -0.020695054903626442, 0.04042545333504677, 0.0681767463684082, 0.07506701350212097, 0.1002325713634491, 0.2955501675605774, -0.11088760197162628, -0.061530448496341705, -0.025073982775211334, -0.035279273986816406, -0.005335744936019182, 0.055226150900125504, 0.10323191434144974, -0.06450376659631729, -0.03584500774741173, 0.09573182463645935, -0.27953454852104187, 0.14627264440059662, -0.17786262929439545, -0.10867033898830414, -0.03318478539586067, 0.06961920857429504, 0.014541945420205593, 0.029054703190922737, 0.09106388688087463, 0.008314686827361584, -0.019214045256376266, 0.08306975662708282, 0.00724779861047864, -0.15394890308380127, -0.019112834706902504, 0.07270573824644089, -0.18295222520828247, 0.06507845222949982, -0.06699466705322266, -0.008843029849231243, 0.10887525975704193, 0.11401624232530594, 0.01854003220796585, -0.012698540464043617, 0.02298479899764061, 0.04151652753353119, -0.01753329671919346, 0.08189885318279266, 0.024017764255404472, -0.11909383535385132, 0.11053916811943054, 0.010091274045407772, 0.08162324875593185, 0.08501546084880829, -0.01972082443535328, -0.06629496067762375, -0.014035200700163841, -0.02782246097922325, 0.03963343799114227, 0.09447094053030014, -0.04891928657889366, -0.013603592291474342, 0.022091642022132874, -0.06220328435301781, 0.029715867713093758, -0.04599926248192787, -0.09471826255321503, -0.13517799973487854, -0.15540853142738342, 0.03614293783903122, -0.03229840472340584, -0.17542664706707, -0.00356204598210752, -0.13536518812179565, -0.008714139461517334, -0.08435066044330597, 0.032524336129426956, 0.06141171231865883, 0.054733239114284515, -0.012103396467864513, 0.013298125937581062, 0.04047543182969093, 0.12108165770769119, -0.2136908620595932, -0.08538451790809631 ]
null
null
transformers
# Model trained on F.R.I.E.N.D.S dialogue
{"tags": ["conversational"]}
text-generation
Chakita/Friends
[ "transformers", "pytorch", "gpt2", "text-generation", "conversational", "autotrain_compatible", "endpoints_compatible", "has_space", "text-generation-inference", "region:us" ]
2022-03-02T23:29:04+00:00
[]
[]
TAGS #transformers #pytorch #gpt2 #text-generation #conversational #autotrain_compatible #endpoints_compatible #has_space #text-generation-inference #region-us
# Model trained on F.R.I.E.N.D.S dialogue
[ "# Model trained on F.R.I.E.N.D.S dialogue" ]
[ "TAGS\n#transformers #pytorch #gpt2 #text-generation #conversational #autotrain_compatible #endpoints_compatible #has_space #text-generation-inference #region-us \n", "# Model trained on F.R.I.E.N.D.S dialogue" ]
[ 55, 19 ]
[ "passage: TAGS\n#transformers #pytorch #gpt2 #text-generation #conversational #autotrain_compatible #endpoints_compatible #has_space #text-generation-inference #region-us \n# Model trained on F.R.I.E.N.D.S dialogue" ]
[ -0.01561499573290348, 0.03761417046189308, -0.004400621633976698, 0.016987353563308716, 0.10790961980819702, -0.022328969091176987, 0.12008266150951385, 0.08937942981719971, 0.0009009052882902324, -0.055448129773139954, 0.126071035861969, 0.15230736136436462, -0.01421403419226408, 0.14931437373161316, -0.08693967759609222, -0.26045045256614685, 0.06152402609586716, 0.02723705768585205, -0.009263060055673122, 0.10220741480588913, 0.13151668012142181, -0.03669095039367676, 0.029387416318058968, -0.0060440003871917725, -0.1692534238100052, 0.03170173615217209, -0.010368332266807556, -0.0953499972820282, 0.13873673975467682, 0.06209933012723923, 0.06723882257938385, 0.07093638926744461, -0.03570108115673065, -0.1496819704771042, 0.04684563726186752, -0.01252682227641344, -0.08700644969940186, 0.0403660424053669, -0.028202233836054802, -0.04430454224348068, 0.19643919169902802, 0.0961572453379631, 0.016103262081742287, 0.030047697946429253, -0.1655959188938141, -0.06997576355934143, 0.02711837738752365, 0.02908139117062092, 0.05463070049881935, 0.11643683910369873, -0.04844146594405174, 0.07904554903507233, -0.12706352770328522, 0.11694521456956863, 0.0009350883774459362, -0.27356240153312683, -0.019896501675248146, 0.14801518619060516, 0.02303311787545681, 0.07655096054077148, -0.05531587824225426, 0.04206477850675583, -0.0007698763511143625, 0.016195079311728477, 0.0008830183651298285, -0.06252685189247131, -0.12502284348011017, 0.04107825085520744, -0.11677223443984985, -0.021819936111569405, 0.3104656934738159, -0.011194237507879734, 0.06615797430276871, -0.048003051429986954, -0.09736037254333496, -0.03222845122218132, -0.025167101994156837, -0.0505940243601799, -0.07544374465942383, 0.05759958550333977, 0.01781667210161686, -0.10534580796957016, -0.13323745131492615, -0.045745499432086945, -0.16200287640094757, 0.17170357704162598, 0.00862199254333973, 0.03359506279230118, -0.22560374438762665, 0.10229527950286865, -0.01809101738035679, -0.10654319822788239, 0.010101384483277798, -0.10812345147132874, -0.01603875122964382, 0.03423364832997322, -0.08033360540866852, -0.013051433488726616, 0.04631354287266731, 0.0821615532040596, -0.045442573726177216, -0.013439650647342205, 0.04887351766228676, 0.059541065245866776, 0.057043593376874924, 0.08097871392965317, -0.014089529402554035, -0.024991754442453384, 0.022237196564674377, -0.056676771491765976, -0.04081818088889122, -0.07444840669631958, -0.19130410254001617, -0.006378439255058765, 0.042596880346536636, 0.012620536610484123, 0.010253866203129292, 0.13934698700904846, -0.016590900719165802, 0.0009832176147028804, -0.00171100371517241, -0.038535311818122864, -0.042674820870161057, 0.03519382327795029, -0.045546531677246094, 0.0565631128847599, 0.0514325350522995, 0.025256210938096046, -0.05935828015208244, -0.014081013388931751, -0.046789951622486115, -0.032570913434028625, -0.05572647228837013, -0.0658792108297348, -0.0025829565711319447, -0.04092368856072426, 0.02480418048799038, -0.1763434112071991, -0.12829886376857758, -0.026137514039874077, -0.029278678819537163, -0.04972126707434654, -0.10129331052303314, -0.12287121266126633, -0.049339115619659424, 0.04087862744927406, -0.06224445253610611, 0.02843187376856804, -0.034668199717998505, 0.06581151485443115, -0.017374824732542038, 0.13040688633918762, -0.14932097494602203, 0.09822208434343338, -0.060997504740953445, -0.04463832080364227, -0.049696698784828186, 0.11737461388111115, -0.019250569865107536, -0.0038519836962223053, 0.022689519450068474, 0.0013175809290260077, -0.10439392179250717, 0.07675618678331375, -0.03734709322452545, 0.25646883249282837, -0.09662490338087082, -0.05805567651987076, 0.22855225205421448, -0.019496936351060867, -0.09858763217926025, 0.1144198402762413, -0.021527443081140518, 0.08319038897752762, 0.08427757769823074, 0.24975600838661194, -0.008877390995621681, 0.02978728711605072, 0.10324424505233765, 0.15974432229995728, -0.06116027012467384, -0.0032423825468868017, 0.03792393580079079, 0.02768019586801529, -0.07820770889520645, 0.030659900978207588, 0.052282676100730896, 0.06407149881124496, -0.056934479624032974, -0.033489055931568146, 0.005045613273978233, -0.0340307354927063, 0.09885021299123764, -0.021625695750117302, 0.12012742459774017, -0.019419683143496513, -0.0737977847456932, -0.032214440405368805, 0.05849006772041321, -0.023159613832831383, 0.007549133151769638, -0.05904122069478035, 0.11607757955789566, 0.028984595090150833, 0.0737186148762703, -0.18905505537986755, -0.0819701999425888, -0.05514472723007202, 0.18982696533203125, 0.068082295358181, 0.2696669101715088, 0.04021161049604416, -0.01657315343618393, -0.0021770054008811712, 0.011226593516767025, 0.06533794105052948, 0.009075936861336231, -0.062342070043087006, -0.08332514017820358, 0.06477013975381851, -0.09991070628166199, 0.13105756044387817, -0.10064778476953506, 0.031412120908498764, 0.024188531562685966, 0.0965888574719429, -0.012482593767344952, 0.06312882155179977, -0.0020648480858653784, -0.028170447796583176, -0.05050081014633179, 0.022749770432710648, 0.09343481063842773, 0.0007973061292432249, -0.08661533147096634, 0.19406311213970184, -0.16753524541854858, 0.25319746136665344, 0.16317307949066162, -0.24255618453025818, 0.000042439558455953375, -0.06053606793284416, -0.054635610431432724, 0.055455103516578674, 0.04882017895579338, -0.055097416043281555, 0.2539813220500946, -0.05154091864824295, 0.16671109199523926, -0.028552036732435226, -0.02843482978641987, -0.06036410108208656, -0.04102616384625435, -0.012048712931573391, 0.12375203520059586, 0.07073952257633209, -0.1077066957950592, 0.185279980301857, 0.13184985518455505, 0.0386180616915226, 0.242249995470047, 0.03452099859714508, 0.003924232441931963, 0.04549017921090126, -0.01204574853181839, -0.10937007516622543, -0.018393510952591896, -0.2846834063529968, -0.03423362225294113, 0.06681714206933975, 0.023800889030098915, 0.1177605465054512, -0.1373952180147171, -0.06358068436384201, 0.04548090696334839, -0.03390217944979668, -0.020793184638023376, 0.119194395840168, 0.015776339918375015, 0.14439067244529724, -0.026990022510290146, -0.09942751377820969, 0.07306529581546783, -0.006326897535473108, -0.089820995926857, 0.1936074048280716, -0.110249824821949, -0.3369591236114502, -0.06071702018380165, -0.1078571304678917, -0.03182108700275421, 0.04981964826583862, 0.09443338960409164, -0.11269579082727432, 0.0035797327291220427, -0.011569448746740818, 0.11676035076379776, -0.12122353166341782, -0.004396011587232351, -0.02192113734781742, 0.00043439885484986007, -0.11224036663770676, -0.11553777754306793, -0.04981604963541031, -0.04020979255437851, -0.04195469617843628, 0.09939924627542496, -0.09938813745975494, 0.05938170477747917, 0.21790336072444916, 0.030350126326084137, 0.053572483360767365, -0.02826918661594391, 0.25343072414398193, -0.10405128449201584, 0.0077264998108148575, 0.18781594932079315, -0.019205983728170395, 0.05753073841333389, 0.15675996243953705, -0.01597651280462742, -0.05439601093530655, 0.055398743599653244, -0.05422329902648926, -0.07278629392385483, -0.17427784204483032, -0.13834215700626373, -0.11800692975521088, 0.046918727457523346, -0.07176174223423004, 0.05027444660663605, 0.12414318323135376, 0.055058736354112625, 0.003905041143298149, -0.011885711923241615, 0.03870990499854088, 0.026655688881874084, 0.26856034994125366, -0.10045012086629868, 0.1514945924282074, -0.036288585513830185, -0.1463133543729782, 0.0596180334687233, 0.047742221504449844, 0.04291463643312454, 0.051492612808942795, 0.002140185795724392, 0.02400769479572773, 0.05044582486152649, 0.12975189089775085, 0.0644710585474968, 0.03987406566739082, -0.05025222525000572, -0.0739000216126442, -0.030054835602641106, -0.023265186697244644, 0.06527457386255264, 0.08800290524959564, -0.14908809959888458, -0.06195303797721863, -0.04486207291483879, 0.0477701835334301, 0.0058785476721823215, 0.08464226126670837, -0.19595099985599518, -0.02077195607125759, 0.07153211534023285, -0.027715474367141724, -0.08014031499624252, 0.08352751284837723, 0.09634366631507874, -0.1122029721736908, -0.0371306873857975, 0.024957261979579926, 0.08830582350492477, -0.04368814453482628, 0.10514827817678452, -0.12775814533233643, -0.03818857669830322, 0.018285799771547318, 0.10350141674280167, -0.3079785108566284, 0.24287712574005127, -0.028661908581852913, -0.07516872137784958, -0.10660053044557571, -0.04164021089673042, 0.03012853115797043, 0.0865309089422226, 0.11970648169517517, -0.02811041846871376, -0.06553006917238235, -0.05233319103717804, -0.006509407889097929, 0.040337417274713516, 0.09944716840982437, -0.05054054036736488, -0.003347027348354459, -0.02814904786646366, 0.007202770560979843, 0.024274662137031555, 0.04989141970872879, -0.01751076988875866, -0.20539677143096924, 0.06814907491207123, 0.08100388944149017, 0.05016039311885834, 0.0052046338096261024, -0.01708505116403103, -0.08866410702466965, 0.15634915232658386, 0.03507304936647415, -0.07547744363546371, -0.12062353640794754, -0.007987392134964466, 0.021289147436618805, -0.07254090160131454, -0.00358395092189312, -0.05607270076870918, 0.0454673171043396, -0.1022845059633255, -0.16605381667613983, 0.10816238075494766, -0.1257302165031433, -0.016946207731962204, -0.030971918255090714, 0.17589206993579865, 0.015783296898007393, 0.060906074941158295, 0.056214991956949234, -0.030397500842809677, -0.12626732885837555, -0.1026364341378212, 0.004763300064951181, -0.0027080185245722532, 0.006474650930613279, 0.025777731090784073, -0.04524502530694008, -0.029668258503079414, -0.026609759777784348, 0.0045302631333470345, 0.30163806676864624, 0.17249035835266113, -0.09317219257354736, 0.14862211048603058, 0.09344258904457092, -0.023890137672424316, -0.30994367599487305, -0.09809227287769318, -0.059485435485839844, 0.008869493380188942, -0.03336923569440842, -0.17422302067279816, 0.011550665833055973, -0.05796179920434952, -0.03322096914052963, 0.1358385533094406, -0.2483557164669037, -0.06514500081539154, 0.2145673781633377, 0.007301938254386187, 0.4062424302101135, -0.0888112410902977, -0.04610948637127876, -0.00879605207592249, -0.08724745362997055, 0.1770089715719223, -0.07800006866455078, 0.09415656328201294, 0.014074070379137993, 0.17566938698291779, 0.056846968829631805, 0.012080556713044643, 0.0905015766620636, 0.002986262319609523, -0.0065955473110079765, -0.10707400739192963, -0.07879794389009476, -0.04671456292271614, 0.028916573151946068, 0.06362123042345047, -0.05021044611930847, 0.0383056104183197, -0.16649504005908966, -0.06288029253482819, -0.09466364234685898, 0.003934979438781738, 0.01094979140907526, -0.07864390313625336, -0.021577144041657448, -0.043658409267663956, -0.022608952596783638, 0.0148503752425313, 0.106594979763031, -0.12142545729875565, 0.18195439875125885, 0.12504693865776062, 0.14178986847400665, -0.06547887623310089, 0.012035817839205265, -0.022417113184928894, -0.04015309363603592, 0.07388050109148026, -0.13936035335063934, 0.0017831638688221574, 0.11511684209108353, -0.0327853225171566, 0.1028180718421936, 0.11291812360286713, -0.01875232718884945, -0.00743174459785223, 0.10994146019220352, -0.23696133494377136, -0.15618069469928741, -0.1041371300816536, 0.008005369454622269, 0.08082549273967743, 0.05346589908003807, 0.15454715490341187, -0.04410695284605026, -0.009246104396879673, -0.024185828864574432, 0.028767280280590057, -0.03366519510746002, 0.045066963881254196, 0.07936244457960129, 0.06181588023900986, -0.12056537717580795, 0.04396449029445648, -0.006425311788916588, -0.12668558955192566, 0.018066510558128357, 0.13370516896247864, -0.09004472941160202, -0.15312165021896362, -0.1279921680688858, 0.07310949265956879, -0.09919965267181396, -0.02958994358778, -0.024578522890806198, -0.169840008020401, 0.0813579261302948, 0.11067714542150497, 0.06473090499639511, 0.04799744114279747, -0.08945421129465103, -0.021525364369153976, 0.00636686384677887, 0.019496385008096695, 0.0031963454093784094, -0.053638067096471786, -0.030693959444761276, 0.06467869132757187, -0.03955988585948944, 0.1507878601551056, -0.09866365790367126, -0.08795573562383652, -0.14883063733577728, 0.03663787618279457, -0.08471202105283737, -0.11462663859128952, -0.051399145275354385, -0.044557902961969376, 0.014061897061765194, -0.0588650144636631, -0.04038308933377266, -0.031005874276161194, -0.14892509579658508, 0.05223951116204262, -0.03907738998532295, 0.0021678705234080553, -0.05159413442015648, -0.001190626877360046, 0.0432303212583065, -0.03973345831036568, 0.143403097987175, 0.1226361095905304, -0.10303979367017746, 0.08525800704956055, -0.11703278124332428, -0.08333715051412582, 0.06905685365200043, 0.029152359813451767, 0.06523345410823822, 0.028973182663321495, 0.010817081667482853, 0.03087209165096283, 0.06190236285328865, 0.019606122747063637, -0.019445542246103287, -0.07506532967090607, 0.05683676898479462, -0.04905548319220543, -0.09021814912557602, -0.060211773961782455, -0.03917216882109642, 0.02353433147072792, 0.051722586154937744, 0.0945952832698822, -0.03168294206261635, 0.09619704633951187, -0.07871939241886139, 0.05927387997508049, 0.02120218239724636, -0.15508444607257843, 0.011854422278702259, -0.11460471898317337, 0.05491369217634201, -0.010746733285486698, 0.18282021582126617, 0.039114683866500854, 0.011964674107730389, 0.03228835016489029, 0.012250701896846294, 0.08771345019340515, -0.0020758938044309616, 0.1349422186613083, 0.11100059747695923, -0.042763981968164444, -0.06663139909505844, 0.08446113765239716, 0.031553078442811966, 0.0885801836848259, 0.17140427231788635, -0.005213227588683367, -0.007314420770853758, 0.13989928364753723, 0.01265694573521614, -0.0209097471088171, -0.060723926872015, -0.14397591352462769, -0.026544461026787758, 0.003183962544426322, -0.12107335776090622, 0.057472456246614456, 0.15904439985752106, -0.03187158331274986, 0.04735046625137329, -0.018070382997393608, -0.05896470323204994, -0.19385290145874023, -0.14745116233825684, -0.07456707209348679, -0.11330398172140121, -0.0030322105158120394, -0.13002371788024902, 0.038173578679561615, 0.08117105066776276, 0.07456750422716141, -0.06978361308574677, 0.07724083214998245, 0.027148423716425896, -0.09651737660169601, 0.1141025573015213, -0.05204467102885246, 0.08203058689832687, -0.07339901477098465, 0.0077143386006355286, -0.06909109652042389, 0.00852882955223322, 0.0019159388029947877, 0.03234263136982918, -0.07495742291212082, -0.008862358517944813, -0.09559834003448486, -0.05525306612253189, -0.09026859700679779, 0.07301553338766098, 0.012175826355814934, 0.17319320142269135, 0.0037187249399721622, -0.041934240609407425, 0.024541841819882393, 0.2512492537498474, -0.07644964009523392, -0.08975319564342499, -0.0787554606795311, 0.1814086139202118, 0.0040181297808885574, 0.1261233538389206, -0.02864670380949974, -0.02677677758038044, -0.1224365085363388, 0.31569868326187134, 0.3185805380344391, -0.13234196603298187, 0.0367509201169014, 0.024127107113599777, 0.05318131297826767, 0.07545717805624008, 0.08942561596632004, 0.14589190483093262, 0.30551522970199585, -0.09770728647708893, -0.06064354628324509, -0.03237481415271759, 0.0047607459127902985, -0.0015425131423398852, 0.09470745176076889, 0.07625966519117355, -0.058731190860271454, -0.0307567548006773, 0.06950332969427109, -0.2574803829193115, 0.04822180047631264, -0.14966006577014923, -0.14769259095191956, -0.08213100582361221, 0.004528805147856474, 0.03745575621724129, 0.025962166488170624, 0.12562061846256256, -0.03451329469680786, -0.07029526680707932, 0.07710912823677063, 0.007046807091683149, -0.16994449496269226, 0.030699001625180244, 0.10711755603551865, -0.04656572639942169, -0.022125765681266785, -0.051505766808986664, 0.11833127588033676, 0.07551335543394089, 0.028618106618523598, 0.004107875283807516, 0.12414851784706116, 0.01763816736638546, -0.06069781258702278, 0.002064406406134367, 0.06538666039705276, 0.020304184406995773, -0.06527456641197205, 0.06305914372205734, -0.2300051599740982, 0.066619873046875, 0.022590607404708862, -0.07182975113391876, -0.01653618924319744, 0.04020626097917557, -0.06443440914154053, 0.08101987093687057, 0.10058857500553131, -0.010082872584462166, -0.016666484996676445, -0.0029412342701107264, -0.014745399355888367, -0.03295816481113434, -0.047444894909858704, -0.10341931879520416, -0.09224028140306473, -0.09379357844591141, 0.039184823632240295, -0.029098516330122948, -0.1631738543510437, -0.0006797921378165483, -0.0752485916018486, 0.056646957993507385, -0.08320178836584091, 0.06930685043334961, 0.12239930778741837, 0.04260440543293953, -0.008642163127660751, -0.016110701486468315, 0.017331579700112343, 0.07796670496463776, -0.11894189566373825, -0.06369434297084808 ]
null
null
transformers
Kannada BERT model finetuned on a news corpus --- language: - kn thumbnail: tags: - Masked Language model - Autocomplete license: mit datasets: - custom data set of Kannada news ---
{}
fill-mask
Chakita/KNUBert
[ "transformers", "pytorch", "tensorboard", "roberta", "fill-mask", "autotrain_compatible", "endpoints_compatible", "region:us" ]
2022-03-02T23:29:04+00:00
[]
[]
TAGS #transformers #pytorch #tensorboard #roberta #fill-mask #autotrain_compatible #endpoints_compatible #region-us
Kannada BERT model finetuned on a news corpus --- language: - kn thumbnail: tags: - Masked Language model - Autocomplete license: mit datasets: - custom data set of Kannada news ---
[]
[ "TAGS\n#transformers #pytorch #tensorboard #roberta #fill-mask #autotrain_compatible #endpoints_compatible #region-us \n" ]
[ 41 ]
[ "passage: TAGS\n#transformers #pytorch #tensorboard #roberta #fill-mask #autotrain_compatible #endpoints_compatible #region-us \n" ]
[ -0.07536142319440842, 0.011643580161035061, -0.00835113413631916, 0.0492580346763134, 0.11646921187639236, 0.029791247099637985, 0.14224649965763092, 0.09276818484067917, 0.09238187223672867, 0.024627817794680595, 0.1382230967283249, 0.21884886920452118, -0.01824801415205002, 0.10394322127103806, -0.04900607094168663, -0.2826099097728729, 0.021032076328992844, 0.07813074439764023, -0.11514049023389816, 0.10202093422412872, 0.04388943314552307, -0.09126440435647964, 0.05398508161306381, 0.0019215689972043037, -0.13354837894439697, 0.046049755066633224, 0.06058808043599129, -0.11292058229446411, 0.1267593950033188, 0.03910156339406967, 0.23068459331989288, 0.03846213221549988, -0.06667101383209229, -0.04984160140156746, 0.06151588261127472, 0.01903361827135086, -0.0901922881603241, 0.07385588437318802, 0.037024207413196564, -0.09428852796554565, -0.01936214417219162, 0.038302384316921234, 0.03929413855075836, 0.025226851925253868, -0.12772437930107117, -0.09758399426937103, -0.020749686285853386, 0.032078418880701065, 0.02952827326953411, 0.04375957325100899, 0.025577746331691742, 0.199665829539299, -0.0813383236527443, 0.09534847736358643, 0.14762166142463684, -0.33770424127578735, -0.029496081173419952, 0.10334993153810501, 0.07637634128332138, -0.01740833930671215, -0.04144992679357529, 0.0696975365281105, 0.008724279701709747, 0.024305645376443863, 0.0707755908370018, -0.08440755307674408, -0.05688151344656944, 0.0048796734772622585, -0.09055546671152115, -0.003646841738373041, 0.09179401397705078, -0.05700644478201866, 0.05975775048136711, -0.013548480346798897, -0.1419999599456787, -0.047491688281297684, -0.027559608221054077, -0.014387750998139381, -0.03847982734441757, 0.024923112243413925, -0.05187215656042099, -0.06267747282981873, -0.1258300095796585, 0.02094395086169243, -0.22548384964466095, 0.2526896595954895, 0.017926666885614395, 0.05929281562566757, -0.18012534081935883, 0.04407263174653053, -0.01782998815178871, -0.13070490956306458, 0.07886628061532974, -0.07635053992271423, -0.003469733288511634, 0.0015593197895213962, -0.04362665116786957, -0.17636847496032715, 0.08668458461761475, 0.153885155916214, 0.06293786317110062, 0.05358508601784706, 0.03612338379025459, 0.11782229691743851, 0.0063111986964941025, 0.0923241376876831, -0.010199482552707195, -0.021956128999590874, 0.062498535960912704, -0.08140407502651215, 0.0609424002468586, -0.0726000964641571, -0.14206090569496155, -0.03571780025959015, 0.016590986400842667, 0.056322451680898666, 0.04228614270687103, 0.051905643194913864, -0.07544241845607758, -0.013531920500099659, 0.06438880413770676, -0.07095561921596527, 0.02005528099834919, -0.01722138375043869, 0.05141943320631981, 0.11986014246940613, 0.04023151099681854, -0.02564370073378086, -0.0028225162532180548, 0.11516845226287842, -0.08231042325496674, -0.02747245319187641, -0.07134890556335449, -0.07685630768537521, 0.04569564387202263, -0.16943246126174927, 0.03011397272348404, -0.16449978947639465, -0.1081668883562088, 0.043964844197034836, 0.07641260325908661, -0.020299863070249557, -0.0071940128691494465, 0.05432133004069328, -0.015058392658829689, 0.03252285346388817, -0.022440703585743904, -0.025891484692692757, -0.014742359519004822, 0.08755237609148026, -0.00789224449545145, 0.12928980588912964, -0.09928245842456818, 0.03606573864817619, -0.058870814740657806, 0.0307245384901762, -0.1866442859172821, -0.03470376506447792, -0.05528080090880394, 0.1218569427728653, -0.007537215482443571, -0.031544819474220276, -0.14193503558635712, 0.03643137216567993, 0.02311236597597599, 0.13091778755187988, -0.09511425346136093, -0.13027188181877136, 0.22143329679965973, -0.10969307273626328, -0.11662596464157104, 0.10313235223293304, -0.00034573476295918226, -0.0036734805908054113, 0.03303375095129013, 0.11808130145072937, 0.07438530027866364, -0.12114878743886948, 0.06985096633434296, 0.11100877076387405, -0.13137638568878174, -0.14083588123321533, 0.0030346063431352377, 0.005365296266973019, -0.04092581570148468, 0.027416786178946495, 0.13061366975307465, 0.09913130849599838, -0.06533166021108627, -0.05915512889623642, -0.023207442834973335, -0.04470452666282654, 0.14266611635684967, 0.07155412435531616, 0.11709458380937576, -0.058789126574993134, -0.05110654979944229, -0.0073927296325564384, -0.012311553582549095, 0.02001902088522911, 0.03692452237010002, -0.08588939905166626, 0.15879537165164948, -0.093654565513134, -0.010519672185182571, -0.1942829191684723, -0.14208821952342987, -0.025270549580454826, 0.023185132071375847, 0.003105397103354335, 0.14544132351875305, 0.14126184582710266, -0.027896536514163017, -0.018546201288700104, 0.0029071602039039135, 0.10028667747974396, 0.01416551973670721, -0.05348880589008331, -0.1332474648952484, 0.02096777968108654, -0.10247951000928879, 0.006227395497262478, -0.02685815840959549, 0.02070692367851734, 0.02255779691040516, 0.12652181088924408, 0.0296952985227108, 0.03667345643043518, -0.030322488397359848, 0.03483564406633377, -0.046718694269657135, -0.0012969496892765164, 0.07919879257678986, -0.0009799518156796694, -0.08541922271251678, 0.1320667266845703, -0.1549011915922165, 0.3245454728603363, 0.18324318528175354, -0.25222039222717285, -0.032582465559244156, 0.022534402087330818, -0.018408451229333878, -0.005483679939061403, 0.05049596354365349, 0.017742786556482315, 0.047079913318157196, 0.011380371637642384, 0.13061010837554932, -0.006580917164683342, -0.02327839843928814, 0.05173202231526375, -0.07258372753858566, -0.05810311809182167, 0.041968636214733124, 0.12771274149417877, -0.094915010035038, 0.16964642703533173, 0.20874622464179993, -0.07404834777116776, 0.18059514462947845, 0.016984177753329277, -0.011659330688416958, 0.01344555988907814, -0.029398901388049126, 0.007692015264183283, 0.07665667682886124, -0.19013014435768127, -0.0347762331366539, 0.0664834976196289, -0.06981958448886871, 0.05914191156625748, -0.1451771855354309, -0.03094998002052307, 0.005737306550145149, 0.05980359762907028, -0.006538025103509426, 0.1327260285615921, 0.02405189909040928, 0.07175885140895844, -0.021226324141025543, -0.09227590262889862, 0.08278077095746994, 0.01392919197678566, -0.01752237230539322, 0.16750000417232513, -0.08590082824230194, -0.3081378638744354, -0.1378791183233261, -0.13565769791603088, -0.0020439650397747755, 0.023394674062728882, 0.04295716434717178, -0.07105544954538345, -0.04922148212790489, 0.07316073030233383, 0.003232675837352872, -0.004003997892141342, 0.0792648047208786, -0.06448457390069962, 0.020873762667179108, -0.03631814196705818, -0.07549013197422028, -0.05022209882736206, -0.057148922234773636, -0.02323177643120289, 0.14593857526779175, -0.05327093228697777, 0.08802726864814758, 0.16905586421489716, 0.012550285086035728, 0.04885319247841835, 0.00021545936760958284, 0.11775598675012589, -0.08743122965097427, 0.035373978316783905, 0.16900746524333954, -0.05439622700214386, 0.09900873154401779, 0.13870090246200562, 0.053156640380620956, -0.02953900210559368, -0.015192784368991852, -0.018502797931432724, -0.14376892149448395, -0.1903413087129593, -0.07805060595273972, -0.12872184813022614, -0.004581542685627937, 0.04064694419503212, 0.06347502768039703, 0.15849946439266205, 0.12698149681091309, 0.06485909223556519, -0.0025883859489113092, -0.0653119683265686, 0.029330747202038765, 0.13889311254024506, -0.010205605067312717, 0.14547351002693176, -0.04937714338302612, -0.15135471522808075, 0.04621342942118645, 0.06483875215053558, 0.13727127015590668, 0.0801081731915474, 0.04709290340542793, 0.05030903220176697, 0.15404266119003296, 0.15667839348316193, 0.13466326892375946, 0.0009187188697978854, -0.0751815140247345, 0.0040469043888151646, -0.015250175260007381, -0.0018351945327594876, 0.019688205793499947, 0.14701808989048004, -0.09335312247276306, 0.008337021805346012, -0.08287381380796432, 0.052713699638843536, 0.11318081617355347, 0.0508648119866848, -0.2409767359495163, 0.004237337503582239, 0.0528276301920414, 0.021228590980172157, -0.04692624509334564, 0.01798040047287941, 0.0023427275009453297, -0.08692162483930588, 0.06385073065757751, -0.101706862449646, 0.07074058055877686, 0.01137698907405138, 0.03919457271695137, -0.032614629715681076, -0.010928098112344742, 0.022640569135546684, 0.039460305124521255, -0.20382986962795258, 0.26586997509002686, 0.0006460759323090315, -0.028984175994992256, -0.0791526660323143, 0.0052904533222317696, 0.05522213131189346, 0.09401737153530121, 0.10869816690683365, -0.004247578326612711, -0.009676774963736534, -0.08739175647497177, -0.035155024379491806, 0.017052363604307175, 0.0919615849852562, -0.01816433109343052, -0.016529787331819534, -0.0011856307974085212, -0.051692042499780655, 0.011339298449456692, 0.04073398932814598, 0.015987176448106766, -0.1467483788728714, 0.08853159844875336, 0.038112204521894455, -0.12825120985507965, 0.007739827502518892, -0.09882144629955292, -0.14375539124011993, 0.22278666496276855, -0.05415858328342438, -0.054699961096048355, -0.11399660259485245, -0.07663819938898087, 0.09547971189022064, -0.10935681313276291, 0.10527587682008743, -0.09263046830892563, 0.014461711049079895, -0.09164245426654816, -0.20145848393440247, 0.1647089719772339, -0.11031888425350189, 0.002526141470298171, -0.084161177277565, 0.13648229837417603, -0.057976134121418, 0.037640731781721115, -0.013474050909280777, 0.03188606724143028, -0.08154460787773132, -0.04830831289291382, 0.042859990149736404, -0.056861426681280136, 0.028397666290402412, -0.012770370580255985, -0.0398712083697319, -0.04134887456893921, 0.029281508177518845, 0.052181635051965714, 0.2190672755241394, 0.19832973182201385, -0.07709798961877823, 0.13352513313293457, 0.15129157900810242, -0.019316932186484337, -0.3460615277290344, -0.057502035051584244, -0.1116613820195198, -0.001208813046105206, 0.0252317376434803, -0.13937091827392578, 0.11665228009223938, -0.009730532765388489, -0.05563841015100479, 0.15958282351493835, -0.2076561003923416, -0.11159199476242065, 0.20932956039905548, 0.05999184027314186, 0.41863301396369934, -0.13329580426216125, -0.07144133001565933, -0.002442446770146489, -0.09258022159337997, 0.0597749724984169, -0.0672234296798706, 0.10199921578168869, -0.018120495602488518, 0.0700591430068016, 0.03106049634516239, -0.10092440992593765, 0.08434760570526123, -0.0639733150601387, 0.012281510978937149, -0.09392406791448593, -0.084839828312397, 0.11441865563392639, -0.007932365871965885, -0.03103458881378174, 0.0011230839882045984, -0.007150697521865368, -0.0027813713531941175, -0.02906716614961624, -0.08911383897066116, 0.12029516696929932, 0.03192722797393799, -0.06788427382707596, 0.01380825974047184, -0.012726900167763233, -0.037128861993551254, -0.0073455823585391045, 0.24216188490390778, 0.006354764569550753, 0.1807618886232376, 0.1381017118692398, 0.040524858981370926, -0.11423755437135696, -0.08632928878068924, -0.04852750524878502, -0.08041905611753464, 0.08240843564271927, -0.032596904784440994, 0.03226194903254509, 0.106667160987854, 0.00039467812166549265, 0.020127320662140846, 0.11224869638681412, -0.01845281943678856, 0.0007117748027667403, 0.15909788012504578, -0.21771253645420074, -0.036202117800712585, -0.004651798866689205, -0.06833845376968384, 0.0439615361392498, 0.10093237459659576, 0.1189456507563591, 0.03399030491709709, -0.02380356192588806, 0.019473014399409294, -0.018287353217601776, -0.04162200167775154, 0.066010020673275, 0.08927890658378601, 0.03649584576487541, -0.10859853029251099, 0.009288039058446884, -0.0074465712532401085, -0.2260841578245163, -0.01962312124669552, 0.09775625169277191, -0.0873168557882309, -0.12063051760196686, 0.012361934408545494, 0.1076221913099289, -0.0945601537823677, -0.02367554046213627, -0.10341771692037582, -0.09936756640672684, 0.03371421620249748, 0.24353840947151184, 0.09638676047325134, 0.04413692280650139, -0.03771790862083435, 0.007647861260920763, -0.022548077628016472, 0.014704525470733643, 0.025894340127706528, 0.05291705206036568, -0.10283101350069046, 0.0103202685713768, -0.0031987454276531935, 0.14119109511375427, -0.11176518350839615, -0.0445166677236557, -0.16276757419109344, 0.024837028235197067, -0.06897640973329544, -0.07351154088973999, -0.09175602346658707, -0.07753758877515793, -0.0025944914668798447, -0.06624450534582138, -0.06782262772321701, -0.03718223795294762, -0.11055635660886765, 0.021310102194547653, 0.0274514127522707, -0.030197784304618835, -0.08776760846376419, -0.04201033338904381, 0.10244587808847427, -0.039260171353816986, 0.077738456428051, 0.10315977782011032, -0.05513725429773331, 0.07956555485725403, -0.13255318999290466, -0.08017243444919586, 0.09610585123300552, 0.021217774599790573, 0.0930950716137886, 0.08084149658679962, 0.018979595974087715, 0.022007931023836136, 0.05984656140208244, 0.0405455008149147, 0.05628363788127899, -0.09750266373157501, 0.08858586102724075, -0.03438200429081917, -0.17740845680236816, -0.046122271567583084, -0.046413931995630264, 0.07583437114953995, 0.009188736788928509, 0.10698036849498749, -0.052560169249773026, 0.09255007654428482, -0.08093990385532379, 0.023442106321454048, -0.0121239572763443, -0.1443140059709549, 0.040407415479421616, -0.023588387295603752, 0.011160891503095627, -0.03913760557770729, 0.2005992829799652, 0.005455664359033108, -0.010600819252431393, 0.0269656702876091, 0.058000002056360245, 0.005491250194609165, 0.01392460148781538, 0.13484342396259308, 0.0717557743191719, -0.04031308367848396, -0.08650077879428864, 0.0985933393239975, 0.03556261584162712, -0.007228076923638582, 0.1446225494146347, 0.05392833426594734, 0.008456836454570293, 0.10799476504325867, 0.03437824919819832, 0.05138842388987541, -0.11866090446710587, -0.12615646421909332, -0.07431069761514664, 0.07176808267831802, 0.024765869602560997, 0.008841742761433125, 0.17953330278396606, 0.0006053848192095757, 0.05149250477552414, -0.02716839499771595, -0.044437021017074585, -0.18419994413852692, -0.1819099634885788, -0.08210629969835281, -0.04845074936747551, 0.030102035030722618, -0.013569125905632973, -0.04375358298420906, 0.07335899770259857, 0.044054556638002396, -0.025877084583044052, 0.18008431792259216, 0.04738849028944969, 0.016384540125727654, 0.008439317345619202, 0.02951398864388466, 0.002837710315361619, 0.019373703747987747, -0.014868595637381077, -0.16954737901687622, 0.018676601350307465, -0.061047427356243134, -0.011373689398169518, -0.05893642455339432, 0.032360322773456573, -0.0726073831319809, -0.1289254128932953, -0.05397604778409004, 0.027042578905820847, -0.012943590059876442, 0.059897784143686295, -0.0029397914186120033, 0.03484475240111351, -0.009864917024970055, 0.11938705295324326, -0.0711914449930191, -0.04292607679963112, -0.06010475009679794, 0.13547980785369873, 0.00017876559286378324, 0.0751817598938942, -0.016827866435050964, 0.006995109841227531, -0.08060892671346664, 0.31413179636001587, 0.33989062905311584, -0.060949187725782394, 0.07872892171144485, 0.06968272477388382, 0.02710200473666191, 0.03434217721223831, 0.11524045467376709, 0.057777415961027145, 0.29345428943634033, -0.09891874343156815, -0.08564654737710953, -0.04613710939884186, -0.02714039757847786, -0.118376724421978, 0.04868235066533089, 0.04831523448228836, -0.020950807258486748, -0.058233924210071564, 0.07887919247150421, -0.1758730411529541, 0.06970184296369553, 0.09044566750526428, -0.23246674239635468, -0.08339087665081024, -0.022852426394820213, 0.1753229796886444, -0.010412333533167839, 0.11065186560153961, -0.039113614708185196, -0.08929820358753204, -0.005031270440667868, 0.02762444317340851, -0.2081141173839569, -0.00354451360180974, 0.07916070520877838, -0.020803915336728096, 0.08382081985473633, -0.040164027363061905, 0.0016908731777220964, 0.10634655505418777, 0.07064057141542435, -0.00388703471980989, -0.002501838840544224, 0.03220739960670471, -0.117055743932724, -0.04883642867207527, 0.04766792804002762, -0.0011937525123357773, -0.13988107442855835, 0.04205838963389397, -0.10886580497026443, 0.044283486902713776, -0.13161705434322357, -0.017260242253541946, -0.00801071710884571, 0.059082821011543274, -0.04891728237271309, 0.05079202726483345, 0.06328269094228745, 0.03889768570661545, -0.029752498492598534, -0.04196132346987724, -0.019663844257593155, 0.06980429589748383, -0.07099960744380951, -0.1688031554222107, -0.09897769242525101, -0.05279514938592911, -0.012266378849744797, -0.007850896567106247, -0.19707658886909485, -0.052326299250125885, -0.09872795641422272, 0.008796208538115025, -0.16692335903644562, 0.01695191115140915, 0.09764675796031952, 0.040505457669496536, 0.010890762321650982, -0.01408459059894085, 0.028956154361367226, 0.026965294033288956, -0.18535448610782623, -0.07746874541044235 ]
null
null
transformers
RoBERTa model trained on Kannada news corpus.
{"tags": ["masked-lm", "fill-in-the-blanks"]}
fill-mask
Chakita/KROBERT
[ "transformers", "pytorch", "roberta", "fill-mask", "masked-lm", "fill-in-the-blanks", "autotrain_compatible", "endpoints_compatible", "region:us" ]
2022-03-02T23:29:04+00:00
[]
[]
TAGS #transformers #pytorch #roberta #fill-mask #masked-lm #fill-in-the-blanks #autotrain_compatible #endpoints_compatible #region-us
RoBERTa model trained on Kannada news corpus.
[]
[ "TAGS\n#transformers #pytorch #roberta #fill-mask #masked-lm #fill-in-the-blanks #autotrain_compatible #endpoints_compatible #region-us \n" ]
[ 51 ]
[ "passage: TAGS\n#transformers #pytorch #roberta #fill-mask #masked-lm #fill-in-the-blanks #autotrain_compatible #endpoints_compatible #region-us \n" ]
[ -0.050409168004989624, 0.011063278652727604, -0.007866034284234047, 0.03620738163590431, 0.10130473971366882, 0.01935162954032421, 0.08580118417739868, 0.08915475755929947, 0.09561140090227127, -0.00821975152939558, 0.17680183053016663, 0.19221878051757812, -0.03924891725182533, 0.17245037853717804, -0.055982764810323715, -0.25072476267814636, 0.05349332466721535, 0.021765118464827538, -0.1197824627161026, 0.10909322649240494, 0.04821319133043289, -0.05655188113451004, 0.05551523342728615, -0.04512283205986023, -0.06520909070968628, 0.04226469621062279, 0.048234403133392334, -0.08821851015090942, 0.1127728745341301, 0.024784354493021965, 0.174534872174263, 0.0017032584873959422, -0.08052684366703033, -0.11602262407541275, 0.06143834441900253, -0.00981602631509304, -0.07853449881076813, 0.032120272517204285, -0.04731135815382004, -0.08487213402986526, -0.029745860025286674, 0.023556627333164215, 0.01857900619506836, 0.04708365350961685, -0.1695261299610138, -0.10667548328638077, -0.014949887059628963, 0.009788659401237965, 0.01630529575049877, 0.06883667409420013, 0.013046826235949993, 0.21576274931430817, -0.12615565955638885, 0.09947595000267029, 0.1658249944448471, -0.27629783749580383, -0.0008585022296756506, 0.04169502109289169, 0.08094918727874756, -0.08214645087718964, -0.007877745665609837, 0.09872584789991379, 0.022548096254467964, 0.0044761174358427525, 0.03220473602414131, -0.08063895255327225, -0.05029640346765518, 0.020599985495209694, -0.07978422939777374, -0.05992584675550461, 0.14809493720531464, -0.03265579789876938, 0.044861793518066406, -0.00223659654147923, -0.12357506155967712, -0.04257562756538391, -0.024374952539801598, 0.0265656691044569, -0.03171006962656975, 0.028845854103565216, -0.033760715276002884, -0.030756793916225433, -0.08487523347139359, 0.024135032668709755, -0.24362660944461823, 0.27168673276901245, 0.022039709612727165, 0.047302719205617905, -0.18697163462638855, 0.023467525839805603, -0.0686560645699501, -0.13237543404102325, 0.0519903227686882, -0.07081915438175201, 0.0027710318099707365, 0.031837429851293564, -0.07608745247125626, -0.008334098383784294, 0.11174744367599487, 0.23603372275829315, 0.054217398166656494, 0.04321499168872833, 0.0220651738345623, 0.11291615664958954, 0.01364627294242382, 0.041866790503263474, 0.004749419633299112, -0.034379418939352036, 0.06050705909729004, -0.09871015697717667, 0.05698596313595772, -0.06955801695585251, -0.13425566256046295, -0.03919441998004913, -0.019702952355146408, 0.09973933547735214, 0.08509434014558792, 0.07207830250263214, -0.11343323439359665, 0.010970314033329487, 0.02989603765308857, -0.08961867541074753, -0.005147008690983057, -0.03717118129134178, 0.039644815027713776, 0.0646681934595108, 0.03600594773888588, -0.00442520109936595, -0.016396697610616684, 0.06195422261953354, -0.0746239498257637, -0.034534379839897156, -0.07505059987306595, -0.07084604352712631, 0.05038497969508171, -0.11939950287342072, 0.043352656066417694, -0.18197907507419586, -0.14126253128051758, 0.059474021196365356, 0.04728435352444649, -0.0021789094898849726, -0.03239896148443222, 0.013601967133581638, -0.02172858640551567, 0.01568942703306675, -0.022396910935640335, -0.020118417218327522, -0.0322745181620121, 0.1055387407541275, 0.04208288714289665, 0.1623900681734085, -0.12468920648097992, 0.033867597579956055, -0.06974799931049347, 0.028543410822749138, -0.17113889753818512, -0.03167169168591499, -0.03789849579334259, 0.12274603545665741, -0.0032974930945783854, -0.03885350748896599, -0.10403484106063843, 0.049970842897892, -0.009556633420288563, 0.193208247423172, -0.08926937729120255, -0.1176408976316452, 0.22873911261558533, -0.07753937691450119, -0.11981260031461716, 0.0742974504828453, 0.0030500651337206364, 0.015244380570948124, 0.030844852328300476, 0.14195480942726135, 0.022280046716332436, -0.15442004799842834, 0.11636421829462051, 0.090065598487854, -0.12928783893585205, -0.0631529688835144, 0.03560018911957741, -0.017360499128699303, -0.1220872551202774, 0.04268121346831322, 0.07639548927545547, 0.10130682587623596, -0.05978013202548027, -0.07116349786520004, -0.002687647705897689, -0.03766327351331711, 0.1666918843984604, 0.012178626842796803, 0.08703142404556274, -0.09499915689229965, -0.028092237189412117, -0.06268942356109619, 0.022929254919290543, 0.07366284728050232, 0.05204198881983757, -0.09887658804655075, 0.12611374258995056, -0.041391946375370026, 0.024508316069841385, -0.1887114942073822, -0.13126181066036224, -0.03411315008997917, 0.05691594257950783, 0.0007508044946007431, 0.08623156696557999, 0.09335201978683472, -0.05575874075293541, -0.032385874539613724, -0.0022571105509996414, 0.07316641509532928, 0.00663764076307416, 0.0051149167120456696, -0.12347772717475891, 0.014495889656245708, -0.08140213042497635, -0.0032761432230472565, 0.026169223710894585, 0.0009177977335639298, -0.04212379455566406, 0.10499563068151474, 0.0011517676757648587, 0.04423094168305397, -0.022351693361997604, 0.05247517675161362, -0.022090930491685867, 0.024307435378432274, 0.08771991729736328, -0.004821040201932192, -0.07826647907495499, 0.1425425410270691, -0.1650332659482956, 0.32607781887054443, 0.18008708953857422, -0.30698755383491516, -0.048649001866579056, 0.06502338498830795, -0.007657707668840885, -0.012999595142900944, 0.0500938817858696, -0.007444692775607109, 0.028418367728590965, -0.003907918464392424, 0.13843593001365662, -0.0207245871424675, -0.02724701724946499, 0.01094864308834076, -0.09021937102079391, -0.06425116211175919, 0.06537820398807526, 0.12317276000976562, -0.12303536385297775, 0.1741035282611847, 0.22151720523834229, 0.002494798507541418, 0.16640175879001617, 0.0219285786151886, 0.006517122965306044, -0.03146761655807495, -0.03586731106042862, -0.016063513234257698, 0.059503719210624695, -0.1707504242658615, -0.023110758513212204, 0.07274122536182404, -0.04629119858145714, 0.05622595548629761, -0.10984832048416138, -0.07514751702547073, 0.014933964237570763, 0.05033015087246895, -0.09944043308496475, 0.15935176610946655, 0.015434094704687595, 0.08600860834121704, 0.014883418567478657, -0.051730021834373474, 0.10102982074022293, -0.0021819265093654394, -0.024018600583076477, 0.14222072064876556, -0.15508903563022614, -0.36473119258880615, -0.10947151482105255, -0.1608758419752121, 0.014546047896146774, 0.036510221660137177, 0.050604820251464844, -0.08559342473745346, -0.04812585562467575, 0.08072775602340698, 0.013956267386674881, -0.044980186969041824, 0.055091891437768936, -0.01752437651157379, 0.03203336149454117, -0.018355144187808037, -0.05586796626448631, -0.06813760101795197, -0.0194998849183321, 0.00011455470666987821, 0.1500997394323349, -0.0825444832444191, 0.11481141299009323, 0.13155023753643036, 0.03424417972564697, 0.06344180554151535, 0.004325257148593664, 0.16838912665843964, -0.09865501523017883, -0.009034233167767525, 0.1744472086429596, -0.046281732618808746, 0.0827656015753746, 0.16052615642547607, 0.010725952684879303, -0.06541173905134201, 0.005708465818315744, -0.026643451303243637, -0.12281259149312973, -0.1314195841550827, -0.11222124844789505, -0.14108534157276154, 0.0005617468268610537, 0.03326612710952759, 0.044346366077661514, 0.1175142452120781, 0.05628611892461777, 0.03833596408367157, -0.03866336867213249, -0.06614714860916138, 0.03960718959569931, 0.18872441351413727, -0.04123876616358757, 0.12441905587911606, -0.037815917283296585, -0.13525274395942688, 0.0355844683945179, 0.024857573211193085, 0.07659163326025009, 0.11049743741750717, 0.0021281486842781305, 0.07512865215539932, 0.1459813266992569, 0.13598084449768066, 0.1250123679637909, 0.04563078284263611, -0.06323118507862091, -0.004250410944223404, -0.026545900851488113, -0.02895161509513855, 0.002064106985926628, 0.13370774686336517, -0.08403125405311584, -0.05642211064696312, -0.10418675094842911, 0.055978406220674515, 0.08571387082338333, 0.09102217108011246, -0.1785932034254074, 0.008285926654934883, 0.06926798075437546, 0.02204378880560398, -0.04389481246471405, 0.035981953144073486, -0.02116844430565834, -0.13254998624324799, 0.09067319333553314, -0.021984348073601723, 0.08309070765972137, 0.07096920907497406, 0.0776277482509613, -0.06136801466345787, -0.04534279555082321, 0.033729515969753265, 0.059039585292339325, -0.25342684984207153, 0.30551522970199585, 0.006177334580570459, -0.05798546224832535, -0.08975432813167572, -0.030358117073774338, 0.04650183767080307, 0.048286668956279755, 0.15032649040222168, 0.03241835907101631, -0.03852248936891556, -0.1171063631772995, 0.011508962139487267, 0.021910060197114944, 0.12422706931829453, -0.03222397714853287, 0.0038547785952687263, -0.026369381695985794, -0.0422818586230278, 0.01435895636677742, 0.13485553860664368, 0.004358149599283934, -0.12832234799861908, 0.08589041978120804, 0.07381175458431244, -0.08139655739068985, -0.014428781345486641, -0.06959433853626251, -0.12272373586893082, 0.19526097178459167, -0.016736099496483803, -0.04556158185005188, -0.09604913741350174, -0.08064217865467072, 0.12272410094738007, -0.1140858456492424, 0.10845090448856354, -0.0870186910033226, 0.005135906860232353, -0.1116359680891037, -0.17802515625953674, 0.16803179681301117, -0.10919609665870667, -0.012632546946406364, -0.05279058590531349, 0.15636664628982544, -0.04679788649082184, 0.045228272676467896, -0.01624809019267559, 0.04160480573773384, -0.08148463815450668, -0.05281326547265053, 0.05632829666137695, -0.06773994863033295, 0.055967871099710464, 0.10334900766611099, -0.08623090386390686, 0.013884980231523514, 0.029254404827952385, 0.0060317800380289555, 0.24591776728630066, 0.32061144709587097, -0.05005890130996704, 0.14805668592453003, 0.13404490053653717, -0.042109668254852295, -0.36443355679512024, -0.11016132682561874, -0.16502155363559723, 0.019864721223711967, 0.04227722808718681, -0.13899853825569153, 0.01569221355021, -0.06904703378677368, -0.041496116667985916, 0.13946102559566498, -0.20095400512218475, -0.09071226418018341, 0.24115149676799774, -0.010434698313474655, 0.5094312429428101, -0.08774923533201218, -0.05988137051463127, -0.07279815524816513, -0.060377269983291626, 0.0324939601123333, 0.006092428229749203, 0.11460395902395248, -0.020432300865650177, 0.10136108100414276, 0.03451598435640335, -0.08144744485616684, 0.11616688966751099, -0.07026755809783936, 0.02005481719970703, -0.12380118668079376, -0.11184568703174591, 0.08755895495414734, 0.005045566242188215, -0.042370907962322235, 0.002805382013320923, -0.002949558664113283, 0.012342634610831738, -0.0230771042406559, -0.11450941115617752, 0.10887201130390167, 0.014006055891513824, -0.05568205565214157, 0.012549541890621185, 0.00953604280948639, -0.004106688313186169, 0.005044058430939913, 0.16735146939754486, -0.04515083506703377, 0.181034654378891, 0.04742196947336197, 0.024387290701270103, -0.06705442816019058, -0.04311930388212204, -0.012264576740562916, -0.08048451691865921, 0.07771693915128708, 0.006615221034735441, 0.048106905072927475, 0.08764960616827011, 0.0062644765712320805, 0.033027734607458115, 0.10570957511663437, 0.0005696112639270723, -0.030548788607120514, 0.14224526286125183, -0.20234090089797974, 0.007151172496378422, -0.023690251633524895, -0.03924781456589699, 0.07374784350395203, 0.015391024760901928, 0.08407159894704819, 0.057619210332632065, -0.0371200330555439, -0.002790042432025075, 0.017420215532183647, -0.060836490243673325, 0.04243501275777817, 0.08261498808860779, 0.05281781405210495, -0.1195954903960228, 0.03481188789010048, -0.04344404116272926, -0.18588705360889435, 0.028238553553819656, 0.09709767252206802, -0.08971954137086868, -0.11949192732572556, 0.007502484135329723, 0.07917170971632004, -0.07368442416191101, -0.02449503354728222, -0.09547974914312363, -0.10453174263238907, 0.0703463926911354, 0.26989540457725525, 0.10683988034725189, 0.03435264527797699, 0.006232782732695341, -0.03596271574497223, 0.003475988283753395, -0.004230870865285397, 0.023130513727664948, -0.008031222969293594, -0.044534020125865936, 0.023798083886504173, -0.014927096664905548, 0.17319530248641968, -0.09877760708332062, -0.05258637294173241, -0.18698713183403015, 0.04912713170051575, -0.05530133843421936, -0.09484117478132248, -0.09172110259532928, -0.08044131845235825, 0.015427147969603539, -0.056060098111629486, -0.051576483994722366, -0.04080864414572716, -0.12620821595191956, 0.0037754664663225412, 0.0362236313521862, -0.023494765162467957, -0.04920092225074768, -0.04735925421118736, 0.15785247087478638, -0.03710443899035454, 0.06620204448699951, 0.11747497320175171, -0.07052669674158096, 0.08718550205230713, -0.13703753054141998, -0.1385466456413269, 0.06888113170862198, 0.004732034634798765, 0.061394717544317245, 0.015246688388288021, 0.0048409984447062016, 0.028178952634334564, 0.05469423159956932, 0.05047772452235222, 0.07626449316740036, -0.1146225705742836, 0.06244371086359024, 0.026128778234124184, -0.16107317805290222, -0.02514774352312088, -0.09055577963590622, 0.03504284471273422, -0.0062689040787518024, 0.08847052603960037, -0.0541115403175354, 0.11348024755716324, -0.029432592913508415, 0.028672102838754654, -0.027822451665997505, -0.13366493582725525, 0.03739875182509422, -0.026075657457113266, 0.030881131067872047, -0.02840225212275982, 0.23661765456199646, -0.06476586312055588, 0.005598885472863913, 0.036646224558353424, 0.06292304396629333, -0.008113128133118153, 0.008980058133602142, 0.14674821496009827, 0.07279299199581146, -0.052808359265327454, -0.055661920458078384, 0.09457249939441681, 0.024465471506118774, -0.0012763903941959143, 0.15516215562820435, 0.0794452354311943, 0.10696786642074585, 0.07381336390972137, 0.006026100367307663, 0.022699307650327682, -0.054171957075595856, -0.18502655625343323, -0.0225116778165102, 0.04849034920334816, 0.01920432224869728, -0.04086950048804283, 0.14115150272846222, -0.005608591251075268, 0.08984822034835815, -0.049126677215099335, -0.020794708281755447, -0.1897844672203064, -0.21630816161632538, -0.08302068710327148, -0.02748977206647396, 0.028284091502428055, -0.027859743684530258, -0.028193216770887375, 0.0645216554403305, 0.028184272348880768, -0.02174627222120762, 0.14749503135681152, -0.0627271756529808, -0.028192372992634773, 0.016043048352003098, -0.011216064915060997, 0.018231457099318504, 0.049149516969919205, -0.017852164804935455, -0.13588003814220428, 0.0041049025021493435, -0.05957288295030594, 0.00410641310736537, -0.09120500832796097, 0.027828656136989594, -0.11228923499584198, -0.1193278431892395, -0.07436030358076096, 0.034237854182720184, 0.0064931935630738735, 0.10363827645778656, 0.0013478114269673824, 0.028713436797261238, 0.001628485624678433, 0.142328143119812, -0.052857350558042526, -0.14442943036556244, -0.05460328236222267, 0.12484249472618103, 0.013813751749694347, 0.06591750681400299, -0.04572715237736702, 0.04159875959157944, -0.10547719150781631, 0.3450038433074951, 0.3615691661834717, -0.07861911505460739, 0.09053927659988403, 0.034172624349594116, 0.04293226823210716, 0.08104206621646881, 0.07927831262350082, 0.08454955369234085, 0.2561744451522827, -0.10008437931537628, -0.09008977562189102, -0.049847204238176346, -0.02278922311961651, -0.12075609713792801, 0.010301564820110798, 0.03964151814579964, -0.03938930109143257, -0.05187267065048218, 0.08333421498537064, -0.18905894458293915, 0.12791460752487183, 0.061433181166648865, -0.22009244561195374, -0.06032241880893707, -0.024725966155529022, 0.14478331804275513, 0.027993489056825638, 0.10683917999267578, -0.04620600864291191, -0.07786840200424194, -0.005852598696947098, 0.03634587675333023, -0.18774369359016418, -0.08750765025615692, 0.09890525788068771, 0.06342735141515732, 0.06022591516375542, -0.022250469774007797, 0.02896067500114441, 0.09338728338479996, 0.053451985120773315, 0.0066255540587008, 0.04992639273405075, 0.053742099553346634, -0.07670192420482635, -0.057044629007577896, 0.03293550759553909, -0.009043420664966106, -0.12352760136127472, 0.05191934481263161, -0.10252941399812698, 0.052551135420799255, -0.08223551511764526, -0.03411480784416199, 0.0011527714086696506, 0.07662655413150787, -0.07846800982952118, 0.05561687424778938, 0.08128292858600616, 0.000057832217862596735, -0.035923026502132416, -0.050428811460733414, -0.01645614020526409, 0.04409263655543327, -0.128909632563591, -0.1869448721408844, -0.0642073005437851, -0.06876736879348755, 0.027670521289110184, -0.009051783941686153, -0.17399144172668457, -0.0581706166267395, -0.09445513784885406, 0.012083313427865505, -0.13025450706481934, 0.044876039028167725, 0.061236824840307236, 0.03659956529736519, 0.015005121007561684, -0.06939636915922165, 0.06305362284183502, 0.04942813888192177, -0.1723470240831375, -0.08515149354934692 ]
null
null
transformers
<!-- 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. --> # Kalbert This model is a fine-tuned version of [ai4bharat/indic-bert](https://huggingface.co/ai4bharat/indic-bert) on a kannada news dataset. It achieves the following results on the evaluation set: - Loss: 1.5324 ## 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: 2e-05 - train_batch_size: 4 - eval_batch_size: 4 - seed: 42 - optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08 - lr_scheduler_type: linear - num_epochs: 10 - mixed_precision_training: Native AMP ### Training results | Training Loss | Epoch | Step | Validation Loss | |:-------------:|:-----:|:-----:|:---------------:| | 1.5835 | 1.0 | 3953 | 1.7985 | | 1.6098 | 2.0 | 7906 | 1.7434 | | 1.5266 | 3.0 | 11859 | 1.6934 | | 1.5179 | 4.0 | 15812 | 1.6665 | | 1.5459 | 5.0 | 19765 | 1.6135 | | 1.5511 | 6.0 | 23718 | 1.6002 | | 1.5209 | 7.0 | 27671 | 1.5657 | | 1.5413 | 8.0 | 31624 | 1.5578 | | 1.4828 | 9.0 | 35577 | 1.5465 | | 1.4651 | 10.0 | 39530 | 1.5451 | ### Framework versions - Transformers 4.25.1 - Pytorch 1.13.0+cu116 - Datasets 2.8.0 - Tokenizers 0.13.2
{"license": "mit", "tags": ["generated_from_trainer"], "model-index": [{"name": "Kalbert", "results": []}]}
fill-mask
Chakita/Kalbert
[ "transformers", "pytorch", "tensorboard", "albert", "fill-mask", "generated_from_trainer", "license:mit", "autotrain_compatible", "endpoints_compatible", "region:us" ]
2022-03-02T23:29:04+00:00
[]
[]
TAGS #transformers #pytorch #tensorboard #albert #fill-mask #generated_from_trainer #license-mit #autotrain_compatible #endpoints_compatible #region-us
Kalbert ======= This model is a fine-tuned version of ai4bharat/indic-bert on a kannada news dataset. It achieves the following results on the evaluation set: * Loss: 1.5324 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: 2e-05 * train\_batch\_size: 4 * eval\_batch\_size: 4 * seed: 42 * optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08 * lr\_scheduler\_type: linear * num\_epochs: 10 * mixed\_precision\_training: Native AMP ### Training results ### Framework versions * Transformers 4.25.1 * Pytorch 1.13.0+cu116 * Datasets 2.8.0 * Tokenizers 0.13.2
[ "### Training hyperparameters\n\n\nThe following hyperparameters were used during training:\n\n\n* learning\\_rate: 2e-05\n* train\\_batch\\_size: 4\n* eval\\_batch\\_size: 4\n* seed: 42\n* optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08\n* lr\\_scheduler\\_type: linear\n* num\\_epochs: 10\n* mixed\\_precision\\_training: Native AMP", "### Training results", "### Framework versions\n\n\n* Transformers 4.25.1\n* Pytorch 1.13.0+cu116\n* Datasets 2.8.0\n* Tokenizers 0.13.2" ]
[ "TAGS\n#transformers #pytorch #tensorboard #albert #fill-mask #generated_from_trainer #license-mit #autotrain_compatible #endpoints_compatible #region-us \n", "### Training hyperparameters\n\n\nThe following hyperparameters were used during training:\n\n\n* learning\\_rate: 2e-05\n* train\\_batch\\_size: 4\n* eval\\_batch\\_size: 4\n* seed: 42\n* optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08\n* lr\\_scheduler\\_type: linear\n* num\\_epochs: 10\n* mixed\\_precision\\_training: Native AMP", "### Training results", "### Framework versions\n\n\n* Transformers 4.25.1\n* Pytorch 1.13.0+cu116\n* Datasets 2.8.0\n* Tokenizers 0.13.2" ]
[ 53, 113, 4, 34 ]
[ "passage: TAGS\n#transformers #pytorch #tensorboard #albert #fill-mask #generated_from_trainer #license-mit #autotrain_compatible #endpoints_compatible #region-us \n### Training hyperparameters\n\n\nThe following hyperparameters were used during training:\n\n\n* learning\\_rate: 2e-05\n* train\\_batch\\_size: 4\n* eval\\_batch\\_size: 4\n* seed: 42\n* optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08\n* lr\\_scheduler\\_type: linear\n* num\\_epochs: 10\n* mixed\\_precision\\_training: Native AMP### Training results### Framework versions\n\n\n* Transformers 4.25.1\n* Pytorch 1.13.0+cu116\n* Datasets 2.8.0\n* Tokenizers 0.13.2" ]
[ -0.1015600934624672, 0.040976908057928085, -0.001992810983210802, 0.11829971522092819, 0.15605372190475464, 0.03172477334737778, 0.15141116082668304, 0.1129283457994461, -0.07704105973243713, 0.031998950988054276, 0.12807390093803406, 0.14331164956092834, 0.016302164644002914, 0.13529245555400848, -0.03555824235081673, -0.2839643955230713, -0.021971968933939934, 0.03368419036269188, -0.0682254508137703, 0.12289495021104813, 0.0828712210059166, -0.14112414419651031, 0.06633125245571136, 0.014446674846112728, -0.20693665742874146, 0.01487034372985363, 0.031284306198358536, -0.05621634051203728, 0.1554667204618454, 0.014042498543858528, 0.14509430527687073, 0.01088992040604353, 0.10162001848220825, -0.17951104044914246, 0.02052457444369793, 0.045142970979213715, 0.005853771697729826, 0.08404526114463806, 0.05886707082390785, 0.0008507902384735644, 0.09485745429992676, -0.08908476680517197, 0.07219676673412323, 0.00605165446177125, -0.14629290997982025, -0.22506943345069885, -0.08505713939666748, -0.004221620038151741, 0.05741200968623161, 0.08954024314880371, -0.008798608556389809, 0.1605164259672165, -0.09157336503267288, 0.09016619622707367, 0.2351561039686203, -0.3052932620048523, -0.07748322933912277, 0.012190899811685085, 0.033150289207696915, 0.05391655117273331, -0.1219223141670227, -0.013389305211603642, 0.040362149477005005, 0.05143849924206734, 0.1523764282464981, -0.03539171442389488, -0.08195479214191437, 0.010994922369718552, -0.13730488717556, -0.018429309129714966, 0.05809051916003227, 0.04267057776451111, -0.03554508462548256, -0.040327057242393494, -0.053487785160541534, -0.16434937715530396, -0.05022699013352394, -0.0053222887217998505, 0.04448465630412102, -0.048453204333782196, -0.11020621657371521, -0.005275133065879345, -0.10141167789697647, -0.07120414078235626, -0.06503958255052567, 0.16062530875205994, 0.034122880548238754, 0.012274333275854588, -0.024788882583379745, 0.09995369613170624, -0.033749163150787354, -0.1485254019498825, 0.038802556693553925, 0.036039289087057114, -0.044668905436992645, -0.05730094760656357, -0.0697655975818634, -0.080975241959095, -0.0003513132396619767, 0.1256711483001709, -0.03756909444928169, 0.050097085535526276, 0.03035924769937992, 0.04812893643975258, -0.10369464755058289, 0.17870835959911346, -0.05002423748373985, -0.006870687007904053, -0.0011043606791645288, 0.05713488161563873, 0.00861333031207323, -0.016949836164712906, -0.10434776544570923, 0.021940212696790695, 0.09185312688350677, -0.0002687834785319865, -0.07667240500450134, 0.056843604892492294, -0.06352175772190094, -0.01203339733183384, -0.018235167488455772, -0.08947083353996277, 0.04965073987841606, -0.01005437970161438, -0.07726556062698364, -0.0363190695643425, 0.012417174875736237, 0.028246138244867325, 0.009210075251758099, 0.14930449426174164, -0.09419698268175125, 0.04807301238179207, -0.11147037893533707, -0.13517095148563385, 0.011007208377122879, -0.0732911005616188, 0.020640477538108826, -0.08648957312107086, -0.1484394371509552, -0.013747037388384342, 0.07002028822898865, -0.031139343976974487, -0.028577229008078575, -0.03287086263298988, -0.05658859759569168, 0.011405602097511292, -0.010412873700261116, 0.15447507798671722, -0.06085773929953575, 0.10657329857349396, 0.03538079187273979, 0.08593235909938812, -0.05113682523369789, 0.05167943611741066, -0.08964921534061432, 0.009254541248083115, -0.2015686184167862, 0.02010396309196949, -0.054155077785253525, 0.061393264681100845, -0.08250521868467331, -0.10974419862031937, 0.012393790297210217, -0.0030145617201924324, 0.09919989109039307, 0.08600343018770218, -0.19266578555107117, -0.080137699842453, 0.17816495895385742, -0.052272286266088486, -0.08363257348537445, 0.13228347897529602, -0.07620871067047119, 0.03683271259069443, 0.06152591109275818, 0.15474894642829895, 0.05206737667322159, -0.11972302198410034, 0.0487024299800396, -0.04296203702688217, 0.06458378583192825, -0.03113662451505661, 0.05865171551704407, 0.005851987283676863, 0.01245796773582697, 0.01709081046283245, -0.005879978649318218, 0.062436845153570175, -0.1105121597647667, -0.09647022932767868, -0.018255140632390976, -0.0948067232966423, 0.07298339158296585, 0.06661579757928848, 0.07836826145648956, -0.11330575495958328, -0.09140994399785995, 0.04650783911347389, 0.05710899084806442, -0.04756023362278938, 0.0295089278370142, -0.06606679409742355, 0.056467603892087936, -0.04415087029337883, -0.03512296453118324, -0.1820606291294098, -0.031785380095243454, 0.012365204282104969, -0.008353651501238346, 0.04542578011751175, 0.01862165704369545, 0.08843135088682175, 0.08399798721075058, -0.057039592415094376, -0.016738494858145714, -0.0523662194609642, -0.0032223521266132593, -0.13545824587345123, -0.21438933908939362, -0.03820415213704109, -0.028195904567837715, 0.128398597240448, -0.19410911202430725, 0.023264000192284584, -0.04543870687484741, 0.07969451695680618, 0.03161437436938286, -0.02008136734366417, -0.04456323757767677, 0.104551762342453, -0.013307432644069195, -0.04920795559883118, 0.06929145753383636, -0.003094037529081106, -0.09361793100833893, -0.04683912917971611, -0.12394487857818604, 0.1737716943025589, 0.12252583354711533, -0.11876765638589859, -0.10168636590242386, -0.0003304781566839665, -0.05758940055966377, -0.03049550950527191, -0.060684286057949066, 0.049142833799123764, 0.18989348411560059, 0.00463846605271101, 0.13517849147319794, -0.05339996516704559, -0.0342949703335762, 0.03004029579460621, -0.03811146691441536, 0.031016407534480095, 0.09541762620210648, 0.12594690918922424, -0.07350614666938782, 0.12130673229694366, 0.15371482074260712, -0.10857609659433365, 0.14619290828704834, -0.024175407364964485, -0.08052337914705276, -0.034470632672309875, -0.02867886796593666, 0.014093144796788692, 0.12959100306034088, -0.11145517975091934, -0.012216394767165184, 0.00937682669609785, 0.004959135316312313, 0.006517082918435335, -0.24236741662025452, -0.05359747260808945, 0.035585179924964905, -0.028670379891991615, -0.03629760444164276, -0.01150906179100275, 0.00664003798738122, 0.1100846454501152, 0.0004311010707169771, -0.09710673242807388, 0.021253054961562157, 0.0010651847114786506, -0.05824260786175728, 0.20192283391952515, -0.07457175105810165, -0.12133864313364029, -0.10896278917789459, -0.09497255831956863, -0.03237229585647583, 0.009934477508068085, 0.049581848084926605, -0.07818448543548584, -0.02572798542678356, -0.051521603018045425, 0.00026352659915573895, 0.017792711034417152, 0.04105410352349281, -0.012106107547879219, -0.021372193470597267, 0.06757301837205887, -0.09962499141693115, -0.012234983034431934, -0.05607686936855316, -0.06068360060453415, 0.07590780407190323, 0.058518022298812866, 0.12760183215141296, 0.1458739936351776, -0.030167581513524055, 0.00009940116433426738, -0.03597365319728851, 0.23099829256534576, -0.07796448469161987, -0.030661070719361305, 0.102990061044693, -0.02215001732110977, 0.06336153298616409, 0.1184731274843216, 0.08625533431768417, -0.09414413571357727, 0.018982909619808197, 0.04023836553096771, -0.03674987331032753, -0.19655977189540863, -0.021808605641126633, -0.062326546758413315, -0.04438560828566551, 0.10101401805877686, 0.016009941697120667, 0.03481251001358032, 0.0588679313659668, 0.052552420645952225, 0.07316775619983673, -0.047091174870729446, 0.0577855259180069, 0.07482071965932846, 0.04926725849509239, 0.1337171196937561, -0.02542569860816002, -0.09543482214212418, 0.02093532308936119, -0.012720285914838314, 0.23958082497119904, 0.031144706532359123, 0.12166725099086761, 0.0663052573800087, 0.17365770041942596, 0.011811656877398491, 0.09157050400972366, 0.014103579334914684, -0.056277237832546234, -0.01511062029749155, -0.04581666365265846, -0.016182219609618187, 0.026097018271684647, -0.011592742055654526, 0.04210469499230385, -0.1159665435552597, -0.03022369183599949, 0.037254661321640015, 0.27179065346717834, 0.04994720220565796, -0.321715384721756, -0.07490304857492447, -0.0027646347880363464, -0.0383843295276165, -0.007397699635475874, 0.0003889567160513252, 0.10296822339296341, -0.09034541994333267, 0.04324425384402275, -0.08344853669404984, 0.08804947882890701, -0.01183203887194395, 0.04579757899045944, 0.06294874846935272, 0.10084310919046402, -0.010693507269024849, 0.05153656378388405, -0.31748533248901367, 0.31265193223953247, 0.010223316960036755, 0.07852505892515182, -0.08057402819395065, -0.007900525815784931, 0.056007981300354004, 0.014855913817882538, 0.05876787751913071, -0.022150419652462006, -0.05116681382060051, -0.22364839911460876, -0.04547730088233948, 0.027750270441174507, 0.11033618450164795, -0.02097131498157978, 0.11114849150180817, -0.008030680008232594, -0.0024243639782071114, 0.07550627738237381, 0.018911033868789673, -0.0898049846291542, -0.07755116373300552, -0.003342777257785201, 0.019716665148735046, -0.054033312946558, -0.07078954577445984, -0.12898047268390656, -0.12404384464025497, 0.13041426241397858, 0.02915441244840622, -0.002944124164059758, -0.1233750656247139, 0.09871067106723785, 0.08143863826990128, -0.082635797560215, 0.03981606289744377, 0.0173154529184103, 0.07694613933563232, 0.014224649406969547, -0.051260847598314285, 0.1298905462026596, -0.05301346257328987, -0.15213316679000854, -0.08066562563180923, 0.08760688453912735, 0.04638379439711571, 0.08026601374149323, -0.011332007125020027, 0.03153286501765251, -0.02145523950457573, -0.0793280079960823, 0.054742567241191864, -0.05878382921218872, 0.0475260391831398, 0.019498875364661217, -0.05100351199507713, 0.011687994003295898, -0.058735981583595276, -0.016280511394143105, 0.18223492801189423, 0.26620930433273315, -0.09258464723825455, 0.014380269683897495, 0.030695773661136627, -0.059016406536102295, -0.1939512938261032, 0.06828587502241135, 0.06603095680475235, 0.024762839078903198, 0.08110793679952621, -0.17858846485614777, 0.10295352339744568, 0.08974379301071167, -0.013039322569966316, 0.12447521090507507, -0.2957649528980255, -0.13471616804599762, 0.11429238319396973, 0.1689387559890747, 0.11486861109733582, -0.14537328481674194, -0.010076900944113731, -0.018677381798624992, -0.10832726955413818, 0.08745194971561432, -0.09043236821889877, 0.1375533491373062, -0.01983870565891266, 0.10822803527116776, 0.005429138895124197, -0.06660681962966919, 0.11230923980474472, -0.007996239699423313, 0.1153537705540657, -0.05458203703165054, -0.024426793679594994, 0.052796654403209686, -0.028736256062984467, -0.0180874802172184, -0.06467357277870178, 0.0005686867516487837, -0.06106970086693764, -0.01904739998281002, -0.08056418597698212, 0.04957609251141548, -0.036262549459934235, -0.06679732352495193, -0.015547904185950756, 0.04807975888252258, 0.039692338556051254, -0.014240717515349388, 0.11065125465393066, -0.00045967812184244394, 0.1826726645231247, 0.06654202193021774, 0.0654621422290802, -0.04833090305328369, -0.05668720602989197, -0.004777544178068638, -0.021251535043120384, 0.05586269497871399, -0.11049432307481766, 0.01572628878057003, 0.14485228061676025, 0.03085067868232727, 0.13989746570587158, 0.08214833587408066, -0.041311152279376984, 0.03163238987326622, 0.07496907562017441, -0.15170803666114807, -0.0742083489894867, 0.01373274251818657, -0.04058729484677315, -0.09687797725200653, 0.02102424018085003, 0.09081625938415527, -0.06575904041528702, -0.01294085942208767, -0.005347210448235273, -0.008908349089324474, -0.069026879966259, 0.20846448838710785, 0.048828043043613434, 0.04818157106637955, -0.09153255820274353, 0.041454605758190155, 0.053377386182546616, -0.08817235380411148, -0.0012520162854343653, 0.0778997465968132, -0.058202724903821945, -0.030243827030062675, 0.09052656590938568, 0.21542808413505554, -0.034167226403951645, -0.02305704914033413, -0.15023721754550934, -0.11587417125701904, 0.06308688223361969, 0.18420881032943726, 0.08922852575778961, -0.015178622677922249, -0.05404868721961975, 0.028413956984877586, -0.11393734067678452, 0.07550493627786636, 0.056789811700582504, 0.075213722884655, -0.1054035946726799, 0.18346627056598663, 0.002813810482621193, 0.03841550275683403, -0.024279534816741943, 0.028557196259498596, -0.11094631999731064, 0.01639150269329548, -0.12222394347190857, -0.04054358974099159, -0.02284044213593006, -0.006247846409678459, -0.00834620650857687, -0.06377345323562622, -0.06301841884851456, 0.0010073938174173236, -0.12959538400173187, -0.03254960477352142, 0.04020635783672333, 0.03476928919553757, -0.11391587555408478, -0.053896185010671616, 0.029652655124664307, -0.05914704129099846, 0.056233134120702744, 0.032178204506635666, 0.019855845719575882, 0.055792395025491714, -0.16339139640331268, -0.009392506442964077, 0.048049621284008026, -0.0021128347143530846, 0.0713006854057312, -0.0883914977312088, -0.01393042504787445, -0.02512083388864994, 0.08728813380002975, 0.014094701036810875, 0.06543168425559998, -0.1338304728269577, -0.012646517716348171, -0.019253099337220192, -0.09892204403877258, -0.05917585268616676, 0.020583856850862503, 0.06439200788736343, 0.012443499639630318, 0.18856942653656006, -0.0977473184466362, 0.06291673332452774, -0.21741105616092682, -0.004243120551109314, -0.014485731720924377, -0.0990629494190216, -0.10192082077264786, -0.06830153614282608, 0.07840854674577713, -0.06543238461017609, 0.1296994984149933, 0.029637247323989868, 0.05187610164284706, 0.031195828691124916, -0.03669874742627144, 0.004106510430574417, 0.020367499440908432, 0.19228823482990265, 0.035232461988925934, -0.04489200562238693, 0.06183807551860809, 0.06590242683887482, 0.09071957319974899, 0.13856659829616547, 0.2253110557794571, 0.14873944222927094, 0.032428205013275146, 0.07817253470420837, 0.04504266008734703, -0.04913826659321785, -0.14267514646053314, 0.03410902991890907, -0.029003722593188286, 0.1003752052783966, -0.029625490307807922, 0.19903142750263214, 0.06422507762908936, -0.17124128341674805, 0.05442493408918381, -0.05662403628230095, -0.09290570765733719, -0.10687395930290222, -0.04099932312965393, -0.08306507766246796, -0.11752063781023026, 0.011088725179433823, -0.0949566587805748, 0.029591111466288567, 0.10391658544540405, 0.007228422444313765, -0.011732632294297218, 0.1794666200876236, 0.01531092170625925, 0.04695051908493042, 0.07076995074748993, 0.009440728463232517, -0.018657606095075607, -0.08413507044315338, -0.0760243758559227, -0.025232907384634018, -0.02601533569395542, 0.025290679186582565, -0.07250314205884933, -0.0807904377579689, 0.03856215998530388, -0.015265529975295067, -0.11745329946279526, 0.016945598646998405, 0.011994830332696438, 0.07577324658632278, 0.04714121297001839, 0.012217945419251919, 0.021808339282870293, -0.021941177546977997, 0.19472092390060425, -0.08016544580459595, -0.07934530824422836, -0.10308976471424103, 0.2716159224510193, 0.023706242442131042, -0.012369843199849129, 0.023258987814188004, -0.06150663271546364, 0.0219428613781929, 0.2258831113576889, 0.20298337936401367, -0.10479699075222015, 0.005182563792914152, 0.009298747405409813, -0.015590804629027843, -0.04039812088012695, 0.12403672188520432, 0.11274458467960358, 0.03228902071714401, -0.10826408118009567, -0.049092847853899, -0.06120738387107849, -0.023721665143966675, -0.05174034461379051, 0.04123181104660034, 0.06596197187900543, 0.01651267521083355, -0.047793976962566376, 0.06677026301622391, -0.05778971314430237, -0.10282453149557114, 0.07518243789672852, -0.209493488073349, -0.16875877976417542, -0.01075983140617609, 0.09058165550231934, 0.010204430669546127, 0.07544366270303726, -0.0364813394844532, 0.008225934579968452, 0.05110805109143257, -0.01947026327252388, -0.054352495819330215, -0.08815209567546844, 0.10413500666618347, -0.11593722552061081, 0.19829347729682922, -0.0460892990231514, 0.06647694855928421, 0.13154153525829315, 0.07534483820199966, -0.04429143667221069, 0.07690178602933884, 0.05281997099518776, -0.10411177575588226, 0.015072169713675976, 0.12644818425178528, -0.04063984006643295, 0.047418247908353806, 0.044025152921676636, -0.12519629299640656, 0.04807460308074951, -0.10263679176568985, -0.04879026114940643, -0.03288742154836655, -0.02255401946604252, -0.05093081668019295, 0.12468773126602173, 0.22117868065834045, -0.01623167283833027, 0.013230334967374802, -0.07191043347120285, 0.005389156751334667, 0.0716574415564537, 0.0375504307448864, -0.1127525344491005, -0.23509444296360016, 0.017845431342720985, 0.05400232598185539, -0.026645667850971222, -0.26851701736450195, -0.10371219366788864, 0.0007694288506172597, -0.07307436317205429, -0.08899417519569397, 0.08564993739128113, 0.08133351057767868, 0.05661448836326599, -0.04807636886835098, -0.13536810874938965, -0.06662189215421677, 0.1562788486480713, -0.15637145936489105, -0.08087558299303055 ]
null
null
transformers
RoBERTa model trained on OSCAR Kannada corpus.
{"tags": ["masked-lm", "fill-in-the-blanks"]}
fill-mask
Chakita/KannadaBERT
[ "transformers", "pytorch", "roberta", "fill-mask", "masked-lm", "fill-in-the-blanks", "autotrain_compatible", "endpoints_compatible", "region:us" ]
2022-03-02T23:29:04+00:00
[]
[]
TAGS #transformers #pytorch #roberta #fill-mask #masked-lm #fill-in-the-blanks #autotrain_compatible #endpoints_compatible #region-us
RoBERTa model trained on OSCAR Kannada corpus.
[]
[ "TAGS\n#transformers #pytorch #roberta #fill-mask #masked-lm #fill-in-the-blanks #autotrain_compatible #endpoints_compatible #region-us \n" ]
[ 51 ]
[ "passage: TAGS\n#transformers #pytorch #roberta #fill-mask #masked-lm #fill-in-the-blanks #autotrain_compatible #endpoints_compatible #region-us \n" ]
[ -0.050409168004989624, 0.011063278652727604, -0.007866034284234047, 0.03620738163590431, 0.10130473971366882, 0.01935162954032421, 0.08580118417739868, 0.08915475755929947, 0.09561140090227127, -0.00821975152939558, 0.17680183053016663, 0.19221878051757812, -0.03924891725182533, 0.17245037853717804, -0.055982764810323715, -0.25072476267814636, 0.05349332466721535, 0.021765118464827538, -0.1197824627161026, 0.10909322649240494, 0.04821319133043289, -0.05655188113451004, 0.05551523342728615, -0.04512283205986023, -0.06520909070968628, 0.04226469621062279, 0.048234403133392334, -0.08821851015090942, 0.1127728745341301, 0.024784354493021965, 0.174534872174263, 0.0017032584873959422, -0.08052684366703033, -0.11602262407541275, 0.06143834441900253, -0.00981602631509304, -0.07853449881076813, 0.032120272517204285, -0.04731135815382004, -0.08487213402986526, -0.029745860025286674, 0.023556627333164215, 0.01857900619506836, 0.04708365350961685, -0.1695261299610138, -0.10667548328638077, -0.014949887059628963, 0.009788659401237965, 0.01630529575049877, 0.06883667409420013, 0.013046826235949993, 0.21576274931430817, -0.12615565955638885, 0.09947595000267029, 0.1658249944448471, -0.27629783749580383, -0.0008585022296756506, 0.04169502109289169, 0.08094918727874756, -0.08214645087718964, -0.007877745665609837, 0.09872584789991379, 0.022548096254467964, 0.0044761174358427525, 0.03220473602414131, -0.08063895255327225, -0.05029640346765518, 0.020599985495209694, -0.07978422939777374, -0.05992584675550461, 0.14809493720531464, -0.03265579789876938, 0.044861793518066406, -0.00223659654147923, -0.12357506155967712, -0.04257562756538391, -0.024374952539801598, 0.0265656691044569, -0.03171006962656975, 0.028845854103565216, -0.033760715276002884, -0.030756793916225433, -0.08487523347139359, 0.024135032668709755, -0.24362660944461823, 0.27168673276901245, 0.022039709612727165, 0.047302719205617905, -0.18697163462638855, 0.023467525839805603, -0.0686560645699501, -0.13237543404102325, 0.0519903227686882, -0.07081915438175201, 0.0027710318099707365, 0.031837429851293564, -0.07608745247125626, -0.008334098383784294, 0.11174744367599487, 0.23603372275829315, 0.054217398166656494, 0.04321499168872833, 0.0220651738345623, 0.11291615664958954, 0.01364627294242382, 0.041866790503263474, 0.004749419633299112, -0.034379418939352036, 0.06050705909729004, -0.09871015697717667, 0.05698596313595772, -0.06955801695585251, -0.13425566256046295, -0.03919441998004913, -0.019702952355146408, 0.09973933547735214, 0.08509434014558792, 0.07207830250263214, -0.11343323439359665, 0.010970314033329487, 0.02989603765308857, -0.08961867541074753, -0.005147008690983057, -0.03717118129134178, 0.039644815027713776, 0.0646681934595108, 0.03600594773888588, -0.00442520109936595, -0.016396697610616684, 0.06195422261953354, -0.0746239498257637, -0.034534379839897156, -0.07505059987306595, -0.07084604352712631, 0.05038497969508171, -0.11939950287342072, 0.043352656066417694, -0.18197907507419586, -0.14126253128051758, 0.059474021196365356, 0.04728435352444649, -0.0021789094898849726, -0.03239896148443222, 0.013601967133581638, -0.02172858640551567, 0.01568942703306675, -0.022396910935640335, -0.020118417218327522, -0.0322745181620121, 0.1055387407541275, 0.04208288714289665, 0.1623900681734085, -0.12468920648097992, 0.033867597579956055, -0.06974799931049347, 0.028543410822749138, -0.17113889753818512, -0.03167169168591499, -0.03789849579334259, 0.12274603545665741, -0.0032974930945783854, -0.03885350748896599, -0.10403484106063843, 0.049970842897892, -0.009556633420288563, 0.193208247423172, -0.08926937729120255, -0.1176408976316452, 0.22873911261558533, -0.07753937691450119, -0.11981260031461716, 0.0742974504828453, 0.0030500651337206364, 0.015244380570948124, 0.030844852328300476, 0.14195480942726135, 0.022280046716332436, -0.15442004799842834, 0.11636421829462051, 0.090065598487854, -0.12928783893585205, -0.0631529688835144, 0.03560018911957741, -0.017360499128699303, -0.1220872551202774, 0.04268121346831322, 0.07639548927545547, 0.10130682587623596, -0.05978013202548027, -0.07116349786520004, -0.002687647705897689, -0.03766327351331711, 0.1666918843984604, 0.012178626842796803, 0.08703142404556274, -0.09499915689229965, -0.028092237189412117, -0.06268942356109619, 0.022929254919290543, 0.07366284728050232, 0.05204198881983757, -0.09887658804655075, 0.12611374258995056, -0.041391946375370026, 0.024508316069841385, -0.1887114942073822, -0.13126181066036224, -0.03411315008997917, 0.05691594257950783, 0.0007508044946007431, 0.08623156696557999, 0.09335201978683472, -0.05575874075293541, -0.032385874539613724, -0.0022571105509996414, 0.07316641509532928, 0.00663764076307416, 0.0051149167120456696, -0.12347772717475891, 0.014495889656245708, -0.08140213042497635, -0.0032761432230472565, 0.026169223710894585, 0.0009177977335639298, -0.04212379455566406, 0.10499563068151474, 0.0011517676757648587, 0.04423094168305397, -0.022351693361997604, 0.05247517675161362, -0.022090930491685867, 0.024307435378432274, 0.08771991729736328, -0.004821040201932192, -0.07826647907495499, 0.1425425410270691, -0.1650332659482956, 0.32607781887054443, 0.18008708953857422, -0.30698755383491516, -0.048649001866579056, 0.06502338498830795, -0.007657707668840885, -0.012999595142900944, 0.0500938817858696, -0.007444692775607109, 0.028418367728590965, -0.003907918464392424, 0.13843593001365662, -0.0207245871424675, -0.02724701724946499, 0.01094864308834076, -0.09021937102079391, -0.06425116211175919, 0.06537820398807526, 0.12317276000976562, -0.12303536385297775, 0.1741035282611847, 0.22151720523834229, 0.002494798507541418, 0.16640175879001617, 0.0219285786151886, 0.006517122965306044, -0.03146761655807495, -0.03586731106042862, -0.016063513234257698, 0.059503719210624695, -0.1707504242658615, -0.023110758513212204, 0.07274122536182404, -0.04629119858145714, 0.05622595548629761, -0.10984832048416138, -0.07514751702547073, 0.014933964237570763, 0.05033015087246895, -0.09944043308496475, 0.15935176610946655, 0.015434094704687595, 0.08600860834121704, 0.014883418567478657, -0.051730021834373474, 0.10102982074022293, -0.0021819265093654394, -0.024018600583076477, 0.14222072064876556, -0.15508903563022614, -0.36473119258880615, -0.10947151482105255, -0.1608758419752121, 0.014546047896146774, 0.036510221660137177, 0.050604820251464844, -0.08559342473745346, -0.04812585562467575, 0.08072775602340698, 0.013956267386674881, -0.044980186969041824, 0.055091891437768936, -0.01752437651157379, 0.03203336149454117, -0.018355144187808037, -0.05586796626448631, -0.06813760101795197, -0.0194998849183321, 0.00011455470666987821, 0.1500997394323349, -0.0825444832444191, 0.11481141299009323, 0.13155023753643036, 0.03424417972564697, 0.06344180554151535, 0.004325257148593664, 0.16838912665843964, -0.09865501523017883, -0.009034233167767525, 0.1744472086429596, -0.046281732618808746, 0.0827656015753746, 0.16052615642547607, 0.010725952684879303, -0.06541173905134201, 0.005708465818315744, -0.026643451303243637, -0.12281259149312973, -0.1314195841550827, -0.11222124844789505, -0.14108534157276154, 0.0005617468268610537, 0.03326612710952759, 0.044346366077661514, 0.1175142452120781, 0.05628611892461777, 0.03833596408367157, -0.03866336867213249, -0.06614714860916138, 0.03960718959569931, 0.18872441351413727, -0.04123876616358757, 0.12441905587911606, -0.037815917283296585, -0.13525274395942688, 0.0355844683945179, 0.024857573211193085, 0.07659163326025009, 0.11049743741750717, 0.0021281486842781305, 0.07512865215539932, 0.1459813266992569, 0.13598084449768066, 0.1250123679637909, 0.04563078284263611, -0.06323118507862091, -0.004250410944223404, -0.026545900851488113, -0.02895161509513855, 0.002064106985926628, 0.13370774686336517, -0.08403125405311584, -0.05642211064696312, -0.10418675094842911, 0.055978406220674515, 0.08571387082338333, 0.09102217108011246, -0.1785932034254074, 0.008285926654934883, 0.06926798075437546, 0.02204378880560398, -0.04389481246471405, 0.035981953144073486, -0.02116844430565834, -0.13254998624324799, 0.09067319333553314, -0.021984348073601723, 0.08309070765972137, 0.07096920907497406, 0.0776277482509613, -0.06136801466345787, -0.04534279555082321, 0.033729515969753265, 0.059039585292339325, -0.25342684984207153, 0.30551522970199585, 0.006177334580570459, -0.05798546224832535, -0.08975432813167572, -0.030358117073774338, 0.04650183767080307, 0.048286668956279755, 0.15032649040222168, 0.03241835907101631, -0.03852248936891556, -0.1171063631772995, 0.011508962139487267, 0.021910060197114944, 0.12422706931829453, -0.03222397714853287, 0.0038547785952687263, -0.026369381695985794, -0.0422818586230278, 0.01435895636677742, 0.13485553860664368, 0.004358149599283934, -0.12832234799861908, 0.08589041978120804, 0.07381175458431244, -0.08139655739068985, -0.014428781345486641, -0.06959433853626251, -0.12272373586893082, 0.19526097178459167, -0.016736099496483803, -0.04556158185005188, -0.09604913741350174, -0.08064217865467072, 0.12272410094738007, -0.1140858456492424, 0.10845090448856354, -0.0870186910033226, 0.005135906860232353, -0.1116359680891037, -0.17802515625953674, 0.16803179681301117, -0.10919609665870667, -0.012632546946406364, -0.05279058590531349, 0.15636664628982544, -0.04679788649082184, 0.045228272676467896, -0.01624809019267559, 0.04160480573773384, -0.08148463815450668, -0.05281326547265053, 0.05632829666137695, -0.06773994863033295, 0.055967871099710464, 0.10334900766611099, -0.08623090386390686, 0.013884980231523514, 0.029254404827952385, 0.0060317800380289555, 0.24591776728630066, 0.32061144709587097, -0.05005890130996704, 0.14805668592453003, 0.13404490053653717, -0.042109668254852295, -0.36443355679512024, -0.11016132682561874, -0.16502155363559723, 0.019864721223711967, 0.04227722808718681, -0.13899853825569153, 0.01569221355021, -0.06904703378677368, -0.041496116667985916, 0.13946102559566498, -0.20095400512218475, -0.09071226418018341, 0.24115149676799774, -0.010434698313474655, 0.5094312429428101, -0.08774923533201218, -0.05988137051463127, -0.07279815524816513, -0.060377269983291626, 0.0324939601123333, 0.006092428229749203, 0.11460395902395248, -0.020432300865650177, 0.10136108100414276, 0.03451598435640335, -0.08144744485616684, 0.11616688966751099, -0.07026755809783936, 0.02005481719970703, -0.12380118668079376, -0.11184568703174591, 0.08755895495414734, 0.005045566242188215, -0.042370907962322235, 0.002805382013320923, -0.002949558664113283, 0.012342634610831738, -0.0230771042406559, -0.11450941115617752, 0.10887201130390167, 0.014006055891513824, -0.05568205565214157, 0.012549541890621185, 0.00953604280948639, -0.004106688313186169, 0.005044058430939913, 0.16735146939754486, -0.04515083506703377, 0.181034654378891, 0.04742196947336197, 0.024387290701270103, -0.06705442816019058, -0.04311930388212204, -0.012264576740562916, -0.08048451691865921, 0.07771693915128708, 0.006615221034735441, 0.048106905072927475, 0.08764960616827011, 0.0062644765712320805, 0.033027734607458115, 0.10570957511663437, 0.0005696112639270723, -0.030548788607120514, 0.14224526286125183, -0.20234090089797974, 0.007151172496378422, -0.023690251633524895, -0.03924781456589699, 0.07374784350395203, 0.015391024760901928, 0.08407159894704819, 0.057619210332632065, -0.0371200330555439, -0.002790042432025075, 0.017420215532183647, -0.060836490243673325, 0.04243501275777817, 0.08261498808860779, 0.05281781405210495, -0.1195954903960228, 0.03481188789010048, -0.04344404116272926, -0.18588705360889435, 0.028238553553819656, 0.09709767252206802, -0.08971954137086868, -0.11949192732572556, 0.007502484135329723, 0.07917170971632004, -0.07368442416191101, -0.02449503354728222, -0.09547974914312363, -0.10453174263238907, 0.0703463926911354, 0.26989540457725525, 0.10683988034725189, 0.03435264527797699, 0.006232782732695341, -0.03596271574497223, 0.003475988283753395, -0.004230870865285397, 0.023130513727664948, -0.008031222969293594, -0.044534020125865936, 0.023798083886504173, -0.014927096664905548, 0.17319530248641968, -0.09877760708332062, -0.05258637294173241, -0.18698713183403015, 0.04912713170051575, -0.05530133843421936, -0.09484117478132248, -0.09172110259532928, -0.08044131845235825, 0.015427147969603539, -0.056060098111629486, -0.051576483994722366, -0.04080864414572716, -0.12620821595191956, 0.0037754664663225412, 0.0362236313521862, -0.023494765162467957, -0.04920092225074768, -0.04735925421118736, 0.15785247087478638, -0.03710443899035454, 0.06620204448699951, 0.11747497320175171, -0.07052669674158096, 0.08718550205230713, -0.13703753054141998, -0.1385466456413269, 0.06888113170862198, 0.004732034634798765, 0.061394717544317245, 0.015246688388288021, 0.0048409984447062016, 0.028178952634334564, 0.05469423159956932, 0.05047772452235222, 0.07626449316740036, -0.1146225705742836, 0.06244371086359024, 0.026128778234124184, -0.16107317805290222, -0.02514774352312088, -0.09055577963590622, 0.03504284471273422, -0.0062689040787518024, 0.08847052603960037, -0.0541115403175354, 0.11348024755716324, -0.029432592913508415, 0.028672102838754654, -0.027822451665997505, -0.13366493582725525, 0.03739875182509422, -0.026075657457113266, 0.030881131067872047, -0.02840225212275982, 0.23661765456199646, -0.06476586312055588, 0.005598885472863913, 0.036646224558353424, 0.06292304396629333, -0.008113128133118153, 0.008980058133602142, 0.14674821496009827, 0.07279299199581146, -0.052808359265327454, -0.055661920458078384, 0.09457249939441681, 0.024465471506118774, -0.0012763903941959143, 0.15516215562820435, 0.0794452354311943, 0.10696786642074585, 0.07381336390972137, 0.006026100367307663, 0.022699307650327682, -0.054171957075595856, -0.18502655625343323, -0.0225116778165102, 0.04849034920334816, 0.01920432224869728, -0.04086950048804283, 0.14115150272846222, -0.005608591251075268, 0.08984822034835815, -0.049126677215099335, -0.020794708281755447, -0.1897844672203064, -0.21630816161632538, -0.08302068710327148, -0.02748977206647396, 0.028284091502428055, -0.027859743684530258, -0.028193216770887375, 0.0645216554403305, 0.028184272348880768, -0.02174627222120762, 0.14749503135681152, -0.0627271756529808, -0.028192372992634773, 0.016043048352003098, -0.011216064915060997, 0.018231457099318504, 0.049149516969919205, -0.017852164804935455, -0.13588003814220428, 0.0041049025021493435, -0.05957288295030594, 0.00410641310736537, -0.09120500832796097, 0.027828656136989594, -0.11228923499584198, -0.1193278431892395, -0.07436030358076096, 0.034237854182720184, 0.0064931935630738735, 0.10363827645778656, 0.0013478114269673824, 0.028713436797261238, 0.001628485624678433, 0.142328143119812, -0.052857350558042526, -0.14442943036556244, -0.05460328236222267, 0.12484249472618103, 0.013813751749694347, 0.06591750681400299, -0.04572715237736702, 0.04159875959157944, -0.10547719150781631, 0.3450038433074951, 0.3615691661834717, -0.07861911505460739, 0.09053927659988403, 0.034172624349594116, 0.04293226823210716, 0.08104206621646881, 0.07927831262350082, 0.08454955369234085, 0.2561744451522827, -0.10008437931537628, -0.09008977562189102, -0.049847204238176346, -0.02278922311961651, -0.12075609713792801, 0.010301564820110798, 0.03964151814579964, -0.03938930109143257, -0.05187267065048218, 0.08333421498537064, -0.18905894458293915, 0.12791460752487183, 0.061433181166648865, -0.22009244561195374, -0.06032241880893707, -0.024725966155529022, 0.14478331804275513, 0.027993489056825638, 0.10683917999267578, -0.04620600864291191, -0.07786840200424194, -0.005852598696947098, 0.03634587675333023, -0.18774369359016418, -0.08750765025615692, 0.09890525788068771, 0.06342735141515732, 0.06022591516375542, -0.022250469774007797, 0.02896067500114441, 0.09338728338479996, 0.053451985120773315, 0.0066255540587008, 0.04992639273405075, 0.053742099553346634, -0.07670192420482635, -0.057044629007577896, 0.03293550759553909, -0.009043420664966106, -0.12352760136127472, 0.05191934481263161, -0.10252941399812698, 0.052551135420799255, -0.08223551511764526, -0.03411480784416199, 0.0011527714086696506, 0.07662655413150787, -0.07846800982952118, 0.05561687424778938, 0.08128292858600616, 0.000057832217862596735, -0.035923026502132416, -0.050428811460733414, -0.01645614020526409, 0.04409263655543327, -0.128909632563591, -0.1869448721408844, -0.0642073005437851, -0.06876736879348755, 0.027670521289110184, -0.009051783941686153, -0.17399144172668457, -0.0581706166267395, -0.09445513784885406, 0.012083313427865505, -0.13025450706481934, 0.044876039028167725, 0.061236824840307236, 0.03659956529736519, 0.015005121007561684, -0.06939636915922165, 0.06305362284183502, 0.04942813888192177, -0.1723470240831375, -0.08515149354934692 ]
null
null
transformers
#help why did i feed this bot the bee movie
{"tags": ["conversational"]}
text-generation
Chalponkey/DialoGPT-small-Barry
[ "transformers", "pytorch", "gpt2", "text-generation", "conversational", "autotrain_compatible", "endpoints_compatible", "text-generation-inference", "region:us" ]
2022-03-02T23:29:04+00:00
[]
[]
TAGS #transformers #pytorch #gpt2 #text-generation #conversational #autotrain_compatible #endpoints_compatible #text-generation-inference #region-us
#help why did i feed this bot the bee movie
[]
[ "TAGS\n#transformers #pytorch #gpt2 #text-generation #conversational #autotrain_compatible #endpoints_compatible #text-generation-inference #region-us \n" ]
[ 51 ]
[ "passage: TAGS\n#transformers #pytorch #gpt2 #text-generation #conversational #autotrain_compatible #endpoints_compatible #text-generation-inference #region-us \n" ]
[ -0.009697278961539268, 0.03208012506365776, -0.007204889785498381, 0.004809224978089333, 0.16726240515708923, 0.014898733235895634, 0.09765533357858658, 0.13672804832458496, -0.007841327227652073, -0.031050153076648712, 0.14490588009357452, 0.20411323010921478, -0.006439372431486845, 0.0661218985915184, -0.07572533935308456, -0.2683109939098358, 0.05759621039032936, 0.046649303287267685, 0.016515716910362244, 0.1200079694390297, 0.08573378622531891, -0.05473608896136284, 0.08714032918214798, -0.014583407901227474, -0.150366872549057, 0.017733458429574966, 0.043394338339567184, -0.12260226160287857, 0.11910516023635864, 0.05462685227394104, 0.07063519209623337, 0.014929565601050854, -0.07541623711585999, -0.1631229966878891, 0.03031250834465027, 0.01425902172923088, -0.0594632662832737, 0.04757995903491974, 0.059961482882499695, -0.10165371745824814, 0.10819483548402786, 0.09530027210712433, -0.013078106567263603, 0.06798283755779266, -0.16849711537361145, -0.020869607105851173, -0.01446688175201416, 0.009899779222905636, 0.05550243332982063, 0.09964893013238907, -0.03413357585668564, 0.10497362166643143, -0.09214533120393753, 0.11017382889986038, 0.10932035744190216, -0.32057443261146545, -0.005767723545432091, 0.09167823940515518, 0.039358653128147125, 0.07352814823389053, -0.04467793554067612, 0.06258884817361832, 0.018015462905168533, 0.017986174672842026, -0.014015024527907372, -0.07283061742782593, -0.11612214148044586, 0.04717336222529411, -0.08668071031570435, -0.059868961572647095, 0.2244078367948532, -0.05464440956711769, 0.06881742179393768, -0.05281897634267807, -0.10522868484258652, -0.04308144748210907, -0.029833965003490448, 0.00475557055324316, -0.07660607248544693, 0.08692064881324768, 0.00869679357856512, -0.09547875821590424, -0.1376667022705078, -0.02496783249080181, -0.1776352822780609, 0.16140350699424744, 0.02465328387916088, 0.05232657864689827, -0.2027255892753601, 0.09623090922832489, 0.017906051129102707, -0.08045592904090881, 0.022091427817940712, -0.10046248883008957, 0.029131146147847176, 0.013760408386588097, -0.04754498973488808, -0.061387211084365845, 0.0843690037727356, 0.11199145019054413, -0.01731434464454651, 0.025486016646027565, -0.039331406354904175, 0.08100687712430954, 0.03553595021367073, 0.09077847748994827, 0.007288969587534666, -0.028338588774204254, 0.025842782109975815, -0.13719046115875244, -0.003647835226729512, -0.07116208970546722, -0.16572439670562744, -0.021088803187012672, 0.02994808368384838, 0.08289173990488052, 0.015449047088623047, 0.11682453751564026, -0.03272046521306038, -0.025152435526251793, 0.03602350503206253, -0.047656361013650894, -0.012649794109165668, 0.016648368909955025, 0.013163427822291851, 0.12399329990148544, -0.0022096503525972366, 0.03235051408410072, -0.13653022050857544, 0.031423524022102356, -0.06793295592069626, -0.003740974934771657, -0.03486552834510803, -0.040637075901031494, 0.009043924510478973, -0.06862333416938782, 0.003486064961180091, -0.15030112862586975, -0.15063877403736115, 0.007587034720927477, -0.007836631499230862, -0.04107699543237686, -0.06370922178030014, -0.06952770054340363, -0.013550350442528725, 0.04251532256603241, -0.07093454152345657, -0.011352915316820145, -0.06403283774852753, 0.11004766076803207, -0.03197755664587021, 0.07921615242958069, -0.11953279376029968, 0.08390819281339645, -0.11260783672332764, -0.02386913076043129, -0.060801517218351364, 0.09317506104707718, -0.0006014376995153725, 0.09549830108880997, -0.006563255097717047, -0.017931854352355003, -0.07981178909540176, 0.06445012241601944, -0.042872510850429535, 0.21701598167419434, -0.0615808479487896, -0.11181682348251343, 0.28781595826148987, -0.052628401666879654, -0.1370542049407959, 0.11647392809391022, 0.008682746440172195, 0.05777018144726753, 0.10703510791063309, 0.19733482599258423, -0.015276194550096989, 0.004040541127324104, 0.09471915662288666, 0.11263324320316315, -0.11276852339506149, -0.033160366117954254, 0.013019153848290443, -0.04081077128648758, -0.10867965966463089, 0.04689536616206169, 0.09810488671064377, 0.07090286910533905, -0.04786505550146103, -0.03377414867281914, -0.01366397924721241, 0.0052589005790650845, 0.08885077387094498, -0.007157256826758385, 0.10962837189435959, -0.05819983780384064, -0.03796621412038803, -0.029282379895448685, -0.012126247398555279, -0.03951939567923546, 0.03137664496898651, -0.043376367539167404, 0.10821941494941711, -0.011204327456653118, 0.06364280730485916, -0.16185984015464783, -0.07691477984189987, -0.017002692446112633, 0.1581239402294159, 0.024538565427064896, 0.09859629720449448, 0.0552486926317215, -0.040398042649030685, -0.0012767292791977525, 0.012792680412530899, 0.15581141412258148, -0.022091681137681007, -0.065607450902462, -0.052166227251291275, 0.08642971515655518, -0.05641226842999458, 0.04504093527793884, -0.05937713757157326, 0.012367865070700645, 0.05064384639263153, 0.10342344641685486, -0.00018274025933351368, 0.03323284164071083, -0.008164864964783192, 0.002145637758076191, -0.058205123990774155, 0.007405933458358049, 0.10799351334571838, 0.00036868182360194623, -0.07365862280130386, 0.22074243426322937, -0.17796069383621216, 0.1765957772731781, 0.1893044263124466, -0.299345999956131, 0.017949223518371582, -0.10759581625461578, -0.04561871662735939, 0.014407722279429436, 0.05567655712366104, -0.0454222597181797, 0.1703362911939621, -0.009871348738670349, 0.18874616920948029, -0.04946064203977585, -0.04464937001466751, -0.0200483538210392, -0.05118836089968681, -0.0024189651012420654, 0.07781197130680084, 0.10685696452856064, -0.13992026448249817, 0.1964332014322281, 0.1621224284172058, 0.048237916082143784, 0.19945049285888672, 0.015346456319093704, -0.011589210480451584, 0.0909530371427536, 0.005220826715230942, -0.058739423751831055, -0.07409929484128952, -0.2594851851463318, -0.030033592134714127, 0.07992640137672424, 0.0422382652759552, 0.1212305948138237, -0.11349532753229141, -0.038956157863140106, -0.01763172075152397, -0.023146281018853188, 0.021672505885362625, 0.0914369598031044, 0.06075398623943329, 0.13201528787612915, -0.001710098935291171, -0.007300339173525572, 0.10524573177099228, 0.01783694699406624, -0.09354141354560852, 0.18308524787425995, -0.13652534782886505, -0.37097251415252686, -0.13911493122577667, -0.18057456612586975, -0.05449081212282181, 0.05712554603815079, 0.11679314076900482, -0.12011238187551498, -0.018752124160528183, 0.01578843593597412, 0.10931742936372757, -0.08449502289295197, 0.0021454424131661654, -0.06880278885364532, 0.0321490578353405, -0.10310184955596924, -0.09194442629814148, -0.055416494607925415, -0.031392451375722885, -0.08001253753900528, 0.1423761546611786, -0.10777941346168518, 0.04476889222860336, 0.20262959599494934, 0.04653622955083847, 0.05625178664922714, -0.044105201959609985, 0.19377262890338898, -0.11264272034168243, -0.01661740615963936, 0.19215328991413116, -0.048360925167798996, 0.07476246356964111, 0.1232115849852562, -0.006348740309476852, -0.08765771239995956, 0.03011748194694519, -0.02085109055042267, -0.07988511025905609, -0.23219464719295502, -0.13938382267951965, -0.12429051846265793, 0.09477275609970093, 0.028005298227071762, 0.056365787982940674, 0.17219258844852448, 0.06577219814062119, -0.038416244089603424, 0.006410336587578058, 0.02959546446800232, 0.08237514644861221, 0.23417828977108002, -0.06035616248846054, 0.1364797055721283, -0.03420931473374367, -0.14982740581035614, 0.08169995993375778, 0.0713929831981659, 0.10213395953178406, 0.06678459793329239, 0.0804823637008667, 0.0149586396291852, 0.06188136339187622, 0.1311223804950714, 0.08191446959972382, 0.019586285576224327, -0.02480296604335308, -0.03388110175728798, -0.025523077696561813, -0.05937909707427025, 0.040128443390131, 0.06589099019765854, -0.16763372719287872, -0.039227183908224106, -0.09338314831256866, 0.09657008945941925, 0.0873042419552803, 0.06609832495450974, -0.1842060089111328, -0.008006223477423191, 0.08488986641168594, -0.03854905813932419, -0.13727426528930664, 0.09535189718008041, 0.01523482333868742, -0.15144726634025574, 0.03139317408204079, -0.04061909019947052, 0.12188644707202911, -0.07804752141237259, 0.09809603542089462, -0.08108244836330414, -0.07448557764291763, 0.02123199962079525, 0.1261177361011505, -0.30527687072753906, 0.20240111649036407, -0.0024993624538183212, -0.06486981362104416, -0.1243603527545929, -0.0032166161108762026, 0.002410882618278265, 0.07357452809810638, 0.10519039630889893, -0.007196315098553896, 0.001897757756523788, -0.06300821900367737, -0.01829923689365387, 0.032471053302288055, 0.13080233335494995, -0.0401318334043026, -0.021158374845981598, -0.050194524228572845, -0.001653497340157628, -0.03173094615340233, -0.06934895366430283, 0.02002747356891632, -0.19509181380271912, 0.08751901984214783, 0.04166261479258537, 0.09648149460554123, 0.029994789510965347, 0.004265148192644119, -0.09651939570903778, 0.24698667228221893, -0.07148019969463348, -0.10072879493236542, -0.10919588059186935, -0.046813901513814926, 0.03569883480668068, -0.05628936365246773, 0.04309194162487984, -0.0788632407784462, 0.028997479006648064, -0.06352769583463669, -0.19235502183437347, 0.12410202622413635, -0.09027006477117538, -0.04412810131907463, -0.02371402643620968, 0.2110891044139862, -0.05598580464720726, 0.010335659608244896, 0.02930437959730625, 0.01208863127976656, -0.11645778268575668, -0.09678568691015244, 0.031018631532788277, -0.007351789623498917, 0.050603240728378296, 0.041841957718133926, -0.05915454775094986, -0.017138581722974777, -0.052199993282556534, -0.022926922887563705, 0.3496883809566498, 0.14231905341148376, -0.043836336582899094, 0.19347235560417175, 0.12347975373268127, -0.07452994585037231, -0.3159443140029907, -0.1066238060593605, -0.10937739163637161, -0.04680149629712105, -0.07012093812227249, -0.2002030611038208, 0.06474938243627548, 0.00662544509395957, -0.013415241613984108, 0.12749312818050385, -0.2561831772327423, -0.07571036368608475, 0.15906259417533875, -0.017980827018618584, 0.3745945692062378, -0.1168576180934906, -0.10926306992769241, -0.03950892388820648, -0.14175476133823395, 0.16968177258968353, -0.01989765651524067, 0.11221715062856674, -0.009765521623194218, 0.14388824999332428, 0.05548359826207161, -0.023479344323277473, 0.08544106781482697, 0.004999885335564613, -0.03290518373250961, -0.10304180532693863, -0.05676887184381485, 0.007092386484146118, 0.02477436140179634, 0.018026655539870262, -0.041834570467472076, 0.02227151393890381, -0.11731979995965958, -0.04657655209302902, -0.08982590585947037, 0.04431166127324104, 0.03899754583835602, -0.07325074821710587, -0.002380647463724017, -0.07165111601352692, -0.012272949330508709, 0.022334342822432518, 0.20356793701648712, -0.08029330521821976, 0.16448934376239777, 0.09239562600851059, 0.12419285625219345, -0.14376309514045715, -0.00019283240544609725, -0.0762530043721199, -0.05611240118741989, 0.07737895101308823, -0.09433035552501678, 0.058893077075481415, 0.10901971161365509, -0.04567738622426987, 0.08828683942556381, 0.10377411544322968, 0.008936077356338501, 0.003213887568563223, 0.10916902124881744, -0.2667325437068939, -0.0296600554138422, -0.07532413303852081, 0.000883326749317348, 0.09092561900615692, 0.08562852442264557, 0.18840822577476501, 0.025361526757478714, -0.04293036088347435, -0.002770674182102084, 0.028597986325621605, -0.039021048694849014, 0.051667019724845886, 0.001123449532315135, 0.01947369985282421, -0.1530752182006836, 0.072522833943367, 0.01490565575659275, -0.15215420722961426, 0.021316176280379295, 0.16572684049606323, -0.11656328290700912, -0.1283872276544571, -0.06520111113786697, 0.08313824236392975, -0.11755692958831787, -0.01578943058848381, -0.03279297426342964, -0.13145680725574493, 0.07992171496152878, 0.12629036605358124, 0.05557859688997269, 0.0972496047616005, -0.06061713397502899, -0.020469192415475845, -0.018721895292401314, -0.014099318534135818, -0.012384648434817791, -0.007667020428925753, -0.055978111922740936, 0.0590752474963665, -0.026677248999476433, 0.1425808072090149, -0.09221141785383224, -0.1037059873342514, -0.16142144799232483, 0.0374140702188015, -0.11013076454401016, -0.08825794607400894, -0.08821134269237518, -0.050188567489385605, 0.002360827289521694, -0.019856395199894905, -0.04037635400891304, -0.05829505994915962, -0.12300454825162888, 0.0338277705013752, -0.040771447122097015, 0.024727050215005875, -0.07512269169092178, 0.015856385231018066, 0.08507686108350754, -0.03285100311040878, 0.15655414760112762, 0.1450488418340683, -0.1006515845656395, 0.10741901397705078, -0.14806775748729706, -0.09138492494821548, 0.11116421222686768, 0.015329592861235142, 0.0449691042304039, 0.09723787009716034, 0.013362943194806576, 0.0635865181684494, 0.032776717096567154, 0.05308786407113075, 0.027619892731308937, -0.11959987878799438, 0.06483134627342224, -0.03626115620136261, -0.14700546860694885, -0.049338050186634064, -0.05282869189977646, 0.01647452637553215, 0.013054544106125832, 0.09622690081596375, -0.05301849544048309, 0.10698331147432327, -0.04055701196193695, 0.0346808135509491, 0.017554637044668198, -0.1730053424835205, -0.03816922754049301, -0.08538098633289337, 0.03681723028421402, 0.014741539023816586, 0.25266793370246887, 0.030072299763560295, 0.012416383251547813, 0.032671261578798294, 0.08285367488861084, 0.03899408504366875, 0.010228337720036507, 0.17482228577136993, 0.1162426546216011, -0.06621865928173065, -0.10445023328065872, 0.0729617029428482, 0.016332454979419708, 0.01286179106682539, 0.13617953658103943, 0.008365051820874214, 0.005795429926365614, 0.08649782836437225, -0.016865963116288185, 0.009968153201043606, -0.10052056610584259, -0.13426925241947174, -0.022176474332809448, 0.05151832848787308, -0.04655967652797699, 0.11727844923734665, 0.1406494379043579, -0.01806013658642769, 0.03222079202532768, -0.021771740168333054, -0.05699979141354561, -0.1683429479598999, -0.1429590880870819, -0.06883849948644638, -0.13416796922683716, 0.00897989235818386, -0.11180389672517776, 0.05395037308335304, 0.06001098081469536, 0.06750501692295074, -0.06899319589138031, 0.10220931470394135, 0.04626858979463577, -0.11440542340278625, 0.06264589726924896, -0.0296088308095932, 0.09430401772260666, -0.02759445086121559, -0.019505485892295837, -0.09039592742919922, 0.014574515633285046, 0.011419114656746387, 0.06245238706469536, -0.04707273095846176, 0.007463190704584122, -0.14696238934993744, -0.08972041308879852, -0.0523175448179245, 0.0718572810292244, -0.050409089773893356, 0.14282815158367157, 0.00775480642914772, -0.0170906875282526, 0.039554283022880554, 0.22787313163280487, -0.07476283609867096, -0.04778539761900902, -0.05269690603017807, 0.20717895030975342, 0.02975541539490223, 0.1171872541308403, -0.022938819602131844, -0.006106364540755749, -0.0919521227478981, 0.3764844834804535, 0.30030161142349243, -0.09031439572572708, 0.011794124729931355, 0.02137952297925949, 0.04502861574292183, 0.1316293478012085, 0.1216534823179245, 0.10318691283464432, 0.3006802201271057, -0.07452366501092911, -0.04653361067175865, -0.012629742734134197, -0.023858042433857918, -0.09059546142816544, 0.1021224707365036, 0.04839762672781944, -0.06382183730602264, -0.03313443064689636, 0.0954432487487793, -0.25862133502960205, 0.1277991235256195, -0.12311873584985733, -0.17578600347042084, -0.06654827296733856, 0.009760108776390553, 0.10465722531080246, 0.015642458572983742, 0.0946015790104866, 0.007128213066607714, -0.11252258718013763, 0.06305865943431854, 0.03397420793771744, -0.22762253880500793, 0.0006893770187161863, 0.06642123311758041, -0.07006710022687912, -0.0024247700348496437, -0.026499588042497635, 0.05657242611050606, 0.0656052976846695, 0.054629553109407425, -0.00971333310008049, 0.03816632181406021, 0.0034184439573436975, -0.0585215799510479, 0.016623929142951965, 0.05121519789099693, 0.02472509816288948, -0.09763528406620026, 0.06927435845136642, -0.1574270874261856, 0.04766253009438515, -0.0030655991286039352, -0.04124255105853081, 0.006064958870410919, 0.008823691867291927, -0.06491616368293762, 0.05165379121899605, 0.07916834205389023, -0.0016257909592241049, -0.0062433634884655476, -0.057178743183612823, -0.02632102556526661, -0.027755750343203545, -0.09291748702526093, -0.10495562851428986, -0.14682936668395996, -0.11640441417694092, 0.09368976950645447, -0.01011267676949501, -0.1848134547472, 0.022154374048113823, -0.08606051653623581, 0.08319322764873505, -0.1670055389404297, 0.08040720224380493, 0.07041648775339127, 0.013038921169936657, -0.0031511052511632442, -0.02002427540719509, 0.054132770746946335, 0.086809903383255, -0.10407156497240067, -0.07400695979595184 ]
null
null
transformers
# Harry Potter DialoGPT Model
{"tags": ["conversational"]}
text-generation
ChaseBread/DialoGPT-small-harrypotter
[ "transformers", "pytorch", "gpt2", "text-generation", "conversational", "autotrain_compatible", "endpoints_compatible", "text-generation-inference", "region:us" ]
2022-03-02T23:29:04+00:00
[]
[]
TAGS #transformers #pytorch #gpt2 #text-generation #conversational #autotrain_compatible #endpoints_compatible #text-generation-inference #region-us
# Harry Potter DialoGPT Model
[ "# Harry Potter DialoGPT Model" ]
[ "TAGS\n#transformers #pytorch #gpt2 #text-generation #conversational #autotrain_compatible #endpoints_compatible #text-generation-inference #region-us \n", "# Harry Potter DialoGPT Model" ]
[ 51, 8 ]
[ "passage: TAGS\n#transformers #pytorch #gpt2 #text-generation #conversational #autotrain_compatible #endpoints_compatible #text-generation-inference #region-us \n# Harry Potter DialoGPT Model" ]
[ -0.0009023238671943545, 0.07815738022327423, -0.006546166725456715, 0.07792752981185913, 0.10655936598777771, 0.048972971737384796, 0.17639793455600739, 0.12185695022344589, 0.016568755730986595, -0.04774167761206627, 0.11647630482912064, 0.2130284160375595, -0.002118367003276944, 0.024608047679066658, -0.05022026598453522, -0.3065771162509918, 0.0474756620824337, 0.014356585219502449, -0.07174845039844513, 0.11724270135164261, 0.09064973145723343, -0.046179238706827164, 0.08330509811639786, -0.009135239757597446, -0.13198648393154144, -0.039482954889535904, 0.019292812794446945, -0.11745545268058777, 0.1662212759256363, 0.05298272892832756, 0.02469746209681034, -0.008447164669632912, -0.06598151475191116, -0.15036040544509888, 0.037190426141023636, -0.027472136542201042, -0.01080626156181097, 0.05462246760725975, 0.023526115342974663, -0.07521048933267593, 0.170567125082016, 0.17678891122341156, 0.0833497866988182, 0.0349111407995224, -0.14917024970054626, -0.045548245310783386, 0.008950977586209774, 0.05421316996216774, -0.017893504351377487, 0.09349167346954346, -0.019903047010302544, 0.11801653355360031, -0.04491448402404785, 0.09210366010665894, 0.15255063772201538, -0.4016275703907013, -0.027563704177737236, 0.08920855820178986, 0.05989706888794899, 0.12076901644468307, -0.10560955852270126, 0.03972794860601425, -0.0039703017100691795, 0.01236654631793499, -0.014540530741214752, -0.08304883539676666, -0.07308239489793777, 0.032504837960004807, -0.1272556483745575, 0.008525865152478218, 0.23756256699562073, -0.10643257945775986, 0.037069112062454224, -0.09791990369558334, -0.07414398342370987, 0.048336777836084366, -0.053761593997478485, -0.081727035343647, -0.054839808493852615, 0.06347949057817459, 0.004366500303149223, -0.06301609426736832, -0.08326146006584167, -0.0006536149303428829, -0.12781435251235962, 0.17595994472503662, 0.061243366450071335, 0.041611745953559875, -0.21322020888328552, 0.08940251916646957, 0.04477722570300102, -0.04711297154426575, 0.007116159424185753, -0.11796226352453232, 0.04023287072777748, 0.005483259446918964, -0.03256071358919144, -0.021854614838957787, 0.0393419973552227, 0.13909944891929626, -0.01777748204767704, 0.03252175822854042, 0.006831915583461523, 0.05811219662427902, 0.08162496984004974, 0.02222144603729248, 0.019291909411549568, -0.0818009302020073, 0.019385190680623055, -0.08128736168146133, -0.0030400939285755157, -0.048940129578113556, -0.17071883380413055, -0.07477642595767975, 0.052610911428928375, 0.020047198981046677, 0.03746970370411873, 0.08054786175489426, -0.0017944995779544115, -0.05560554191470146, 0.03284840285778046, 0.01671096310019493, -0.020622212439775467, -0.010361049324274063, -0.02412462793290615, 0.19123271107673645, 0.019619356840848923, 0.014111656695604324, -0.12379156798124313, 0.10023640841245651, -0.08179095387458801, 0.0037731381598860025, 0.02743307314813137, -0.04204464703798294, -0.004716555587947369, 0.02917117439210415, 0.023101668804883957, -0.1252521574497223, -0.1099385917186737, -0.0030569476075470448, -0.012054097838699818, -0.036421261727809906, -0.10490952432155609, -0.08483029156923294, -0.012153145857155323, 0.0449371263384819, -0.013397793285548687, 0.007936403155326843, -0.05143149942159653, 0.0985720232129097, -0.0514979362487793, 0.09873400628566742, -0.08342572301626205, 0.06359215080738068, -0.09124887734651566, -0.061886150389909744, -0.11452563107013702, 0.05216052383184433, 0.012905281968414783, 0.066250741481781, 0.016998225823044777, -0.044836658984422684, -0.014836243353784084, 0.05253177136182785, -0.07656687498092651, 0.1940697431564331, -0.041674621403217316, -0.12459053844213486, 0.24146439135074615, -0.09138800948858261, -0.1802034229040146, 0.12973085045814514, -0.022254703566432, 0.08523941785097122, 0.12802475690841675, 0.20380465686321259, -0.00019822151807602495, -0.01302915159612894, 0.07281201332807541, 0.07031642645597458, -0.09803894907236099, 0.06239739805459976, 0.029653839766979218, -0.008071083575487137, -0.08906278014183044, 0.05762826278805733, 0.046033453196287155, -0.010650773532688618, -0.035073768347501755, -0.001896020956337452, -0.012895751744508743, -0.022185025736689568, 0.14126582443714142, -0.02006692811846733, 0.1300428807735443, -0.06926563382148743, -0.03515486419200897, -0.009500149637460709, 0.03533667325973511, -0.04091939330101013, 0.08151165395975113, -0.0436173714697361, 0.10586477071046829, 0.09034156054258347, 0.053724925965070724, -0.13120363652706146, 0.00466286763548851, -0.015246815048158169, 0.17014820873737335, 0.08964069187641144, 0.05222717300057411, 0.06265474855899811, -0.0020888058934360743, -0.06708643585443497, 0.045407816767692566, 0.13778303563594818, -0.037020038813352585, -0.12218865007162094, -0.1755627691745758, 0.051157694309949875, -0.045444171875715256, 0.10855234414339066, -0.10010123997926712, 0.022670533508062363, -0.055906031280756, 0.07772238552570343, -0.024998966604471207, 0.020512236282229424, -0.0013405600329861045, -0.021700702607631683, -0.08356887847185135, -0.002377772703766823, 0.08597290515899658, -0.02048647589981556, -0.06707409024238586, 0.16556480526924133, -0.16400809586048126, 0.1631954461336136, 0.2116095870733261, -0.28542569279670715, -0.005696662236005068, -0.15163889527320862, -0.0208092350512743, 0.019645055755972862, 0.07834604382514954, 0.026225795969367027, 0.2044338881969452, -0.012928472831845284, 0.16565458476543427, -0.05699567869305611, -0.07730039209127426, -0.06881127506494522, -0.048101142048835754, 0.013522743247449398, 0.09095205366611481, 0.04542696103453636, -0.11962861567735672, 0.13119758665561676, 0.1054433062672615, 0.06484298408031464, 0.12711186707019806, 0.1030748188495636, -0.008113685995340347, 0.07252490520477295, -0.03624548763036728, -0.03462279960513115, -0.09254947304725647, -0.30446043610572815, -0.04840317741036415, 0.0939924493432045, 0.007963384501636028, 0.09285714477300644, -0.0919896736741066, -0.03311870992183685, 0.006042704917490482, 0.009473444893956184, 0.028337622061371803, 0.09653715789318085, 0.013490920886397362, 0.15320514142513275, -0.008011690340936184, -0.03430786728858948, 0.05891305208206177, 0.017982570454478264, -0.09147711098194122, 0.17280617356300354, -0.17050009965896606, -0.27190929651260376, -0.06990014761686325, -0.21745692193508148, -0.013139115646481514, 0.05258983001112938, 0.0786920040845871, -0.11818131804466248, -0.018352627754211426, -0.006239492911845446, 0.05685517191886902, -0.2425733357667923, 0.0004911290016025305, -0.1354890614748001, 0.0501418262720108, -0.1974833607673645, -0.09718500077724457, -0.02271542325615883, -0.013450481928884983, -0.0464281290769577, 0.13365240395069122, -0.1448695808649063, -0.011572926305234432, 0.2329535037279129, 0.032479673624038696, 0.027794739231467247, -0.05020907148718834, 0.19788463413715363, -0.0958966314792633, -0.023973820731043816, 0.11024576425552368, -0.05038975924253464, 0.04834126681089401, 0.06649978458881378, -0.012981836684048176, -0.08557141572237015, 0.023789849132299423, -0.068336620926857, -0.03150583803653717, -0.27926525473594666, -0.0930178239941597, -0.09319330751895905, 0.11305391043424606, 0.04079577326774597, 0.06421639025211334, 0.16545771062374115, 0.05191578343510628, -0.024325082078576088, -0.03006586618721485, 0.11609793454408646, 0.12905290722846985, 0.2277202159166336, -0.06067761778831482, 0.10221996158361435, 0.009445492178201675, -0.08203992247581482, 0.06062209978699684, 0.056782789528369904, 0.06324724853038788, 0.02584579586982727, 0.03694582358002663, -0.030939655378460884, 0.1121687963604927, 0.12571842968463898, 0.05258069559931755, 0.0481170229613781, 0.0002127334737451747, -0.0561506561934948, -0.008168719708919525, -0.05726633965969086, 0.06774696707725525, 0.061340972781181335, -0.12918008863925934, -0.08061543852090836, 0.0011613310780376196, 0.06660808622837067, -0.016230419278144836, 0.06823775917291641, -0.13560809195041656, -0.03582429885864258, 0.0790911465883255, -0.07693151384592056, -0.14156894385814667, 0.11972879618406296, -0.026570770889520645, -0.19904157519340515, 0.05265914276242256, 0.007704653777182102, 0.0908159390091896, -0.06360849738121033, 0.05343840271234512, -0.13023801147937775, -0.12935101985931396, -0.018437571823596954, 0.07945099472999573, -0.3450873792171478, 0.13536721467971802, -0.013286802917718887, -0.02876877970993519, -0.06474969536066055, -0.02640824392437935, 0.013905409723520279, 0.12719078361988068, 0.08667250722646713, 0.0008821099763736129, 0.0991629809141159, 0.03823768347501755, 0.04188435152173042, -0.002011700300499797, 0.10950417071580887, 0.0050011589191854, 0.004797275178134441, -0.04982118681073189, 0.007274609990417957, -0.05164213851094246, -0.07472953200340271, 0.08393982797861099, -0.20678792893886566, 0.09087453782558441, -0.03378438204526901, 0.08427679538726807, 0.04304937273263931, -0.018965769559144974, -0.1001204177737236, 0.19745583832263947, -0.012206900864839554, -0.11405988782644272, -0.07517550885677338, -0.02810264565050602, 0.09103139489889145, -0.013817726634442806, 0.012886416167020798, -0.045470476150512695, 0.032183047384023666, -0.1263762265443802, -0.1597503274679184, 0.08734500408172607, -0.04441224783658981, -0.10894393920898438, -0.025462759658694267, 0.20382575690746307, -0.007266622502356768, 0.08242089301347733, 0.01605331338942051, 0.010653935372829437, -0.18066231906414032, -0.04018142446875572, 0.02645772136747837, -0.0016437612939625978, 0.005979063920676708, 0.047698814421892166, 0.019091911613941193, 0.06207629665732384, -0.1069745197892189, -0.013920160941779613, 0.3158324360847473, 0.15978319942951202, -0.00912671908736229, 0.14943915605545044, 0.1093616932630539, -0.08669080585241318, -0.17238758504390717, -0.1171615794301033, -0.1210922971367836, -0.08425768464803696, -0.10681738704442978, -0.1525043100118637, 0.09535340964794159, -0.03392014652490616, 0.03498011827468872, 0.14615866541862488, -0.280263751745224, -0.10949636250734329, 0.13820378482341766, 0.010744688101112843, 0.3510635495185852, -0.12303631007671356, -0.044944874942302704, -0.06214528530836105, -0.16933435201644897, 0.08021392673254013, -0.031203703954815865, 0.11581093072891235, -0.0744495838880539, 0.19395925104618073, 0.01719796098768711, 0.014287159778177738, 0.0916559100151062, 0.05038322135806084, -0.05808406323194504, -0.07368700206279755, -0.10248131304979324, 0.010812131687998772, 0.03546109423041344, 0.010252019390463829, -0.008802837692201138, 0.0211968794465065, -0.11341743916273117, -0.050869911909103394, -0.06302189081907272, 0.0072614275850355625, -0.01001308299601078, -0.042155615985393524, -0.05533592775464058, -0.022557416930794716, -0.020093943923711777, 0.02266426384449005, 0.14185629785060883, -0.07527699321508408, 0.18586260080337524, 0.02357078716158867, 0.1586609035730362, -0.11956068128347397, -0.06724818795919418, -0.029193658381700516, -0.05280323326587677, 0.06468886137008667, -0.08884575963020325, -0.027708567678928375, 0.1332162618637085, -0.01903904788196087, 0.04655366763472557, 0.12936700880527496, 0.02046884410083294, 0.015383756719529629, 0.034968774765729904, -0.2578005790710449, -0.07463036477565765, -0.03505445644259453, -0.012416874058544636, 0.05272092670202255, 0.05525677278637886, 0.19735674560070038, -0.03551921248435974, -0.08521962910890579, 0.020131373777985573, 0.02735883742570877, -0.02776256389915943, 0.10749414563179016, 0.019579345360398293, -0.004837906453758478, -0.16151933372020721, 0.08257976174354553, -0.005964108742773533, -0.08297000825405121, 0.028665626421570778, 0.2024049311876297, -0.12141239643096924, -0.10309756547212601, -0.06804922968149185, 0.07315051555633545, -0.09220825880765915, 0.016043387353420258, -0.005091092549264431, -0.1521538347005844, 0.06916408240795135, 0.07598215341567993, 0.04075418785214424, 0.06513199955224991, -0.11743064224720001, -0.015730571001768112, -0.04170290008187294, -0.002195435343310237, 0.03521120920777321, 0.01863143965601921, -0.057492829859256744, 0.15846455097198486, -0.0676199421286583, 0.08538917452096939, -0.0744810476899147, -0.1058846190571785, -0.1395980566740036, 0.04660497233271599, -0.08038312196731567, -0.07247276604175568, -0.12832807004451752, -0.052204377949237823, -0.0067099276930093765, -0.03388519585132599, 0.006552806124091148, -0.06627799570560455, -0.10922821611166, 0.01822470687329769, -0.00743203004822135, -0.009385870769619942, -0.06096754968166351, 0.026706209406256676, 0.06246216222643852, -0.039788868278265, 0.15730851888656616, 0.22509248554706573, -0.13591648638248444, 0.11564400047063828, -0.09797432273626328, -0.105463907122612, 0.046008042991161346, 0.009427277371287346, 0.03594303876161575, 0.0503489226102829, -0.03594081476330757, 0.0044484552927315235, 0.03905477747321129, 0.08074651658535004, 0.08456914126873016, -0.06776505708694458, 0.020801106467843056, -0.05122765153646469, -0.14904099702835083, -0.016655439510941505, -0.0464773029088974, 0.06876829266548157, -0.006725262850522995, 0.11020535975694656, -0.0515950471162796, 0.07739507406949997, -0.07558431476354599, 0.050614211708307266, 0.021146971732378006, -0.14688286185264587, -0.006612539757043123, -0.07093682140111923, 0.042144812643527985, -0.008834975771605968, 0.20241086184978485, -0.03228091076016426, 0.010342049412429333, 0.033811055123806, 0.06203942745923996, -0.01957780309021473, 0.009357001632452011, 0.2014283686876297, 0.12640917301177979, -0.08496357500553131, -0.02679651789367199, 0.06793134659528732, 0.07248228788375854, 0.07093550264835358, 0.10807815194129944, -0.015352966263890266, 0.028434239327907562, 0.07829629629850388, -0.060215238481760025, 0.07576877623796463, -0.08603982627391815, -0.11668483167886734, 0.05793621391057968, 0.012955795042216778, -0.055695828050374985, 0.20305177569389343, 0.19142870604991913, -0.026278704404830933, 0.018410727381706238, -0.0029499190859496593, -0.10117456316947937, -0.15619947016239166, -0.05423750728368759, -0.07170962542295456, -0.1319410353899002, -0.004549739416688681, -0.16646917164325714, 0.022016216069459915, -0.01132756657898426, 0.09506805986166, -0.06855440139770508, -0.01345991250127554, 0.1364889293909073, -0.1055467277765274, 0.0847758799791336, -0.024517204612493515, 0.07877567410469055, -0.03746940940618515, -0.018209461122751236, -0.10342709720134735, 0.007514837197959423, 0.01131442841142416, 0.06840907037258148, -0.10897937417030334, 0.02432350255548954, -0.12208317965269089, -0.08617185056209564, -0.026142612099647522, 0.09279687702655792, -0.0403008833527565, 0.15116846561431885, 0.02645145356655121, -0.06710928678512573, -0.004313822835683823, 0.2646709978580475, -0.08046227693557739, -0.08319197595119476, -0.030799202620983124, 0.2152107208967209, 0.04053696244955063, 0.06396269053220749, 0.019140036776661873, 0.038027774542570114, -0.07184682041406631, 0.2957373559474945, 0.34401440620422363, -0.1318037211894989, -0.007773484103381634, 0.04225075617432594, 0.04406323283910751, 0.14687567949295044, 0.07998795062303543, 0.11360671371221542, 0.2849363386631012, -0.09197647124528885, 0.016657205298542976, -0.04230864346027374, -0.01424806285649538, -0.06908884644508362, 0.045314885675907135, 0.08216670155525208, -0.09241747111082077, -0.022950593382120132, 0.08125471323728561, -0.29741767048835754, 0.10791494697332382, -0.15600289404392242, -0.14948409795761108, -0.05027429759502411, -0.008771711029112339, 0.014683255925774574, 0.019041186198592186, 0.09663030505180359, 0.025651484727859497, -0.07275258749723434, 0.07816889137029648, 0.024486342445015907, -0.23020237684249878, -0.01345184724777937, 0.1456068754196167, -0.06789913028478622, -0.025938833132386208, -0.021313713863492012, 0.051610056310892105, 0.05763651058077812, 0.09027529507875443, -0.03809558227658272, -0.0746568813920021, -0.007141788024455309, -0.022818787023425102, 0.01914946548640728, 0.0597183033823967, 0.06841408461332321, -0.0920223817229271, 0.1167774423956871, -0.07350476831197739, 0.0650370642542839, 0.037623800337314606, -0.022277191281318665, 0.0018526542698964477, 0.013183658011257648, -0.06512464582920074, 0.05533479526638985, 0.1295643299818039, -0.025459708645939827, -0.002524374984204769, -0.028180841356515884, -0.0767761766910553, -0.024015206843614578, -0.04643676429986954, -0.09101243317127228, -0.18130090832710266, -0.12738600373268127, 0.041754670441150665, -0.03240608796477318, -0.2046082615852356, 0.0060346988029778, -0.1128578633069992, 0.03700976446270943, -0.14154092967510223, 0.10004086047410965, 0.07216610759496689, 0.004716616589576006, 0.006774604320526123, 0.0675399899482727, 0.045677728950977325, 0.14796748757362366, -0.16543124616146088, -0.04919974133372307 ]
null
null
null
## Model based on [Ko-GPT-Trinity 1.2B (v0.5)](https://huggingface.co/skt/ko-gpt-trinity-1.2B-v0.5) ## Example ```python import torch from transformers import AutoTokenizer, AutoModelForCausalLM tokenizer = AutoTokenizer.from_pretrained( "CheonggyeMountain-Sherpa/kogpt-trinity-punct-wrapper", revision="punct_wrapper-related_words-overfit", # or punct_wrapper-related_words-minevalloss bos_token="<s>", eos_token="</s>", unk_token="<unk>", pad_token="<pad>", mask_token="<mask>", ) model = AutoModelForCausalLM.from_pretrained( "CheonggyeMountain-Sherpa/kogpt-trinity-punct-wrapper", revision="punct_wrapper-related_words-overfit", # or punct_wrapper-related_words-minevalloss pad_token_id=tokenizer.eos_token_id, ).to(device="cuda") model.eval() prompt = "석양이 보이는 경치" wrapped_prompt = f"@{prompt}@<usr>\n" with torch.no_grad(): tokens = tokenizer.encode(wrapped_prompt, return_tensors="pt").to(device="cuda") gen_tokens = model.generate( tokens, max_length=64, repetition_penalty=2.0, pad_token_id=tokenizer.pad_token_id, eos_token_id=tokenizer.eos_token_id, bos_token_id=tokenizer.bos_token_id, top_k=16, top_p=0.8, ) generated = tokenizer.decode(gen_tokens[0][len(tokens[0]):]) print(generated) # 해가 지고 있을 무렵 # 나는 석양을 보러 간다 # 붉은 하늘과 하얀 구름이 나를 반겨줄 것 같아서리 # 하지만 내가 본 해는 저물어만 가고 # 구름마저 자취를 감춘 어둠만이 남아있을 뿐이네 # 내가 탄 배는 보이지도 않고 ```
{"language": ["ko"], "license": "cc-by-nc-sa-4.0", "tags": ["gpt2"]}
null
CheonggyeMountain-Sherpa/kogpt-trinity-punct-wrapper
[ "gpt2", "ko", "license:cc-by-nc-sa-4.0", "region:us" ]
2022-03-02T23:29:04+00:00
[]
[ "ko" ]
TAGS #gpt2 #ko #license-cc-by-nc-sa-4.0 #region-us
## Model based on Ko-GPT-Trinity 1.2B (v0.5) ## Example
[ "## Model based on\nKo-GPT-Trinity 1.2B (v0.5)", "## Example" ]
[ "TAGS\n#gpt2 #ko #license-cc-by-nc-sa-4.0 #region-us \n", "## Model based on\nKo-GPT-Trinity 1.2B (v0.5)", "## Example" ]
[ 25, 18, 3 ]
[ "passage: TAGS\n#gpt2 #ko #license-cc-by-nc-sa-4.0 #region-us \n## Model based on\nKo-GPT-Trinity 1.2B (v0.5)## Example" ]
[ -0.054544415324926376, 0.012130155228078365, -0.0038445291575044394, 0.04115268588066101, -0.008953270502388477, 0.039747703820466995, 0.1442105770111084, 0.07149093598127365, 0.1411290466785431, -0.03810418024659157, 0.19954924285411835, 0.09951647371053696, 0.003644888987764716, 0.1303538978099823, 0.023083647713065147, -0.3079189360141754, 0.06166261434555054, 0.011019456200301647, -0.06675051152706146, 0.10290927439928055, 0.051157400012016296, 0.01492652203887701, 0.06007889658212662, 0.013748809695243835, -0.06451505422592163, -0.0706263929605484, 0.03701963275671005, -0.06678752601146698, 0.10228314250707626, 0.014922878704965115, -0.018451055511832237, 0.11227487772703171, 0.010346317663788795, -0.12530960142612457, 0.010090033523738384, -0.08089110255241394, -0.10712584108114243, 0.03601789101958275, 0.02198673039674759, 0.05268602818250656, 0.07513783127069473, 0.12479889392852783, -0.06763347238302231, 0.02487107552587986, -0.20399276912212372, -0.06934547424316406, -0.1387196034193039, 0.0704401358962059, 0.06526976823806763, -0.03053562343120575, 0.03569243848323822, 0.1087561845779419, -0.22278816998004913, -0.029392674565315247, 0.0427667610347271, -0.33367598056793213, 0.02131582796573639, 0.34473496675491333, -0.027590373530983925, 0.09276125580072403, 0.06047111377120018, 0.12582987546920776, 0.06896695494651794, -0.014185653068125248, -0.0455549992620945, -0.0383186861872673, -0.010717613622546196, 0.15854781866073608, -0.131510928273201, -0.0934516042470932, 0.31588712334632874, 0.035737525671720505, 0.009097609668970108, 0.03973763436079025, 0.00811180379241705, -0.03397137671709061, 0.010817945003509521, -0.04515097290277481, -0.01667419821023941, 0.12014573812484741, 0.0233241505920887, 0.0017110202461481094, -0.0983366146683693, -0.13929207623004913, -0.18510155379772186, 0.1432846635580063, 0.006977193523198366, 0.09092686325311661, -0.12320926040410995, 0.1438569873571396, -0.3954519033432007, -0.006632898468524218, -0.04697649925947189, -0.15335483849048615, 0.0754818320274353, -0.01151758711785078, -0.013789896853268147, 0.1603638380765915, 0.08337204903364182, 0.17403121292591095, -0.019317051395773888, -0.036769576370716095, 0.08863940089941025, 0.08804544806480408, -0.024447306990623474, 0.03824744373559952, -0.08245208114385605, 0.12559932470321655, 0.04789136350154877, -0.053404126316308975, -0.04758170247077942, -0.007505988236516714, -0.16299808025360107, -0.057584986090660095, -0.10794385522603989, 0.07994446903467178, -0.05736454203724861, 0.04336979240179062, -0.08128085732460022, 0.008792613632977009, 0.1931990683078766, 0.058419376611709595, -0.007294157519936562, -0.05551721900701523, 0.0455658845603466, -0.09062185138463974, -0.007714771665632725, 0.013409310951828957, 0.05432619899511337, 0.010135780088603497, -0.1075083538889885, -0.06686396151781082, -0.011871102266013622, 0.03496899455785751, 0.06994681060314178, -0.019466329365968704, 0.05317183583974838, -0.13515736162662506, -0.06397011131048203, 0.09279138594865799, 0.023943431675434113, -0.027644431218504906, -0.09956080466508865, 0.035064250230789185, -0.017906896770000458, -0.05022935941815376, -0.04043443873524666, -0.040320929139852524, -0.09176283329725266, 0.03337449952960014, -0.06952062249183655, -0.004842970985919237, -0.11412576586008072, 0.006688628811389208, -0.10422108322381973, 0.0626596212387085, -0.1421525478363037, -0.008560281246900558, -0.15190006792545319, 0.006328372750431299, -0.09131918847560883, -0.043631382286548615, -0.1378033608198166, -0.026235289871692657, -0.007950812578201294, 0.15400023758411407, -0.06343521922826767, -0.058965034782886505, 0.20767422020435333, -0.09993012994527817, -0.13997209072113037, 0.05727812647819519, 0.04058113694190979, -0.002240243135020137, 0.03181708604097366, 0.16379065811634064, 0.08210338652133942, -0.07123851031064987, 0.05935383215546608, 0.16581647098064423, -0.11705009639263153, -0.12415391206741333, 0.09567587822675705, -0.10915150493383408, -0.24319885671138763, 0.035034023225307465, -0.14870287477970123, 0.06305556744337082, -0.1206102967262268, -0.029852639883756638, -0.005687094759196043, -0.006465925369411707, 0.018359577283263206, -0.06710982322692871, 0.048492301255464554, -0.013039168901741505, -0.020173558965325356, -0.017393771559000015, 0.10021437704563141, 0.03630038723349571, 0.03929947689175606, -0.08963359892368317, 0.162357896566391, -0.15838763117790222, 0.0372336246073246, -0.028680646792054176, -0.05629418417811394, 0.05189675837755203, -0.004733383189886808, 0.096259705722332, 0.07388408482074738, 0.047125160694122314, -0.011191889643669128, -0.013444863259792328, 0.0921880304813385, 0.013906214386224747, 0.058625344187021255, -0.022076383233070374, -0.10390836000442505, 0.013493955135345459, 0.010143953375518322, 0.0431949682533741, -0.02666391059756279, -0.0037479172460734844, 0.2934679090976715, -0.0301990769803524, -0.06290830671787262, 0.05995221808552742, 0.04698691517114639, 0.03883758932352066, 0.05456877127289772, -0.010166703723371029, 0.04042269289493561, -0.03130362182855606, -0.09321426600217819, 0.23723551630973816, -0.038202088326215744, 0.10149793326854706, 0.1454005390405655, -0.008415351621806622, 0.013428687117993832, -0.04001445695757866, -0.02746443636715412, 0.028663748875260353, -0.019484154880046844, 0.09095889329910278, 0.06122594699263573, -0.06020921468734741, -0.002055569551885128, -0.05387037992477417, 0.014127498492598534, 0.07618115097284317, -0.06349900364875793, -0.03481217101216316, 0.09512482583522797, 0.274609237909317, -0.16943180561065674, 0.12963978946208954, 0.27045413851737976, 0.06791698187589645, 0.0029015596956014633, -0.05098821967840195, -0.04351770505309105, -0.09284616261720657, 0.03493669629096985, 0.007667534053325653, 0.13395777344703674, -0.06609179824590683, -0.0011398368515074253, 0.04976272955536842, 0.06735280901193619, 0.06621712446212769, -0.1866646409034729, -0.1188875064253807, 0.002427493454888463, -0.07823488861322403, -0.0881313681602478, 0.11422812938690186, -0.08948848396539688, 0.0396583117544651, 0.018482455983757973, -0.13964441418647766, 0.11272658407688141, 0.04120715335011482, -0.07042589038610458, 0.19520214200019836, -0.09283365309238434, 0.0009534309501759708, -0.11875925213098526, -0.03722940757870674, 0.026325775310397148, 0.0132454764097929, 0.030730735510587692, -0.047589950263500214, -0.04443398118019104, -0.02328679896891117, 0.004301846958696842, -0.07711929827928543, 0.02384454570710659, -0.16392700374126434, -0.017012691125273705, -0.08989741653203964, -0.09810509532690048, -0.055740002542734146, -0.04069981724023819, -0.10854972898960114, 0.1274096667766571, -0.15976516902446747, 0.04292852431535721, 0.25327563285827637, 0.039210230112075806, 0.055647023022174835, -0.07834754884243011, 0.18373124301433563, -0.04936958849430084, -0.0707237496972084, 0.09510917961597443, 0.01656087301671505, 0.06090904399752617, 0.09973623603582382, 0.09253456443548203, -0.07438889145851135, -0.04018208384513855, -0.0710747018456459, -0.14338544011116028, -0.1566331386566162, -0.05558143928647041, -0.08717165142297745, 0.11287711560726166, 0.015195750631392002, 0.06127937510609627, 0.061287183314561844, 0.13268569111824036, 0.06627203524112701, 0.06000833958387375, 0.01841086894273758, 0.06304352730512619, 0.1810157746076584, -0.02367357723414898, 0.025693269446492195, -0.058130498975515366, -0.02677156962454319, 0.13944756984710693, 0.14415226876735687, 0.20032216608524323, 0.13299646973609924, 0.049073345959186554, 0.1753350794315338, 0.16237212717533112, 0.16520769894123077, -0.02604505978524685, 0.05903206765651703, -0.008009613491594791, -0.02906099520623684, -0.09714484959840775, 0.045183271169662476, 0.06683995574712753, -0.030582880601286888, -0.2084035873413086, 0.03354383260011673, -0.0944882407784462, 0.04983806982636452, 0.027648096904158592, 0.20943546295166016, -0.20174381136894226, 0.02489589713513851, 0.022541483864188194, 0.0836133286356926, 0.006453473120927811, 0.1207171157002449, -0.06894317269325256, -0.08876074850559235, 0.038282763212919235, 0.03205620497465134, 0.046362314373254776, -0.008288786746561527, -0.011209147050976753, 0.009714317508041859, -0.07548064738512039, -0.05711458995938301, 0.08940917253494263, -0.19392570853233337, 0.3121512532234192, -0.0015956403221935034, -0.09398673474788666, -0.046904392540454865, -0.026232726871967316, 0.049235034734010696, 0.25149208307266235, 0.1486721932888031, 0.05756759271025658, -0.04954909905791283, -0.029402943328022957, -0.10729097574949265, 0.03850876912474632, 0.028623223304748535, -0.132554829120636, -0.1038646250963211, 0.02799556963145733, 0.029702644795179367, -0.0012258045608177781, 0.049396004527807236, -0.07447977364063263, 0.026932472363114357, 0.067778579890728, -0.04349807649850845, 0.0025602509267628193, -0.056768935173749924, -0.012054242193698883, -0.10658567398786545, 0.06760693341493607, -0.003744415706023574, -0.017936959862709045, -0.05270446836948395, -0.10785234719514847, 0.14024586975574493, -0.08238309621810913, 0.03375141695141792, -0.011712069623172283, -0.12455853074789047, -0.021376730874180794, -0.14363768696784973, 0.11298215389251709, -0.036124613136053085, -0.06915610283613205, 0.03517196699976921, 0.13112257421016693, -0.07243257015943527, 0.03265052288770676, -0.011102208867669106, 0.027683859691023827, 0.0054229083471000195, -0.15713560581207275, 0.06034814193844795, -0.008601712062954903, 0.041284456849098206, 0.0054498291574418545, 0.13205915689468384, 0.16005027294158936, 0.00453985296189785, -0.02230309508740902, 0.058345526456832886, 0.32761409878730774, -0.0662122592329979, 0.12083153426647186, 0.14903099834918976, -0.05261867120862007, -0.18717066943645477, -0.11245544999837875, -0.14576882123947144, -0.04101984202861786, 0.05345964804291725, -0.11896044760942459, 0.03860210254788399, 0.1422749012708664, -0.11221055686473846, 0.13958702981472015, -0.24299266934394836, -0.09800528734922409, 0.15172064304351807, -0.0007409212412312627, 0.27368173003196716, -0.06296706944704056, -0.09501299262046814, 0.08363956212997437, -0.2146298587322235, 0.18030592799186707, 0.024691076949238777, 0.060172028839588165, -0.020499946549534798, 0.04976803809404373, 0.008442790247499943, -0.008430052548646927, 0.18251079320907593, 0.0005805778782814741, 0.010922824963927269, -0.07734640687704086, -0.17320023477077484, 0.1695413589477539, -0.017572632059454918, 0.037351857870817184, 0.0021383140701800585, 0.03207200765609741, -0.042458582669496536, -0.04495048522949219, -0.03918294981122017, 0.022578824311494827, 0.00004098801946383901, -0.12913334369659424, -0.11724766343832016, 0.05935138836503029, -0.09425210952758789, -0.05876455456018448, 0.16218161582946777, -0.0206732377409935, -0.05355413258075714, -0.047044239938259125, 0.0640217587351799, -0.07232717424631119, -0.0005625534686259925, -0.03521000221371651, -0.10988185554742813, 0.1098480299115181, -0.25159159302711487, -0.012060950510203838, 0.08823227137327194, -0.014905798248946667, 0.047378059476614, 0.08630920201539993, -0.12569516897201538, 0.029575135558843613, 0.15820400416851044, -0.15056104958057404, -0.09416896104812622, -0.05527608096599579, -0.061188146471977234, 0.15703853964805603, 0.10178977996110916, 0.12230221182107925, -0.04057638347148895, -0.03483418747782707, 0.02462823875248432, 0.022983914241194725, -0.1405697464942932, 0.006613458972424269, 0.07509194314479828, -0.003956909291446209, -0.08041249960660934, 0.09085681289434433, 0.0007466264651156962, 0.011467799544334412, -0.09228572994470596, -0.0371784083545208, -0.1053488478064537, -0.08600939810276031, -0.05894749239087105, -0.0947709009051323, -0.13425864279270172, -0.04759124293923378, 0.046474359929561615, -0.1382688283920288, 0.055283498018980026, 0.06973201781511307, 0.054106250405311584, 0.0926043763756752, 0.024844083935022354, 0.00642040092498064, 0.030250202864408493, -0.039205700159072876, -0.14387451112270355, 0.008474334143102169, -0.12334534525871277, -0.04521782323718071, -0.052445247769355774, 0.09248055517673492, -0.04820634424686432, -0.04093093425035477, -0.11815092712640762, 0.04207618534564972, -0.04208678752183914, -0.015213673934340477, -0.12616750597953796, 0.03147949278354645, -0.017424626275897026, -0.04757586494088173, -0.0658646747469902, 0.032646968960762024, -0.14934377372264862, 0.062323570251464844, -0.03173219785094261, 0.09078260511159897, 0.01729453168809414, -0.008549473248422146, 0.06833509355783463, 0.0033617892768234015, 0.12880809605121613, 0.03719298169016838, 0.02224165014922619, 0.09945914894342422, -0.05414944142103195, 0.03897475451231003, 0.07770147174596786, 0.01646246388554573, -0.00007174646452767774, -0.04910212382674217, 0.021904561668634415, -0.013523747213184834, -0.06616886705160141, 0.04643785580992699, -0.07904940843582153, -0.06508351117372513, -0.08210676908493042, -0.0019905243534594774, -0.09345296025276184, 0.013295925222337246, -0.048185139894485474, 0.07231695204973221, 0.11899355053901672, -0.022648906335234642, 0.04518846049904823, -0.04632843658328056, -0.07999467849731445, -0.028828226029872894, -0.02042892947793007, -0.0866592600941658, -0.07305780798196793, -0.026788663119077682, -0.003080104710534215, 0.019780397415161133, 0.3085135817527771, 0.023040343075990677, -0.16487592458724976, -0.02319617196917534, 0.110856793820858, 0.19295650720596313, 0.033237505704164505, 0.23466183245182037, 0.06117251515388489, -0.005030240397900343, -0.17233628034591675, 0.0828629732131958, -0.04681053385138512, -0.1583351045846939, 0.09934861212968826, -0.1002986952662468, 0.016702501103281975, 0.0067495321854949, 0.12114682048559189, -0.0760502964258194, -0.061579663306474686, -0.1256377398967743, -0.013971279375255108, 0.04855313152074814, -0.0049288091249763966, -0.05112132802605629, 0.1588304340839386, -0.07843095064163208, 0.008939622901380062, -0.004862734582275152, -0.04368629679083824, -0.19712093472480774, -0.37730470299720764, -0.051660697907209396, -0.21706543862819672, 0.09241342544555664, -0.07674162834882736, -0.03582562506198883, 0.28599023818969727, 0.0467485636472702, 0.0021498200949281454, -0.01247918326407671, -0.06514357030391693, -0.023485062643885612, 0.02746700309216976, -0.03383437544107437, -0.029607072472572327, -0.0601186640560627, -0.07151344418525696, 0.005910435691475868, -0.12970958650112152, -0.04925232753157616, -0.03903941437602043, 0.004720136523246765, -0.024085652083158493, -0.04998680204153061, 0.02523973397910595, -0.08777039498090744, 0.024917779490351677, -0.01524015050381422, 0.026769453659653664, 0.006660712882876396, -0.04253261536359787, 0.06775280088186264, 0.08178587257862091, 0.013807985931634903, -0.12672929465770721, -0.05019841343164444, 0.23635125160217285, -0.03466349095106125, 0.11677707731723785, 0.02782248891890049, 0.0001408896059729159, 0.06975475698709488, 0.13487902283668518, 0.22647306323051453, -0.036374397575855255, 0.006685738451778889, 0.05927633121609688, -0.012944282032549381, 0.06566261500120163, 0.1760333627462387, -0.06844395399093628, 0.18769346177577972, -0.0942559465765953, -0.04806487634778023, -0.017819929867982864, 0.03873247280716896, 0.03385580703616142, 0.027097662910819054, 0.040998443961143494, -0.11991780251264572, -0.06522691994905472, 0.15929940342903137, -0.13077478110790253, 0.265718013048172, 0.06923303008079529, -0.07289569824934006, -0.050997499376535416, -0.02931150235235691, -0.05170835554599762, -0.03770267590880394, 0.0910884290933609, -0.15305811166763306, -0.06262197345495224, -0.05832884460687637, 0.06423274427652359, -0.25317254662513733, -0.10980033129453659, 0.08466186374425888, 0.17160461843013763, 0.13071802258491516, 0.01882152259349823, 0.20305290818214417, 0.060495615005493164, 0.006352862808853388, -0.08298686891794205, 0.09044549614191055, 0.00902984943240881, -0.04093771427869797, -0.10313378274440765, -0.17227497696876526, -0.018583187833428383, -0.05984494835138321, 0.031160233542323112, -0.009719114750623703, 0.06841222941875458, 0.20438252389431, -0.03415188938379288, -0.07161156088113785, -0.0744621604681015, -0.11699161678552628, 0.08542730659246445, 0.0014843681128695607, -0.04985128715634346, -0.020807266235351562, -0.04955408722162247, 0.05182770639657974, 0.06235811114311218, -0.09840942174196243, -0.006517335306853056, 0.0869913101196289, -0.048450347036123276, 0.12999513745307922, -0.017322082072496414, 0.05713886022567749, -0.04550909996032715, -0.04157066345214844, 0.07563019543886185, -0.08150997012853622, 0.119354248046875, 0.11621120572090149, 0.0011090101907029748, 0.008756003342568874, -0.07481017708778381, -0.03338950499892235, 0.008339804597198963, -0.12188086658716202, -0.0718303769826889 ]
null
null
transformers
This question answering model was fine tuned to detect negation expressions How to use: question: negation context: That is not safe! Answer: not question: negation context: Weren't we going to go to the moon? Answer: Weren't
{}
question-answering
Ching/negation_detector
[ "transformers", "pytorch", "roberta", "question-answering", "endpoints_compatible", "region:us" ]
2022-03-02T23:29:04+00:00
[]
[]
TAGS #transformers #pytorch #roberta #question-answering #endpoints_compatible #region-us
This question answering model was fine tuned to detect negation expressions How to use: question: negation context: That is not safe! Answer: not question: negation context: Weren't we going to go to the moon? Answer: Weren't
[]
[ "TAGS\n#transformers #pytorch #roberta #question-answering #endpoints_compatible #region-us \n" ]
[ 30 ]
[ "passage: TAGS\n#transformers #pytorch #roberta #question-answering #endpoints_compatible #region-us \n" ]
[ -0.028608275577425957, 0.012934355065226555, -0.010616693645715714, -0.01975064165890217, 0.10259008407592773, 0.027173824608325958, 0.01545078307390213, 0.09938755631446838, 0.08000601083040237, 0.008535527624189854, 0.16793237626552582, 0.22884051501750946, -0.06396545469760895, -0.05595272779464722, -0.1034657210111618, -0.20366065204143524, 0.048284173011779785, 0.0874374508857727, -0.0412151925265789, 0.12977896630764008, 0.05101761594414711, -0.11550388485193253, 0.03738224878907204, -0.02860826812684536, -0.08857055753469467, 0.05882282182574272, 0.0066650849767029285, -0.07177172601222992, 0.1300192028284073, 0.02168385125696659, 0.15812259912490845, 0.03910718858242035, -0.13250020146369934, -0.18632328510284424, 0.047134045511484146, -0.019495613873004913, -0.05581321939826012, 0.031197870150208473, 0.03845693916082382, -0.12110279500484467, 0.009938113391399384, 0.06482931971549988, 0.0055429632775485516, 0.06561300903558731, -0.19820421934127808, -0.16301210224628448, -0.07227519154548645, 0.008119196631014347, 0.06316234171390533, 0.0942242443561554, -0.026413477957248688, 0.18618866801261902, -0.18357056379318237, 0.09136306494474411, 0.1783212423324585, -0.291237473487854, -0.01808217726647854, 0.08167876303195953, 0.09363877028226852, 0.04696115851402283, -0.009248688817024231, 0.07173799723386765, 0.039905939251184464, 0.01808544434607029, -0.12047582864761353, -0.11512398719787598, -0.07086808979511261, 0.09484559297561646, -0.0789833515882492, -0.09959656745195389, 0.23174606263637543, 0.009705718606710434, 0.04213012009859085, 0.03694531321525574, -0.09339350461959839, 0.02210697904229164, 0.028767509385943413, -0.02230692468583584, -0.035941991955041885, 0.0497075617313385, -0.0041594123467803, -0.03591418266296387, -0.10855140537023544, 0.01980629563331604, -0.2389775514602661, 0.2561115026473999, 0.032074011862277985, 0.09144836664199829, -0.2450694441795349, 0.055012185126543045, -0.03294878453016281, -0.07409600168466568, -0.005698008928447962, -0.08447259664535522, -0.008168900385499, -0.0018512150272727013, -0.061919521540403366, 0.044005248695611954, 0.07915671914815903, 0.2252807468175888, 0.009619742631912231, 0.024152614176273346, 0.0012172622373327613, 0.09218977391719818, 0.05883995071053505, 0.10918602347373962, -0.036304865032434464, -0.00008712073758943006, -0.012057580053806305, -0.1559915840625763, -0.0225103460252285, -0.03448069840669632, -0.07719250023365021, -0.07388556748628616, -0.011400108225643635, 0.15188045799732208, 0.10390560328960419, 0.0003517905715852976, -0.06276828795671463, 0.0033991276286542416, -0.04273983836174011, -0.02622603066265583, -0.0334320105612278, -0.017627529799938202, 0.018183395266532898, 0.19856096804141998, -0.06966861337423325, 0.03570389002561569, -0.03195945546030998, 0.07322538644075394, -0.06623604148626328, -0.032089997082948685, -0.019818346947431564, -0.0001658376568229869, 0.07014516741037369, -0.13789522647857666, 0.09198252856731415, -0.1329203099012375, -0.0618424117565155, 0.0022312409710139036, 0.03208424523472786, -0.020677128806710243, 0.01318295020610094, 0.004999885801225901, -0.03361054137349129, -0.04870720952749252, -0.051089633256196976, -0.01878703013062477, -0.05854462832212448, 0.11617483198642731, 0.03906741738319397, 0.045364703983068466, -0.06598342210054398, 0.053922995924949646, -0.0831771045923233, 0.052241306751966476, -0.07382640987634659, -0.02894052304327488, 0.0016675665974617004, 0.1585129052400589, -0.022497843950986862, -0.0711514800786972, -0.1065789982676506, 0.03245960548520088, -0.05115552246570587, 0.18520072102546692, 0.009697404690086842, -0.057619158178567886, 0.21591556072235107, -0.04758394509553909, -0.2178606241941452, 0.07681137323379517, 0.003461581189185381, 0.013895104639232159, 0.0687207356095314, 0.17593204975128174, -0.006025116890668869, -0.07021088898181915, 0.06891223788261414, 0.09146983921527863, -0.1577681303024292, -0.09145442396402359, 0.04586297646164894, -0.06824618577957153, -0.09219377487897873, 0.032685548067092896, 0.028603261336684227, 0.046319760382175446, -0.0977131575345993, -0.04009023308753967, -0.01981116272509098, -0.002895474899560213, 0.05166862532496452, 0.06859036535024643, 0.05106602609157562, -0.07928699254989624, 0.011645683087408543, -0.0747435912489891, -0.014765137806534767, 0.05595206096768379, 0.03008197247982025, -0.07767321169376373, 0.14305168390274048, -0.1171661838889122, 0.009121410548686981, -0.2274584025144577, -0.09262906014919281, -0.045869551599025726, 0.12239526212215424, -0.01554663386195898, 0.23499202728271484, 0.08594805002212524, -0.15686266124248505, -0.0218382366001606, -0.028621403500437737, 0.10660923272371292, 0.004281132947653532, -0.006302415393292904, -0.038821715861558914, 0.0600481815636158, -0.08345074206590652, -0.07572561502456665, -0.0059630959294736385, -0.029970109462738037, 0.09636153280735016, 0.10797947645187378, -0.0070555987767875195, 0.06570523232221603, 0.001329386723227799, 0.0489162839949131, 0.001227612025104463, 0.03424931690096855, 0.09706375747919083, -0.04241284728050232, -0.0748959481716156, 0.10466765612363815, -0.07605580985546112, 0.27897313237190247, 0.1714259684085846, -0.2970021963119507, 0.0021420810371637344, -0.019290797412395477, -0.055166441947221756, 0.02317964658141136, 0.07737254351377487, 0.01894512213766575, 0.09528370201587677, 0.03547423705458641, 0.08024051040410995, -0.03491666167974472, -0.056096937507390976, -0.015374811366200447, -0.0683244988322258, -0.030408009886741638, 0.11532679945230484, 0.07038229703903198, -0.18601492047309875, 0.14996753633022308, 0.2639860510826111, 0.04453510791063309, 0.08073192089796066, -0.07042995095252991, -0.04468478262424469, 0.004577425308525562, 0.04218359291553497, -0.04050332307815552, 0.045736152678728104, -0.2208651602268219, 0.000057671000831760466, 0.08405552059412003, 0.00005215844794292934, 0.08180656284093857, -0.13241565227508545, -0.09685993939638138, 0.005559732671827078, 0.023442091420292854, -0.06925346702337265, 0.13131941854953766, 0.050125546753406525, 0.09816773980855942, 0.03833194077014923, -0.0064857047982513905, 0.10166000574827194, -0.010724088177084923, -0.047444190829992294, 0.16055943071842194, -0.08533748984336853, -0.23849274218082428, -0.04931076988577843, -0.09544780850410461, 0.020946379750967026, 0.0030042347498238087, 0.07679475098848343, -0.10176943242549896, -0.02010287344455719, 0.11191241443157196, 0.046396512538194656, -0.18457846343517303, -0.0008352679433301091, -0.04135844111442566, 0.07770593464374542, -0.09795450419187546, -0.05266738682985306, -0.05904027447104454, -0.07090871781110764, -0.05979530140757561, 0.1292605847120285, -0.1157286986708641, 0.1162986159324646, 0.10486672818660736, 0.057142164558172226, 0.06228442117571831, -0.015732409432530403, 0.21049562096595764, -0.13963349163532257, -0.04405598342418671, 0.20003828406333923, -0.026615126058459282, 0.09931374341249466, 0.15438583493232727, 0.014047021977603436, -0.08416295796632767, 0.004161536693572998, -0.029078761115670204, -0.081863634288311, -0.26411744952201843, -0.055352672934532166, -0.12832003831863403, 0.051822155714035034, -0.016843991354107857, 0.02962680160999298, 0.12182140350341797, 0.09321024268865585, 0.024019399657845497, -0.14998877048492432, -0.04983305186033249, 0.0626777708530426, 0.26152148842811584, -0.05193798243999481, 0.08684082329273224, -0.07439485192298889, -0.12334847450256348, 0.0564437210559845, 0.08703089505434036, 0.16835977137088776, 0.12478434294462204, -0.013251986354589462, 0.0979577898979187, 0.15373766422271729, 0.1340254247188568, 0.08208474516868591, 0.010651233606040478, -0.059660714119672775, -0.02703934535384178, 0.01581750251352787, -0.056735675781965256, 0.022818800061941147, 0.16146595776081085, -0.13560503721237183, -0.027492178604006767, -0.19350862503051758, 0.08704323321580887, 0.06496558338403702, 0.06341452151536942, -0.06782608479261398, 0.025784878060221672, 0.0824965238571167, -0.01921110227704048, -0.04459952190518379, 0.08809391409158707, -0.0147982994094491, -0.16301052272319794, 0.017429454252123833, -0.04270303621888161, 0.13751080632209778, 0.025657478719949722, 0.07589338719844818, -0.09870786964893341, -0.14577561616897583, 0.05854753404855728, 0.10524249076843262, -0.2799205780029297, 0.3134291172027588, 0.004728916101157665, -0.09270109981298447, -0.07419261336326599, -0.048275917768478394, -0.03792189434170723, 0.11365121603012085, 0.17481441795825958, 0.007886664010584354, -0.05678568780422211, -0.06582877784967422, 0.08473359793424606, 0.05481644347310066, 0.14351427555084229, -0.02841947041451931, -0.01097548846155405, -0.01824844628572464, 0.024099603295326233, -0.039453789591789246, 0.03515267372131348, 0.07704601436853409, -0.11174539476633072, 0.03806167095899582, -0.04169822484254837, 0.017469577491283417, -0.0026998762041330338, 0.011867018416523933, -0.04572855308651924, 0.11142077296972275, -0.04213804006576538, -0.05738949403166771, -0.09165099263191223, -0.12108462303876877, 0.14396385848522186, -0.10276926308870316, 0.03761785477399826, -0.09638030081987381, -0.0883689746260643, -0.06627660989761353, -0.13402026891708374, 0.12076355516910553, -0.09126228839159012, -0.0063408613204956055, -0.023299049586057663, 0.19658546149730682, -0.0796910971403122, 0.011286688037216663, 0.00662199454382062, 0.053707387298345566, -0.15967004001140594, -0.1007864847779274, 0.02020435221493244, -0.10045986622571945, 0.08303937315940857, 0.08204388618469238, 0.006895540282130241, 0.09784585237503052, -0.008212324231863022, 0.0019567946437746286, 0.21541744470596313, 0.22271296381950378, -0.041279882192611694, 0.0882851704955101, 0.15497539937496185, -0.003512863302603364, -0.2599853575229645, -0.060193587094545364, -0.16687822341918945, -0.068821981549263, -0.011728500947356224, -0.09015849977731705, 0.11147228628396988, 0.031058132648468018, -0.03696141391992569, 0.0798264741897583, -0.23815572261810303, -0.02081478387117386, 0.15168344974517822, -0.0049241818487644196, 0.5115718245506287, -0.13048459589481354, -0.08653557300567627, 0.02743697538971901, -0.25952497124671936, 0.06836045533418655, 0.011209906078875065, 0.04824390634894371, -0.038098759949207306, 0.10678289830684662, 0.04157789796590805, -0.08739200979471207, 0.1580003947019577, 0.0018656494794413447, 0.011452392674982548, -0.07907375693321228, -0.1269669383764267, 0.07116203010082245, 0.019596505910158157, -0.02028936706483364, 0.06059788167476654, 0.05379239842295647, -0.15871664881706238, -0.019778279587626457, -0.14308634400367737, 0.04904799535870552, 0.024109670892357826, -0.04466555267572403, -0.04789905622601509, -0.0196275282651186, -0.018059300258755684, -0.0014909632736817002, 0.25966134667396545, -0.07349398732185364, 0.17716433107852936, -0.04120331630110741, 0.13439567387104034, -0.15959198772907257, -0.09142351895570755, -0.06064603477716446, -0.0506584607064724, 0.07185419648885727, -0.05882927402853966, 0.043040961027145386, 0.17503196001052856, -0.011844279244542122, 0.0153446514159441, 0.09751970320940018, 0.017189661040902138, -0.007184616755694151, 0.10858835279941559, -0.19748172163963318, -0.14213210344314575, -0.009896615520119667, -0.04576198011636734, 0.06320637464523315, 0.0831257775425911, 0.06887976825237274, 0.11919187009334564, -0.0328783243894577, 0.01045703049749136, -0.03557925298810005, -0.05814714729785919, -0.005976927001029253, 0.10544892400503159, 0.030759703367948532, -0.10706485062837601, 0.059087712317705154, -0.02097109518945217, -0.23558937013149261, -0.0398244746029377, 0.07795450091362, -0.10078959912061691, -0.10145557671785355, -0.09789900481700897, 0.03226056322455406, -0.19002452492713928, -0.022068604826927185, -0.04799242690205574, -0.10011239349842072, 0.06005343794822693, 0.2286081612110138, 0.08947090804576874, 0.07185715436935425, 0.012624104507267475, -0.04082849621772766, 0.03266291320323944, -0.04769814386963844, -0.02098749950528145, -0.018367793411016464, -0.058856088668107986, -0.07960901409387589, -0.017853571102023125, 0.20167489349842072, -0.07343584299087524, -0.08471851795911789, -0.16801033914089203, 0.10910201072692871, -0.16225223243236542, -0.11147252470254898, -0.1262696236371994, -0.0783809944987297, -0.0006030407967045903, -0.12274422496557236, -0.04241622984409332, -0.03444168344140053, -0.13272389769554138, 0.08049514889717102, 0.05734512582421303, 0.004011483397334814, -0.07395260035991669, -0.05019183084368706, 0.17105410993099213, -0.02821594476699829, 0.09408348798751831, 0.1496564745903015, -0.10643520206212997, 0.09551475197076797, -0.11359891295433044, -0.1506875604391098, 0.06089131161570549, 0.007825900800526142, 0.06382317841053009, 0.03241449221968651, 0.001816125470213592, 0.07111898064613342, 0.050435375422239304, 0.08664362877607346, -0.07537779957056046, -0.11945869028568268, 0.028384478762745857, 0.02333170734345913, -0.19518299400806427, -0.04557042941451073, -0.1074552834033966, 0.1138223260641098, 0.017907120287418365, 0.08665400743484497, 0.031958289444446564, 0.13823164999485016, -0.03837078809738159, 0.015949567779898643, -0.003724002745002508, -0.15081124007701874, 0.04629600793123245, -0.06684362143278122, 0.011993678286671638, -0.018385710194706917, 0.26175716519355774, -0.10494817793369293, 0.08270727097988129, 0.048995066434144974, 0.07071710377931595, 0.04516822472214699, 0.003766965353861451, 0.20005719363689423, 0.09131975471973419, -0.057841356843709946, -0.08100568503141403, 0.08423441648483276, -0.06490839272737503, -0.08596530556678772, 0.14449284970760345, 0.1563529670238495, 0.10063579678535461, 0.04727347567677498, -0.01009273063391447, 0.06267465651035309, 0.006324268411844969, -0.2300533652305603, 0.026776336133480072, -0.01719135232269764, 0.013449651189148426, 0.07563874870538712, 0.17889074981212616, -0.023953258991241455, 0.06193021312355995, -0.04633047431707382, -0.004529289901256561, -0.1447184681892395, -0.07094544172286987, -0.06404050439596176, -0.07426850497722626, 0.06286635249853134, -0.10236068069934845, -0.015647469088435173, 0.13571768999099731, 0.06363008171319962, -0.057310160249471664, 0.10827255994081497, 0.06479159742593765, -0.07331226021051407, 0.017172113060951233, 0.0022494723089039326, 0.0895303413271904, 0.051228225231170654, 0.03839605674147606, -0.12672433257102966, -0.07699858397245407, -0.050703756511211395, 0.04808705672621727, -0.12967243790626526, -0.04718871787190437, -0.16557270288467407, -0.09478995949029922, -0.0609181709587574, 0.12443166971206665, -0.030277259647846222, 0.15520717203617096, -0.028226906433701515, 0.03919508308172226, 0.02420218288898468, 0.24375604093074799, -0.06537475436925888, -0.05366772785782814, -0.04472663998603821, 0.16311217844486237, 0.03065544366836548, 0.08354746550321579, -0.005231909919530153, 0.01456164475530386, -0.03752684220671654, 0.3361199200153351, 0.21549402177333832, -0.05505026504397392, 0.046473585069179535, 0.05922706797719002, 0.04770621284842491, 0.1156514436006546, 0.010265747085213661, 0.10314196348190308, 0.28285378217697144, -0.10432364046573639, -0.03745994344353676, -0.020447345450520515, 0.01478704996407032, -0.04663725942373276, 0.05964421480894089, 0.05293872952461243, -0.06922894716262817, -0.06453540176153183, 0.13671565055847168, -0.16475343704223633, 0.11051630973815918, 0.056657254695892334, -0.20167268812656403, -0.06684282422065735, -0.03053872659802437, 0.14887697994709015, -0.00894103478640318, 0.12285298109054565, -0.037442609667778015, -0.1308681219816208, 0.01723420061171055, 0.06461524218320847, -0.23657214641571045, -0.07742500305175781, 0.1482383906841278, 0.05413429066538811, -0.027974510565400124, -0.009101971983909607, 0.029909828677773476, 0.09174363315105438, 0.02260270155966282, -0.04362279549241066, 0.033904723823070526, 0.09492223709821701, -0.10647904872894287, -0.09581746906042099, -0.010154920630156994, 0.05758877843618393, -0.12153078615665436, 0.08893775939941406, -0.16159187257289886, 0.05088571831583977, 0.005202817730605602, 0.0038070057053118944, -0.05421612039208412, 0.0707085132598877, -0.07898791879415512, 0.021398473531007767, 0.06632427871227264, -0.01053047925233841, -0.01624808833003044, -0.03428483009338379, 0.0004883934743702412, 0.04922641068696976, -0.08486645668745041, -0.14646629989147186, 0.016194861382246017, -0.06801226735115051, 0.09002082794904709, -0.04006725549697876, -0.10266967862844467, -0.026621032506227493, -0.015868229791522026, 0.048487335443496704, -0.07745236903429031, 0.02427281066775322, 0.03939157351851463, 0.04188786819577217, 0.0269249826669693, -0.0718359649181366, 0.031084148213267326, 0.059303250163793564, -0.1269008070230484, -0.051612574607133865 ]
null
null
transformers
Donald Trump DialoGPT Model built by following tutorial by [Ruolin Zheng](https://youtu.be/Rk8eM1p_xgM). The data used for training was 2020 presidential debate. More work is needed to optimize it. I don't have access to larger VRAM.
{"tags": ["conversational"]}
text-generation
Chiuchiyin/DialoGPT-small-Donald
[ "transformers", "pytorch", "gpt2", "text-generation", "conversational", "autotrain_compatible", "endpoints_compatible", "text-generation-inference", "region:us" ]
2022-03-02T23:29:04+00:00
[]
[]
TAGS #transformers #pytorch #gpt2 #text-generation #conversational #autotrain_compatible #endpoints_compatible #text-generation-inference #region-us
Donald Trump DialoGPT Model built by following tutorial by Ruolin Zheng. The data used for training was 2020 presidential debate. More work is needed to optimize it. I don't have access to larger VRAM.
[]
[ "TAGS\n#transformers #pytorch #gpt2 #text-generation #conversational #autotrain_compatible #endpoints_compatible #text-generation-inference #region-us \n" ]
[ 51 ]
[ "passage: TAGS\n#transformers #pytorch #gpt2 #text-generation #conversational #autotrain_compatible #endpoints_compatible #text-generation-inference #region-us \n" ]
[ -0.009697278961539268, 0.03208012506365776, -0.007204889785498381, 0.004809224978089333, 0.16726240515708923, 0.014898733235895634, 0.09765533357858658, 0.13672804832458496, -0.007841327227652073, -0.031050153076648712, 0.14490588009357452, 0.20411323010921478, -0.006439372431486845, 0.0661218985915184, -0.07572533935308456, -0.2683109939098358, 0.05759621039032936, 0.046649303287267685, 0.016515716910362244, 0.1200079694390297, 0.08573378622531891, -0.05473608896136284, 0.08714032918214798, -0.014583407901227474, -0.150366872549057, 0.017733458429574966, 0.043394338339567184, -0.12260226160287857, 0.11910516023635864, 0.05462685227394104, 0.07063519209623337, 0.014929565601050854, -0.07541623711585999, -0.1631229966878891, 0.03031250834465027, 0.01425902172923088, -0.0594632662832737, 0.04757995903491974, 0.059961482882499695, -0.10165371745824814, 0.10819483548402786, 0.09530027210712433, -0.013078106567263603, 0.06798283755779266, -0.16849711537361145, -0.020869607105851173, -0.01446688175201416, 0.009899779222905636, 0.05550243332982063, 0.09964893013238907, -0.03413357585668564, 0.10497362166643143, -0.09214533120393753, 0.11017382889986038, 0.10932035744190216, -0.32057443261146545, -0.005767723545432091, 0.09167823940515518, 0.039358653128147125, 0.07352814823389053, -0.04467793554067612, 0.06258884817361832, 0.018015462905168533, 0.017986174672842026, -0.014015024527907372, -0.07283061742782593, -0.11612214148044586, 0.04717336222529411, -0.08668071031570435, -0.059868961572647095, 0.2244078367948532, -0.05464440956711769, 0.06881742179393768, -0.05281897634267807, -0.10522868484258652, -0.04308144748210907, -0.029833965003490448, 0.00475557055324316, -0.07660607248544693, 0.08692064881324768, 0.00869679357856512, -0.09547875821590424, -0.1376667022705078, -0.02496783249080181, -0.1776352822780609, 0.16140350699424744, 0.02465328387916088, 0.05232657864689827, -0.2027255892753601, 0.09623090922832489, 0.017906051129102707, -0.08045592904090881, 0.022091427817940712, -0.10046248883008957, 0.029131146147847176, 0.013760408386588097, -0.04754498973488808, -0.061387211084365845, 0.0843690037727356, 0.11199145019054413, -0.01731434464454651, 0.025486016646027565, -0.039331406354904175, 0.08100687712430954, 0.03553595021367073, 0.09077847748994827, 0.007288969587534666, -0.028338588774204254, 0.025842782109975815, -0.13719046115875244, -0.003647835226729512, -0.07116208970546722, -0.16572439670562744, -0.021088803187012672, 0.02994808368384838, 0.08289173990488052, 0.015449047088623047, 0.11682453751564026, -0.03272046521306038, -0.025152435526251793, 0.03602350503206253, -0.047656361013650894, -0.012649794109165668, 0.016648368909955025, 0.013163427822291851, 0.12399329990148544, -0.0022096503525972366, 0.03235051408410072, -0.13653022050857544, 0.031423524022102356, -0.06793295592069626, -0.003740974934771657, -0.03486552834510803, -0.040637075901031494, 0.009043924510478973, -0.06862333416938782, 0.003486064961180091, -0.15030112862586975, -0.15063877403736115, 0.007587034720927477, -0.007836631499230862, -0.04107699543237686, -0.06370922178030014, -0.06952770054340363, -0.013550350442528725, 0.04251532256603241, -0.07093454152345657, -0.011352915316820145, -0.06403283774852753, 0.11004766076803207, -0.03197755664587021, 0.07921615242958069, -0.11953279376029968, 0.08390819281339645, -0.11260783672332764, -0.02386913076043129, -0.060801517218351364, 0.09317506104707718, -0.0006014376995153725, 0.09549830108880997, -0.006563255097717047, -0.017931854352355003, -0.07981178909540176, 0.06445012241601944, -0.042872510850429535, 0.21701598167419434, -0.0615808479487896, -0.11181682348251343, 0.28781595826148987, -0.052628401666879654, -0.1370542049407959, 0.11647392809391022, 0.008682746440172195, 0.05777018144726753, 0.10703510791063309, 0.19733482599258423, -0.015276194550096989, 0.004040541127324104, 0.09471915662288666, 0.11263324320316315, -0.11276852339506149, -0.033160366117954254, 0.013019153848290443, -0.04081077128648758, -0.10867965966463089, 0.04689536616206169, 0.09810488671064377, 0.07090286910533905, -0.04786505550146103, -0.03377414867281914, -0.01366397924721241, 0.0052589005790650845, 0.08885077387094498, -0.007157256826758385, 0.10962837189435959, -0.05819983780384064, -0.03796621412038803, -0.029282379895448685, -0.012126247398555279, -0.03951939567923546, 0.03137664496898651, -0.043376367539167404, 0.10821941494941711, -0.011204327456653118, 0.06364280730485916, -0.16185984015464783, -0.07691477984189987, -0.017002692446112633, 0.1581239402294159, 0.024538565427064896, 0.09859629720449448, 0.0552486926317215, -0.040398042649030685, -0.0012767292791977525, 0.012792680412530899, 0.15581141412258148, -0.022091681137681007, -0.065607450902462, -0.052166227251291275, 0.08642971515655518, -0.05641226842999458, 0.04504093527793884, -0.05937713757157326, 0.012367865070700645, 0.05064384639263153, 0.10342344641685486, -0.00018274025933351368, 0.03323284164071083, -0.008164864964783192, 0.002145637758076191, -0.058205123990774155, 0.007405933458358049, 0.10799351334571838, 0.00036868182360194623, -0.07365862280130386, 0.22074243426322937, -0.17796069383621216, 0.1765957772731781, 0.1893044263124466, -0.299345999956131, 0.017949223518371582, -0.10759581625461578, -0.04561871662735939, 0.014407722279429436, 0.05567655712366104, -0.0454222597181797, 0.1703362911939621, -0.009871348738670349, 0.18874616920948029, -0.04946064203977585, -0.04464937001466751, -0.0200483538210392, -0.05118836089968681, -0.0024189651012420654, 0.07781197130680084, 0.10685696452856064, -0.13992026448249817, 0.1964332014322281, 0.1621224284172058, 0.048237916082143784, 0.19945049285888672, 0.015346456319093704, -0.011589210480451584, 0.0909530371427536, 0.005220826715230942, -0.058739423751831055, -0.07409929484128952, -0.2594851851463318, -0.030033592134714127, 0.07992640137672424, 0.0422382652759552, 0.1212305948138237, -0.11349532753229141, -0.038956157863140106, -0.01763172075152397, -0.023146281018853188, 0.021672505885362625, 0.0914369598031044, 0.06075398623943329, 0.13201528787612915, -0.001710098935291171, -0.007300339173525572, 0.10524573177099228, 0.01783694699406624, -0.09354141354560852, 0.18308524787425995, -0.13652534782886505, -0.37097251415252686, -0.13911493122577667, -0.18057456612586975, -0.05449081212282181, 0.05712554603815079, 0.11679314076900482, -0.12011238187551498, -0.018752124160528183, 0.01578843593597412, 0.10931742936372757, -0.08449502289295197, 0.0021454424131661654, -0.06880278885364532, 0.0321490578353405, -0.10310184955596924, -0.09194442629814148, -0.055416494607925415, -0.031392451375722885, -0.08001253753900528, 0.1423761546611786, -0.10777941346168518, 0.04476889222860336, 0.20262959599494934, 0.04653622955083847, 0.05625178664922714, -0.044105201959609985, 0.19377262890338898, -0.11264272034168243, -0.01661740615963936, 0.19215328991413116, -0.048360925167798996, 0.07476246356964111, 0.1232115849852562, -0.006348740309476852, -0.08765771239995956, 0.03011748194694519, -0.02085109055042267, -0.07988511025905609, -0.23219464719295502, -0.13938382267951965, -0.12429051846265793, 0.09477275609970093, 0.028005298227071762, 0.056365787982940674, 0.17219258844852448, 0.06577219814062119, -0.038416244089603424, 0.006410336587578058, 0.02959546446800232, 0.08237514644861221, 0.23417828977108002, -0.06035616248846054, 0.1364797055721283, -0.03420931473374367, -0.14982740581035614, 0.08169995993375778, 0.0713929831981659, 0.10213395953178406, 0.06678459793329239, 0.0804823637008667, 0.0149586396291852, 0.06188136339187622, 0.1311223804950714, 0.08191446959972382, 0.019586285576224327, -0.02480296604335308, -0.03388110175728798, -0.025523077696561813, -0.05937909707427025, 0.040128443390131, 0.06589099019765854, -0.16763372719287872, -0.039227183908224106, -0.09338314831256866, 0.09657008945941925, 0.0873042419552803, 0.06609832495450974, -0.1842060089111328, -0.008006223477423191, 0.08488986641168594, -0.03854905813932419, -0.13727426528930664, 0.09535189718008041, 0.01523482333868742, -0.15144726634025574, 0.03139317408204079, -0.04061909019947052, 0.12188644707202911, -0.07804752141237259, 0.09809603542089462, -0.08108244836330414, -0.07448557764291763, 0.02123199962079525, 0.1261177361011505, -0.30527687072753906, 0.20240111649036407, -0.0024993624538183212, -0.06486981362104416, -0.1243603527545929, -0.0032166161108762026, 0.002410882618278265, 0.07357452809810638, 0.10519039630889893, -0.007196315098553896, 0.001897757756523788, -0.06300821900367737, -0.01829923689365387, 0.032471053302288055, 0.13080233335494995, -0.0401318334043026, -0.021158374845981598, -0.050194524228572845, -0.001653497340157628, -0.03173094615340233, -0.06934895366430283, 0.02002747356891632, -0.19509181380271912, 0.08751901984214783, 0.04166261479258537, 0.09648149460554123, 0.029994789510965347, 0.004265148192644119, -0.09651939570903778, 0.24698667228221893, -0.07148019969463348, -0.10072879493236542, -0.10919588059186935, -0.046813901513814926, 0.03569883480668068, -0.05628936365246773, 0.04309194162487984, -0.0788632407784462, 0.028997479006648064, -0.06352769583463669, -0.19235502183437347, 0.12410202622413635, -0.09027006477117538, -0.04412810131907463, -0.02371402643620968, 0.2110891044139862, -0.05598580464720726, 0.010335659608244896, 0.02930437959730625, 0.01208863127976656, -0.11645778268575668, -0.09678568691015244, 0.031018631532788277, -0.007351789623498917, 0.050603240728378296, 0.041841957718133926, -0.05915454775094986, -0.017138581722974777, -0.052199993282556534, -0.022926922887563705, 0.3496883809566498, 0.14231905341148376, -0.043836336582899094, 0.19347235560417175, 0.12347975373268127, -0.07452994585037231, -0.3159443140029907, -0.1066238060593605, -0.10937739163637161, -0.04680149629712105, -0.07012093812227249, -0.2002030611038208, 0.06474938243627548, 0.00662544509395957, -0.013415241613984108, 0.12749312818050385, -0.2561831772327423, -0.07571036368608475, 0.15906259417533875, -0.017980827018618584, 0.3745945692062378, -0.1168576180934906, -0.10926306992769241, -0.03950892388820648, -0.14175476133823395, 0.16968177258968353, -0.01989765651524067, 0.11221715062856674, -0.009765521623194218, 0.14388824999332428, 0.05548359826207161, -0.023479344323277473, 0.08544106781482697, 0.004999885335564613, -0.03290518373250961, -0.10304180532693863, -0.05676887184381485, 0.007092386484146118, 0.02477436140179634, 0.018026655539870262, -0.041834570467472076, 0.02227151393890381, -0.11731979995965958, -0.04657655209302902, -0.08982590585947037, 0.04431166127324104, 0.03899754583835602, -0.07325074821710587, -0.002380647463724017, -0.07165111601352692, -0.012272949330508709, 0.022334342822432518, 0.20356793701648712, -0.08029330521821976, 0.16448934376239777, 0.09239562600851059, 0.12419285625219345, -0.14376309514045715, -0.00019283240544609725, -0.0762530043721199, -0.05611240118741989, 0.07737895101308823, -0.09433035552501678, 0.058893077075481415, 0.10901971161365509, -0.04567738622426987, 0.08828683942556381, 0.10377411544322968, 0.008936077356338501, 0.003213887568563223, 0.10916902124881744, -0.2667325437068939, -0.0296600554138422, -0.07532413303852081, 0.000883326749317348, 0.09092561900615692, 0.08562852442264557, 0.18840822577476501, 0.025361526757478714, -0.04293036088347435, -0.002770674182102084, 0.028597986325621605, -0.039021048694849014, 0.051667019724845886, 0.001123449532315135, 0.01947369985282421, -0.1530752182006836, 0.072522833943367, 0.01490565575659275, -0.15215420722961426, 0.021316176280379295, 0.16572684049606323, -0.11656328290700912, -0.1283872276544571, -0.06520111113786697, 0.08313824236392975, -0.11755692958831787, -0.01578943058848381, -0.03279297426342964, -0.13145680725574493, 0.07992171496152878, 0.12629036605358124, 0.05557859688997269, 0.0972496047616005, -0.06061713397502899, -0.020469192415475845, -0.018721895292401314, -0.014099318534135818, -0.012384648434817791, -0.007667020428925753, -0.055978111922740936, 0.0590752474963665, -0.026677248999476433, 0.1425808072090149, -0.09221141785383224, -0.1037059873342514, -0.16142144799232483, 0.0374140702188015, -0.11013076454401016, -0.08825794607400894, -0.08821134269237518, -0.050188567489385605, 0.002360827289521694, -0.019856395199894905, -0.04037635400891304, -0.05829505994915962, -0.12300454825162888, 0.0338277705013752, -0.040771447122097015, 0.024727050215005875, -0.07512269169092178, 0.015856385231018066, 0.08507686108350754, -0.03285100311040878, 0.15655414760112762, 0.1450488418340683, -0.1006515845656395, 0.10741901397705078, -0.14806775748729706, -0.09138492494821548, 0.11116421222686768, 0.015329592861235142, 0.0449691042304039, 0.09723787009716034, 0.013362943194806576, 0.0635865181684494, 0.032776717096567154, 0.05308786407113075, 0.027619892731308937, -0.11959987878799438, 0.06483134627342224, -0.03626115620136261, -0.14700546860694885, -0.049338050186634064, -0.05282869189977646, 0.01647452637553215, 0.013054544106125832, 0.09622690081596375, -0.05301849544048309, 0.10698331147432327, -0.04055701196193695, 0.0346808135509491, 0.017554637044668198, -0.1730053424835205, -0.03816922754049301, -0.08538098633289337, 0.03681723028421402, 0.014741539023816586, 0.25266793370246887, 0.030072299763560295, 0.012416383251547813, 0.032671261578798294, 0.08285367488861084, 0.03899408504366875, 0.010228337720036507, 0.17482228577136993, 0.1162426546216011, -0.06621865928173065, -0.10445023328065872, 0.0729617029428482, 0.016332454979419708, 0.01286179106682539, 0.13617953658103943, 0.008365051820874214, 0.005795429926365614, 0.08649782836437225, -0.016865963116288185, 0.009968153201043606, -0.10052056610584259, -0.13426925241947174, -0.022176474332809448, 0.05151832848787308, -0.04655967652797699, 0.11727844923734665, 0.1406494379043579, -0.01806013658642769, 0.03222079202532768, -0.021771740168333054, -0.05699979141354561, -0.1683429479598999, -0.1429590880870819, -0.06883849948644638, -0.13416796922683716, 0.00897989235818386, -0.11180389672517776, 0.05395037308335304, 0.06001098081469536, 0.06750501692295074, -0.06899319589138031, 0.10220931470394135, 0.04626858979463577, -0.11440542340278625, 0.06264589726924896, -0.0296088308095932, 0.09430401772260666, -0.02759445086121559, -0.019505485892295837, -0.09039592742919922, 0.014574515633285046, 0.011419114656746387, 0.06245238706469536, -0.04707273095846176, 0.007463190704584122, -0.14696238934993744, -0.08972041308879852, -0.0523175448179245, 0.0718572810292244, -0.050409089773893356, 0.14282815158367157, 0.00775480642914772, -0.0170906875282526, 0.039554283022880554, 0.22787313163280487, -0.07476283609867096, -0.04778539761900902, -0.05269690603017807, 0.20717895030975342, 0.02975541539490223, 0.1171872541308403, -0.022938819602131844, -0.006106364540755749, -0.0919521227478981, 0.3764844834804535, 0.30030161142349243, -0.09031439572572708, 0.011794124729931355, 0.02137952297925949, 0.04502861574292183, 0.1316293478012085, 0.1216534823179245, 0.10318691283464432, 0.3006802201271057, -0.07452366501092911, -0.04653361067175865, -0.012629742734134197, -0.023858042433857918, -0.09059546142816544, 0.1021224707365036, 0.04839762672781944, -0.06382183730602264, -0.03313443064689636, 0.0954432487487793, -0.25862133502960205, 0.1277991235256195, -0.12311873584985733, -0.17578600347042084, -0.06654827296733856, 0.009760108776390553, 0.10465722531080246, 0.015642458572983742, 0.0946015790104866, 0.007128213066607714, -0.11252258718013763, 0.06305865943431854, 0.03397420793771744, -0.22762253880500793, 0.0006893770187161863, 0.06642123311758041, -0.07006710022687912, -0.0024247700348496437, -0.026499588042497635, 0.05657242611050606, 0.0656052976846695, 0.054629553109407425, -0.00971333310008049, 0.03816632181406021, 0.0034184439573436975, -0.0585215799510479, 0.016623929142951965, 0.05121519789099693, 0.02472509816288948, -0.09763528406620026, 0.06927435845136642, -0.1574270874261856, 0.04766253009438515, -0.0030655991286039352, -0.04124255105853081, 0.006064958870410919, 0.008823691867291927, -0.06491616368293762, 0.05165379121899605, 0.07916834205389023, -0.0016257909592241049, -0.0062433634884655476, -0.057178743183612823, -0.02632102556526661, -0.027755750343203545, -0.09291748702526093, -0.10495562851428986, -0.14682936668395996, -0.11640441417694092, 0.09368976950645447, -0.01011267676949501, -0.1848134547472, 0.022154374048113823, -0.08606051653623581, 0.08319322764873505, -0.1670055389404297, 0.08040720224380493, 0.07041648775339127, 0.013038921169936657, -0.0031511052511632442, -0.02002427540719509, 0.054132770746946335, 0.086809903383255, -0.10407156497240067, -0.07400695979595184 ]
null
null
transformers
# CMJS DialoGPT Model
{"tags": ["conversational"]}
text-generation
ChrisVCB/DialoGPT-medium-cmjs
[ "transformers", "pytorch", "gpt2", "text-generation", "conversational", "autotrain_compatible", "endpoints_compatible", "text-generation-inference", "region:us" ]
2022-03-02T23:29:04+00:00
[]
[]
TAGS #transformers #pytorch #gpt2 #text-generation #conversational #autotrain_compatible #endpoints_compatible #text-generation-inference #region-us
# CMJS DialoGPT Model
[ "# CMJS DialoGPT Model" ]
[ "TAGS\n#transformers #pytorch #gpt2 #text-generation #conversational #autotrain_compatible #endpoints_compatible #text-generation-inference #region-us \n", "# CMJS DialoGPT Model" ]
[ 51, 8 ]
[ "passage: TAGS\n#transformers #pytorch #gpt2 #text-generation #conversational #autotrain_compatible #endpoints_compatible #text-generation-inference #region-us \n# CMJS DialoGPT Model" ]
[ -0.02744324319064617, 0.05112268030643463, -0.006372662726789713, -0.020275672897696495, 0.1533711552619934, 0.010179618373513222, 0.11189761757850647, 0.1296302229166031, -0.029165126383304596, -0.039396632462739944, 0.13278807699680328, 0.18060491979122162, -0.00929194688796997, 0.07290232181549072, -0.0777074545621872, -0.2575463354587555, 0.0548129677772522, 0.04727000370621681, 0.011685620062053204, 0.12595424056053162, 0.0996156707406044, -0.04534974321722984, 0.08584121614694595, 0.002253821585327387, -0.16840937733650208, -0.00825138483196497, 0.008401497267186642, -0.11916821449995041, 0.08199972659349442, 0.05331571772694588, 0.019395971670746803, 0.0381147637963295, -0.04276930168271065, -0.1441871076822281, 0.03710388392210007, -0.01322699524462223, -0.027264675125479698, 0.0497962087392807, 0.007800712715834379, -0.10110686719417572, 0.11952844262123108, 0.045340102165937424, -0.007272779941558838, 0.04473098739981651, -0.1403120905160904, -0.022128617390990257, -0.0065428707748651505, 0.03310771286487579, 0.10744026303291321, 0.08280638605356216, -0.036223266273736954, 0.097407266497612, -0.11684193462133408, 0.10802129656076431, 0.09259749948978424, -0.2909809350967407, -0.0017014157492667437, 0.13921216130256653, 0.04609854519367218, 0.03277517855167389, -0.011577513068914413, 0.08520182967185974, -0.0007105469703674316, 0.0011571877403184772, 0.006538123823702335, -0.08775991946458817, -0.08552398532629013, 0.03506612777709961, -0.08464568108320236, -0.03747629374265671, 0.28979283571243286, -0.05227772518992424, 0.08443668484687805, -0.09616506844758987, -0.0887710452079773, -0.006415285635739565, -0.06137968599796295, -0.02146354876458645, -0.0758938118815422, 0.07708990573883057, -0.0003215514589101076, -0.07168164104223251, -0.12293767184019089, -0.03302713483572006, -0.15851637721061707, 0.1490185409784317, 0.024888044223189354, 0.03152469918131828, -0.2158254235982895, 0.10039039701223373, 0.022858116775751114, -0.10028199106454849, 0.024815581738948822, -0.08648021519184113, 0.01688571646809578, 0.0006081201718188822, -0.04052264243364334, -0.06276659667491913, 0.08162105083465576, 0.06554211676120758, 0.012095908634364605, 0.0034142155200242996, 0.02242502011358738, 0.05869011580944061, 0.07190148532390594, 0.06856676936149597, -0.016783082857728004, -0.05844779685139656, 0.041436973959207535, -0.08936802297830582, -0.01258985698223114, -0.051790960133075714, -0.16359077394008636, -0.0326363667845726, 0.04612419009208679, 0.07891707122325897, 0.016104774549603462, 0.13283462822437286, -0.004493148066103458, -0.03350013867020607, 0.09546121209859848, -0.025453707203269005, -0.02448921464383602, 0.025475116446614265, 0.004668022971600294, 0.15363474190235138, 0.03289331868290901, 0.05245371535420418, -0.12557031214237213, 0.014268998056650162, -0.054261114448308945, 0.00570510420948267, -0.03102131001651287, -0.04556172341108322, 0.005167257972061634, 0.01048922911286354, 0.0004176781221758574, -0.14437314867973328, -0.14688459038734436, -0.012571936473250389, -0.02492932230234146, -0.03310885652899742, -0.08943262696266174, -0.10106825083494186, -0.028021415695548058, 0.06288150697946548, -0.057094696909189224, -0.005836485885083675, -0.05737082287669182, 0.07128102332353592, -0.041044238954782486, 0.08287983387708664, -0.07041433453559875, 0.08071877062320709, -0.09028347581624985, -0.01632649451494217, -0.09256494045257568, 0.13111640512943268, -0.0029954377096146345, 0.08384119719266891, -0.0308106429874897, -0.013782141730189323, -0.07112928479909897, 0.056404393166303635, -0.04707857221364975, 0.252262145280838, -0.08410149812698364, -0.1075233668088913, 0.2874939739704132, -0.021581852808594704, -0.11205170303583145, 0.11600632220506668, 0.001806550077162683, 0.0754348412156105, 0.13440212607383728, 0.15482984483242035, 0.02146035060286522, 0.003412792691960931, 0.0983007550239563, 0.10416098684072495, -0.07823175936937332, -0.028205646201968193, 0.030173635110259056, -0.04258902370929718, -0.07481361925601959, 0.04482252523303032, 0.08566827327013016, 0.06819985806941986, -0.050120625644922256, -0.005598266609013081, -0.00204979395493865, 0.009849854744970798, 0.05350238084793091, -0.03486115112900734, 0.10888096690177917, -0.034580033272504807, -0.03318892419338226, -0.010260709561407566, 0.028050800785422325, -0.05675690621137619, 0.023545827716588974, -0.06561139971017838, 0.04929143562912941, -0.0736703872680664, 0.08231136947870255, -0.13266953825950623, -0.04944907873868942, -0.015216877683997154, 0.14171844720840454, 0.03889951854944229, 0.08236756175756454, 0.044168729335069656, -0.043796978890895844, 0.004506970755755901, 0.03791910037398338, 0.18517161905765533, -0.011673449538648129, -0.07965023070573807, -0.10130640864372253, 0.08281989395618439, -0.051988836377859116, 0.10505139082670212, -0.04268655925989151, 0.013609264977276325, 0.03247074782848358, 0.11210928112268448, -0.003213577438145876, 0.032130319625139236, 0.04783713445067406, -0.005534856114536524, -0.028793983161449432, 0.008880742825567722, 0.09534728527069092, -0.003195442957803607, -0.06128837168216705, 0.26844286918640137, -0.19877460598945618, 0.11322806030511856, 0.16733410954475403, -0.22914041578769684, 0.015521827153861523, -0.1325528472661972, -0.02480526641011238, 0.009779294021427631, 0.06595198065042496, -0.03745591267943382, 0.19676709175109863, -0.004143066704273224, 0.18439248204231262, -0.04712005704641342, -0.0609879344701767, -0.019628051668405533, -0.06948179006576538, 0.013663211837410927, 0.07253371924161911, 0.12821659445762634, -0.18558797240257263, 0.14386124908924103, 0.1111377701163292, 0.05656412988901138, 0.20810486376285553, 0.036031100898981094, -0.00801645778119564, 0.0281539149582386, -0.01340955775231123, -0.059228263795375824, -0.09059829264879227, -0.2859506905078888, -0.054287977516651154, 0.0826895460486412, 0.04588859900832176, 0.13024136424064636, -0.08548269420862198, -0.016757536679506302, 0.011536125093698502, -0.023785041645169258, 0.01918352022767067, 0.1276424080133438, 0.03229981288313866, 0.11217007040977478, -0.01628406159579754, -0.01475808396935463, 0.057938944548368454, 0.005512802395969629, -0.10359808057546616, 0.18253514170646667, -0.15344540774822235, -0.3329900801181793, -0.11114291846752167, -0.15126903355121613, -0.051858142018318176, 0.05540541931986809, 0.09214965254068375, -0.11283000558614731, -0.025306183844804764, -0.002278051106259227, 0.08509490638971329, -0.047892872244119644, -0.003887560684233904, -0.025139201432466507, 0.0047238534316420555, -0.13768255710601807, -0.09468511492013931, -0.05619272217154503, -0.025012006983160973, -0.05991343408823013, 0.10959509015083313, -0.14282937347888947, 0.0445249006152153, 0.24453550577163696, 0.06173720955848694, 0.057164065539836884, -0.026890505105257034, 0.1931988000869751, -0.09835892915725708, 0.001192597090266645, 0.18017978966236115, -0.015263925306499004, 0.03478912264108658, 0.11733566224575043, -0.00021147349616512656, -0.061173491179943085, 0.02279738150537014, -0.04905838146805763, -0.06673868745565414, -0.20595400035381317, -0.1494975984096527, -0.12473240494728088, 0.03846192732453346, -0.002485967706888914, 0.03443904593586922, 0.1375395804643631, 0.06989400833845139, -0.05409827455878258, 0.014076382853090763, 0.06949462741613388, 0.07563497126102448, 0.23481395840644836, -0.0630534440279007, 0.13208328187465668, -0.026822445914149284, -0.1396603137254715, 0.06177718937397003, 0.06822916865348816, 0.0722670927643776, 0.04896290972828865, 0.11085692793130875, 0.038047872483730316, 0.04257512092590332, 0.12943334877490997, 0.06036578491330147, 0.028395971283316612, -0.035989806056022644, -0.03194136172533035, -0.05222043767571449, -0.062454432249069214, 0.029890159144997597, 0.09623134136199951, -0.1323452591896057, -0.050467491149902344, -0.009655105881392956, 0.0802331268787384, 0.08232536166906357, 0.06668423861265182, -0.19246239960193634, -0.020073136314749718, 0.07791648060083389, -0.014630676247179508, -0.10292445123195648, 0.07655693590641022, 0.042160823941230774, -0.11838790029287338, 0.02750544250011444, -0.001182544743642211, 0.11431869119405746, -0.10440336912870407, 0.07166638225317001, -0.06622526049613953, -0.04408068209886551, 0.013603408820927143, 0.11181465536355972, -0.2693588137626648, 0.1776271015405655, 0.013364465907216072, -0.04240645095705986, -0.11988507956266403, 0.004646678920835257, -0.0034225184936076403, 0.13484631478786469, 0.08403842896223068, -0.00274975155480206, 0.043423015624284744, -0.009986890479922295, -0.05755643546581268, 0.03202195093035698, 0.10168249905109406, -0.04725215956568718, 0.0006055604899302125, -0.03698918968439102, -0.022110046818852425, -0.021938379853963852, -0.06658647209405899, -0.028061609715223312, -0.19199027121067047, 0.09165247529745102, 0.0978432297706604, 0.0578027106821537, 0.020230479538440704, -0.007084122393280268, -0.07979430258274078, 0.24554488062858582, -0.01758508011698723, -0.09617744386196136, -0.09127890318632126, -0.07928106933832169, 0.05322964861989021, -0.06721322238445282, 0.0013810510281473398, -0.06412610411643982, 0.05563817918300629, -0.051152657717466354, -0.17404615879058838, 0.123112753033638, -0.11509356647729874, -0.043162450194358826, -0.030451267957687378, 0.2382751703262329, -0.03259443864226341, 0.011329872533679008, 0.05801154300570488, -0.0037665660493075848, -0.10378403216600418, -0.09890120476484299, -0.0020294496789574623, 0.08304499834775925, 0.024914825335144997, 0.06190552935004234, -0.026580482721328735, -0.08910032361745834, -0.02830721251666546, -0.0013586538843810558, 0.319832980632782, 0.13735108077526093, -0.03673344478011131, 0.18428130447864532, 0.14094319939613342, -0.06591565161943436, -0.26687294244766235, -0.1082930639386177, -0.07726332545280457, -0.026394948363304138, -0.09285608679056168, -0.14226692914962769, 0.05063633993268013, -0.03576014190912247, -0.014843025244772434, 0.04682647064328194, -0.33747580647468567, -0.09879978746175766, 0.14528656005859375, -0.03793669492006302, 0.3565296530723572, -0.09143837541341782, -0.08563316613435745, -0.06458078324794769, -0.20958349108695984, 0.16920959949493408, -0.05986880138516426, 0.09537634253501892, -0.0016698967665433884, 0.17157183587551117, 0.05502518638968468, -0.026698298752307892, 0.09325621277093887, 0.03328396752476692, -0.04434496909379959, -0.09019963443279266, -0.05925954878330231, 0.024989834055304527, 0.02079463191330433, 0.04560019448399544, -0.05126737430691719, 0.03280383348464966, -0.14127092063426971, -0.04999993368983269, -0.09446299821138382, 0.017251120880246162, 0.01815434917807579, -0.05852705240249634, 0.009307214058935642, -0.0752548798918724, 0.012954510748386383, 0.005637125577777624, 0.14570145308971405, -0.10931438207626343, 0.13601548969745636, 0.11274296790361404, 0.1562337428331375, -0.17366310954093933, 0.014920169487595558, -0.05613182112574577, -0.05475856363773346, 0.07533638924360275, -0.10981084406375885, 0.04435257241129875, 0.08709947019815445, -0.045444898307323456, 0.10007066279649734, 0.08179070055484772, -0.0013183419359847903, 0.0016572038875892758, 0.08608678728342056, -0.24795939028263092, -0.012561454437673092, -0.07912271469831467, 0.024931374937295914, 0.07750267535448074, 0.09641988575458527, 0.20260687172412872, 0.000990469241514802, -0.041130054742097855, 0.0037874679546803236, 0.03372246026992798, -0.046445418149232864, 0.09215317666530609, -0.015003359876573086, 0.02482522837817669, -0.16145355999469757, 0.05340990796685219, 0.002056701574474573, -0.08611910045146942, 0.005900380201637745, 0.14908191561698914, -0.12945924699306488, -0.12952910363674164, -0.06403658539056778, 0.1263957917690277, -0.0846773311495781, -0.007290481589734554, -0.026288874447345734, -0.13450828194618225, 0.07062463462352753, 0.07655209302902222, 0.042094290256500244, 0.07278577238321304, -0.09615354984998703, -0.033034611493349075, -0.04743022844195366, 0.012685513123869896, 0.032053131610155106, -0.03005651943385601, -0.0330197848379612, 0.09191524982452393, -0.06003187224268913, 0.11249678581953049, -0.09746755659580231, -0.09167608618736267, -0.12755942344665527, 0.03805460408329964, -0.11690978705883026, -0.09224561601877213, -0.13284865021705627, -0.04996071010828018, -0.0023834439925849438, -0.0036505116149783134, -0.04630132392048836, -0.044564370065927505, -0.10823410004377365, 0.043183162808418274, -0.05211532860994339, 0.04216556251049042, -0.058026570826768875, 0.02498776465654373, 0.04331101477146149, -0.023010674864053726, 0.1530606746673584, 0.1352575421333313, -0.11315452307462692, 0.08223623782396317, -0.14238624274730682, -0.08789245784282684, 0.1267668902873993, 0.020548181608319283, 0.04764445498585701, 0.04844421148300171, 0.008880043402314186, 0.0704522505402565, 0.03663196414709091, 0.04448254778981209, 0.02693571150302887, -0.0790470764040947, 0.03128861263394356, -0.044388946145772934, -0.09720239043235779, -0.050447847694158554, -0.02072223648428917, 0.023952674120664597, 0.04634629935026169, 0.09128642827272415, -0.05654926225543022, 0.0806756541132927, -0.06114266440272331, 0.023587949573993683, 0.009958520531654358, -0.15522097051143646, -0.058653008192777634, -0.06486792117357254, 0.05650445073843002, 0.0038089051377028227, 0.23454001545906067, 0.021350309252738953, -0.0002542331931181252, 0.017352405935525894, 0.07870476692914963, 0.05565571412444115, 0.008815332315862179, 0.14453989267349243, 0.1185644268989563, -0.04542500898241997, -0.08719459176063538, 0.08764480799436569, 0.0304378941655159, -0.04153571277856827, 0.0909256786108017, -0.043163929134607315, 0.04157119244337082, 0.10130374878644943, -0.012377310544252396, 0.01553952693939209, -0.07523360848426819, -0.1119619682431221, -0.046257250010967255, 0.06338877230882645, -0.061623431742191315, 0.08973699808120728, 0.16326090693473816, -0.021811775863170624, 0.011816293932497501, -0.013469943776726723, -0.06128945201635361, -0.18180060386657715, -0.19902797043323517, -0.07713814824819565, -0.13547319173812866, -0.007791491691023111, -0.13569581508636475, 0.04084880277514458, -0.004329861141741276, 0.07450984418392181, -0.054799385368824005, 0.07086274027824402, 0.038121744990348816, -0.11207636445760727, 0.07600904256105423, -0.04042867571115494, 0.08801130205392838, -0.047083962708711624, 0.003831410314887762, -0.05690200999379158, 0.03362417221069336, 0.035513292998075485, 0.05015091970562935, -0.04924923926591873, 0.009534421376883984, -0.1267380565404892, -0.09710605442523956, -0.05482569336891174, 0.0709400475025177, -0.014544958248734474, 0.10229014605283737, 0.02495076134800911, -0.048369646072387695, 0.0347556434571743, 0.2146260142326355, -0.06252788007259369, -0.0888032540678978, -0.07690116763114929, 0.12290453165769577, 0.03074495680630207, 0.1211223304271698, -0.0158929955214262, 0.0137620335444808, -0.09227189421653748, 0.29610657691955566, 0.31527626514434814, -0.09606196731328964, 0.01730823889374733, -0.0014570009661838412, 0.03977908939123154, 0.08547299355268478, 0.11120788753032684, 0.08992351591587067, 0.2817143499851227, -0.04573798179626465, -0.013648065738379955, -0.01423449907451868, -0.04138970747590065, -0.05887492001056671, 0.022725088521838188, 0.03729387745261192, -0.07925067842006683, 0.014349764212965965, 0.10355227440595627, -0.2471662312746048, 0.13772426545619965, -0.17531709372997284, -0.16131749749183655, -0.07368307560682297, -0.00988349225372076, 0.08355243504047394, 0.03888832405209541, 0.08355683833360672, -0.00664981734007597, -0.09182196110486984, 0.12336495518684387, 0.011272309347987175, -0.18827833235263824, 0.0020511860493570566, 0.07257213443517685, -0.05335737019777298, -0.05808279290795326, -0.019548963755369186, 0.0796656683087349, 0.061834923923015594, 0.045774657279253006, -0.02230745181441307, 0.030363749712705612, 0.004224397707730532, -0.04785027727484703, 0.04842931404709816, 0.05987325310707092, 0.014500654302537441, -0.06780839711427689, 0.08705082535743713, -0.16908176243305206, 0.05841301381587982, -0.0725894421339035, -0.02273939736187458, -0.02272571437060833, 0.015065494924783707, -0.04240955784916878, 0.06404843926429749, 0.07140292972326279, -0.012053445912897587, -0.002737443894147873, -0.013890918344259262, -0.008654431439936161, -0.017131619155406952, -0.03895782306790352, -0.10354071110486984, -0.15661421418190002, -0.09900633245706558, 0.05754099786281586, 0.023613812401890755, -0.13471660017967224, 0.018889540806412697, -0.11846364289522171, 0.042721088975667953, -0.12293010950088501, 0.12088519334793091, 0.06633275747299194, 0.03890398144721985, -0.01404455117881298, -0.06009601056575775, 0.05453001707792282, 0.10338806360960007, -0.15147335827350616, -0.09777959436178207 ]
null
null
transformers
# Eddie Jones DialoGPT Model
{"tags": ["conversational"]}
text-generation
ChrisVCB/DialoGPT-medium-ej
[ "transformers", "pytorch", "gpt2", "text-generation", "conversational", "autotrain_compatible", "endpoints_compatible", "text-generation-inference", "region:us" ]
2022-03-02T23:29:04+00:00
[]
[]
TAGS #transformers #pytorch #gpt2 #text-generation #conversational #autotrain_compatible #endpoints_compatible #text-generation-inference #region-us
# Eddie Jones DialoGPT Model
[ "# Eddie Jones DialoGPT Model" ]
[ "TAGS\n#transformers #pytorch #gpt2 #text-generation #conversational #autotrain_compatible #endpoints_compatible #text-generation-inference #region-us \n", "# Eddie Jones DialoGPT Model" ]
[ 51, 8 ]
[ "passage: TAGS\n#transformers #pytorch #gpt2 #text-generation #conversational #autotrain_compatible #endpoints_compatible #text-generation-inference #region-us \n# Eddie Jones DialoGPT Model" ]
[ -0.04364563897252083, 0.13668134808540344, -0.006491906940937042, 0.008475610055029392, 0.10811261832714081, -0.001211347058415413, 0.17109264433383942, 0.12394506484270096, 0.0236686859279871, -0.060887277126312256, 0.13856717944145203, 0.16575737297534943, -0.02593161165714264, 0.127910315990448, -0.09672536700963974, -0.26603075861930847, 0.04678069055080414, 0.08360005915164948, 0.048499010503292084, 0.11631227284669876, 0.09005319327116013, -0.08121620118618011, 0.09259309619665146, 0.008176970295608044, -0.13491186499595642, 0.010342174209654331, 0.005993419326841831, -0.10525394231081009, 0.11282147467136383, 0.07668571919202805, 0.04254838451743126, 0.03889717906713486, -0.030277647078037262, -0.1502177119255066, 0.03574150428175926, -0.010024528950452805, -0.022719716653227806, 0.0545000359416008, 0.007612956687808037, -0.06739823520183563, 0.026099134236574173, 0.06955574452877045, 0.010402679443359375, 0.02699352614581585, -0.15730151534080505, -0.024077942594885826, 0.036790162324905396, 0.09744518250226974, 0.08520184457302094, 0.09525672346353531, -0.04810786992311478, 0.10527975857257843, -0.053114745765924454, 0.07962774485349655, 0.15161599218845367, -0.2586718499660492, 0.012108809314668179, 0.04658319428563118, 0.05942327901721001, 0.04217282310128212, -0.038147520273923874, 0.07933969050645828, 0.046403415501117706, 0.01070394553244114, -0.011586207896471024, -0.09496625512838364, -0.05511108413338661, 0.024671200662851334, -0.0926111489534378, -0.005346088670194149, 0.24542081356048584, -0.005495419725775719, 0.06297831237316132, -0.08630549907684326, -0.1048869788646698, -0.020292026922106743, -0.027100078761577606, -0.06622635573148727, -0.07678736001253128, 0.05384717136621475, 0.002773777348920703, -0.10301581770181656, -0.12391777336597443, -0.002996010472998023, -0.18908359110355377, 0.16125746071338654, 0.0379444882273674, 0.02313251793384552, -0.21561305224895477, 0.09451667964458466, 0.005402243230491877, -0.07766595482826233, 0.016494764015078545, -0.0760517418384552, 0.011930007487535477, -0.005763132590800524, -0.0221365038305521, -0.0032969401217997074, 0.034887850284576416, 0.10867946594953537, -0.058701809495687485, 0.013425545766949654, 0.021223343908786774, 0.06529568880796432, 0.08632735162973404, 0.07099336385726929, -0.014273232780396938, -0.011756557039916515, 0.027687331661581993, -0.08459199219942093, -0.016816144809126854, -0.05046086385846138, -0.19869129359722137, -0.013992787338793278, 0.08372576534748077, 0.02544439397752285, 0.019999047741293907, 0.09681150317192078, -0.013612336479127407, -0.08825812488794327, 0.043949466198682785, 0.0063406419940292835, 0.003223818726837635, 0.018261998891830444, 0.00556073896586895, 0.12499503791332245, 0.03904692456126213, 0.07362015545368195, -0.10339444875717163, 0.07796131074428558, -0.06302841752767563, -0.021990977227687836, -0.005350956693291664, -0.05894108861684799, -0.007778485305607319, -0.008689668029546738, 0.032243162393569946, -0.1368996948003769, -0.18841244280338287, 0.009295235387980938, -0.013966766186058521, -0.020357022061944008, -0.14645470678806305, -0.10769747942686081, 0.008780726231634617, 0.02755153179168701, -0.07174389809370041, -0.04752621799707413, -0.04886013641953468, 0.06775636970996857, -0.021873585879802704, 0.08161963522434235, -0.11372365057468414, 0.08679640293121338, -0.06955575942993164, -0.039411015808582306, -0.07024887949228287, 0.1017955020070076, 0.03799360617995262, 0.024690506979823112, -0.014823255129158497, -0.02868426963686943, -0.08445928990840912, 0.09235510230064392, -0.058149974793195724, 0.24542231857776642, -0.07064269483089447, -0.14425945281982422, 0.24580465257167816, -0.01952788233757019, -0.1224660575389862, 0.14124317467212677, -0.025142239406704903, 0.06970718502998352, 0.1373777836561203, 0.1580558717250824, 0.03242449089884758, -0.03771436586976051, 0.11449754983186722, 0.11766047775745392, -0.04603332653641701, -0.021847600117325783, 0.008221253752708435, -0.03223815932869911, -0.022189544513821602, 0.011973779648542404, 0.09435836970806122, 0.026115480810403824, -0.0770532488822937, -0.007858973927795887, 0.014668951742351055, -0.018713556230068207, 0.10487700253725052, -0.03009674698114395, 0.12559446692466736, -0.02045387402176857, -0.06038663163781166, 0.051923349499702454, 0.02017095871269703, -0.038532570004463196, 0.04746081307530403, -0.08071092516183853, 0.018650515004992485, -0.007248619105666876, 0.042160484939813614, -0.13109447062015533, -0.02576475590467453, -0.039717208594083786, 0.12992970645427704, 0.07410164177417755, 0.11290042847394943, 0.04436896741390228, -0.0469907745718956, -0.02991490066051483, 0.01488084439188242, 0.16985009610652924, -0.0035213506780564785, -0.09988711029291153, -0.10406188666820526, 0.10742630064487457, -0.0454075001180172, 0.08284980803728104, -0.12195565551519394, -0.0005387815181165934, -0.03169174864888191, 0.09332974255084991, -0.004475723020732403, 0.037770386785268784, 0.014927148818969727, -0.020298495888710022, -0.057499270886182785, 0.003761721309274435, 0.09227148443460464, -0.009767773561179638, -0.07107880711555481, 0.22247466444969177, -0.16618415713310242, 0.20789653062820435, 0.1749245822429657, -0.2742387652397156, 0.00411895290017128, -0.0780651718378067, -0.013920612633228302, -0.011285074055194855, 0.006238066125661135, -0.06379236280918121, 0.25726813077926636, -0.01369023509323597, 0.1746026575565338, -0.03505700081586838, -0.04748950153589249, -0.03189297020435333, -0.05913323536515236, 0.020914394408464432, 0.08865772932767868, 0.11432547867298126, -0.147409126162529, 0.15644913911819458, 0.10966509580612183, 0.04214285686612129, 0.16802841424942017, 0.028434384614229202, 0.017329605296254158, 0.051825519651174545, -0.03996407613158226, -0.07215511053800583, -0.07501371949911118, -0.241872176527977, -0.03318163752555847, 0.06060751527547836, 0.04622476547956467, 0.11513971537351608, -0.10679271817207336, -0.02170203998684883, 0.02131800167262554, 0.0009883935563266277, 0.0029788678511977196, 0.10409726202487946, 0.030212638899683952, 0.09786518663167953, -0.018919184803962708, -0.07421036809682846, 0.06871113181114197, 0.01959376409649849, -0.11328040063381195, 0.1841808259487152, -0.1134081482887268, -0.3331599831581116, -0.11202754825353622, -0.19815771281719208, -0.04098217189311981, 0.05611429363489151, 0.11136840283870697, -0.10421048104763031, -0.01306496188044548, 0.014889227226376534, 0.08482513576745987, -0.12196338176727295, 0.027550609782338142, -0.010635221377015114, -0.01755046471953392, -0.12049105763435364, -0.08552023768424988, -0.061360202729701996, -0.05528193339705467, 0.01032987516373396, 0.10740741342306137, -0.14097285270690918, -0.0042484416626393795, 0.25759178400039673, 0.07019095867872238, 0.06334752589464188, -0.03723686560988426, 0.24120695888996124, -0.08199965953826904, -0.0008643558248877525, 0.1435282677412033, -0.06937886774539948, 0.0668584406375885, 0.1036142110824585, 0.005243061110377312, -0.0741281732916832, 0.04027407616376877, -0.008048312738537788, -0.030747340992093086, -0.20854078233242035, -0.1306440532207489, -0.10552025586366653, 0.05001584440469742, 0.034441690891981125, 0.02745984122157097, 0.20058725774288177, 0.030404318124055862, -0.02231591008603573, 0.06141943857073784, 0.03740175440907478, 0.07640735059976578, 0.28270187973976135, -0.06229907646775246, 0.12563589215278625, 0.005450754892081022, -0.1711839884519577, 0.0736936405301094, 0.010134818963706493, 0.08906111866235733, 0.11481446772813797, 0.10162302106618881, 0.017948638647794724, -0.02992023341357708, 0.13450439274311066, 0.07653410732746124, 0.023956172168254852, -0.04489162191748619, -0.04968755319714546, -0.03088802471756935, -0.001592467655427754, 0.04663055017590523, 0.10717988759279251, -0.12378257513046265, -0.03281779587268829, -0.028963759541511536, 0.011006155982613564, 0.07875683903694153, 0.11462582647800446, -0.17069828510284424, -0.0004989836015738547, 0.07986301183700562, -0.04872133210301399, -0.09588155150413513, 0.06701131910085678, -0.017301063984632492, -0.10524611920118332, 0.031691621989011765, 0.0014063819544389844, 0.13030506670475006, -0.16141805052757263, 0.09368182718753815, -0.14178891479969025, -0.06515539437532425, -0.009362510405480862, 0.09121417254209518, -0.2915259599685669, 0.23808981478214264, -0.01077380683273077, -0.06108855828642845, -0.08318804204463959, -0.030552757903933525, -0.005125944036990404, 0.13176721334457397, 0.092979796230793, -0.0032595093362033367, 0.043031107634305954, 0.005318265408277512, -0.07335096597671509, 0.02033354341983795, 0.0980987548828125, -0.06440851837396622, -0.0077877528965473175, -0.033716876059770584, -0.008753843605518341, 0.025472139939665794, 0.015532406978309155, -0.03145609796047211, -0.14991812407970428, 0.0759517103433609, 0.0851539596915245, 0.06421267986297607, 0.04190446808934212, -0.06425643712282181, -0.08902337402105331, 0.2218710333108902, -0.047861360013484955, -0.08196873217821121, -0.08707813918590546, -0.043732453137636185, 0.02199285291135311, -0.08073927462100983, 0.007076268550008535, -0.022543665021657944, 0.05016477406024933, -0.0659775584936142, -0.1556028574705124, 0.13320045173168182, -0.09676135331392288, -0.03673461452126503, -0.06903176009654999, 0.20521798729896545, 0.023491140455007553, 0.014499700628221035, 0.03646007552742958, -0.015739066526293755, -0.11100861430168152, -0.08990265429019928, 0.02591852843761444, 0.0633125826716423, -0.035625092685222626, 0.020885493606328964, -0.018078772351145744, -0.043283622711896896, -0.04452747479081154, -0.02608628012239933, 0.31910061836242676, 0.16198612749576569, -0.01969926618039608, 0.14191532135009766, 0.14882488548755646, -0.076056569814682, -0.2363535761833191, -0.10929553210735321, -0.06483304500579834, -0.04733806475996971, -0.07958813011646271, -0.17598342895507812, 0.10773016512393951, -0.061941374093294144, -0.010000413283705711, 0.07268980145454407, -0.257668137550354, -0.12940336763858795, 0.24652551114559174, -0.06940591335296631, 0.4699662923812866, -0.06192303076386452, -0.08692163974046707, -0.06182708591222763, -0.1899607926607132, 0.20435045659542084, 0.0034612517338246107, 0.10164642333984375, 0.008488393388688564, 0.17610761523246765, 0.039478328078985214, 0.01998664066195488, 0.05933558568358421, 0.03702474758028984, -0.05787920579314232, -0.06333392858505249, -0.11256386339664459, -0.05256319046020508, 0.006806041579693556, 0.014676970429718494, -0.021073902025818825, 0.014666585251688957, -0.17894677817821503, -0.05864395573735237, -0.0822460874915123, 0.038264043629169464, 0.02985277585685253, -0.06582483649253845, 0.03080182522535324, -0.05659908801317215, -0.009060947224497795, 0.007538308389484882, 0.18617013096809387, -0.08345387130975723, 0.11211296170949936, 0.08495905250310898, 0.16143707931041718, -0.1651371717453003, -0.07567508518695831, -0.06871270388364792, -0.08164352923631668, 0.07060039788484573, -0.08051498234272003, 0.040134675800800323, 0.1113278791308403, -0.011542320251464844, 0.10242205113172531, 0.09951525181531906, -0.03481566533446312, -0.0007553384639322758, 0.07738430798053741, -0.2575899064540863, -0.05451824516057968, -0.08133704960346222, -0.009833688847720623, 0.0558873787522316, 0.09955041855573654, 0.2004321813583374, 0.013875512406229973, -0.04159950092434883, 0.028092404827475548, 0.010902682319283485, -0.03575984761118889, 0.09604327380657196, 0.028463857248425484, 0.02594359591603279, -0.13620427250862122, 0.06118178740143776, 0.0008883968112058938, -0.04766279458999634, 0.017246803268790245, 0.1446736752986908, -0.0976020023226738, -0.10393600910902023, -0.057840581983327866, 0.1444583386182785, -0.12470798939466476, -0.01847953349351883, -0.033418379724025726, -0.12469201534986496, 0.07982581108808517, 0.11612441390752792, 0.06183237582445145, 0.03995165228843689, -0.10907834768295288, -0.017635099589824677, -0.0027711112052202225, 0.011076121591031551, 0.08045579493045807, -0.005155638325959444, -0.06256306916475296, 0.03997064009308815, -0.026251180097460747, 0.13482047617435455, -0.09459085017442703, -0.0886978879570961, -0.17399556934833527, 0.06152575463056564, -0.11913079768419266, -0.08921314030885696, -0.055858660489320755, -0.05541861429810524, -0.007521490100771189, -0.045238196849823, -0.054547686129808426, -0.03191041573882103, -0.1093444675207138, 0.04100916162133217, -0.009884253144264221, 0.016767079010605812, -0.07795806229114532, 0.01376215647906065, 0.0617959089577198, -0.01907510682940483, 0.13805338740348816, 0.118339903652668, -0.11354008316993713, 0.08211223036050797, -0.11362799257040024, -0.08327420800924301, 0.12590806186199188, 0.017669908702373505, 0.07974106818437576, 0.018991567194461823, -0.015571021474897861, 0.05430055037140846, 0.09472601860761642, 0.03486108407378197, 0.03125818446278572, -0.06013963371515274, 0.03562181815505028, -0.03303683176636696, -0.12943023443222046, -0.030637087300419807, -0.04573650658130646, 0.04087597876787186, 0.028294915333390236, 0.11150507628917694, -0.04826970025897026, 0.09004276990890503, -0.0640888586640358, 0.04251042753458023, 0.027695462107658386, -0.15758737921714783, 0.027472395449876785, -0.09144783020019531, 0.049195222556591034, 0.004408034961670637, 0.22334635257720947, -0.013440662063658237, 0.03638709709048271, 0.03488359600305557, 0.05121922120451927, -0.04686421900987625, 0.007943488657474518, 0.18466441333293915, 0.08377613127231598, -0.06719688326120377, -0.11334492266178131, 0.09199564903974533, 0.061357807368040085, 0.085037000477314, 0.15001314878463745, -0.035636115819215775, -0.02667022868990898, 0.09446720778942108, 0.001081797294318676, 0.03249805420637131, -0.13110265135765076, -0.14111891388893127, -0.026735754683613777, 0.05797724053263664, -0.024351339787244797, 0.10493692010641098, 0.11023406684398651, -0.007705469150096178, 0.014362694695591927, -0.013564458116889, -0.05418010056018829, -0.2186046838760376, -0.14781123399734497, -0.08748031407594681, -0.15067121386528015, -0.01013155933469534, -0.1282481998205185, 0.021502528339624405, -0.01034749485552311, 0.08828697353601456, -0.07179263234138489, 0.05370846018195152, 0.080802783370018, -0.11776090413331985, 0.0738801658153534, -0.03802141174674034, 0.062098924070596695, -0.1032412126660347, 0.022506460547447205, -0.06803037226200104, 0.06935568898916245, 0.01316913589835167, 0.0021841132547706366, -0.08034546673297882, 0.01894025318324566, -0.10346317291259766, -0.0935545414686203, -0.061467353254556656, 0.05041257292032242, -0.02623370848596096, 0.10252676904201508, 0.006226667668670416, -0.023638736456632614, 0.030019577592611313, 0.2136417031288147, -0.09036222845315933, -0.12505532801151276, -0.052189137786626816, 0.2554936110973358, 0.024544911459088326, 0.1347031146287918, -0.024214928969740868, 0.0058242036029696465, -0.1055617555975914, 0.3454059958457947, 0.29020529985427856, -0.1119002252817154, 0.019855044782161713, 0.025202535092830658, 0.043874453753232956, 0.0902632400393486, 0.06242908164858818, 0.10556752979755402, 0.28292736411094666, -0.051972776651382446, -0.013879954814910889, 0.009788197465240955, -0.028479507192969322, -0.03669103980064392, 0.06817752867937088, 0.0905471220612526, -0.040530022233724594, -0.029043329879641533, 0.09971868991851807, -0.2772338092327118, 0.04683208465576172, -0.21435658633708954, -0.19936147332191467, -0.04898485541343689, -0.0048475260846316814, 0.0623939149081707, 0.03199965879321098, 0.0865459218621254, -0.009254404343664646, -0.07779648900032043, 0.0721118301153183, 0.00563401635736227, -0.20468588173389435, -0.010023155249655247, 0.07146196067333221, -0.1452885866165161, -0.030447114259004593, -0.012313182465732098, 0.08257986605167389, 0.06336421519517899, 0.04447341710329056, 0.0018818089738488197, 0.019908614456653595, -0.02021637000143528, -0.02524634264409542, 0.020543601363897324, 0.04968274012207985, 0.0034091738052666187, -0.0802263617515564, 0.083926722407341, -0.18148358166217804, 0.029453374445438385, -0.022511852905154228, -0.05497501790523529, -0.036456331610679626, 0.02468905784189701, -0.05828230828046799, 0.05428014323115349, 0.04404930770397186, -0.020570024847984314, -0.021708616986870766, -0.0003268387517891824, -0.00009563257481204346, -0.013983996585011482, -0.04116465523838997, -0.10033241659402847, -0.1644504815340042, -0.08567662537097931, 0.07836755365133286, 0.029029054567217827, -0.19908006489276886, 0.01768879033625126, -0.12612546980381012, 0.03964618593454361, -0.11405298113822937, 0.08359715342521667, 0.10063166916370392, 0.03327355161309242, -0.009461007080972195, -0.01982617750763893, 0.018964938819408417, 0.08605892211198807, -0.1434360146522522, -0.09274011850357056 ]
null
null
null
# MADNet Keras MADNet is a deep stereo depth estimation model. Its key defining features are: 1. It has a light-weight architecture which means it has low latency. 2. It supports self-supervised training, so it can be conveniently adapted in the field with no training data. 3. It's a stereo depth model, which means it's capable of high accuracy. The MADNet weights in this repository were trained using a Tensorflow 2 / Keras implementation of the original code. The model was created using the Keras Functional API, which enables the following features: 1. Good optimization. 2. High level Keras methods (.fit, .predict and .evaluate). 3. Little boilerplate code. 4. Decent support from external packages (like Weights and Biases). 5. Callbacks. The weights provided were either trained on the 2012 / 2015 kitti stereo dataset or flyingthings-3d dataset. The weights of the pretrained models from the original paper (tf1_conversion_kitti.h5 and tf1_conversion_synthetic.h5) are provided in tensorflow 2 format. The TF1 weights help speed up fine-tuning, but its recommended to use either synthetic.h5 (trained on flyingthings-3d) or kitti.h5 (trained on 2012 and 2015 kitti stereo datasets). **Abstract**: Deep convolutional neural networks trained end-to-end are the undisputed state-of-the-art methods to regress dense disparity maps directly from stereo pairs. However, such methods suffer from notable accuracy drops when exposed to scenarios significantly different from those seen in the training phase (e.g.real vs synthetic images, indoor vs outdoor, etc). As it is unlikely to be able to gather enough samples to achieve effective training/ tuning in any target domain, we propose to perform unsupervised and continuous online adaptation of a deep stereo network in order to preserve its accuracy independently of the sensed environment. However, such a strategy can be extremely demanding regarding computational resources and thus not enabling real-time performance. Therefore, we address this side effect by introducing a new lightweight, yet effective, deep stereo architecture Modularly ADaptive Network (MADNet) and by developing Modular ADaptation (MAD), an algorithm to train independently only sub-portions of our model. By deploying MADNet together with MAD we propose the first ever realtime self-adaptive deep stereo system. ## Usage Instructions See the accompanying codes readme for details on how to perform training and inferencing with the model: [madnet-deep-stereo-with-keras](https://github.com/ChristianOrr/madnet-deep-stereo-with-keras). ## Training ### TF1 Kitti and TF1 Synthetic Training details for the TF1 weights are available in the supplementary material (at the end) of this paper: [Real-time self-adaptive deep stereo](https://arxiv.org/abs/1810.05424) ### Synthetic The synthetic model was finetuned using the tf1 synthetic weights. It was trained on the flyingthings-3d dataset with the following parameters: - Steps: 1.5 million - Learning Rate: 0.0001 - Decay Rate: 0.999 - Minimum Learning Rate Cap: 0.000001 - Batch Size: 1 - Optimizer: Adam - Image Height: 480 - Image Width: 640 ### Kitti The kitti model was finetuned using the synthetic weights. Tensorboard events file is available in the logs directory. It was trained on the 2012 and 2015 kitti stereo dataset with the following parameters: - Steps: 0.5 million - Learning Rate: 0.0001 - Decay Rate: 0.999 - Minimum Learning Rate Cap: 0.0000001 - Batch Size: 1 - Optimizer: Adam - Image Height: 480 - Image Width: 640 ## BibTeX entry and citation info ```bibtex @InProceedings{Tonioni_2019_CVPR, author = {Tonioni, Alessio and Tosi, Fabio and Poggi, Matteo and Mattoccia, Stefano and Di Stefano, Luigi}, title = {Real-time self-adaptive deep stereo}, booktitle = {The IEEE Conference on Computer Vision and Pattern Recognition (CVPR)}, month = {June}, year = {2019} } ``` ```bibtex @article{Poggi2021continual, author={Poggi, Matteo and Tonioni, Alessio and Tosi, Fabio and Mattoccia, Stefano and Di Stefano, Luigi}, title={Continual Adaptation for Deep Stereo}, journal={IEEE Transactions on Pattern Analysis and Machine Intelligence (TPAMI)}, year={2021} } ``` ```bibtex @InProceedings{MIFDB16, author = "N. Mayer and E. Ilg and P. Hausser and P. Fischer and D. Cremers and A. Dosovitskiy and T. Brox", title = "A Large Dataset to Train Convolutional Networks for Disparity, Optical Flow, and Scene Flow Estimation", booktitle = "IEEE International Conference on Computer Vision and Pattern Recognition (CVPR)", year = "2016", note = "arXiv:1512.02134", url = "http://lmb.informatik.uni-freiburg.de/Publications/2016/MIFDB16" } ``` ```bibtex @INPROCEEDINGS{Geiger2012CVPR, author = {Andreas Geiger and Philip Lenz and Raquel Urtasun}, title = {Are we ready for Autonomous Driving? The KITTI Vision Benchmark Suite}, booktitle = {Conference on Computer Vision and Pattern Recognition (CVPR)}, year = {2012} } ``` ```bibtex @INPROCEEDINGS{Menze2015CVPR, author = {Moritz Menze and Andreas Geiger}, title = {Object Scene Flow for Autonomous Vehicles}, booktitle = {Conference on Computer Vision and Pattern Recognition (CVPR)}, year = {2015} } ```
{"license": "apache-2.0", "tags": ["vision", "deep-stereo", "depth-estimation", "Tensorflow2", "Keras"], "datasets": ["flyingthings-3d", "kitti"]}
depth-estimation
ChristianOrr/madnet_keras
[ "tensorboard", "vision", "deep-stereo", "depth-estimation", "Tensorflow2", "Keras", "dataset:flyingthings-3d", "dataset:kitti", "arxiv:1810.05424", "license:apache-2.0", "region:us" ]
2022-03-02T23:29:04+00:00
[ "1810.05424" ]
[]
TAGS #tensorboard #vision #deep-stereo #depth-estimation #Tensorflow2 #Keras #dataset-flyingthings-3d #dataset-kitti #arxiv-1810.05424 #license-apache-2.0 #region-us
# MADNet Keras MADNet is a deep stereo depth estimation model. Its key defining features are: 1. It has a light-weight architecture which means it has low latency. 2. It supports self-supervised training, so it can be conveniently adapted in the field with no training data. 3. It's a stereo depth model, which means it's capable of high accuracy. The MADNet weights in this repository were trained using a Tensorflow 2 / Keras implementation of the original code. The model was created using the Keras Functional API, which enables the following features: 1. Good optimization. 2. High level Keras methods (.fit, .predict and .evaluate). 3. Little boilerplate code. 4. Decent support from external packages (like Weights and Biases). 5. Callbacks. The weights provided were either trained on the 2012 / 2015 kitti stereo dataset or flyingthings-3d dataset. The weights of the pretrained models from the original paper (tf1_conversion_kitti.h5 and tf1_conversion_synthetic.h5) are provided in tensorflow 2 format. The TF1 weights help speed up fine-tuning, but its recommended to use either synthetic.h5 (trained on flyingthings-3d) or kitti.h5 (trained on 2012 and 2015 kitti stereo datasets). Abstract: Deep convolutional neural networks trained end-to-end are the undisputed state-of-the-art methods to regress dense disparity maps directly from stereo pairs. However, such methods suffer from notable accuracy drops when exposed to scenarios significantly different from those seen in the training phase (e.g.real vs synthetic images, indoor vs outdoor, etc). As it is unlikely to be able to gather enough samples to achieve effective training/ tuning in any target domain, we propose to perform unsupervised and continuous online adaptation of a deep stereo network in order to preserve its accuracy independently of the sensed environment. However, such a strategy can be extremely demanding regarding computational resources and thus not enabling real-time performance. Therefore, we address this side effect by introducing a new lightweight, yet effective, deep stereo architecture Modularly ADaptive Network (MADNet) and by developing Modular ADaptation (MAD), an algorithm to train independently only sub-portions of our model. By deploying MADNet together with MAD we propose the first ever realtime self-adaptive deep stereo system. ## Usage Instructions See the accompanying codes readme for details on how to perform training and inferencing with the model: madnet-deep-stereo-with-keras. ## Training ### TF1 Kitti and TF1 Synthetic Training details for the TF1 weights are available in the supplementary material (at the end) of this paper: Real-time self-adaptive deep stereo ### Synthetic The synthetic model was finetuned using the tf1 synthetic weights. It was trained on the flyingthings-3d dataset with the following parameters: - Steps: 1.5 million - Learning Rate: 0.0001 - Decay Rate: 0.999 - Minimum Learning Rate Cap: 0.000001 - Batch Size: 1 - Optimizer: Adam - Image Height: 480 - Image Width: 640 ### Kitti The kitti model was finetuned using the synthetic weights. Tensorboard events file is available in the logs directory. It was trained on the 2012 and 2015 kitti stereo dataset with the following parameters: - Steps: 0.5 million - Learning Rate: 0.0001 - Decay Rate: 0.999 - Minimum Learning Rate Cap: 0.0000001 - Batch Size: 1 - Optimizer: Adam - Image Height: 480 - Image Width: 640 ## BibTeX entry and citation info
[ "# MADNet Keras\r\n\r\nMADNet is a deep stereo depth estimation model. Its key defining features are:\r\n 1. It has a light-weight architecture which means it has low latency.\r\n 2. It supports self-supervised training, so it can be conveniently adapted in the field with no training data. \r\n 3. It's a stereo depth model, which means it's capable of high accuracy.\r\n \r\n The MADNet weights in this repository were trained using a Tensorflow 2 / Keras implementation of the original code. The model was created using the Keras Functional API, which enables the following features:\r\n 1. Good optimization. \r\n 2. High level Keras methods (.fit, .predict and .evaluate).\r\n 3. Little boilerplate code.\r\n 4. Decent support from external packages (like Weights and Biases). \r\n 5. Callbacks.\r\n \r\n The weights provided were either trained on the 2012 / 2015 kitti stereo dataset or flyingthings-3d dataset. The weights of the pretrained models from the original paper (tf1_conversion_kitti.h5 and tf1_conversion_synthetic.h5) are provided in tensorflow 2 format. The TF1 weights help speed up fine-tuning, but its recommended to use either synthetic.h5 (trained on flyingthings-3d) or kitti.h5 (trained on 2012 and 2015 kitti stereo datasets).\r\n\r\nAbstract:\r\n\r\nDeep convolutional neural networks trained end-to-end are the undisputed state-of-the-art methods to regress dense disparity maps directly from stereo pairs. However, such methods suffer from notable accuracy drops when exposed to scenarios significantly different from those seen in the training phase (e.g.real vs synthetic images, indoor vs outdoor, etc). As it is unlikely to be able to gather enough samples to achieve effective training/ tuning in any target domain, we propose to perform unsupervised and continuous online adaptation of a deep stereo network in order to preserve its accuracy independently of the sensed environment. However, such a strategy can be extremely demanding regarding computational resources and thus not enabling real-time performance. Therefore, we address this side effect by introducing a new lightweight, yet effective, deep stereo architecture Modularly ADaptive Network (MADNet) and by developing Modular ADaptation (MAD), an algorithm to train independently only sub-portions of our model. By deploying MADNet together with MAD we propose the first ever realtime self-adaptive deep stereo system.", "## Usage Instructions\r\nSee the accompanying codes readme for details on how to perform training and inferencing with the model: madnet-deep-stereo-with-keras.", "## Training", "### TF1 Kitti and TF1 Synthetic\r\nTraining details for the TF1 weights are available in the supplementary material (at the end) of this paper: Real-time self-adaptive deep stereo", "### Synthetic\r\nThe synthetic model was finetuned using the tf1 synthetic weights. It was trained on the flyingthings-3d dataset with the following parameters:\r\n- Steps: 1.5 million\r\n- Learning Rate: 0.0001\r\n- Decay Rate: 0.999\r\n- Minimum Learning Rate Cap: 0.000001\r\n- Batch Size: 1\r\n- Optimizer: Adam\r\n- Image Height: 480\r\n- Image Width: 640", "### Kitti\r\nThe kitti model was finetuned using the synthetic weights. Tensorboard events file is available in the logs directory. It was trained on the 2012 and 2015 kitti stereo dataset with the following parameters:\r\n- Steps: 0.5 million\r\n- Learning Rate: 0.0001\r\n- Decay Rate: 0.999\r\n- Minimum Learning Rate Cap: 0.0000001\r\n- Batch Size: 1\r\n- Optimizer: Adam\r\n- Image Height: 480\r\n- Image Width: 640", "## BibTeX entry and citation info" ]
[ "TAGS\n#tensorboard #vision #deep-stereo #depth-estimation #Tensorflow2 #Keras #dataset-flyingthings-3d #dataset-kitti #arxiv-1810.05424 #license-apache-2.0 #region-us \n", "# MADNet Keras\r\n\r\nMADNet is a deep stereo depth estimation model. Its key defining features are:\r\n 1. It has a light-weight architecture which means it has low latency.\r\n 2. It supports self-supervised training, so it can be conveniently adapted in the field with no training data. \r\n 3. It's a stereo depth model, which means it's capable of high accuracy.\r\n \r\n The MADNet weights in this repository were trained using a Tensorflow 2 / Keras implementation of the original code. The model was created using the Keras Functional API, which enables the following features:\r\n 1. Good optimization. \r\n 2. High level Keras methods (.fit, .predict and .evaluate).\r\n 3. Little boilerplate code.\r\n 4. Decent support from external packages (like Weights and Biases). \r\n 5. Callbacks.\r\n \r\n The weights provided were either trained on the 2012 / 2015 kitti stereo dataset or flyingthings-3d dataset. The weights of the pretrained models from the original paper (tf1_conversion_kitti.h5 and tf1_conversion_synthetic.h5) are provided in tensorflow 2 format. The TF1 weights help speed up fine-tuning, but its recommended to use either synthetic.h5 (trained on flyingthings-3d) or kitti.h5 (trained on 2012 and 2015 kitti stereo datasets).\r\n\r\nAbstract:\r\n\r\nDeep convolutional neural networks trained end-to-end are the undisputed state-of-the-art methods to regress dense disparity maps directly from stereo pairs. However, such methods suffer from notable accuracy drops when exposed to scenarios significantly different from those seen in the training phase (e.g.real vs synthetic images, indoor vs outdoor, etc). As it is unlikely to be able to gather enough samples to achieve effective training/ tuning in any target domain, we propose to perform unsupervised and continuous online adaptation of a deep stereo network in order to preserve its accuracy independently of the sensed environment. However, such a strategy can be extremely demanding regarding computational resources and thus not enabling real-time performance. Therefore, we address this side effect by introducing a new lightweight, yet effective, deep stereo architecture Modularly ADaptive Network (MADNet) and by developing Modular ADaptation (MAD), an algorithm to train independently only sub-portions of our model. By deploying MADNet together with MAD we propose the first ever realtime self-adaptive deep stereo system.", "## Usage Instructions\r\nSee the accompanying codes readme for details on how to perform training and inferencing with the model: madnet-deep-stereo-with-keras.", "## Training", "### TF1 Kitti and TF1 Synthetic\r\nTraining details for the TF1 weights are available in the supplementary material (at the end) of this paper: Real-time self-adaptive deep stereo", "### Synthetic\r\nThe synthetic model was finetuned using the tf1 synthetic weights. It was trained on the flyingthings-3d dataset with the following parameters:\r\n- Steps: 1.5 million\r\n- Learning Rate: 0.0001\r\n- Decay Rate: 0.999\r\n- Minimum Learning Rate Cap: 0.000001\r\n- Batch Size: 1\r\n- Optimizer: Adam\r\n- Image Height: 480\r\n- Image Width: 640", "### Kitti\r\nThe kitti model was finetuned using the synthetic weights. Tensorboard events file is available in the logs directory. It was trained on the 2012 and 2015 kitti stereo dataset with the following parameters:\r\n- Steps: 0.5 million\r\n- Learning Rate: 0.0001\r\n- Decay Rate: 0.999\r\n- Minimum Learning Rate Cap: 0.0000001\r\n- Batch Size: 1\r\n- Optimizer: Adam\r\n- Image Height: 480\r\n- Image Width: 640", "## BibTeX entry and citation info" ]
[ 64, 593, 43, 2, 48, 97, 106, 10 ]
[ "passage: TAGS\n#tensorboard #vision #deep-stereo #depth-estimation #Tensorflow2 #Keras #dataset-flyingthings-3d #dataset-kitti #arxiv-1810.05424 #license-apache-2.0 #region-us \n" ]
[ -0.10654772073030472, 0.17832203209400177, -0.00493947509676218, 0.09256457537412643, -0.020523788407444954, -0.013196269981563091, 0.14097033441066742, 0.13357993960380554, 0.014336363412439823, 0.0492737777531147, 0.1875174343585968, 0.0857488214969635, 0.06536269932985306, 0.07748617976903915, -0.007911549881100655, -0.24593839049339294, 0.023929692804813385, -0.006085546687245369, -0.11184302717447281, 0.05628630146384239, 0.04213939979672432, -0.12025685608386993, 0.05800391361117363, -0.03920738399028778, -0.06022844463586807, -0.005210959352552891, -0.006450536195188761, -0.10842694342136383, 0.10844650119543076, 0.014676591381430626, 0.04483982175588608, 0.00043847368215210736, 0.04447909817099571, -0.10199238359928131, 0.04022226855158806, 0.04023739695549011, -0.0610840730369091, 0.12324763834476471, 0.10760501027107239, 0.06048963963985443, -0.018991978839039803, -0.01194728258997202, -0.011664529331028461, 0.005122969392687082, -0.11733514070510864, -0.12375018000602722, -0.12316460907459259, 0.03092922270298004, 0.06205368787050247, 0.04390440136194229, 0.02214481495320797, 0.14158885180950165, -0.01681756041944027, 0.01564941182732582, 0.13994702696800232, -0.35800865292549133, -0.05946163460612297, 0.10886317491531372, -0.03265896067023277, 0.07762648165225983, -0.08345142751932144, 0.08517904579639435, 0.09271369129419327, -0.016890566796064377, -0.00026305721257813275, -0.04424392431974411, -0.1013292670249939, 0.055331602692604065, -0.06432574987411499, -0.018189018592238426, 0.2673601806163788, 0.09429793059825897, 0.05295668914914131, -0.017886431887745857, -0.0826186090707779, 0.05581856146454811, -0.04311903193593025, 0.002461722120642662, 0.07978980243206024, 0.05878092721104622, 0.05860074609518051, -0.08470382541418076, -0.18296770751476288, 0.0048108696937561035, -0.21172010898590088, -0.0643920749425888, 0.013162345625460148, 0.09673107415437698, -0.1058635488152504, 0.007645870093256235, 0.002155040157958865, -0.14383359253406525, 0.0247684046626091, -0.049751151353120804, 0.039345502853393555, 0.054692670702934265, 0.01868443749845028, -0.06576819717884064, 0.1466151773929596, 0.00582478754222393, 0.1418873816728592, 0.062450066208839417, -0.05576728284358978, 0.16324032843112946, 0.009670201689004898, 0.04621470719575882, -0.10015089809894562, -0.05452990531921387, 0.08041360974311829, -0.03350824490189552, 0.1276804506778717, -0.06869105994701385, -0.11334370821714401, 0.022793125361204147, -0.1171812042593956, 0.030074119567871094, 0.0917852520942688, -0.06307731568813324, -0.0708809643983841, -0.0218358114361763, -0.008892053738236427, -0.033117324113845825, 0.009427826851606369, -0.004912762902677059, -0.045134060084819794, -0.013424240052700043, 0.019564934074878693, 0.04290927201509476, 0.029733998700976372, -0.06317275017499924, -0.10287660360336304, -0.023420775309205055, -0.02796255052089691, -0.007883562706410885, 0.11950574070215225, -0.06207161769270897, 0.02627365104854107, -0.07830467820167542, -0.11049625277519226, -0.0073704528622329235, 0.09593574702739716, -0.0689883753657341, -0.0138842249289155, 0.031446974724531174, -0.05167881026864052, -0.0031510167755186558, -0.01572670042514801, 0.06468646973371506, -0.04968908801674843, 0.011671262793242931, -0.11005010455846786, 0.10457982122898102, -0.11918880045413971, -0.00006994079012656584, -0.13836093246936798, 0.052417054772377014, -0.05556178465485573, 0.012669170275330544, -0.11714673042297363, 0.09923665225505829, -0.1082925945520401, 0.03885699808597565, -0.08353324234485626, -0.02132543921470642, 0.034147534519433975, 0.13198478519916534, -0.3245432376861572, 0.010878855362534523, 0.010806186124682426, -0.08014768362045288, -0.18836230039596558, 0.07424792647361755, -0.010257180780172348, 0.05543969199061394, 0.01962553896009922, 0.33677342534065247, -0.004847860429435968, -0.028706347569823265, 0.023947395384311676, 0.11744696646928787, -0.024774203076958656, -0.12820695340633392, 0.07794862240552902, -0.030064744874835014, 0.05184163525700569, 0.0070088086649775505, 0.031261544674634933, 0.036479219794273376, -0.02714451402425766, -0.12160497903823853, -0.016205061227083206, -0.05697739124298096, -0.04390161857008934, 0.015171743929386139, 0.09931547194719315, -0.06282460689544678, 0.052580349147319794, -0.09929925948381424, 0.05905860289931297, 0.032859429717063904, 0.024381376802921295, -0.008168802596628666, 0.06453277915716171, -0.11096248030662537, -0.006569273304194212, -0.09322946518659592, -0.09754560887813568, 0.031389862298965454, -0.04510704427957535, 0.09689754247665405, 0.15778253972530365, 0.07756119221448898, -0.01807442121207714, 0.018648095428943634, 0.018230274319648743, 0.04724377393722534, 0.04177383705973625, -0.054765332490205765, -0.22591666877269745, 0.07609380036592484, -0.0677928477525711, -0.06406217813491821, -0.11910758167505264, -0.022322101518511772, 0.020438257604837418, 0.04809686914086342, 0.06645842641592026, 0.01873067207634449, 0.03796424716711044, -0.06587802618741989, -0.00830318033695221, -0.044464901089668274, 0.03943726792931557, 0.008057455532252789, -0.048328544944524765, 0.10492823272943497, -0.030344605445861816, 0.26863420009613037, 0.11876905709505081, -0.06444080919027328, 0.06453070044517517, -0.00473093893378973, -0.022367099300026894, -0.04784900322556496, 0.0005274853319860995, 0.11214925348758698, -0.01477194856852293, -0.006685888860374689, -0.003060848917812109, -0.053683802485466, 0.021258065477013588, 0.03309084102511406, -0.07687079161405563, -0.09748834371566772, 0.10778956860303879, 0.10939302295446396, -0.18816564977169037, 0.15177075564861298, 0.32198551297187805, -0.03645123168826103, 0.087347112596035, -0.078273706138134, -0.09924459457397461, -0.03995376080274582, -0.012066038325428963, -0.023663988336920738, 0.275234580039978, -0.07126473635435104, -0.000457499991171062, 0.06230633333325386, -0.02349388413131237, 0.02350579760968685, -0.15959316492080688, -0.09564992785453796, -0.03031701222062111, 0.017405541613698006, 0.029947659000754356, 0.027512390166521072, -0.07888045161962509, 0.0884602814912796, -0.017595672979950905, -0.08842477202415466, 0.06419543921947479, -0.045062389224767685, -0.001031619613058865, 0.1272931694984436, -0.09077763557434082, -0.17166125774383545, -0.07808474451303482, 0.04362347722053528, -0.06230531632900238, -0.03752549737691879, 0.014561496675014496, -0.07517116516828537, -0.04696307331323624, -0.0447479709982872, -0.0747443363070488, -0.01715204119682312, -0.0007544041727669537, 0.001354992389678955, 0.025504326447844505, -0.00329757877625525, -0.1074339747428894, 0.0037277613300830126, -0.08391008526086807, 0.05188339576125145, 0.04394589364528656, 0.04465898871421814, 0.11398337036371231, 0.14874430000782013, 0.07462774217128754, 0.023765627294778824, -0.01342975627630949, 0.12146086990833282, -0.07492414116859436, 0.020667513832449913, 0.14127124845981598, 0.02376917563378811, 0.021225135773420334, 0.16394396126270294, 0.10055702179670334, -0.0729721263051033, -0.029530931264162064, 0.0269729346036911, -0.07028242945671082, -0.23897244036197662, -0.023521315306425095, -0.10392516106367111, 0.1196836456656456, 0.02558732219040394, 0.07438892126083374, -0.026735439896583557, 0.1018114909529686, 0.0729096308350563, 0.03200317919254303, -0.07928389310836792, -0.028678836300969124, 0.15952634811401367, -0.06692098081111908, 0.039961352944374084, -0.12803445756435394, -0.047076962888240814, 0.129333958029747, 0.17369386553764343, 0.17908084392547607, 0.06715243309736252, 0.07991112023591995, 0.07492364943027496, 0.2110714465379715, -0.0037263238336890936, -0.005591108463704586, 0.03995523229241371, -0.044978100806474686, -0.05356179550290108, -0.049581047147512436, 0.030239764600992203, 0.08105756342411041, 0.010400214232504368, -0.06011514738202095, 0.12356157600879669, 0.028479499742388725, 0.077189140021801, 0.11168152838945389, 0.16107052564620972, -0.16872663795948029, 0.03207412362098694, 0.07126496732234955, 0.059701792895793915, -0.032260846346616745, 0.09134023636579514, 0.07761445641517639, -0.018112584948539734, 0.012589748948812485, -0.06751951575279236, 0.040983229875564575, -0.06318168342113495, -0.0159092266112566, -0.07646732032299042, -0.03062007762491703, 0.005985086318105459, 0.07581883668899536, -0.1873026192188263, 0.23679551482200623, 0.00015793346392456442, 0.0009565638029016554, -0.06718219071626663, -0.02694348432123661, 0.07728806883096695, -0.013284094631671906, 0.17721551656723022, -0.0039038294926285744, -0.03180808201432228, 0.07307162880897522, -0.1845901757478714, 0.07540589570999146, -0.004682045429944992, -0.033523254096508026, -0.09521801024675369, 0.04392644390463829, 0.018276134505867958, 0.052195433527231216, 0.129219651222229, -0.07608989626169205, -0.06708437204360962, 0.031675998121500015, -0.010821182280778885, -0.21768608689308167, -0.03497009724378586, -0.10241680592298508, -0.07226891815662384, 0.1215462014079094, 0.009559380821883678, 0.014661150053143501, -0.04922766238451004, 0.0013790251687169075, 0.0916232094168663, -0.04770119488239288, 0.04817277193069458, -0.012721925042569637, -0.012185086496174335, -0.015010299161076546, -0.19945302605628967, 0.17323614656925201, -0.09215252101421356, -0.01577463187277317, -0.10586124658584595, 0.08041101694107056, -0.008991805836558342, 0.05821351334452629, -0.023047367110848427, 0.03318096324801445, -0.05629897490143776, -0.07418690621852875, 0.13868260383605957, -0.006755772978067398, 0.02826722525060177, -0.04735186696052551, 0.0543542355298996, -0.06199350953102112, 0.009782451204955578, -0.01259368285536766, 0.179836705327034, 0.1857433319091797, -0.10403726249933243, 0.1293191760778427, 0.1587291955947876, -0.04483424127101898, -0.29271501302719116, 0.03217492625117302, -0.10802362859249115, -0.033379927277565, 0.08142174035310745, -0.17125099897384644, 0.15447525680065155, 0.08778341859579086, -0.1526552438735962, 0.22103236615657806, -0.34412360191345215, -0.08232510089874268, 0.20689928531646729, 0.08495131880044937, 0.23546740412712097, -0.16120581328868866, -0.08204317837953568, -0.010473957285284996, 0.00801530759781599, 0.15710976719856262, -0.16228973865509033, 0.057294849306344986, 0.0009305400308221579, 0.025584980845451355, 0.011200480163097382, -0.03375422954559326, 0.17391268908977509, -0.08138267695903778, 0.07487136125564575, -0.09365063905715942, -0.04412541911005974, 0.17499688267707825, -0.05329309403896332, 0.017146995291113853, 0.00000527501106262207, 0.0212556142359972, -0.028058361262083054, 0.04402023181319237, -0.049435410648584366, 0.059186067432165146, 0.007296245079487562, -0.07051435112953186, -0.11363302916288376, 0.03446006029844284, -0.03356661647558212, -0.0025517463218420744, 0.3324683904647827, 0.12164351344108582, -0.07127835601568222, 0.09453301131725311, -0.008691796101629734, 0.040317922830581665, -0.09768927097320557, -0.08523453772068024, -0.07787422090768814, 0.08108372986316681, -0.302437961101532, -0.028839342296123505, 0.08561599999666214, 0.018951527774333954, 0.017420416697859764, 0.035177264362573624, -0.13713814318180084, 0.05730585753917694, 0.10463398694992065, -0.14036224782466888, -0.17960120737552643, 0.02194085158407688, 0.06058887764811516, 0.02008913829922676, 0.11751165241003036, 0.11041860282421112, -0.04314612224698067, 0.019312791526317596, 0.054032906889915466, 0.059060025960206985, -0.04041275009512901, 0.08869294077157974, 0.15267489850521088, -0.021245449781417847, -0.0990341305732727, 0.27696260809898376, 0.0033887687604874372, -0.10009652376174927, 0.01949659176170826, 0.08381825685501099, -0.00001630132283025887, -0.107585608959198, 0.06881491094827652, 0.09805712848901749, -0.009163163602352142, -0.04550308361649513, -0.05819174647331238, -0.0867689773440361, 0.030158765614032745, 0.0809246376156807, 0.07558827102184296, -0.002885766327381134, -0.05786944180727005, -0.0311611145734787, 0.08864105492830276, 0.08664942532777786, -0.016192801296710968, 0.02300800196826458, -0.14893029630184174, -0.18669897317886353, -0.015575967729091644, 0.07540004700422287, -0.0672721266746521, -0.018371136859059334, -0.08179107308387756, 0.007746946066617966, -0.10705117881298065, 0.032400332391262054, -0.06335034966468811, -0.007146518211811781, -0.036319948732852936, -0.04755207896232605, -0.09017413854598999, 0.016465524211525917, -0.1039787158370018, -0.015483907423913479, -0.0019826090428978205, 0.06822941452264786, -0.13964474201202393, -0.04471179470419884, 0.01729108951985836, 0.007645778823643923, 0.07555316388607025, 0.03654131665825844, 0.02706322632730007, 0.05886479839682579, -0.15044832229614258, -0.03304601460695267, 0.12003277242183685, 0.040092404931783676, 0.038810402154922485, 0.02592642977833748, -0.06422135978937149, -0.007831432856619358, -0.03949253633618355, -0.0019838635344058275, 0.050403088331222534, -0.06618670374155045, -0.0906536728143692, -0.05393190309405327, -0.101318359375, -0.005322200246155262, -0.03613174334168434, 0.09201515465974808, 0.03939954191446304, 0.06670127809047699, -0.0054201846942305565, 0.042469002306461334, -0.1209159716963768, 0.007161296438425779, -0.010038475506007671, -0.1212690994143486, -0.029803559184074402, 0.010294433683156967, 0.0061527760699391365, -0.10069508105516434, 0.15919740498065948, 0.052597690373659134, -0.18919552862644196, 0.003619908820837736, 0.1011541485786438, 0.02142287790775299, 0.0820518285036087, 0.20555301010608673, 0.01295430213212967, -0.012847188860177994, -0.0828976258635521, 0.07798909395933151, 0.0791274905204773, 0.10220719873905182, 0.029479138553142548, 0.0905032828450203, 0.06546833366155624, 0.10841912031173706, 0.14018550515174866, -0.060967668890953064, -0.03122670203447342, 0.15418551862239838, -0.020009024068713188, 0.0917137861251831, 0.023252898827195168, -0.035411592572927475, 0.1957525759935379, -0.06204676628112793, -0.038620609790086746, -0.08400943130254745, -0.04087730497121811, -0.06995857506990433, -0.29428476095199585, -0.05230018123984337, -0.04686480388045311, 0.00890983548015356, -0.06259007751941681, -0.006592873949557543, 0.17461729049682617, 0.052449990063905716, -0.050068676471710205, 0.11909149587154388, 0.028970690444111824, -0.03836093097925186, 0.0839138850569725, 0.059074338525533676, -0.09599587321281433, -0.0566013865172863, -0.007909576408565044, -0.030724184587597847, -0.015397436916828156, -0.06729967147111893, -0.02382664382457733, 0.040870510041713715, 0.04416064918041229, -0.05335403233766556, -0.07312113046646118, -0.05222213640809059, -0.007428518030792475, 0.025579221546649933, 0.09073717892169952, 0.0850704088807106, 0.0006436120602302253, 0.07048781961202621, 0.17941738665103912, -0.06582209467887878, 0.05542883276939392, -0.05727604031562805, -0.018096502870321274, -0.12136168777942657, 0.03929295390844345, -0.055582188069820404, -0.053267884999513626, -0.004605849273502827, 0.137083500623703, 0.2984761893749237, -0.184533953666687, -0.022835062816739082, 0.033401139080524445, 0.015310394577682018, -0.11757152527570724, 0.10145557671785355, 0.0581606887280941, 0.15242010354995728, -0.12366750836372375, -0.0658695325255394, -0.031220873817801476, -0.010532930493354797, -0.10243646800518036, 0.11419318616390228, 0.08012627065181732, -0.043710239231586456, -0.0945679172873497, 0.14268770813941956, -0.06648866087198257, -0.058259230107069016, 0.05152999609708786, -0.2014409303665161, -0.14467091858386993, -0.005084220319986343, 0.1483374536037445, 0.02328442968428135, 0.04662996903061867, -0.09965354204177856, 0.030608348548412323, -0.09097498655319214, 0.024965593591332436, -0.22098520398139954, -0.04057019576430321, 0.036950014531612396, -0.10596022754907608, 0.2784343361854553, 0.00797803234308958, 0.008443566970527172, 0.06932567059993744, 0.03865409642457962, -0.10151306539773941, 0.01798129454255104, 0.044003263115882874, -0.030919793993234634, -0.08912321925163269, -0.047124478965997696, 0.00789268035441637, -0.040156587958335876, 0.1654832512140274, 0.07988440245389938, -0.00775173120200634, 0.04731583967804909, -0.03860532119870186, -0.04403945803642273, 0.046185821294784546, -0.12286300957202911, 0.06485505402088165, -0.03003247268497944, -0.04448885843157768, -0.052248790860176086, -0.026151971891522408, -0.014332935214042664, 0.08966252207756042, -0.09406521916389465, -0.01111128181219101, 0.07113570719957352, -0.014712691307067871, -0.03379585221409798, 0.036942701786756516, -0.12670062482357025, -0.07827860116958618, -0.050782375037670135, 0.007906012237071991, -0.06415247172117233, -0.010742082260549068, 0.11222167313098907, -0.05121579021215439, -0.007192919030785561, -0.07677169144153595, 0.03310687094926834, -0.00945416372269392, -0.038689177483320236, -0.09117182344198227 ]
null
null
transformers
# IndoBERT (Indonesian BERT Model) ## Model description ELECTRA is a new method for self-supervised language representation learning. This repository contains the pre-trained Electra Base model (tensorflow 1.15.0) trained in a Large Indonesian corpus (~16GB of raw text | ~2B indonesian words). IndoELECTRA is a pre-trained language model based on ELECTRA architecture for the Indonesian Language. This model is base version which use electra-base config. ## Intended uses & limitations #### How to use ```python from transformers import AutoTokenizer, AutoModel tokenizer = AutoTokenizer.from_pretrained("ChristopherA08/IndoELECTRA") model = AutoModel.from_pretrained("ChristopherA08/IndoELECTRA") tokenizer.encode("hai aku mau makan.") [2, 8078, 1785, 2318, 1946, 18, 4] ``` ## Training procedure The training of the model has been performed using Google's original Tensorflow code on eight core Google Cloud TPU v2. We used a Google Cloud Storage bucket, for persistent storage of training data and models.
{"language": "id", "datasets": ["oscar"]}
null
ChristopherA08/IndoELECTRA
[ "transformers", "pytorch", "electra", "pretraining", "id", "dataset:oscar", "endpoints_compatible", "region:us" ]
2022-03-02T23:29:04+00:00
[]
[ "id" ]
TAGS #transformers #pytorch #electra #pretraining #id #dataset-oscar #endpoints_compatible #region-us
# IndoBERT (Indonesian BERT Model) ## Model description ELECTRA is a new method for self-supervised language representation learning. This repository contains the pre-trained Electra Base model (tensorflow 1.15.0) trained in a Large Indonesian corpus (~16GB of raw text | ~2B indonesian words). IndoELECTRA is a pre-trained language model based on ELECTRA architecture for the Indonesian Language. This model is base version which use electra-base config. ## Intended uses & limitations #### How to use ## Training procedure The training of the model has been performed using Google's original Tensorflow code on eight core Google Cloud TPU v2. We used a Google Cloud Storage bucket, for persistent storage of training data and models.
[ "# IndoBERT (Indonesian BERT Model)", "## Model description\nELECTRA is a new method for self-supervised language representation learning. This repository contains the pre-trained Electra Base model (tensorflow 1.15.0) trained in a Large Indonesian corpus (~16GB of raw text | ~2B indonesian words).\nIndoELECTRA is a pre-trained language model based on ELECTRA architecture for the Indonesian Language. \n\nThis model is base version which use electra-base config.", "## Intended uses & limitations", "#### How to use", "## Training procedure\n\nThe training of the model has been performed using Google's original Tensorflow code on eight core Google Cloud TPU v2.\nWe used a Google Cloud Storage bucket, for persistent storage of training data and models." ]
[ "TAGS\n#transformers #pytorch #electra #pretraining #id #dataset-oscar #endpoints_compatible #region-us \n", "# IndoBERT (Indonesian BERT Model)", "## Model description\nELECTRA is a new method for self-supervised language representation learning. This repository contains the pre-trained Electra Base model (tensorflow 1.15.0) trained in a Large Indonesian corpus (~16GB of raw text | ~2B indonesian words).\nIndoELECTRA is a pre-trained language model based on ELECTRA architecture for the Indonesian Language. \n\nThis model is base version which use electra-base config.", "## Intended uses & limitations", "#### How to use", "## Training procedure\n\nThe training of the model has been performed using Google's original Tensorflow code on eight core Google Cloud TPU v2.\nWe used a Google Cloud Storage bucket, for persistent storage of training data and models." ]
[ 35, 11, 106, 9, 5, 49 ]
[ "passage: TAGS\n#transformers #pytorch #electra #pretraining #id #dataset-oscar #endpoints_compatible #region-us \n# IndoBERT (Indonesian BERT Model)## Model description\nELECTRA is a new method for self-supervised language representation learning. This repository contains the pre-trained Electra Base model (tensorflow 1.15.0) trained in a Large Indonesian corpus (~16GB of raw text | ~2B indonesian words).\nIndoELECTRA is a pre-trained language model based on ELECTRA architecture for the Indonesian Language. \n\nThis model is base version which use electra-base config.## Intended uses & limitations#### How to use## Training procedure\n\nThe training of the model has been performed using Google's original Tensorflow code on eight core Google Cloud TPU v2.\nWe used a Google Cloud Storage bucket, for persistent storage of training data and models." ]
[ -0.026762578636407852, 0.037998080253601074, 0.0003613096196204424, 0.05346004292368889, 0.16180531680583954, -0.005888644605875015, 0.08215019106864929, 0.057268984615802765, -0.024287207052111626, -0.026325320824980736, 0.057629603892564774, -0.08320579677820206, 0.03520748391747475, 0.14957596361637115, 0.05251375958323479, -0.36849865317344666, 0.039264656603336334, -0.0316753163933754, 0.017152627930045128, 0.09238242357969284, 0.12541337311267853, -0.0448940172791481, 0.09224476665258408, -0.022280704230070114, -0.07159244269132614, 0.009051082655787468, -0.1021384745836258, -0.0942147746682167, 0.06492742151021957, 0.011571932584047318, 0.14498619735240936, -0.015538251958787441, 0.07212553173303604, -0.06425543129444122, 0.03438302502036095, 0.02938825637102127, -0.04950438439846039, 0.02209889516234398, -0.01644301600754261, 0.009851081296801567, 0.1871720403432846, 0.04309014230966568, 0.0384402722120285, -0.036449968814849854, -0.08803185820579529, -0.05879312753677368, -0.0149824358522892, 0.09688225388526917, 0.12606440484523773, 0.09392423182725906, 0.003224237821996212, 0.05686752498149872, -0.11904667317867279, 0.053601618856191635, -0.008211134001612663, -0.19098502397537231, -0.060464970767498016, 0.16857858002185822, 0.11492013186216354, 0.08884556591510773, -0.015578492544591427, -0.04798240214586258, 0.011196944862604141, 0.0715690329670906, 0.06683976948261261, -0.03511359915137291, -0.15724307298660278, -0.004392270464450121, -0.07777632772922516, -0.041243866086006165, 0.3573484420776367, -0.011081961914896965, -0.06286417692899704, 0.03100309520959854, -0.04392661526799202, -0.06830691546201706, 0.030563021078705788, -0.04587135836482048, 0.04708520695567131, 0.05838702991604805, 0.09955903887748718, -0.12036914378404617, -0.11402669548988342, -0.03864116966724396, -0.05866635963320732, 0.10377473384141922, 0.03772871941328049, 0.05435571447014809, -0.08965844660997391, 0.105808325111866, -0.0872604101896286, -0.08549988269805908, -0.017008449882268906, -0.01063727680593729, -0.011553208343684673, 0.006926700938493013, -0.06358732283115387, -0.14698165655136108, -0.010703970678150654, 0.08468762785196304, 0.06364523619413376, 0.003962104208767414, 0.11324484646320343, 0.09059255570173264, 0.039197083562612534, 0.20406147837638855, -0.08992864191532135, -0.0024836838711053133, 0.07142582535743713, -0.08114233613014221, 0.018094545230269432, -0.02290966920554638, -0.13513416051864624, 0.008867393247783184, 0.09684871882200241, 0.0039976900443434715, -0.07430318742990494, 0.08343182504177094, -0.026441305875778198, -0.06300482153892517, 0.037505462765693665, -0.09372525662183762, -0.033076342195272446, -0.07736872136592865, -0.09184450656175613, 0.015433380380272865, 0.15774771571159363, 0.03303110599517822, -0.07161778211593628, -0.010212919674813747, -0.039897993206977844, -0.019024711102247238, -0.14511586725711823, -0.03593680262565613, 0.05143662914633751, -0.1622696816921234, 0.043275345116853714, -0.1700839102268219, -0.31166744232177734, -0.015739647671580315, 0.11265334486961365, -0.07277192920446396, -0.03845473378896713, -0.04234549403190613, -0.004098245874047279, -0.020311575382947922, -0.043688055127859116, 0.0077486662194132805, -0.012856456451117992, -0.0023697910364717245, -0.05997452512383461, 0.05226810649037361, -0.14536938071250916, 0.044694334268569946, -0.07637469470500946, 0.06889872252941132, -0.26360592246055603, 0.05123891308903694, -0.02398511953651905, 0.023285215720534325, -0.11690668016672134, -0.026348764076828957, -0.03457820788025856, 0.008769211359322071, 0.032349105924367905, 0.13130585849285126, -0.1859765499830246, 0.04790954664349556, 0.017312875017523766, -0.13161402940750122, -0.09576128423213959, 0.10451478511095047, -0.019170034676790237, 0.1877090036869049, 0.023264599964022636, 0.1133200153708458, 0.002809543162584305, -0.046236325055360794, 0.012215626426041126, 0.048196226358413696, -0.047571443021297455, -0.11610374599695206, 0.09310562908649445, 0.05839446932077408, -0.032429151237010956, 0.027417706325650215, -0.06593627482652664, 0.08547711372375488, -0.03704037144780159, -0.03218098357319832, -0.007523701526224613, -0.09996291995048523, -0.01911420002579689, 0.0002516357635613531, 0.10775619000196457, 0.012206751853227615, -0.04483182728290558, 0.15104562044143677, 0.059552568942308426, -0.06762034446001053, 0.018912579864263535, -0.08985395729541779, 0.09422760456800461, -0.09044674038887024, -0.010805237106978893, -0.0950157642364502, -0.16205911338329315, 0.05528376251459122, 0.07319118082523346, 0.0028087948448956013, 0.010637625120580196, 0.0676010400056839, 0.001821531099267304, -0.06423566490411758, -0.01993631199002266, -0.051642876118421555, 0.010805588215589523, -0.05083845928311348, -0.03343084454536438, -0.04310126230120659, -0.03424736112356186, 0.04302065074443817, -0.10208265483379364, 0.01466671098023653, -0.10642541944980621, 0.09600444883108139, -0.022814689204096794, -0.025906840339303017, 0.03416537865996361, -0.0007330579101108015, -0.015309483744204044, -0.07474575936794281, 0.01232388336211443, 0.08290179073810577, -0.11182858049869537, 0.17188160121440887, 0.004764610435813665, 0.10754881799221039, 0.07397646456956863, -0.01303845550864935, -0.047397464513778687, 0.06699944287538528, -0.012542466633021832, -0.08077166974544525, -0.05842671915888786, 0.03564988076686859, 0.2634296417236328, -0.03308625519275665, 0.13884080946445465, -0.09013738483190536, 0.04211631044745445, 0.016312245279550552, -0.0930677130818367, 0.01324641052633524, 0.037773411720991135, 0.08125461637973785, -0.0770641639828682, 0.0792754665017128, -0.005426332820206881, -0.142867773771286, 0.16101093590259552, -0.025430137291550636, -0.044616445899009705, -0.04286056011915207, 0.00833940040320158, -0.02232661098241806, 0.09218315780162811, -0.2126874476671219, -0.008815038949251175, 0.016457578167319298, 0.030787384137511253, 0.06263014674186707, -0.07114236056804657, -0.025307245552539825, 0.01609979197382927, -0.008978120051324368, -0.0037749730981886387, 0.016173560172319412, -0.08399010449647903, 0.02481432631611824, 0.016663070768117905, -0.06711327284574509, 0.06739617884159088, 0.013109710067510605, -0.09801847487688065, 0.20486918091773987, -0.07341448962688446, -0.19905337691307068, -0.14449644088745117, 0.06603921949863434, 0.07059918344020844, 0.0301723163574934, 0.019592611119151115, 0.007036692928522825, -0.058424804359674454, -0.08487271517515182, -0.028299480676651, -0.011577611789107323, -0.002202874282374978, -0.07102445513010025, -0.016888640820980072, -0.01847297139465809, -0.07488827407360077, -0.00007952951273182407, -0.003483041888102889, -0.11424984782934189, 0.07700151205062866, -0.11622590571641922, 0.04388551414012909, 0.11475300043821335, -0.07850567996501923, 0.031975362449884415, 0.014193705283105373, 0.16775931417942047, -0.07152251154184341, 0.11939593404531479, 0.1606644243001938, -0.047101862728595734, -0.006686023902148008, 0.05752069875597954, -0.024225864559412003, -0.042403485625982285, 0.06317564845085144, -0.04441862180829048, -0.09626450389623642, -0.2810816764831543, -0.10590492933988571, -0.02184201218187809, -0.03382032737135887, -0.024525735527276993, 0.07900526374578476, 0.07085370272397995, 0.11798936873674393, 0.07272589206695557, 0.13985006511211395, -0.07216819375753403, 0.04005848988890648, -0.04503452777862549, -0.0026485687121748924, 0.0329376719892025, -0.04418627917766571, 0.00798832904547453, 0.06362214684486389, 0.04900442436337471, 0.2688145637512207, -0.010453554801642895, 0.03874640166759491, 0.044269852340221405, 0.16055139899253845, 0.09481246024370193, 0.10537207126617432, -0.06262267380952835, 0.008528389036655426, -0.044081564992666245, -0.0025892420671880245, -0.045148465782403946, 0.062285568565130234, -0.017175057902932167, 0.004958420060575008, -0.013067982159554958, 0.05489904433488846, -0.006781382951885462, 0.2220226377248764, -0.03463978320360184, -0.2439335435628891, -0.09996466338634491, 0.006027502007782459, -0.05288281664252281, -0.08399644494056702, 0.03703049570322037, 0.18255504965782166, -0.1572754979133606, -0.06329964101314545, -0.016821159049868584, 0.07062143832445145, -0.11319383978843689, -0.05895179882645607, 0.06571807712316513, -0.005525617394596338, 0.022717418149113655, 0.12096889317035675, -0.2100990116596222, 0.17127512395381927, -0.02961186319589615, 0.045038528740406036, -0.03893524780869484, -0.0073004295118153095, -0.01414915919303894, 0.09766148775815964, 0.11918806284666061, 0.05897149443626404, 0.024627534672617912, -0.0008310034172609448, -0.13467298448085785, 0.05701171234250069, -0.002259280998259783, -0.016363928094506264, 0.033878084272146225, 0.010507785715162754, 0.019930558279156685, 0.03229077160358429, 0.05943090841174126, -0.10357605665922165, -0.033417683094739914, -0.024819638580083847, -0.011210663244128227, 0.09208500385284424, -0.08268620818853378, -0.08266276121139526, 0.05494178831577301, 0.10261692106723785, 0.013239559717476368, -0.06996314972639084, -0.1139063760638237, -0.03782331198453903, 0.09614995121955872, -0.07299508899450302, 0.10341193526983261, 0.01913902349770069, 0.0028192210011184216, 0.043284475803375244, -0.06718075275421143, 0.12187762558460236, -0.13109223544597626, -0.04708612337708473, -0.03995377570390701, -0.012625561095774174, 0.11037594825029373, 0.0011928057065233588, 0.01064747478812933, -0.023327810689806938, -0.031328629702329636, -0.08852110803127289, -0.04336705058813095, 0.09697875380516052, 0.044081732630729675, 0.08455496281385422, -0.037981338798999786, 0.09458042681217194, 0.0747108981013298, -0.08125124126672745, 0.10493901371955872, -0.08252257108688354, -0.03074817918241024, 0.05645524710416794, 0.14328835904598236, -0.09621128439903259, -0.24462880194187164, -0.07221739739179611, 0.09797409176826477, 0.04930650815367699, -0.05059920996427536, -0.19626076519489288, 0.13585752248764038, 0.10945791006088257, -0.03710870072245598, -0.060218680649995804, -0.1690654307603836, -0.11051015555858612, 0.12847377359867096, 0.07361149787902832, 0.19011124968528748, -0.1128535196185112, -0.03707679361104965, 0.03092198260128498, -0.0852881595492363, 0.03447993844747543, -0.11018701642751694, 0.0824800431728363, 0.006209251936525106, 0.00961736124008894, -0.005710109602659941, -0.0454658567905426, 0.1112625002861023, 0.04768301919102669, 0.008042201399803162, -0.07977525144815445, -0.028288617730140686, 0.1024046465754509, -0.02724156714975834, 0.16775625944137573, -0.007296667899936438, 0.0593397282063961, -0.16090916097164154, -0.07221504300832748, -0.03866872563958168, 0.029987042769789696, 0.015964260324835777, -0.0708465427160263, -0.021868368610739708, 0.0973057970404625, 0.03708123043179512, 0.044792208820581436, 0.0913386270403862, 0.03339730575680733, -0.06313244253396988, 0.13441506028175354, 0.11901693791151047, 0.0041056969203054905, -0.04660551995038986, -0.04252702370285988, -0.013901367783546448, 0.06862335652112961, -0.1672135442495346, -0.025868622586131096, 0.058559171855449677, -0.0489703007042408, 0.1339491754770279, 0.03716551139950752, -0.12193761765956879, 0.045441072434186935, 0.060135696083307266, -0.053287144750356674, -0.16820640861988068, -0.0679057165980339, -0.02660413086414337, 0.0003559851029422134, 0.019426440820097923, 0.07084260880947113, -0.2100357711315155, 0.006254663225263357, -0.06308324635028839, 0.004806188866496086, -0.08145779371261597, 0.08163489401340485, 0.057814739644527435, 0.02953169494867325, -0.04800469055771828, 0.19772951304912567, 0.10477789491415024, -0.023211361840367317, 0.09550347179174423, 0.09427864849567413, -0.1037655845284462, -0.06487303227186203, 0.06474333256483078, 0.150962233543396, -0.06453647464513779, -0.12353520840406418, -0.07379385828971863, -0.05408928543329239, 0.023298241198062897, 0.08272944390773773, 0.07006359845399857, 0.028954971581697464, -0.06474339962005615, 0.02049044519662857, -0.044113241136074066, 0.06285042315721512, 0.1037978008389473, 0.02440076507627964, -0.10535550117492676, -0.038842909038066864, 0.07385066896677017, 0.08224265277385712, -0.08338045328855515, -0.07548375427722931, -0.09261969476938248, 0.03631013631820679, -0.0895647257566452, 0.046909380704164505, -0.011900336481630802, -0.03863654285669327, -0.006752443965524435, -0.07329078763723373, -0.017781050875782967, 0.04982588440179825, -0.03454425930976868, 0.04677826538681984, -0.015929631888866425, 0.026621004566550255, 0.010276297107338905, -0.04872433841228485, 0.05733461678028107, -0.019380034878849983, 0.11931398510932922, 0.07811632752418518, -0.015307312831282616, 0.07092098891735077, -0.15152475237846375, 0.0667632594704628, 0.047432709485292435, -0.016267171129584312, 0.0565316341817379, -0.06485962867736816, 0.022317027673125267, 0.012931092642247677, -0.0016395647544413805, -0.027376143261790276, 0.01953752711415291, -0.09264061599969864, -0.027837716042995453, 0.0020742120686918497, -0.0292988121509552, -0.12341179698705673, 0.05282511189579964, 0.02688475139439106, 0.09987664967775345, 0.07531645148992538, -0.054530806839466095, 0.019229989498853683, -0.07008044421672821, 0.01086838822811842, 0.011769106611609459, 0.0027696839533746243, -0.08502217382192612, -0.07022327929735184, -0.002958465600386262, -0.018611345440149307, 0.1480192095041275, 0.08343537896871567, -0.025782033801078796, -0.04865031689405441, 0.03512939065694809, 0.004759024828672409, 0.008881059475243092, 0.18240615725517273, 0.03874141350388527, 0.007530955132097006, -0.05529968440532684, 0.04434993118047714, 0.0186383668333292, 0.0023556603118777275, 0.05723349750041962, 0.06766121089458466, 0.00023100691032595932, 0.16777068376541138, 0.014603186398744583, -0.0048033008351922035, -0.13817404210567474, -0.031186049804091454, -0.02042974717915058, 0.09553137421607971, -0.04257182404398918, 0.07136937975883484, 0.1087552160024643, -0.13348206877708435, 0.05367622897028923, 0.017662862315773964, -0.09247466921806335, -0.06228751689195633, -0.25271013379096985, -0.06121080741286278, -0.14379309117794037, 0.01034168154001236, -0.12973430752754211, -0.041965436190366745, 0.1579192876815796, 0.03343190625309944, -0.07251686602830887, 0.11061476171016693, -0.02892160974442959, -0.028288640081882477, 0.05852395296096802, -0.015548142604529858, 0.07390383630990982, -0.03345019370317459, -0.05874768644571304, -0.08382012695074081, 0.05722762271761894, 0.011936750262975693, -0.004888805560767651, 0.057292282581329346, 0.0532836839556694, 0.049115024507045746, -0.04439518600702286, -0.014400782994925976, -0.00010409783135401085, -0.0353282168507576, 0.0391853041946888, 0.0007711737416684628, -0.03382101282477379, 0.036542464047670364, 0.26431578397750854, -0.0180157870054245, -0.06366272270679474, -0.15691328048706055, 0.07202571630477905, 0.03319208323955536, -0.02663286402821541, 0.04636121168732643, -0.07979892939329147, -0.07781428098678589, 0.23235659301280975, 0.1368243396282196, -0.028250738978385925, -0.02810833975672722, 0.04243753105401993, -0.023014817386865616, -0.02360551804304123, 0.17530666291713715, 0.08887703716754913, 0.15372280776500702, -0.06375136971473694, 0.0449272096157074, -0.05572807416319847, -0.05091442912817001, -0.058047208935022354, 0.016042539849877357, -0.028222016990184784, -0.028062405064702034, -0.06492320448160172, 0.0629337877035141, -0.2020692527294159, -0.19221088290214539, 0.02549656853079796, -0.041980184614658356, -0.11827659606933594, -0.0873207226395607, 0.025393670424818993, 0.09205987304449081, 0.05748608708381653, -0.008582277223467827, 0.020070429891347885, 0.12172935158014297, 0.05918474495410919, -0.11153366416692734, -0.04024185985326767, 0.10426555573940277, 0.008795196190476418, 0.208779975771904, 0.0033436508383601904, 0.031882110983133316, 0.030474133789539337, 0.05935905501246452, -0.10866043716669083, 0.10617078095674515, -0.004003855865448713, 0.04144466668367386, 0.03052617982029915, 0.08810895681381226, -0.06308408826589584, 0.06729118525981903, -0.024506142362952232, -0.06538160890340805, -0.004159959033131599, 0.015274334698915482, 0.009843466803431511, -0.12967945635318756, 0.024777809157967567, -0.10524369776248932, 0.12875334918498993, 0.14284808933734894, -0.03732634335756302, -0.0152371721342206, -0.09221344441175461, 0.08822905272245407, 0.024335801601409912, 0.004501428455114365, 0.007910078391432762, -0.014392944984138012, -0.0364152230322361, -0.08129477500915527, 0.018322018906474113, -0.1013014167547226, 0.0030258854385465384, -0.11140544712543488, -0.06469742208719254, -0.021901296451687813, 0.049293152987957, 0.14629097282886505, 0.05223415419459343, -0.05118708312511444, 0.1193481832742691, -0.03025694563984871, 0.03903558477759361, -0.14722630381584167, -0.10914185643196106 ]
null
null
transformers
# Harry Potter DialoGPT MOdel
{"tags": ["conversational"]}
text-generation
Chuah/DialoGPT-small-harrypotter
[ "transformers", "pytorch", "gpt2", "text-generation", "conversational", "autotrain_compatible", "endpoints_compatible", "text-generation-inference", "region:us" ]
2022-03-02T23:29:04+00:00
[]
[]
TAGS #transformers #pytorch #gpt2 #text-generation #conversational #autotrain_compatible #endpoints_compatible #text-generation-inference #region-us
# Harry Potter DialoGPT MOdel
[ "# Harry Potter DialoGPT MOdel" ]
[ "TAGS\n#transformers #pytorch #gpt2 #text-generation #conversational #autotrain_compatible #endpoints_compatible #text-generation-inference #region-us \n", "# Harry Potter DialoGPT MOdel" ]
[ 51, 9 ]
[ "passage: TAGS\n#transformers #pytorch #gpt2 #text-generation #conversational #autotrain_compatible #endpoints_compatible #text-generation-inference #region-us \n# Harry Potter DialoGPT MOdel" ]
[ 0.008424711413681507, 0.06736224889755249, -0.007983199320733547, 0.07964492589235306, 0.11506190150976181, 0.0504177026450634, 0.1603025645017624, 0.1303938627243042, 0.0008224062621593475, -0.03523882478475571, 0.11641141772270203, 0.23031575977802277, -0.0027532530948519707, 0.011547397822141647, -0.04890704154968262, -0.27866557240486145, 0.03767074644565582, 0.010622279718518257, -0.05943400040268898, 0.12079452723264694, 0.091299869120121, -0.054867323487997055, 0.08421632647514343, -0.023528307676315308, -0.13597500324249268, -0.02892591804265976, 0.032179586589336395, -0.10852493345737457, 0.16362839937210083, 0.05503353476524353, 0.03975052013993263, -0.00800183042883873, -0.08402881026268005, -0.16037029027938843, 0.04053821787238121, -0.015996571630239487, -0.014546211808919907, 0.0547587126493454, 0.028104273602366447, -0.07898414880037308, 0.1543959379196167, 0.16045019030570984, 0.07865125685930252, 0.053394872695207596, -0.14890006184577942, -0.061391815543174744, -0.018585296347737312, 0.05626193806529045, -0.03853899985551834, 0.08826559782028198, -0.012888070195913315, 0.13164229691028595, -0.03183143958449364, 0.09539368003606796, 0.18245302140712738, -0.3965417146682739, -0.03785540536046028, 0.07677457481622696, 0.05985371023416519, 0.14235277473926544, -0.11510975658893585, 0.0364522859454155, -0.005286353640258312, 0.012468638829886913, -0.025060558691620827, -0.08930451422929764, -0.0783124715089798, 0.04015408456325531, -0.12146960198879242, -0.0055942232720553875, 0.22925898432731628, -0.11038815975189209, 0.03672660142183304, -0.0734199658036232, -0.07086227089166641, 0.04274069890379906, -0.03819272294640541, -0.07686591148376465, -0.06020074710249901, 0.05696737766265869, 0.007233817595988512, -0.07705904543399811, -0.09334166347980499, 0.011360368691384792, -0.1283487230539322, 0.17363446950912476, 0.053049761801958084, 0.04184214770793915, -0.1800394058227539, 0.07141445577144623, 0.05486539006233215, -0.047409459948539734, 0.007823649793863297, -0.11412889510393143, 0.05245855823159218, 0.007876168936491013, -0.03136755898594856, -0.038516685366630554, 0.053824376314878464, 0.14566855132579803, -0.032693587243556976, 0.042224787175655365, -0.022327307611703873, 0.07366594672203064, 0.07268047332763672, 0.007371521554887295, 0.03859281539916992, -0.07623608410358429, 0.035592954605817795, -0.08549931645393372, 0.017550991848111153, -0.0549718402326107, -0.1597069501876831, -0.06431859731674194, 0.041432205587625504, 0.032108910381793976, 0.047362182289361954, 0.07010629773139954, -0.005749712698161602, -0.04270751774311066, 0.04128666967153549, 0.0008685002103447914, -0.013606538996100426, -0.007352609187364578, -0.00005001795943826437, 0.18897491693496704, 0.015147223137319088, 0.0045647649094462395, -0.12293382734060287, 0.10555632412433624, -0.08232712745666504, 0.011275453492999077, 0.02734343707561493, -0.03757595270872116, 0.013054529204964638, 0.02422121725976467, 0.006901578977704048, -0.12711094319820404, -0.07996877282857895, 0.0014106463640928268, -0.017961082980036736, -0.0271255262196064, -0.09769351035356522, -0.05923141539096832, -0.012415578588843346, 0.05162562429904938, -0.005802670493721962, -0.007436295039951801, -0.04377010092139244, 0.12150047719478607, -0.04694470018148422, 0.09020720422267914, -0.08899222314357758, 0.05669510364532471, -0.08743545413017273, -0.06434286385774612, -0.12193916738033295, 0.028365332633256912, -0.006527546793222427, 0.06772870570421219, 0.02188132144510746, -0.03873687982559204, -0.010685795918107033, 0.042475469410419464, -0.08268357813358307, 0.18065620958805084, -0.04751694202423096, -0.12635847926139832, 0.23127834498882294, -0.10374034196138382, -0.18134963512420654, 0.13149990141391754, -0.005814699921756983, 0.05548212677240372, 0.1123698428273201, 0.19978494942188263, -0.0033533149398863316, -0.017479481175541878, 0.061880484223365784, 0.062388744205236435, -0.08965661376714706, 0.06398895382881165, 0.034702613949775696, -0.012874005362391472, -0.08644966781139374, 0.052816569805145264, 0.06835712492465973, -0.015414474532008171, -0.027249127626419067, -0.015160497277975082, -0.016065703704953194, -0.008044064976274967, 0.1426648497581482, -0.006427137181162834, 0.10321659594774246, -0.09103337675333023, -0.03099619224667549, -0.020105913281440735, 0.028551369905471802, -0.016254980117082596, 0.08730779588222504, -0.03616984188556671, 0.11029505729675293, 0.11049006879329681, 0.04868325591087341, -0.12701277434825897, -0.0010105222463607788, -0.024094177410006523, 0.1886761635541916, 0.09431886672973633, 0.05289921164512634, 0.06274604797363281, -0.00455118203535676, -0.07431070506572723, 0.044217973947525024, 0.11476022005081177, -0.035403061658144, -0.10539276897907257, -0.1731995940208435, 0.06699351966381073, -0.04372154176235199, 0.09982877969741821, -0.0969163179397583, 0.02682337537407875, -0.005684373900294304, 0.08260586857795715, -0.013602398335933685, 0.007095628418028355, -0.007171669043600559, -0.010820752009749413, -0.0815870463848114, -0.0044431015849113464, 0.08308939635753632, -0.01413263101130724, -0.06188390776515007, 0.14925779402256012, -0.17612740397453308, 0.17867237329483032, 0.2189655303955078, -0.30870676040649414, -0.008013893850147724, -0.15894843637943268, -0.024995865300297737, 0.019489100202918053, 0.08103740215301514, 0.014931360259652138, 0.1540829837322235, -0.009298590011894703, 0.16070787608623505, -0.05525583401322365, -0.0819125771522522, -0.06713216006755829, -0.045349109917879105, -0.004065985791385174, 0.08717674762010574, 0.042035020887851715, -0.10360436141490936, 0.14469754695892334, 0.15775538980960846, 0.06229425221681595, 0.14545002579689026, 0.09424227476119995, 0.002839755266904831, 0.07736397534608841, -0.03644856438040733, -0.03032749518752098, -0.08779308199882507, -0.29870957136154175, -0.04197627678513527, 0.08391569554805756, 0.007967641577124596, 0.08289903402328491, -0.09267100691795349, -0.0394815094769001, -0.0017765178345143795, 0.01134979072958231, 0.033939965069293976, 0.08391468226909637, 0.025465840473771095, 0.15402927994728088, 0.0031672134064137936, 0.0013461452908813953, 0.07271750271320343, 0.02096565067768097, -0.09035860747098923, 0.1569162905216217, -0.1899990290403366, -0.26798832416534424, -0.0754871740937233, -0.19633032381534576, -0.016022689640522003, 0.043157294392585754, 0.09642647206783295, -0.12823617458343506, -0.008762845769524574, 0.0058839828707277775, 0.062281541526317596, -0.2408987581729889, -0.009378796443343163, -0.13328257203102112, 0.05240483582019806, -0.18589900434017181, -0.1023213267326355, -0.022049669176340103, -0.00016063661314547062, -0.07850761711597443, 0.1444462239742279, -0.11147156357765198, 0.0036106398329138756, 0.21079955995082855, 0.025156987830996513, 0.030331715941429138, -0.056921832263469696, 0.19491684436798096, -0.0944814383983612, -0.02687946707010269, 0.12134629487991333, -0.04954312741756439, 0.05925128608942032, 0.04911472648382187, -0.0031195608898997307, -0.0785110741853714, 0.020630329847335815, -0.046969182789325714, -0.0322519987821579, -0.2882780432701111, -0.08798769861459732, -0.0954945832490921, 0.12062840908765793, 0.0190013088285923, 0.06540438532829285, 0.1626492142677307, 0.03346553444862366, -0.03776443377137184, -0.041394904255867004, 0.11229974031448364, 0.13037461042404175, 0.2425014078617096, -0.06361844390630722, 0.100640207529068, -0.000962346326559782, -0.06024905666708946, 0.07540610432624817, 0.055536456406116486, 0.04529149457812309, 0.039557039737701416, 0.03864961490035057, -0.025630183517932892, 0.12272082269191742, 0.1074092835187912, 0.04093755781650543, 0.04310029000043869, 0.0011322791688144207, -0.053213104605674744, -0.00928315706551075, -0.07787308096885681, 0.05991048365831375, 0.058738045394420624, -0.12822699546813965, -0.062207162380218506, -0.012975321151316166, 0.08368474245071411, -0.015992028638720512, 0.03529295697808266, -0.10165444761514664, -0.035548847168684006, 0.08034904301166534, -0.06113867834210396, -0.144731342792511, 0.11966726183891296, -0.010249578393995762, -0.19466599822044373, 0.057789817452430725, -0.001271500252187252, 0.08858730643987656, -0.0696990042924881, 0.05764192342758179, -0.1352963149547577, -0.13366460800170898, -0.016829222440719604, 0.08083422482013702, -0.3508596122264862, 0.1253454089164734, 0.0022119726054370403, -0.03814798966050148, -0.06905095279216766, -0.028467074036598206, 0.006560618057847023, 0.12278299033641815, 0.07871632277965546, 0.009299078956246376, 0.08262515068054199, 0.00014550425112247467, 0.06221862509846687, -0.0077937389723956585, 0.1257925033569336, 0.013898888602852821, -0.01307547464966774, -0.05584732070565224, 0.008789436891674995, -0.06303584575653076, -0.04435686022043228, 0.06411156803369522, -0.2171352207660675, 0.1108846440911293, -0.0326463058590889, 0.075189009308815, 0.035857297480106354, -0.015928762033581734, -0.09671434015035629, 0.21005181968212128, -0.05684464052319527, -0.10898255556821823, -0.08370929211378098, -0.04259951785206795, 0.061746999621391296, -0.018238874152302742, 0.012724943459033966, -0.05059872195124626, 0.036902666091918945, -0.14284968376159668, -0.14297093451023102, 0.08985225856304169, -0.03981867432594299, -0.11218981444835663, -0.02240537852048874, 0.21077316999435425, -0.013554234057664871, 0.08134947717189789, 0.0023154793307185173, 0.011866079643368721, -0.16508395969867706, -0.04228634387254715, 0.056643322110176086, -0.015293357893824577, 0.013435384258627892, 0.03232738748192787, 0.0030573508702218533, 0.07057797908782959, -0.10705796629190445, -0.031136266887187958, 0.33127743005752563, 0.17548832297325134, -0.003111904487013817, 0.15182630717754364, 0.0937737300992012, -0.08915112912654877, -0.19153305888175964, -0.10308185964822769, -0.1327434629201889, -0.1008223295211792, -0.10090703517198563, -0.16827894747257233, 0.07936885952949524, -0.01361407246440649, 0.034897372126579285, 0.1615927666425705, -0.2539930045604706, -0.10452178120613098, 0.10628131031990051, 0.01293068379163742, 0.3422544002532959, -0.14364154636859894, -0.061399906873703, -0.05254228413105011, -0.1644788533449173, 0.0917714461684227, -0.046477045863866806, 0.11237262934446335, -0.07356709241867065, 0.18284574151039124, 0.012609705328941345, 0.013430165126919746, 0.09186349809169769, 0.028229596093297005, -0.051629673689603806, -0.07937046140432358, -0.11068269610404968, 0.02074679546058178, 0.03793327510356903, -0.01922687143087387, -0.017182335257530212, 0.010160958394408226, -0.11684484779834747, -0.03249598294496536, -0.07253792136907578, 0.016223814338445663, -0.018873099237680435, -0.042849741876125336, -0.05557890981435776, -0.02368265762925148, -0.04119780659675598, 0.023056520149111748, 0.1759292483329773, -0.07868614792823792, 0.21217018365859985, 0.034108564257621765, 0.1511775702238083, -0.1380654275417328, -0.04133650287985802, -0.038768816739320755, -0.0570233128964901, 0.06155558302998543, -0.08440305292606354, -0.008739981800317764, 0.12586510181427002, -0.014314375817775726, 0.04191724210977554, 0.11560393869876862, 0.015227338299155235, 0.017630141228437424, 0.04308100789785385, -0.2666904628276825, -0.06830154359340668, -0.03147463500499725, 0.02428364008665085, 0.058101586997509, 0.05117243900895119, 0.1994272917509079, -0.015452898107469082, -0.09980205446481705, 0.021170862019062042, 0.025854622945189476, -0.021761205047369003, 0.10103347897529602, 0.025872694328427315, -0.00013299519196152687, -0.15260662138462067, 0.07730275392532349, 0.003986297640949488, -0.11615998297929764, 0.02461511641740799, 0.2352152019739151, -0.11216898262500763, -0.1117597296833992, -0.07416003197431564, 0.05139726400375366, -0.08651528507471085, 0.02207367494702339, -0.006479364354163408, -0.1330227553844452, 0.06443776935338974, 0.10129664093255997, 0.03764655068516731, 0.06890413165092468, -0.08909419924020767, -0.012231023982167244, -0.026023749262094498, -0.006434340495616198, 0.0067163435742259026, 0.030579011887311935, -0.05413970351219177, 0.15715739130973816, -0.06347334384918213, 0.09249676764011383, -0.06591031700372696, -0.10187627375125885, -0.14015166461467743, 0.03194945305585861, -0.053191423416137695, -0.077068030834198, -0.11240632832050323, -0.05031257122755051, -0.00014487933367490768, -0.03725700452923775, 0.008257772773504257, -0.07064834982156754, -0.10485262423753738, 0.009596588090062141, -0.001478913240134716, 0.0010125557892024517, -0.07816281169652939, 0.024482224136590958, 0.07976237684488297, -0.03199977055191994, 0.162596195936203, 0.21106921136379242, -0.12460020184516907, 0.11522868275642395, -0.10538285970687866, -0.10405755788087845, 0.050374239683151245, 0.01645943894982338, 0.020814212039113045, 0.07816112041473389, -0.03881283476948738, 0.0031410467345267534, 0.04003031551837921, 0.08240078389644623, 0.11290529370307922, -0.08282606303691864, 0.0390346497297287, -0.046507906168699265, -0.1716894656419754, -0.0123155377805233, -0.052695855498313904, 0.07914122194051743, -0.031187815591692924, 0.11936649680137634, -0.058985158801078796, 0.08200826495885849, -0.06784870475530624, 0.05395428463816643, 0.028604963794350624, -0.14834178984165192, -0.024981843307614326, -0.05796636641025543, 0.04084252938628197, -0.00732611957937479, 0.18167412281036377, -0.041602738201618195, -0.0033191260881721973, 0.05341913923621178, 0.05633939057588577, -0.034252796322107315, -0.0060898372903466225, 0.16631004214286804, 0.12422539293766022, -0.097376748919487, -0.03339754790067673, 0.05394307151436806, 0.06230614334344864, 0.05217728763818741, 0.12054567039012909, 0.009479619562625885, 0.05101127177476883, 0.05621495842933655, -0.05958542972803116, 0.07038513571023941, -0.0733201652765274, -0.11036531627178192, 0.0659576803445816, 0.008652044460177422, -0.061076633632183075, 0.20235905051231384, 0.20344781875610352, -0.021757036447525024, 0.009469298645853996, -0.022495560348033905, -0.08809977769851685, -0.15007621049880981, -0.02794521488249302, -0.06428827345371246, -0.12492404878139496, -0.004889215808361769, -0.14769843220710754, 0.03442448377609253, -0.019219521433115005, 0.08674326539039612, -0.06337251514196396, -0.006079323589801788, 0.1369297057390213, -0.09995891898870468, 0.06859734654426575, -0.02178209461271763, 0.08045391738414764, -0.033768944442272186, -0.019695116207003593, -0.095846988260746, -0.01053963415324688, 0.020366186276078224, 0.08325197547674179, -0.10271961241960526, 0.012671432457864285, -0.14272822439670563, -0.09725024551153183, -0.02048211172223091, 0.08857180923223495, -0.046008430421352386, 0.16522946953773499, 0.020246069878339767, -0.047963157296180725, 0.0023423191159963608, 0.24987730383872986, -0.07320867478847504, -0.06658992916345596, -0.011834409087896347, 0.19614611566066742, 0.04586712270975113, 0.06998515129089355, -0.0004884671070612967, 0.02855522185564041, -0.05847737193107605, 0.2844041585922241, 0.33697277307510376, -0.1157410517334938, 0.0018397546373307705, 0.04421090707182884, 0.05506274104118347, 0.14407317340373993, 0.0763179361820221, 0.12124679982662201, 0.24825841188430786, -0.09108543395996094, 0.0045524463057518005, -0.05707775801420212, -0.004140046425163746, -0.08671530336141586, 0.05008499696850777, 0.0700935572385788, -0.08460989594459534, -0.015782617032527924, 0.06307945400476456, -0.2595391869544983, 0.10259632766246796, -0.12200392782688141, -0.16718783974647522, -0.042126066982746124, -0.009288587607443333, 0.034162238240242004, 0.007189178839325905, 0.0903526023030281, 0.04452109709382057, -0.0855516642332077, 0.06499654799699783, 0.027690552175045013, -0.23481298983097076, -0.02745053544640541, 0.1431814730167389, -0.08395478129386902, 0.003163030371069908, -0.027742549777030945, 0.03908809646964073, 0.06339199095964432, 0.08749475330114365, -0.03308471664786339, -0.07103829085826874, 0.01051531732082367, -0.026282720267772675, -0.011910591274499893, 0.07265704870223999, 0.06734392791986465, -0.06348416954278946, 0.11631690710783005, -0.05483116954565048, 0.05848902463912964, 0.04445881396532059, -0.02519775740802288, 0.0173894464969635, 0.03271777182817459, -0.0688607469201088, 0.043979331851005554, 0.11903350800275803, -0.017068006098270416, -0.007335512898862362, -0.04538754001259804, -0.08878839015960693, -0.012920666486024857, -0.04261210933327675, -0.10263226926326752, -0.17405939102172852, -0.12273343652486801, 0.03447134792804718, -0.022602742537856102, -0.20052887499332428, -0.00026720238383859396, -0.0967847928404808, 0.05155080556869507, -0.1676342487335205, 0.09086484462022781, 0.0609094463288784, -0.010242361575365067, 0.011234622448682785, 0.03877636417746544, 0.054351285099983215, 0.14732478559017181, -0.149643212556839, -0.021729126572608948 ]
null
null
transformers
# Dr. Fauci DialoGPT Model
{"tags": ["conversational"]}
text-generation
ChukSamuels/DialoGPT-small-Dr.FauciBot
[ "transformers", "pytorch", "gpt2", "text-generation", "conversational", "autotrain_compatible", "endpoints_compatible", "text-generation-inference", "region:us" ]
2022-03-02T23:29:04+00:00
[]
[]
TAGS #transformers #pytorch #gpt2 #text-generation #conversational #autotrain_compatible #endpoints_compatible #text-generation-inference #region-us
# Dr. Fauci DialoGPT Model
[ "# Dr. Fauci DialoGPT Model" ]
[ "TAGS\n#transformers #pytorch #gpt2 #text-generation #conversational #autotrain_compatible #endpoints_compatible #text-generation-inference #region-us \n", "# Dr. Fauci DialoGPT Model" ]
[ 51, 10 ]
[ "passage: TAGS\n#transformers #pytorch #gpt2 #text-generation #conversational #autotrain_compatible #endpoints_compatible #text-generation-inference #region-us \n# Dr. Fauci DialoGPT Model" ]
[ -0.023689420893788338, 0.050842754542827606, -0.0068423133343458176, 0.020158305764198303, 0.13494670391082764, 0.020803529769182205, 0.15616904199123383, 0.1263209730386734, 0.004000301472842693, -0.008562833070755005, 0.12364990264177322, 0.142592653632164, 0.011582165956497192, 0.11526314169168472, -0.07024455815553665, -0.2902531325817108, 0.04536548629403114, 0.0729885920882225, 0.02105630747973919, 0.10426055639982224, 0.09159696847200394, -0.034838300198316574, 0.0853479653596878, 0.013202511705458164, -0.14826571941375732, 0.0017938975943252444, 0.02491660602390766, -0.10536693036556244, 0.11175025999546051, 0.07969100773334503, 0.009713278152048588, 0.058293867856264114, -0.03992275521159172, -0.14040888845920563, 0.03916357830166817, -0.020216017961502075, -0.04360447824001312, 0.03787804767489433, 0.023714495822787285, -0.11030755937099457, 0.19808892905712128, 0.0906614363193512, -0.010058624669909477, 0.03906194120645523, -0.1730831265449524, -0.010173751041293144, -0.005696073640137911, 0.05091655254364014, 0.023049695417284966, 0.10976594686508179, -0.03039972297847271, 0.09522450715303421, -0.0424576960504055, 0.11697253584861755, 0.08551137149333954, -0.3480703830718994, -0.032711461186409, 0.08676382899284363, 0.04452495276927948, 0.06202606111764908, -0.02656416781246662, 0.09871047735214233, 0.011352638714015484, -0.0017490865429863334, -0.024667924270033836, -0.08584051579236984, -0.04845869913697243, -0.001642417861148715, -0.08199038356542587, 0.01555749960243702, 0.2531888782978058, -0.055485401302576065, 0.048753418028354645, -0.06029362231492996, -0.0708959549665451, -0.010723281651735306, -0.04439060017466545, -0.04876026511192322, -0.0801302045583725, 0.05885813757777214, 0.037784237414598465, -0.09691761434078217, -0.10283081978559494, -0.027407236397266388, -0.19718529284000397, 0.16450542211532593, 0.04172856733202934, 0.03705644980072975, -0.1641521006822586, 0.07549109309911728, 0.002863361733034253, -0.08880411833524704, 0.004401036538183689, -0.08644205331802368, 0.0054058958776295185, -0.010343272238969803, -0.010019470937550068, -0.03840729966759682, 0.10249791294336319, 0.09244994819164276, -0.03831509128212929, 0.005064032040536404, -0.05563686043024063, 0.0365787148475647, 0.051635079085826874, 0.047229912132024765, -0.06623729318380356, -0.05282997712492943, 0.020016172900795937, -0.05857640877366066, -0.020853038877248764, -0.042261168360710144, -0.16639351844787598, -0.04639299958944321, 0.004739609081298113, 0.06073019653558731, -0.0030982540920376778, 0.10783597826957703, 0.003153671743348241, -0.042367592453956604, 0.025694554671645164, -0.012163985520601273, -0.03658819943666458, 0.02861766517162323, 0.003959584981203079, 0.15997889637947083, 0.032070159912109375, 0.04501328989863396, -0.1270834356546402, 0.016194026917219162, -0.0508435033261776, -0.01147772092372179, -0.019741766154766083, -0.04661304131150246, -0.015827162191271782, -0.05407341569662094, 0.027449654415249825, -0.16080185770988464, -0.12562711536884308, -0.01181824505329132, -0.03129591792821884, -0.07559582591056824, -0.06098145619034767, -0.09553250670433044, -0.013871491886675358, 0.019156238064169884, -0.05233906954526901, -0.011184228584170341, -0.06786445528268814, 0.08207835257053375, -0.008789812214672565, 0.107284776866436, -0.13387858867645264, 0.06607706844806671, -0.05687453970313072, -0.03252020850777626, -0.07225318253040314, 0.11217193305492401, 0.006824689917266369, 0.027655087411403656, -0.05063151568174362, -0.021708743646740913, -0.09520802646875381, 0.057141534984111786, 0.0011564107844606042, 0.23928506672382355, -0.05701643228530884, -0.09488003700971603, 0.30628129839897156, -0.046741925179958344, -0.156276673078537, 0.13009296357631683, -0.006738163530826569, 0.10714354366064072, 0.12756989896297455, 0.18504177033901215, -0.015688585117459297, -0.025561312213540077, 0.08266327530145645, 0.06393877416849136, -0.0663374587893486, 0.016891513019800186, 0.03812333568930626, -0.004007729236036539, -0.07114274799823761, 0.03660104051232338, 0.03992963209748268, 0.07342420518398285, -0.08478972315788269, -0.012091489508748055, 0.010019256733357906, -0.04036059230566025, 0.04517713561654091, -0.05631057173013687, 0.12498035281896591, -0.015695465728640556, -0.03166119381785393, -0.056702349334955215, 0.03558313474059105, -0.05932231247425079, 0.02499951794743538, -0.09785965085029602, 0.07374852895736694, -0.011957505717873573, 0.06695368140935898, -0.11616863310337067, -0.03739752992987633, -0.042185861617326736, 0.1736464500427246, 0.050510089844465256, 0.08545950800180435, 0.046345844864845276, -0.019141651690006256, -0.02516012266278267, 0.05162329226732254, 0.1453806608915329, -0.009204629808664322, -0.08149188756942749, -0.11250685155391693, 0.12790723145008087, -0.05660001188516617, 0.08084075152873993, -0.07315351814031601, 0.008008419536054134, -0.003676041727885604, 0.08552923798561096, -0.0016160382656380534, 0.028557389974594116, 0.020039526745676994, -0.00784640945494175, -0.03787577897310257, 0.024352828040719032, 0.09652189910411835, -0.016052458435297012, -0.07118747383356094, 0.20535770058631897, -0.1589200645685196, 0.1739499568939209, 0.17060919106006622, -0.2513560950756073, -0.008836748078465462, -0.11791574209928513, -0.030482914298772812, 0.015935929492115974, 0.04891710355877876, -0.031369782984256744, 0.22102345526218414, -0.007781967520713806, 0.18360793590545654, -0.023180436342954636, 0.004851559642702341, -0.018827667459845543, -0.03846634924411774, 0.011050621047616005, 0.101913221180439, 0.11995989084243774, -0.13398456573486328, 0.11906694620847702, 0.08990135788917542, 0.06841874122619629, 0.182282492518425, 0.041957758367061615, -0.036759886890649796, 0.04334358125925064, 0.004092137794941664, -0.041980087757110596, -0.0968097597360611, -0.29863014817237854, -0.03277045860886574, 0.07542887330055237, 0.017838146537542343, 0.11142359673976898, -0.0707118883728981, -0.04348288103938103, 0.0058543193154037, -0.024110114201903343, 0.004494308494031429, 0.13982868194580078, -0.003704311326146126, 0.14461928606033325, -0.018817264586687088, -0.06967683881521225, 0.03721484914422035, 0.021554363891482353, -0.08465243875980377, 0.17292048037052155, -0.09832469373941422, -0.3544175326824188, -0.06785578280687332, -0.17194485664367676, -0.0623682476580143, 0.043640296906232834, 0.07157983630895615, -0.08993969112634659, -0.02266099862754345, 0.004976239521056414, 0.08402499556541443, -0.05453599989414215, 0.006745660677552223, -0.019846482202410698, 0.008284873329102993, -0.11631521582603455, -0.07737243175506592, -0.06721892207860947, -0.06442523002624512, -0.10136823356151581, 0.11592395603656769, -0.1528588831424713, 0.05547097325325012, 0.19771088659763336, 0.06940294057130814, 0.06095042824745178, -0.015626387670636177, 0.2216247171163559, -0.1305728256702423, 0.005412918981164694, 0.2358178049325943, -0.027439739555120468, 0.022145751863718033, 0.11948602646589279, 0.0172869972884655, -0.08329075574874878, 0.03565776348114014, -0.011792425997555256, -0.04781796783208847, -0.2180446982383728, -0.12249892204999924, -0.12682287395000458, 0.05295746400952339, -0.02048376388847828, 0.02830914780497551, 0.13852940499782562, 0.07463351637125015, -0.006178081966936588, -0.015392384491860867, 0.0432252362370491, 0.06098567694425583, 0.2564949691295624, -0.07483682781457901, 0.15502886474132538, -0.01394648477435112, -0.1725635528564453, 0.07975755631923676, 0.0790373682975769, 0.08497398346662521, 0.06886138021945953, 0.061783403158187866, 0.0566861517727375, -0.007465650327503681, 0.1028452143073082, 0.06408338248729706, 0.026985270902514458, -0.06105532497167587, -0.04675890505313873, -0.05501267686486244, -0.02063542604446411, 0.035711620002985, 0.009457224048674107, -0.16705434024333954, -0.03829028084874153, -0.009642868302762508, 0.07248346507549286, 0.03946998715400696, 0.08238378167152405, -0.17078758776187897, 0.011384607292711735, 0.05699635669589043, -0.023561367765069008, -0.13846436142921448, 0.07111825793981552, 0.022410614416003227, -0.1208774521946907, 0.036871280521154404, 0.004938759375363588, 0.10607991367578506, -0.11909730732440948, 0.08924568444490433, -0.12037620693445206, -0.09074226021766663, -0.013695887289941311, 0.08087526261806488, -0.3163152039051056, 0.20994609594345093, 0.005340241827070713, -0.03374874219298363, -0.08412294834852219, -0.024143878370523453, 0.03161042556166649, 0.18622015416622162, 0.14185471832752228, -0.014217049814760685, 0.09790072590112686, -0.029040038585662842, -0.06337612867355347, 0.037249814718961716, 0.1082935631275177, -0.052119266241788864, 0.011337781324982643, -0.01881629414856434, 0.0022208967711776495, -0.03294835239648819, -0.05432235449552536, -0.04359384998679161, -0.18311910331249237, 0.11307508498430252, 0.07010768353939056, 0.06608782708644867, 0.027416454628109932, -0.030787430703639984, -0.09148454666137695, 0.2246732860803604, 0.007628364022821188, -0.09950995445251465, -0.10740527510643005, 0.020688770338892937, 0.05101323500275612, -0.05712491646409035, 0.004871600307524204, -0.058945685625076294, -0.008148662745952606, -0.06477098166942596, -0.1559160202741623, 0.09582700580358505, -0.08812221884727478, -0.04589498043060303, -0.030551128089427948, 0.21062816679477692, -0.00689323665574193, -0.002872235607355833, 0.054824963212013245, 0.0004697569238487631, -0.08986131846904755, -0.09178053587675095, 0.042892422527074814, 0.03616933524608612, -0.0036661478225141764, 0.0263595562428236, -0.05835587531328201, -0.06680526584386826, -0.04462568461894989, -0.030178843066096306, 0.29035359621047974, 0.12595166265964508, -0.0320308618247509, 0.12722285091876984, 0.10988692939281464, -0.06115255877375603, -0.27704259753227234, -0.061333976686000824, -0.04391465708613396, -0.04425474628806114, -0.08201830834150314, -0.2130880355834961, 0.08604095876216888, -0.033577680587768555, 0.001538611832074821, 0.10323495417833328, -0.2758057117462158, -0.0852561816573143, 0.15700241923332214, -0.008316611871123314, 0.4184321463108063, -0.11847780644893646, -0.06715124100446701, -0.042624980211257935, -0.18139390647411346, 0.13391292095184326, -0.04793744534254074, 0.12773407995700836, -0.01385172177106142, 0.13540451228618622, 0.05827312543988228, 0.0037704503629356623, 0.07334963232278824, 0.027367325499653816, -0.04648743197321892, -0.07615622133016586, -0.08637098968029022, -0.0609167143702507, 0.06922052800655365, 0.04205957055091858, -0.01138260867446661, 0.014602110721170902, -0.10460354387760162, -0.07917116582393646, -0.07436703890562057, 0.039000075310468674, 0.03533458337187767, -0.07269906997680664, 0.004483987111598253, -0.03015165589749813, -0.007757110055536032, 0.018870137631893158, 0.05346774682402611, -0.15593105554580688, 0.0837552472949028, 0.0934215560555458, 0.13309045135974884, -0.09657405316829681, 0.003951686434447765, -0.04265885800123215, -0.06764303892850876, 0.04884789511561394, -0.0916626825928688, 0.02667771838605404, 0.11470726877450943, -0.05029267817735672, 0.09392499178647995, 0.1045776903629303, -0.0012247131671756506, 0.012057658284902573, 0.09622710943222046, -0.239487424492836, -0.08264133334159851, -0.09095152467489243, -0.0516594834625721, 0.08485721051692963, 0.1036028116941452, 0.2240101844072342, -0.0016211154870688915, -0.022420739755034447, -0.008768841624259949, 0.025675293058156967, -0.0497346967458725, 0.09511478245258331, -0.01183957140892744, -0.011003823019564152, -0.13497377932071686, 0.013138321228325367, 0.00635549146682024, -0.08929325640201569, 0.013619470410048962, 0.13156545162200928, -0.1068495586514473, -0.13666817545890808, -0.11068973690271378, 0.12111105769872665, -0.1368798017501831, -0.00412394804880023, -0.03093598410487175, -0.1582067608833313, 0.0707952231168747, 0.1352088451385498, 0.024279695004224777, 0.0340607725083828, -0.0937982052564621, -0.02102527767419815, -0.03382783383131027, 0.02980835735797882, 0.024902552366256714, -0.01601106859743595, -0.010340121574699879, 0.09275609999895096, -0.048198964446783066, 0.12071101367473602, -0.09444252401590347, -0.0740622729063034, -0.1422020047903061, 0.03904427960515022, -0.10235621780157089, -0.07691088318824768, -0.06838139146566391, -0.057346563786268234, -0.012784179300069809, -0.05294902250170708, -0.04014688730239868, -0.050807129591703415, -0.11170660704374313, 0.03068944253027439, -0.015232173725962639, 0.02176213636994362, -0.05913379415869713, 0.01246257871389389, 0.048401229083538055, -0.03708094358444214, 0.1719692200422287, 0.10520689934492111, -0.09468994289636612, 0.061137717217206955, -0.17978040874004364, -0.05368860065937042, 0.08148401975631714, 0.04410786181688309, 0.03134787082672119, 0.03134921193122864, 0.03451155498623848, 0.053494907915592194, 0.0374600924551487, 0.06312046200037003, 0.06675392389297485, -0.0631488561630249, 0.025128306820988655, -0.06835953891277313, -0.10451020300388336, -0.026174388825893402, -0.020775223150849342, 0.02533118613064289, 0.04848406836390495, 0.056771159172058105, -0.06064576655626297, 0.06493136286735535, -0.05390658602118492, 0.05049118399620056, 0.020481890067458153, -0.1705542355775833, 0.0006487988284789026, -0.09231019020080566, 0.06823486089706421, 0.00732163293287158, 0.23006080090999603, 0.013431793078780174, -0.01353488676249981, 0.01747732050716877, 0.06070447340607643, 0.05973512679338455, 0.009901727549731731, 0.1636812686920166, 0.12694151699543, -0.039550360292196274, -0.12342140823602676, 0.09096725285053253, 0.022441279143095016, 0.07982123643159866, 0.13767555356025696, -0.0024694176390767097, -0.055821437388658524, 0.05566462501883507, -0.007677876856178045, 0.011083018966019154, -0.057604651898145676, -0.15727804601192474, -0.034412212669849396, 0.02397984452545643, -0.07764570415019989, 0.08626049011945724, 0.15138468146324158, -0.014742502942681313, 0.022244658321142197, -0.009380198083817959, -0.07348751276731491, -0.19288192689418793, -0.11581440269947052, -0.07230641692876816, -0.10360763967037201, 0.009516210295259953, -0.14091631770133972, 0.05016651377081871, -0.014564908109605312, 0.099053293466568, -0.07264691591262817, 0.11187340319156647, 0.02641027793288231, -0.0838848203420639, 0.12332834303379059, -0.02965734899044037, 0.09681962430477142, -0.056056685745716095, 0.01656215824186802, -0.08257455378770828, 0.05293796584010124, 0.018845129758119583, 0.05121926963329315, -0.053883038461208344, -0.016691604629158974, -0.12431144714355469, -0.0695183202624321, -0.0614127479493618, 0.03992483764886856, 0.00921358447521925, 0.16966429352760315, 0.026661399751901627, -0.03303148224949837, 0.025797290727496147, 0.23228095471858978, -0.04002765193581581, -0.06485316902399063, -0.09709030389785767, 0.12258326262235641, 0.017721178010106087, 0.11470764875411987, -0.05574591085314751, 0.024762876331806183, -0.08935496211051941, 0.41077640652656555, 0.29562970995903015, -0.13719399273395538, 0.0057893474586308, 0.025275787338614464, 0.05254720523953438, 0.14832748472690582, 0.11133987456560135, 0.09786242246627808, 0.2959568202495575, -0.0641799122095108, -0.03090864047408104, -0.03254952281713486, -0.01802981272339821, -0.05389472842216492, 0.07003854215145111, 0.09961370378732681, -0.04637204483151436, -0.03399807587265968, 0.11417870968580246, -0.23677662014961243, 0.1084216758608818, -0.1413530856370926, -0.16575030982494354, -0.07823735475540161, -0.01829930767416954, 0.00355470716021955, 0.03933141380548477, 0.07547307014465332, -0.01467923354357481, -0.0587482750415802, 0.08787331730127335, 0.025733228772878647, -0.16720396280288696, 0.021774835884571075, 0.08378998935222626, -0.04588314890861511, -0.027562323957681656, -0.013468659482896328, 0.0858074203133583, 0.07101508229970932, 0.037895746529102325, -0.0030313199386000633, 0.07327937334775925, -0.031597066670656204, -0.04755174741148949, 0.05663932114839554, 0.03366396576166153, 0.03122028149664402, -0.12041550874710083, 0.08222822099924088, -0.13724486529827118, 0.048733003437519073, -0.019922830164432526, -0.06633874773979187, -0.02731221914291382, 0.07085379213094711, -0.08811108767986298, 0.06331254541873932, 0.11879531294107437, -0.006506016943603754, 0.0005479841493070126, -0.03139122202992439, 0.006984219420701265, -0.020333094522356987, -0.028372369706630707, -0.07294519245624542, -0.16633448004722595, -0.07659842073917389, 0.04956677556037903, 0.021343931555747986, -0.21055781841278076, 0.029276426881551743, -0.1338023841381073, 0.06773441284894943, -0.11533724516630173, 0.11614730954170227, 0.11291597783565521, 0.008212805725634098, -0.015583369880914688, -0.0424218513071537, 0.060010481625795364, 0.07656824588775635, -0.10274184495210648, -0.07023939490318298 ]
null
null
null
copied from boris
{}
null
Cilan/dalle-knockoff
[ "region:us" ]
2022-03-02T23:29:04+00:00
[]
[]
TAGS #region-us
copied from boris
[]
[ "TAGS\n#region-us \n" ]
[ 6 ]
[ "passage: TAGS\n#region-us \n" ]
[ 0.024608636274933815, -0.026205500587821007, -0.009666500613093376, -0.10395516455173492, 0.08638657629489899, 0.059816278517246246, 0.01882290467619896, 0.020661840215325356, 0.23975107073783875, -0.005599027033895254, 0.1219947561621666, 0.0015615287702530622, -0.037353623658418655, 0.03733762726187706, -0.0035912662278860807, -0.17583473026752472, 0.03876631706953049, -0.018274923786520958, 0.01843859627842903, 0.026470553129911423, -0.07776834815740585, -0.07564429938793182, 0.015296397730708122, -0.10247814655303955, -0.083692267537117, 0.11002834886312485, 0.031466204673051834, -0.019670886918902397, 0.10779199749231339, -0.04243955761194229, 0.18699054419994354, -0.011512263678014278, -0.11213519424200058, -0.2536850869655609, 0.021806683391332626, -0.01765260472893715, -0.08747660368680954, 0.01506110467016697, 0.0665089413523674, -0.09014441072940826, -0.0588928684592247, 0.0795099288225174, -0.01132340170443058, 0.04246443510055542, -0.27593839168548584, -0.12684126198291779, -0.05297930911183357, -0.1421966552734375, 0.08651168644428253, 0.04035491496324539, 0.008764253929257393, 0.15506891906261444, -0.20897391438484192, 0.004104613792151213, 0.08255259692668915, -0.2538507878780365, 0.05591634660959244, 0.17671173810958862, 0.03623908758163452, 0.18037272989749908, 0.0060391901060938835, 0.11029672622680664, 0.0716743916273117, -0.024263937026262283, -0.17590197920799255, -0.08127854019403458, -0.04696211963891983, 0.16642488539218903, -0.06727185100317001, -0.14248386025428772, 0.34701237082481384, 0.00015008423360995948, 0.009657775051891804, 0.16921205818653107, -0.059524230659008026, -0.09972117841243744, 0.07259953022003174, 0.016484731808304787, 0.018492350354790688, 0.1471305936574936, 0.16307872533798218, -0.0458691343665123, -0.13837823271751404, -0.018630273640155792, -0.22798998653888702, 0.17510560154914856, -0.03248048573732376, 0.13137903809547424, -0.27447956800460815, 0.01684025302529335, -0.2570667266845703, 0.0032130838371813297, 0.04178816080093384, -0.06004921346902847, -0.0226522795855999, -0.013265985064208508, -0.08018817007541656, 0.004899587947875261, 0.06192673370242119, 0.1266920566558838, -0.06128726154565811, 0.06128238886594772, -0.09319206327199936, 0.141696035861969, 0.07166698575019836, 0.07868369668722153, 0.13037432730197906, 0.041205424815416336, -0.07187089323997498, -0.21872246265411377, -0.0026476888451725245, -0.06275863200426102, -0.09502086788415909, -0.0020165652967989445, -0.11606067419052124, 0.17244569957256317, -0.030802514404058456, -0.09825427830219269, -0.11208184063434601, 0.09148659557104111, -0.032992321997880936, -0.03437839448451996, -0.03552987426519394, -0.020977836102247238, 0.019381176680326462, 0.04704452306032181, -0.1548958420753479, -0.005131472367793322, 0.07039852440357208, 0.11502562463283539, -0.1346137970685959, -0.003783059772104025, -0.07908964157104492, 0.03039063885807991, 0.07654735445976257, -0.16510222852230072, 0.03158547356724739, -0.1124754324555397, -0.07531405985355377, 0.002912673633545637, -0.015710093080997467, -0.016202643513679504, 0.166526660323143, -0.0020451415330171585, 0.0714716836810112, -0.026345307007431984, -0.05890209600329399, -0.11243434250354767, -0.08489254862070084, 0.05390460044145584, 0.03670717030763626, 0.03266148269176483, -0.2193479984998703, 0.014805203303694725, -0.12762966752052307, 0.1360815018415451, -0.10566820204257965, -0.04705966264009476, -0.022842247039079666, 0.20562705397605896, 0.037286072969436646, 0.08762791007757187, -0.22171171009540558, 0.039756543934345245, -0.05404696613550186, 0.18480908870697021, -0.1502426266670227, -0.0799463614821434, 0.20813211798667908, -0.07964949309825897, -0.10115210711956024, 0.021235812455415726, 0.020391687750816345, 0.026287272572517395, 0.0766737088561058, 0.4564172327518463, -0.09766800701618195, -0.09146861732006073, 0.10178250074386597, 0.17055274546146393, -0.12427149713039398, -0.1827561855316162, 0.06446871906518936, -0.16666454076766968, -0.1973118633031845, 0.0018917324487119913, 0.09222044050693512, 0.038269978016614914, -0.07875611633062363, -0.020746968686580658, 0.06325206160545349, -0.0007678253459744155, 0.09095914661884308, 0.03755716234445572, 0.09034032374620438, -0.08716782182455063, 0.11115926504135132, -0.05017651244997978, 0.004037132486701012, 0.1343354731798172, 0.027325427159667015, -0.03223329409956932, 0.08694463223218918, -0.0485352948307991, 0.05295134335756302, -0.1662379503250122, -0.15068690478801727, 0.03398871049284935, 0.06283251196146011, 0.03186952322721481, 0.1280253529548645, 0.08141885697841644, -0.10732853412628174, 0.022690722718834877, -0.004228927195072174, 0.058398615568876266, 0.03891623765230179, 0.006107209715992212, 0.008764320984482765, 0.0961301177740097, -0.10607069730758667, -0.13589619100093842, -0.07336436957120895, -0.014715781435370445, 0.14371353387832642, -0.0302802175283432, 0.07690227776765823, -0.004240254405885935, 0.00013200697139836848, 0.06930823624134064, 0.08137880265712738, 0.016412746161222458, 0.08971183747053146, -0.05237193778157234, -0.05160155147314072, 0.10863113403320312, -0.13533565402030945, 0.17837053537368774, 0.14053137600421906, -0.20532016456127167, 0.029453208670020103, -0.06838275492191315, 0.03670361638069153, -0.008162540383636951, 0.0975119024515152, -0.08272241055965424, -0.02106042578816414, 0.013134466484189034, 0.0052274600602686405, -0.013007243163883686, 0.017682146281003952, -0.07295988500118256, -0.07787393033504486, -0.10233919322490692, 0.08436838537454605, 0.11562882363796234, -0.10282530635595322, 0.14214380085468292, 0.4384984076023102, 0.11495281755924225, 0.21582984924316406, -0.09581480920314789, -0.0412987545132637, 0.007486371789127588, 0.0001535322517156601, -0.04476691037416458, 0.08031861484050751, -0.15973517298698425, -0.038901735097169876, 0.027348900213837624, 0.07128690183162689, 0.11475157737731934, -0.14959022402763367, -0.09639324247837067, -0.00793045200407505, 0.0022841424215584993, -0.1249532699584961, 0.023905446752905846, -0.03974650055170059, 0.04015624523162842, 0.07232289016246796, -0.021535737439990044, 0.13939237594604492, -0.04166141897439957, -0.0639561116695404, 0.07585346698760986, -0.2017085999250412, -0.23179671168327332, -0.12309670448303223, -0.14680525660514832, 0.04366797208786011, 0.05154111236333847, 0.01726446859538555, -0.17635835707187653, -0.015074856579303741, 0.07706750929355621, 0.07820965349674225, -0.20886357128620148, -0.022814949974417686, -0.004290030337870121, 0.0895976573228836, -0.10227091610431671, -0.0017130117630586028, -0.04419664293527603, -0.10150232166051865, 0.0017003051470965147, 0.07279510796070099, -0.137485533952713, 0.13807645440101624, 0.21589438617229462, 0.07225540280342102, 0.07359948754310608, -0.019093448296189308, 0.09936179965734482, -0.10856141895055771, -0.16549113392829895, 0.08348225057125092, -0.06234746053814888, 0.047262318432331085, 0.17534415423870087, 0.03307317942380905, -0.13904969394207, -0.015682822093367577, -0.0402069091796875, -0.15603256225585938, -0.238995760679245, -0.09178274869918823, -0.1182505264878273, 0.16442428529262543, 0.0009358620154671371, 0.06651917099952698, 0.08258313685655594, -0.022042419761419296, 0.16447891294956207, -0.07379321753978729, -0.07578866183757782, -0.006978808436542749, 0.12375060468912125, -0.056660156697034836, -0.03080669604241848, -0.10566964000463486, -0.008295975625514984, 0.1151021271944046, 0.15304014086723328, 0.12214863300323486, 0.2957419455051422, 0.08268889784812927, 0.026645636186003685, 0.08958091586828232, 0.17622539401054382, 0.09495089203119278, 0.07838419824838638, -0.045413073152303696, -0.014814783819019794, 0.014317171648144722, -0.04022889584302902, 0.010141594335436821, 0.14683100581169128, -0.2679629921913147, -0.006678564939647913, -0.2710230350494385, 0.0965198427438736, -0.10913380235433578, 0.11837165057659149, -0.01015760749578476, 0.10194015502929688, 0.11082887649536133, 0.03233652561903, -0.03858073800802231, 0.16613617539405823, 0.08450309932231903, -0.11277695000171661, 0.001758623169735074, 0.03737903758883476, 0.09715615212917328, -0.02818971499800682, 0.12721189856529236, -0.11048974841833115, -0.1464834064245224, 0.013753619976341724, 0.07152791321277618, -0.15373679995536804, 0.3138748109340668, 0.012069208547472954, -0.13481520116329193, -0.01481647603213787, -0.09957809001207352, -0.006440147757530212, 0.1254177987575531, 0.09333524852991104, 0.07935678958892822, -0.2185502052307129, -0.13339371979236603, 0.05872276425361633, -0.00575496768578887, 0.22408108413219452, -0.034034017473459244, -0.11356475204229355, -0.027013886719942093, 0.04241163283586502, -0.06043251231312752, 0.08524788916110992, 0.023536119610071182, -0.08113526552915573, -0.032957352697849274, 0.05323701351881027, 0.012368366122245789, 0.00524376705288887, 0.09360801428556442, 0.020107939839363098, -0.0009265501867048442, 0.01785753294825554, 0.047885000705718994, -0.0675911232829094, -0.1984109878540039, 0.09357594698667526, -0.05215044692158699, 0.0015536568826064467, -0.08013670891523361, -0.15122665464878082, -0.08837161958217621, -0.16009655594825745, 0.12540200352668762, -0.034406669437885284, 0.12700119614601135, -0.06619787961244583, 0.17341409623622894, -0.07871770113706589, 0.04481020197272301, -0.047349292784929276, 0.050332702696323395, -0.007268077693879604, -0.07756082713603973, 0.16585899889469147, -0.15564003586769104, 0.01809087023139, 0.19572502374649048, -0.018915493041276932, 0.07177707552909851, 0.021322092041373253, -0.0636206790804863, 0.23147478699684143, 0.3014698624610901, 0.008138049393892288, 0.1665448248386383, 0.3018903136253357, -0.07466315478086472, -0.2642788887023926, -0.05505012720823288, -0.2841376066207886, -0.05371501296758652, 0.10716094076633453, -0.22523896396160126, 0.06986407935619354, 0.14383509755134583, -0.06471995264291763, 0.30228954553604126, -0.21825523674488068, 0.012589273042976856, 0.15434536337852478, -0.08868814259767532, 0.5515313148498535, -0.1133413165807724, -0.17677772045135498, -0.008122089318931103, -0.08741296827793121, 0.10602109134197235, -0.0340677872300148, 0.06877441704273224, 0.013465235009789467, 0.04797380417585373, 0.048932258039712906, -0.03111894056200981, 0.22701001167297363, 0.008710170164704323, 0.09015397727489471, -0.07378865778446198, -0.18624304234981537, 0.11639340221881866, -0.04359482601284981, -0.08891059458255768, 0.0849778801202774, -0.05942516401410103, -0.11078983545303345, 0.04663389176130295, -0.07950539886951447, -0.024862350896000862, 0.08423490077257156, -0.04678233340382576, -0.042606171220541, -0.008054176345467567, -0.1618063747882843, -0.0002289071271661669, 0.31360217928886414, -0.07096036523580551, 0.16695955395698547, 0.03677211329340935, 0.00038613268407061696, -0.11027684062719345, 0.030288029462099075, -0.05203165486454964, -0.021576624363660812, 0.09578979015350342, -0.11096979677677155, 0.03204701095819473, 0.14160704612731934, -0.04864364117383957, 0.05846960097551346, 0.09256096184253693, -0.0849417969584465, 0.007583672646433115, 0.17753590643405914, -0.17537221312522888, -0.1273445188999176, -0.006135711446404457, -0.09862716495990753, 0.14055661857128143, 0.04394126310944557, 0.05191568285226822, 0.16669964790344238, 0.03967129811644554, -0.029474308714270592, -0.02817419543862343, -0.1153380498290062, -0.0201893113553524, 0.040153320878744125, 0.00045633706031367183, -0.08791285753250122, 0.2262638509273529, 0.06409153342247009, -0.1328488290309906, -0.051157206296920776, 0.2161225974559784, -0.06805316358804703, -0.04911920800805092, -0.223562553524971, 0.10752306133508682, -0.07112517952919006, -0.0965060144662857, 0.05453834682703018, -0.02270081453025341, 0.005106312222778797, 0.181985542178154, 0.03941008821129799, 0.11070270836353302, 0.03738937899470329, -0.02448922023177147, 0.15798696875572205, -0.142850860953331, -0.14191335439682007, -0.025354057550430298, -0.08757315576076508, -0.13844476640224457, -0.026804137974977493, 0.1617041826248169, -0.09177309274673462, -0.14772607386112213, -0.2621181011199951, 0.10968475043773651, -0.16432365775108337, -0.10192688554525375, -0.03469514101743698, -0.08968492597341537, 0.0696166530251503, 0.030301768332719803, -0.03093348816037178, -0.06706760823726654, -0.18593791127204895, 0.0816768929362297, 0.06349513679742813, 0.045533183962106705, -0.017847947776317596, 0.0067379772663116455, 0.1720137596130371, 0.025955144315958023, 0.10040043294429779, 0.16762186586856842, 0.011397695168852806, 0.2246655523777008, -0.1671202927827835, -0.11496317386627197, 0.1336962729692459, -0.026543032377958298, 0.06762003898620605, 0.16792191565036774, -0.0772583931684494, 0.015526676550507545, -0.028136352077126503, 0.07066910713911057, -0.11003983020782471, -0.105624258518219, 0.007937257178127766, 0.02567129209637642, -0.2755882740020752, -0.005599735304713249, -0.19717298448085785, 0.14788752794265747, 0.02579621411859989, 0.03297143429517746, 0.10257530212402344, 0.10404334217309952, 0.08312062919139862, -0.0017710148822516203, 0.03226327523589134, -0.1176818460226059, 0.02753005363047123, -0.059239376336336136, -0.020663779228925705, 0.017624232918024063, 0.36952024698257446, -0.03603357449173927, -0.046802736818790436, 0.003710439894348383, 0.1307835876941681, -0.02139742486178875, 0.017395347356796265, 0.13209912180900574, 0.12607666850090027, -0.08595693111419678, -0.1504845917224884, 0.04888554662466049, -0.04565655067563057, -0.02836887165904045, 0.1464131623506546, 0.05905961990356445, 0.1050296202301979, 0.0908031314611435, -0.014463032595813274, -0.00318976235575974, 0.012856799177825451, -0.15486004948616028, 0.06223496049642563, -0.010558074340224266, 0.012565906159579754, 0.017934376373887062, 0.15238402783870697, -0.005540105979889631, 0.07739730179309845, -0.09889880567789078, 0.004208535887300968, -0.13498884439468384, -0.07913459837436676, 0.03617347031831741, -0.13393273949623108, 0.04141177982091904, -0.01871878281235695, 0.029611799865961075, 0.30386561155319214, 0.02558239921927452, -0.020639164373278618, 0.12512871623039246, -0.1214587539434433, -0.12050267308950424, -0.001594188273884356, -0.029960084706544876, 0.0791488066315651, -0.02633434161543846, -0.0997740775346756, -0.1001306027173996, -0.15166029334068298, -0.09759195148944855, 0.05182836204767227, -0.04993441700935364, -0.059362251311540604, -0.17634081840515137, -0.05707859992980957, -0.05147340148687363, 0.14025864005088806, -0.12263951450586319, 0.15159130096435547, -0.014490418136119843, 0.004084470681846142, 0.04405883327126503, 0.1950942426919937, -0.03644494712352753, 0.08714226633310318, 0.0154351145029068, 0.1522706001996994, -0.05119588226079941, 0.14720745384693146, -0.10931728035211563, -0.04014137014746666, -0.06710435450077057, 0.21513493359088898, 0.25630924105644226, -0.06136954948306084, -0.008937356993556023, -0.012760217301547527, 0.058654606342315674, 0.1073930487036705, 0.16049085557460785, 0.002326392102986574, 0.2802925705909729, -0.03133585304021835, 0.04815128445625305, 0.02901598811149597, 0.013607407920062542, -0.06336209923028946, 0.03397751972079277, 0.07539387792348862, -0.035039983689785004, -0.1412304788827896, 0.15837742388248444, -0.21980468928813934, 0.18157227337360382, 0.11640069633722305, -0.19996967911720276, -0.013728445395827293, -0.04882071167230606, 0.1689416468143463, -0.0856364443898201, 0.1637246012687683, -0.0903693437576294, -0.2108195722103119, -0.2056000679731369, 0.03867346793413162, -0.34623071551322937, -0.254462867975235, 0.10422009229660034, 0.1488201916217804, 0.04015883058309555, -0.018507536500692368, -0.019967829808592796, -0.018367022275924683, 0.04877542704343796, -0.0067357709631323814, 0.06014643982052803, 0.031397558748722076, -0.02988368645310402, -0.24127542972564697, -0.029804671183228493, 0.023964406922459602, -0.07093082368373871, 0.07464958727359772, -0.06874357163906097, -0.022495782002806664, 0.08059766888618469, -0.03066304884850979, 0.03298592567443848, -0.035373736172914505, -0.16326889395713806, 0.027529051527380943, 0.03900543600320816, 0.036012712866067886, 0.00634160777553916, 0.0008072225609794259, -0.03455270454287529, 0.0644603744149208, -0.16716794669628143, -0.16015739738941193, 0.14140215516090393, -0.06745140254497528, 0.2779497504234314, -0.05812826007604599, -0.0809100940823555, 0.04766704887151718, -0.03426874056458473, 0.1807648241519928, -0.07756473124027252, 0.047254521399736404, 0.12766779959201813, 0.011127962730824947, 0.03121316432952881, -0.3092964291572571, 0.11082969605922699, -0.000795336440205574, -0.006093299947679043, -0.07581598311662674 ]
null
null
transformers
## Japanese ELECTRA-small We provide a Japanese **ELECTRA-Small** model, as described in [ELECTRA: Pre-training Text Encoders as Discriminators Rather Than Generators](https://openreview.net/pdf?id=r1xMH1BtvB). Our pretraining process employs subword units derived from the [Japanese Wikipedia](https://dumps.wikimedia.org/jawiki/latest), using the [Byte-Pair Encoding](https://www.aclweb.org/anthology/P16-1162.pdf) method and building on an initial tokenization with [mecab-ipadic-NEologd](https://github.com/neologd/mecab-ipadic-neologd). For optimal performance, please take care to set your MeCab dictionary appropriately. ## How to use the discriminator in `transformers` ``` from transformers import BertJapaneseTokenizer, ElectraForPreTraining tokenizer = BertJapaneseTokenizer.from_pretrained('Cinnamon/electra-small-japanese-discriminator', mecab_kwargs={"mecab_option": "-d /usr/lib/x86_64-linux-gnu/mecab/dic/mecab-ipadic-neologd"}) model = ElectraForPreTraining.from_pretrained('Cinnamon/electra-small-japanese-discriminator') ```
{"language": "ja", "license": "apache-2.0"}
null
Cinnamon/electra-small-japanese-discriminator
[ "transformers", "pytorch", "electra", "pretraining", "ja", "license:apache-2.0", "endpoints_compatible", "region:us" ]
2022-03-02T23:29:04+00:00
[]
[ "ja" ]
TAGS #transformers #pytorch #electra #pretraining #ja #license-apache-2.0 #endpoints_compatible #region-us
## Japanese ELECTRA-small We provide a Japanese ELECTRA-Small model, as described in ELECTRA: Pre-training Text Encoders as Discriminators Rather Than Generators. Our pretraining process employs subword units derived from the Japanese Wikipedia, using the Byte-Pair Encoding method and building on an initial tokenization with mecab-ipadic-NEologd. For optimal performance, please take care to set your MeCab dictionary appropriately. ## How to use the discriminator in 'transformers'
[ "## Japanese ELECTRA-small\n\nWe provide a Japanese ELECTRA-Small model, as described in ELECTRA: Pre-training Text Encoders as Discriminators Rather Than Generators.\n\nOur pretraining process employs subword units derived from the Japanese Wikipedia, using the Byte-Pair Encoding method and building on an initial tokenization with mecab-ipadic-NEologd. For optimal performance, please take care to set your MeCab dictionary appropriately.", "## How to use the discriminator in 'transformers'" ]
[ "TAGS\n#transformers #pytorch #electra #pretraining #ja #license-apache-2.0 #endpoints_compatible #region-us \n", "## Japanese ELECTRA-small\n\nWe provide a Japanese ELECTRA-Small model, as described in ELECTRA: Pre-training Text Encoders as Discriminators Rather Than Generators.\n\nOur pretraining process employs subword units derived from the Japanese Wikipedia, using the Byte-Pair Encoding method and building on an initial tokenization with mecab-ipadic-NEologd. For optimal performance, please take care to set your MeCab dictionary appropriately.", "## How to use the discriminator in 'transformers'" ]
[ 37, 110, 12 ]
[ "passage: TAGS\n#transformers #pytorch #electra #pretraining #ja #license-apache-2.0 #endpoints_compatible #region-us \n## Japanese ELECTRA-small\n\nWe provide a Japanese ELECTRA-Small model, as described in ELECTRA: Pre-training Text Encoders as Discriminators Rather Than Generators.\n\nOur pretraining process employs subword units derived from the Japanese Wikipedia, using the Byte-Pair Encoding method and building on an initial tokenization with mecab-ipadic-NEologd. For optimal performance, please take care to set your MeCab dictionary appropriately.## How to use the discriminator in 'transformers'" ]
[ -0.036555539816617966, -0.013842758722603321, -0.004494147840887308, 0.004751085769385099, 0.16177573800086975, 0.010046194307506084, 0.05339914560317993, 0.013545538298785686, -0.09090326726436615, 0.017903801053762436, 0.10225842893123627, -0.011913463473320007, 0.029660463333129883, 0.10080165416002274, -0.04276476427912712, -0.2359684258699417, 0.09228077530860901, 0.07588876038789749, 0.013654213398694992, 0.09648479521274567, 0.14413975179195404, -0.12561294436454773, 0.010898918844759464, 0.007245907559990883, -0.13451628386974335, -0.01478834543377161, -0.038098983466625214, -0.14159324765205383, 0.05609997361898422, -0.03753502294421196, 0.16335394978523254, -0.006737315095961094, -0.001864050980657339, -0.16640689969062805, 0.03447306901216507, -0.015653397887945175, 0.008173116482794285, 0.003351360559463501, -0.0005127580370754004, 0.023732274770736694, 0.06965047866106033, 0.015042008832097054, 0.030937111005187035, -0.0023135882802307606, -0.07375171035528183, -0.16010048985481262, 0.04220811277627945, -0.047355037182569504, 0.21303318440914154, 0.11441436409950256, -0.022908445447683334, 0.03310609981417656, -0.15710033476352692, -0.004219681024551392, 0.09804920107126236, -0.16528457403182983, -0.014486691914498806, -0.06445147097110748, 0.06770678609609604, 0.11388231813907623, -0.04284203425049782, -0.07582221180200577, 0.07936053723096848, 0.06981973350048065, 0.0793064534664154, -0.0495951808989048, 0.033276814967393875, 0.011152433231472969, -0.12091708928346634, -0.009614980779588223, 0.3556429445743561, -0.06249206140637398, 0.01638360694050789, -0.06297364085912704, -0.04901263117790222, -0.16700908541679382, -0.02233334630727768, -0.007751836441457272, 0.00364681170322001, 0.04561910405755043, 0.10139701515436172, -0.01977791264653206, -0.14081695675849915, -0.0975717231631279, -0.12424734234809875, 0.24164323508739471, 0.06847936660051346, 0.025977393612265587, -0.12939754128456116, 0.034040920436382294, 0.03824184462428093, -0.10024356842041016, -0.031450677663087845, -0.08670429140329361, 0.0106896897777915, 0.006819348316639662, -0.035160284489393234, -0.14042559266090393, 0.10291434824466705, 0.06316593289375305, -0.04823427274823189, 0.03630096837878227, 0.06890831887722015, 0.024851664900779724, 0.08111483603715897, 0.11030980944633484, -0.046192411333322525, 0.1011284738779068, 0.02823808789253235, -0.03082093596458435, 0.015006043948233128, -0.0073358663357794285, -0.06420433521270752, 0.010806242004036903, 0.09850272536277771, 0.10710456967353821, -0.08991597592830658, 0.018088966608047485, -0.11712682247161865, -0.10155364125967026, 0.03780828416347504, -0.14847633242607117, 0.046451251953840256, 0.03022395633161068, -0.04262091964483261, 0.09022071212530136, -0.06473852694034576, 0.01357639953494072, -0.09748661518096924, -0.02267104759812355, -0.040432438254356384, 0.013918020762503147, -0.09158191829919815, -0.08952683210372925, 0.03865895792841911, -0.052393361926078796, 0.04477524012327194, -0.18191581964492798, -0.0838727056980133, 0.010277665220201015, 0.02194019965827465, 0.017309239134192467, -0.015304389409720898, -0.07835182547569275, -0.0012934048427268863, 0.05283018946647644, -0.049082279205322266, -0.09837517142295837, -0.050873711705207825, 0.03918794170022011, 0.03568197786808014, 0.07298622280359268, -0.0799388512969017, 0.09662505239248276, -0.1213935911655426, 0.015110984444618225, -0.18039944767951965, -0.006710104178637266, -0.027994627133011818, 0.0286149550229311, -0.10273076593875885, -0.012900064699351788, -0.07479380071163177, -0.010234061628580093, -0.018085604533553123, 0.06227879226207733, -0.13355782628059387, -0.07164837419986725, 0.07766415923833847, -0.16650526225566864, 0.006215388420969248, 0.12743595242500305, -0.04811468347907066, 0.09525194764137268, 0.07057332992553711, 0.05505700781941414, 0.04725871980190277, -0.001615349669009447, -0.02018047124147415, -0.03571346774697304, -0.14177142083644867, -0.12164250016212463, 0.10941337794065475, 0.009541921317577362, -0.04370100796222687, -0.015665052458643913, -0.026679931208491325, 0.05898047238588333, -0.010507777333259583, -0.03363902494311333, 0.030783761292696, -0.06486722826957703, 0.0664290338754654, 0.02051643282175064, 0.034425199031829834, -0.0894945040345192, -0.02716418355703354, 0.12639838457107544, 0.06018482893705368, -0.14968617260456085, 0.057781822979450226, -0.1823471188545227, -0.05780025199055672, -0.081122487783432, 0.03204692155122757, -0.1051822379231453, 0.0847860649228096, 0.08056369423866272, 0.10491914302110672, -0.026849696412682533, -0.026107296347618103, 0.01761713996529579, -0.03548486530780792, 0.0037298642564564943, -0.052748337388038635, -0.06410353630781174, 0.015145247802138329, -0.012675192207098007, -0.03592592477798462, 0.025734249502420425, -0.030511431396007538, 0.08684661984443665, -0.011956576257944107, 0.01878168433904648, 0.026755038648843765, 0.035226430743932724, -0.052720807492733, 0.05441726744174957, 0.02447657100856304, 0.0878601223230362, -0.020381446927785873, -0.010117736645042896, 0.038620516657829285, 0.014957401901483536, -0.025466617196798325, 0.04919891059398651, -0.09433230012655258, 0.012489287182688713, 0.18308451771736145, -0.09120706468820572, 0.04909391701221466, 0.08641734719276428, 0.041130587458610535, -0.016522860154509544, -0.04738008603453636, -0.016963733360171318, 0.2195746898651123, -0.05449121817946434, 0.12022165209054947, -0.1050499975681305, 0.026733534410595894, 0.014875668101012707, -0.09106581658124924, -0.05786680430173874, 0.06156645715236664, 0.16797137260437012, -0.1699187159538269, 0.08737461268901825, 0.03680093213915825, -0.12745727598667145, 0.17544269561767578, -0.05580681189894676, -0.029082350432872772, 0.04873959720134735, 0.03996630385518074, 0.03598395362496376, 0.020313773304224014, -0.12217272818088531, -0.023455193266272545, 0.04653551056981087, 0.0009150212281383574, 0.08498307317495346, -0.12578803300857544, 0.015300092287361622, 0.024927275255322456, -0.03362037613987923, 0.09971924871206284, -0.0267126876860857, 0.005681130103766918, 0.017675142735242844, 0.030376501381397247, -0.05443727225065231, 0.07641295343637466, 0.030099371448159218, -0.1108570322394371, 0.16354838013648987, -0.18891295790672302, -0.2553505599498749, -0.17259405553340912, 0.001800596946850419, 0.10833680629730225, 0.04229876771569252, 0.06698483228683472, -0.12110213190317154, -0.05115959048271179, -0.047845106571912766, 0.10764698684215546, -0.14470542967319489, 0.004307332448661327, 0.1862640529870987, 0.010877121239900589, -0.055914122611284256, -0.11756446957588196, 0.001487750792875886, 0.018361711874604225, 0.010274302214384079, 0.11577096581459045, -0.135820209980011, 0.08785049617290497, 0.2192106693983078, -0.03869782015681267, 0.0009663098026067019, -0.018825659528374672, 0.14517627656459808, -0.05635823681950569, 0.024879373610019684, 0.22612588107585907, -0.04494646564126015, 0.005277501884847879, 0.12100034952163696, -0.026340395212173462, -0.009064064361155033, 0.06930164992809296, -0.08689235895872116, -0.0815882533788681, -0.19702501595020294, -0.06520935148000717, -0.09918494522571564, 0.03133910894393921, 0.04328969493508339, 0.045103512704372406, 0.06703616678714752, 0.06974013149738312, -0.012660985812544823, 0.03299616277217865, 0.04286575689911842, 0.06595034897327423, 0.13674907386302948, 0.09920134395360947, 0.05481110140681267, -0.04422233998775482, -0.02828904427587986, 0.02155335247516632, -0.04998805373907089, 0.16229473054409027, 0.061610378324985504, 0.2092895209789276, 0.0994562953710556, 0.03445824608206749, 0.21312999725341797, 0.11010487377643585, -0.04305719584226608, 0.04206567257642746, -0.006191879510879517, -0.012207143008708954, -0.045199498534202576, 0.012064440175890923, 0.008025641553103924, 0.050270143896341324, -0.07129233330488205, 0.05851433426141739, 0.017546072602272034, 0.18938814103603363, -0.008131740614771843, -0.24844960868358612, -0.012220878154039383, 0.03476063907146454, -0.13097119331359863, -0.03889644145965576, 0.0427829883992672, 0.06528067588806152, -0.0689418613910675, -0.027845121920108795, 0.023660169914364815, 0.08295867592096329, -0.06329543143510818, -0.0008931247866712511, 0.02370339445769787, 0.009987907484173775, 0.014765164814889431, 0.07443832606077194, -0.26836633682250977, 0.020254913717508316, -0.007516499143093824, 0.14453476667404175, -0.022559769451618195, 0.023927023634314537, -0.029848558828234673, 0.024464435875415802, -0.03682827204465866, -0.049064960330724716, 0.007636580616235733, -0.04765385389328003, -0.06961759179830551, 0.055721934884786606, 0.060599133372306824, -0.009706733748316765, 0.08689311891794205, -0.0009087627404369414, 0.05824378505349159, -0.020672839134931564, -0.011670032516121864, -0.0787171944975853, -0.16258536279201508, 0.002817823551595211, 0.16723749041557312, 0.12292357534170151, -0.03139059245586395, -0.0018150813411921263, -0.02328786812722683, 0.015324892476201057, -0.2715975046157837, -0.16571572422981262, -0.11033184081315994, -0.10019074380397797, 0.12422142922878265, -0.10043396800756454, 0.10204175859689713, -0.03972459211945534, 0.06529735773801804, -0.08757859468460083, -0.08719547092914581, 0.0106674088165164, -0.09493198990821838, -0.07035420089960098, 0.025364916771650314, 0.09200494736433029, 0.07590890675783157, 0.048469528555870056, 0.019233502447605133, -0.014524404890835285, -0.03307922184467316, -0.07623591274023056, -0.050338950008153915, 0.06068281829357147, 0.09361738711595535, 0.021251952275633812, -0.03648126497864723, -0.10611903667449951, -0.05013314262032509, -0.06347424536943436, 0.14890292286872864, 0.1474987268447876, -0.010524606332182884, 0.07286316901445389, 0.1814020872116089, -0.04756464809179306, -0.18552462756633759, -0.12557421624660492, 0.009097009897232056, 0.061396196484565735, -0.11936911195516586, -0.248009592294693, 0.11533768475055695, 0.09724392741918564, -0.01195964403450489, -0.050477948039770126, -0.2192447930574417, -0.060864780098199844, 0.11210506409406662, 0.0371817983686924, 0.21960026025772095, -0.10031994432210922, -0.015859970822930336, -0.03354090824723244, -0.1603449583053589, 0.09215829521417618, -0.05807904899120331, 0.08922635763883591, 0.005601450800895691, -0.042073413729667664, -0.03824961557984352, -0.028134217485785484, 0.16813799738883972, -0.015119461342692375, 0.0007126444834284484, 0.015106253325939178, -0.07103923708200455, -0.049575865268707275, -0.009696664288640022, 0.09900617599487305, -0.02629312314093113, -0.07585571706295013, -0.09710520505905151, -0.10763832181692123, -0.025805385783314705, 0.012883455492556095, 0.054605185985565186, -0.0686403140425682, -0.10176964849233627, 0.0072523197159171104, 0.011491632089018822, 0.010334833525121212, 0.13951078057289124, -0.002565357368439436, -0.03694979101419449, 0.05337686091661453, 0.2609955668449402, -0.05451472848653793, 0.017077893018722534, -0.07501092553138733, -0.05268605053424835, 0.1651611030101776, -0.07731286436319351, 0.10474643111228943, 0.02088155783712864, -0.06217022240161896, 0.0961185172200203, 0.06310367584228516, -0.089597687125206, 0.034991342574357986, 0.09283726662397385, -0.003693781327456236, -0.026069961488246918, 0.019211169332265854, 0.11372562497854233, -0.009877552278339863, 0.06944889575242996, 0.08242249488830566, -0.07080036401748657, -0.05625719577074051, -0.023753197863698006, 0.03602501377463341, -0.019377226009964943, 0.15026602149009705, 0.08548884093761444, 0.07203219830989838, -0.10919205844402313, 0.07638543099164963, 0.10106292366981506, -0.03966674208641052, 0.06505194306373596, 0.07108061760663986, -0.11706897616386414, -0.036065295338630676, 0.008755083195865154, 0.07336403429508209, -0.01817214861512184, -0.20101168751716614, -0.12987425923347473, -0.1325152963399887, 0.05269450694322586, 0.10111308842897415, 0.11859031766653061, 0.04359685629606247, -0.002428729785606265, 0.02670452930033207, -0.12664589285850525, 0.04655398800969124, 0.026240834966301918, -0.0059414817951619625, -0.10593347996473312, 0.0619252547621727, 0.03131457790732384, 0.09050187468528748, -0.05363980680704117, -0.05589015409350395, -0.09009166806936264, 0.08917400240898132, -0.013270452618598938, 0.06217008829116821, -0.11944758147001266, -0.05919405445456505, 0.03276721015572548, 0.033361323177814484, -0.08982574194669724, 0.05473489314317703, -0.035711824893951416, 0.036199647933244705, -0.07030291110277176, 0.008046548813581467, 0.03017638623714447, -0.012272510677576065, 0.08565395325422287, -0.04546426981687546, 0.03763122856616974, 0.006974844727665186, -0.05185815319418907, 0.014651929028332233, -0.025486132130026817, -0.047229185700416565, 0.08906926959753036, 0.017246391624212265, 0.020221225917339325, -0.017338711768388748, 0.023187464103102684, 0.0799265131354332, -0.011380227282643318, -0.0007321463781408966, 0.015148105099797249, -0.08009672909975052, 0.1113787591457367, -0.14464396238327026, -0.023880088701844215, -0.08971323072910309, 0.014330128207802773, 0.17647244036197662, 0.00768249062821269, 0.18634818494319916, -0.040066249668598175, 0.024410627782344818, 0.06113916635513306, 0.0268910750746727, -0.04454336315393448, -0.026297705247998238, -0.010382344014942646, -0.024661311879754066, 0.0034679174423217773, 0.005602559074759483, 0.1277792751789093, 0.03376135975122452, -0.11632733047008514, 0.04025547578930855, -0.0708974301815033, 0.0014958292013034225, 0.09830505400896072, 0.2989650368690491, 0.07154977321624756, -0.024085599929094315, 0.025787437334656715, 0.026615960523486137, 0.10623293370008469, 0.16555878520011902, 0.06450236588716507, 0.23718129098415375, 0.03400669991970062, 0.1664850413799286, -0.1083664521574974, -0.018216513097286224, 0.004763196222484112, 0.07755576074123383, -0.0022637268994003534, -0.05748705565929413, 0.08598838746547699, 0.09943458437919617, 0.1869756132364273, -0.04875579848885536, -0.00575208431109786, 0.06354157626628876, -0.0541236512362957, -0.1401427537202835, -0.06276237964630127, -0.08199130743741989, -0.13160596787929535, -0.016948865726590157, -0.09388811886310577, -0.08984401822090149, 0.11823971569538116, 0.023356232792139053, -0.05596805363893509, 0.06280255317687988, 0.05645154044032097, -0.06170567497611046, 0.07650543749332428, -0.07443959265947342, 0.07493676990270615, 0.06986020505428314, -0.0774524062871933, -0.0013515015598386526, -0.030724432319402695, 0.07287712395191193, 0.015731077641248703, -0.07233237475156784, 0.05023423582315445, -0.04615529999136925, -0.10450433939695358, 0.019762955605983734, 0.0163559690117836, 0.005339916795492172, 0.07184203714132309, 0.03998396918177605, -0.07638314366340637, 0.04374746233224869, 0.08735529333353043, 0.003278796561062336, -0.17386998236179352, -0.12480538338422775, -0.027785731479525566, 0.0897655338048935, 0.08836880326271057, 0.0315631739795208, -0.12430033832788467, -0.10098132491111755, 0.25637173652648926, 0.019314751029014587, -0.010783419013023376, -0.013034571893513203, -0.0319543294608593, -0.002662668004631996, -0.0004994019400328398, 0.10775980353355408, 0.0729748085141182, 0.20392701029777527, -0.058251187205314636, -0.025212040171027184, -0.1562081128358841, -0.039648644626140594, -0.23088404536247253, -0.08123262971639633, 0.029779456555843353, -0.028472915291786194, -0.041892968118190765, 0.06221785768866539, -0.09463642537593842, -0.04957999661564827, 0.05589946731925011, 0.07348093390464783, -0.026782754808664322, 0.001019793562591076, 0.16630011796951294, -0.028636377304792404, 0.01999828778207302, -0.03475869446992874, -0.009113138541579247, -0.02371489629149437, 0.08676037192344666, -0.12177260220050812, 0.08691465109586716, 0.12275104969739914, -0.04820231720805168, 0.05647732689976692, -0.03664286807179451, 0.09879852086305618, 0.054066598415374756, 0.013568243943154812, -0.04968211054801941, 0.1834782361984253, 0.027606382966041565, 0.008577464148402214, 0.1436499059200287, 0.08309365808963776, 0.0017175269313156605, 0.0673527866601944, 0.011783109977841377, -0.09250503778457642, 0.009175630286335945, -0.05200803652405739, -0.06064707040786743, -0.10159102827310562, -0.003634401597082615, -0.11262857913970947, 0.06103498116135597, 0.020976679399609566, -0.04479806497693062, -0.06627344340085983, 0.0025500664487481117, 0.0897640511393547, 0.008727208711206913, 0.10253209620714188, -0.045609913766384125, -0.16537630558013916, -0.09621139615774155, -0.04906558245420456, 0.07561402767896652, -0.09736427664756775, 0.031434979289770126, -0.10143113881349564, -0.005647949408739805, -0.10984033346176147, -0.019536368548870087, 0.11679968237876892, 0.005933545529842377, -0.04154080152511597, -0.002416443545371294, -0.047600194811820984, 0.03583114966750145, -0.08443282544612885, -0.07708539068698883 ]
null
null
transformers
## Japanese ELECTRA-small We provide a Japanese **ELECTRA-Small** model, as described in [ELECTRA: Pre-training Text Encoders as Discriminators Rather Than Generators](https://openreview.net/pdf?id=r1xMH1BtvB). Our pretraining process employs subword units derived from the [Japanese Wikipedia](https://dumps.wikimedia.org/jawiki/latest), using the [Byte-Pair Encoding](https://www.aclweb.org/anthology/P16-1162.pdf) method and building on an initial tokenization with [mecab-ipadic-NEologd](https://github.com/neologd/mecab-ipadic-neologd). For optimal performance, please take care to set your MeCab dictionary appropriately. ``` # ELECTRA-small generator usage from transformers import BertJapaneseTokenizer, ElectraForMaskedLM tokenizer = BertJapaneseTokenizer.from_pretrained('Cinnamon/electra-small-japanese-generator', mecab_kwargs={"mecab_option": "-d /usr/lib/x86_64-linux-gnu/mecab/dic/mecab-ipadic-neologd"}) model = ElectraForMaskedLM.from_pretrained('Cinnamon/electra-small-japanese-generator') ```
{"language": "ja"}
fill-mask
Cinnamon/electra-small-japanese-generator
[ "transformers", "pytorch", "electra", "fill-mask", "ja", "autotrain_compatible", "endpoints_compatible", "region:us" ]
2022-03-02T23:29:04+00:00
[]
[ "ja" ]
TAGS #transformers #pytorch #electra #fill-mask #ja #autotrain_compatible #endpoints_compatible #region-us
## Japanese ELECTRA-small We provide a Japanese ELECTRA-Small model, as described in ELECTRA: Pre-training Text Encoders as Discriminators Rather Than Generators. Our pretraining process employs subword units derived from the Japanese Wikipedia, using the Byte-Pair Encoding method and building on an initial tokenization with mecab-ipadic-NEologd. For optimal performance, please take care to set your MeCab dictionary appropriately.
[ "## Japanese ELECTRA-small\n\nWe provide a Japanese ELECTRA-Small model, as described in ELECTRA: Pre-training Text Encoders as Discriminators Rather Than Generators.\n\nOur pretraining process employs subword units derived from the Japanese Wikipedia, using the Byte-Pair Encoding method and building on an initial tokenization with mecab-ipadic-NEologd. For optimal performance, please take care to set your MeCab dictionary appropriately." ]
[ "TAGS\n#transformers #pytorch #electra #fill-mask #ja #autotrain_compatible #endpoints_compatible #region-us \n", "## Japanese ELECTRA-small\n\nWe provide a Japanese ELECTRA-Small model, as described in ELECTRA: Pre-training Text Encoders as Discriminators Rather Than Generators.\n\nOur pretraining process employs subword units derived from the Japanese Wikipedia, using the Byte-Pair Encoding method and building on an initial tokenization with mecab-ipadic-NEologd. For optimal performance, please take care to set your MeCab dictionary appropriately." ]
[ 39, 110 ]
[ "passage: TAGS\n#transformers #pytorch #electra #fill-mask #ja #autotrain_compatible #endpoints_compatible #region-us \n## Japanese ELECTRA-small\n\nWe provide a Japanese ELECTRA-Small model, as described in ELECTRA: Pre-training Text Encoders as Discriminators Rather Than Generators.\n\nOur pretraining process employs subword units derived from the Japanese Wikipedia, using the Byte-Pair Encoding method and building on an initial tokenization with mecab-ipadic-NEologd. For optimal performance, please take care to set your MeCab dictionary appropriately." ]
[ -0.04097380489110947, -0.0965171605348587, -0.005048999097198248, -0.003289073007181287, 0.1630261391401291, 0.028063390403985977, 0.060433220118284225, 0.00504679000005126, -0.07122326642274857, 0.012682054191827774, 0.10746246576309204, -0.025390222668647766, 0.016809232532978058, 0.18070583045482635, -0.04173482581973076, -0.25423240661621094, 0.08613714575767517, 0.08043421059846878, -0.01021271850913763, 0.07042117416858673, 0.14272840321063995, -0.10749433934688568, 0.016055038198828697, -0.004249478690326214, -0.12025045603513718, 0.021920541301369667, -0.011982505209743977, -0.14570318162441254, 0.04862761124968529, -0.02620181255042553, 0.19646590948104858, -0.02750156819820404, -0.03673327714204788, -0.12163404375314713, 0.049970146268606186, -0.029981359839439392, 0.004471751395612955, -0.004262176342308521, -0.009300725534558296, 0.014965088106691837, 0.050066329538822174, 0.040048032999038696, 0.022433942183852196, -0.01813020557165146, -0.0625685304403305, -0.1244870126247406, 0.10912679880857468, -0.09518720954656601, 0.19060178101062775, 0.09987805038690567, -0.03960063308477402, 0.05775007978081703, -0.1534021943807602, 0.007907992228865623, 0.0738510936498642, -0.11579569429159164, -0.01699826866388321, -0.053142230957746506, 0.0569814033806324, 0.09684677422046661, -0.03289330378174782, -0.07828006148338318, 0.08436806499958038, 0.0751163512468338, 0.06997010111808777, -0.04208768159151077, 0.024097872897982597, 0.004261455032974482, -0.09453968703746796, 0.03828533738851547, 0.33817291259765625, -0.08409677445888519, 0.02839505486190319, -0.062027543783187866, -0.06742314249277115, -0.16084334254264832, -0.03927778825163841, 0.001562521792948246, -0.02004283107817173, 0.03766762092709541, 0.06727490574121475, 0.027773967012763023, -0.13382859528064728, -0.0804251953959465, -0.15588483214378357, 0.2544589340686798, 0.07360349595546722, 0.030322737991809845, -0.1570644974708557, -0.00012578644964378327, 0.02117650769650936, -0.12525059282779694, 0.008558457717299461, -0.09854387491941452, 0.04219255596399307, 0.005760119296610355, -0.05093768239021301, -0.19149914383888245, 0.11169741302728653, 0.021076029166579247, -0.03290810063481331, 0.029617954045534134, 0.0932106226682663, 0.021173052489757538, 0.08857733011245728, 0.06277786940336227, -0.02165396511554718, 0.08495715260505676, 0.01023938413709402, -0.040759362280368805, 0.012581774964928627, -0.011552727781236172, -0.08240342885255814, 0.06437411159276962, 0.0891057699918747, 0.07340703904628754, -0.12918753921985626, 0.032815754413604736, -0.14377322793006897, -0.09506231546401978, 0.030703110620379448, -0.14105206727981567, 0.050226107239723206, 0.008210352621972561, -0.029908280819654465, 0.08940551429986954, -0.09070374816656113, 0.02751556783914566, -0.07590128481388092, -0.008688447065651417, -0.042742639780044556, -0.0077579440549016, -0.09924768656492233, -0.0956786572933197, 0.03162860497832298, -0.021480770781636238, 0.07050161808729172, -0.21148058772087097, -0.08002658188343048, 0.012548757717013359, 0.028845787048339844, 0.012111585587263107, -0.01258561760187149, -0.09188749641180038, 0.008446956984698772, 0.07875996828079224, -0.038825623691082, -0.05271396040916443, -0.04889301955699921, 0.030445599928498268, 0.05174556374549866, 0.11626817286014557, -0.1165284663438797, 0.08694487065076828, -0.1210101917386055, -0.003808736801147461, -0.1954570710659027, -0.053705621510744095, -0.019182374700903893, 0.02306203544139862, -0.06303521990776062, 0.02082691341638565, -0.12271860986948013, 0.0294383242726326, -0.005975243169814348, 0.04941015690565109, -0.11745012551546097, -0.11401750147342682, 0.09601297974586487, -0.17561021447181702, 0.0254739448428154, 0.1307719498872757, -0.05364625155925751, 0.1255725771188736, 0.06612241268157959, 0.04447697103023529, 0.025623882189393044, -0.0227557010948658, -0.019826624542474747, -0.06050173565745354, -0.12698476016521454, -0.12471884489059448, 0.09552265703678131, 0.0610947459936142, -0.06352828443050385, 0.0029889235738664865, 0.06757761538028717, 0.07403356581926346, -0.026114491745829582, -0.02613678388297558, 0.047847092151641846, -0.07307501137256622, 0.088798388838768, 0.015836374834179878, 0.06151999160647392, -0.11562958359718323, -0.02750682830810547, 0.09728936851024628, 0.04711506888270378, -0.13378961384296417, 0.03082030825316906, -0.18555612862110138, -0.07084892690181732, -0.06424542516469955, 0.03457240015268326, -0.06687168776988983, 0.04215158149600029, 0.08974798023700714, 0.14072400331497192, -0.03339759260416031, -0.02514652907848358, 0.02449919283390045, -0.025546832010149956, -0.009703383781015873, -0.03259844332933426, -0.05440707132220268, -0.0008222998585551977, -0.0037487989757210016, -0.03172415867447853, 0.052156612277030945, -0.050606049597263336, 0.093477763235569, -0.0025871421676129103, 0.002430749824270606, -0.013395290821790695, 0.06027396768331528, -0.022904470562934875, 0.06165064871311188, 0.017998667433857918, 0.10981214791536331, -0.033377502113580704, 0.02936919592320919, 0.029164785519242287, 0.016340112313628197, -0.00643648486584425, 0.08653958141803741, -0.100030817091465, 0.07670509070158005, 0.1774706244468689, -0.11043326556682587, 0.03135380521416664, 0.06600748002529144, 0.05938723310828209, -0.017730318009853363, -0.06463300436735153, -0.025400737300515175, 0.22891031205654144, -0.07993235439062119, 0.10999025404453278, -0.1017250046133995, 0.05232446268200874, 0.04035576432943344, -0.10343746840953827, -0.0660039559006691, 0.05832052603363991, 0.22382549941539764, -0.17090922594070435, 0.08458925038576126, 0.014125038869678974, -0.14550510048866272, 0.24560761451721191, -0.029568949714303017, -0.023141026496887207, 0.05666546896100044, -0.001721880747936666, 0.035821132361888885, 0.046196166425943375, -0.09283663332462311, -0.029954517260193825, 0.04660309851169586, -0.0327020063996315, 0.09832748770713806, -0.1037239208817482, 0.018006183207035065, 0.007302599027752876, 0.014937907457351685, 0.11571600288152695, 0.005282611586153507, 0.02057202160358429, 0.025088725611567497, 0.011671392247080803, -0.07450580596923828, 0.06543777883052826, 0.04793644696474075, -0.09348756819963455, 0.14513100683689117, -0.18305274844169617, -0.315420001745224, -0.18956659734249115, -0.017774948850274086, 0.11382248997688293, 0.05957445129752159, 0.059342849999666214, -0.13981953263282776, -0.0597265288233757, -0.02762490324676037, 0.10544724762439728, -0.10716182738542557, 0.019778955727815628, 0.15628843009471893, 0.028448358178138733, -0.051926277577877045, -0.09399507939815521, -0.016216717660427094, 0.0006636009202338755, 0.04569297283887863, 0.1571704000234604, -0.17086240649223328, 0.08798863738775253, 0.21688461303710938, -0.023504894226789474, 0.002815105253830552, -0.04393613710999489, 0.12303804606199265, -0.05599091202020645, 0.021179651841521263, 0.22481182217597961, -0.043749965727329254, 0.009550590999424458, 0.13774089515209198, -0.036603398621082306, -0.01834629476070404, 0.10692107677459717, -0.09400860220193863, -0.09128320962190628, -0.12103891372680664, -0.08582353591918945, -0.1047997698187828, 0.041053418070077896, 0.049231644719839096, 0.031139731407165527, 0.04959562420845032, 0.0754467323422432, 0.012577489018440247, 0.03542327135801315, -0.007939803414046764, 0.05567915365099907, 0.08119373023509979, 0.09749802947044373, 0.07577088475227356, -0.015996066853404045, -0.06643087416887283, 0.02173256129026413, -0.04147806391119957, 0.13254405558109283, 0.05580852925777435, 0.14940392971038818, 0.08282705396413803, 0.016681784763932228, 0.2628079652786255, 0.11749845743179321, -0.032903000712394714, 0.014623921364545822, -0.013502074405550957, -0.00834622047841549, -0.029728712514042854, 0.023638226091861725, 0.023842930793762207, 0.01755359023809433, -0.08094173669815063, 0.09315567463636398, 0.004337955731898546, 0.10539180785417557, 0.022195400670170784, -0.273878812789917, 0.0030230002012103796, 0.03192929923534393, -0.13903853297233582, -0.04866703599691391, 0.04362025111913681, 0.07502267509698868, -0.05855758488178253, -0.03961086645722389, 0.03156866505742073, 0.06313809752464294, -0.03154990077018738, 0.018272705376148224, -0.0038089496083557606, 0.025580231100320816, 0.004445536527782679, 0.05639651417732239, -0.23907481133937836, 0.03798486292362213, -0.022878805175423622, 0.12810751795768738, -0.034062497317790985, 0.006181047298014164, -0.022767415270209312, -0.063450887799263, -0.08745281398296356, -0.0566781610250473, -0.04349401965737343, -0.06471570581197739, -0.09808096289634705, 0.08539716899394989, 0.08191919326782227, -0.0020160425920039415, 0.09497681260108948, -0.0007011279813013971, 0.054596297442913055, -0.01800372637808323, -0.02057105489075184, -0.060472480952739716, -0.1536828726530075, -0.0017528800526633859, 0.22739291191101074, 0.09152732044458389, -0.02856200933456421, -0.02562871389091015, -0.01995273120701313, -0.009724980220198631, -0.1914994716644287, -0.1460748016834259, -0.1161758080124855, -0.08053917437791824, 0.12103837728500366, -0.10611367970705032, 0.12439969927072525, -0.027623925358057022, 0.07893261313438416, -0.09316352754831314, -0.08996500074863434, 0.023552479222416878, -0.10634372383356094, -0.04643624275922775, 0.0005169775686226785, 0.06791292130947113, 0.057160887867212296, 0.04606640711426735, 0.011131679639220238, -0.020510302856564522, -0.03904880955815315, -0.02779967524111271, -0.04983362928032875, -0.0023756478913128376, 0.09498324245214462, 0.038342446088790894, -0.06727512180805206, -0.11266056448221207, -0.043757107108831406, -0.08644352108240128, 0.13331681489944458, 0.14576676487922668, 0.014024229720234871, 0.07426157593727112, 0.1747148185968399, -0.024242883548140526, -0.22365495562553406, -0.16130053997039795, 0.04206334054470062, 0.09061174839735031, -0.13324566185474396, -0.24863222241401672, 0.13089938461780548, 0.06792052090167999, -0.012030566111207008, -0.03270653635263443, -0.1365831345319748, -0.08227314054965973, 0.12561237812042236, 0.038012295961380005, 0.3114936351776123, -0.07908912003040314, 0.010782181285321712, -0.03989071771502495, -0.10357412695884705, 0.07028588652610779, -0.02614900842308998, 0.1048363596200943, 0.011533007025718689, -0.001937184832058847, -0.03835459426045418, -0.016987917944788933, 0.1425241231918335, -0.05171598866581917, -0.0164615660905838, 0.02191067487001419, -0.08651410788297653, -0.07781268656253815, 0.004642239771783352, 0.07514829933643341, -0.0373711995780468, -0.10311881452798843, -0.07466018944978714, -0.1087723895907402, -0.009321162477135658, 0.008029638789594173, 0.08115268498659134, -0.08236038684844971, -0.08649028837680817, 0.014359070919454098, -0.02556249313056469, 0.005631889682263136, 0.12220267951488495, -0.01697658747434616, -0.014544766396284103, 0.04602725803852081, 0.22338630259037018, -0.1025550439953804, 0.0345589704811573, -0.06016719341278076, -0.06854823231697083, 0.16565920412540436, -0.04869098588824272, 0.11165465414524078, 0.010588658042252064, -0.08831322193145752, 0.08194177597761154, 0.07519513368606567, -0.07306909561157227, 0.03314167261123657, 0.15399287641048431, -0.0033183253835886717, 0.07567785680294037, -0.005438963416963816, 0.12134864926338196, 0.0034719128161668777, 0.05901418998837471, 0.09871897846460342, -0.05683460831642151, -0.06489923596382141, -0.03459160774946213, 0.04435320943593979, -0.007005965802818537, 0.14955051243305206, 0.07827994227409363, 0.07088552415370941, -0.10243364423513412, 0.04506127908825874, 0.07607154548168182, -0.03938800469040871, 0.08285786211490631, 0.05447271838784218, -0.08984384685754776, -0.03443574532866478, 0.03601236268877983, 0.10050001740455627, -0.002606418449431658, -0.20023611187934875, -0.16646425426006317, -0.11921732872724533, 0.04363963007926941, 0.12884856760501862, 0.12957903742790222, 0.028049398213624954, 0.00022244434512685984, 0.02352880872786045, -0.12831322848796844, 0.052886251360177994, 0.06548257917165756, 0.01317777018994093, -0.08775804191827774, 0.04460673779249191, 0.019795570522546768, 0.08566213399171829, -0.08296601474285126, -0.0567757785320282, -0.13175609707832336, 0.09017685055732727, 0.028797514736652374, 0.0648248940706253, -0.07543028146028519, -0.09037252515554428, 0.05176098644733429, 0.05090920254588127, -0.10704966634511948, 0.038571279495954514, -0.04050445184111595, 0.05874426290392876, -0.07018449902534485, -0.007126874290406704, 0.08606179058551788, -0.008532019332051277, 0.10488533973693848, -0.04103338345885277, 0.002637642901390791, 0.0054371836595237255, -0.05710718408226967, 0.03509988635778427, -0.007604276295751333, -0.04529261961579323, 0.10787199437618256, 0.03254023566842079, 0.015152063220739365, 0.021072054281830788, 0.01962677761912346, 0.08070340752601624, 0.03352872282266617, 0.0071404920890927315, 0.02016976848244667, -0.06174309924244881, 0.14429938793182373, -0.1335812211036682, -0.05103613808751106, -0.078077033162117, -0.023306651040911674, 0.13052277266979218, 0.006658139638602734, 0.16554394364356995, -0.06505127996206284, -0.001422778470441699, 0.08182425051927567, 0.04519214853644371, -0.04792729765176773, -0.04475321248173714, 0.036759454756975174, -0.017083339393138885, 0.014208529144525528, 0.018990838900208473, 0.1406964361667633, 0.07014280557632446, -0.13949237763881683, 0.017736516892910004, -0.07121971249580383, -0.004565345123410225, 0.09413637220859528, 0.2651125490665436, 0.09943626821041107, -0.015714285895228386, -0.012840891256928444, 0.042805712670087814, 0.14773742854595184, 0.19479712843894958, 0.07848244905471802, 0.2019561380147934, 0.06885725259780884, 0.18253885209560394, -0.10898182541131973, 0.005383470095694065, 0.03360234200954437, 0.04016341269016266, -0.04394915699958801, -0.04951505362987518, 0.1016848012804985, 0.06683594733476639, 0.19395175576210022, -0.02405163273215294, -0.019762609153985977, 0.05467001721262932, -0.03943169489502907, -0.15145839750766754, -0.05486917123198509, -0.10083354264497757, -0.13609734177589417, -0.012412475422024727, -0.08723768591880798, -0.13326679170131683, 0.11858734488487244, 0.02013348788022995, -0.04617389664053917, 0.08328794687986374, 0.034216511994600296, -0.054897066205739975, 0.0736323893070221, -0.0755535215139389, 0.07692830264568329, 0.08527907729148865, -0.08881911635398865, -0.05024399235844612, 0.0019204067066311836, 0.06633225083351135, -0.005756910890340805, -0.09381100535392761, 0.03712049871683121, -0.04185537248849869, -0.11167089641094208, 0.001620635506696999, -0.009570184163749218, -0.025579504668712616, 0.03621785715222359, 0.037649914622306824, -0.057110145688056946, 0.03742365911602974, 0.0717104896903038, 0.012301703914999962, -0.1829351782798767, -0.13634634017944336, -0.0121077885851264, 0.0881774052977562, 0.10882886499166489, 0.011066215112805367, -0.10850527137517929, -0.14160732924938202, 0.27547526359558105, 0.05326360836625099, -0.02752947248518467, -0.011096779257059097, -0.0064421771094202995, -0.0014434057520702481, -0.021917836740612984, 0.15034276247024536, 0.061900775879621506, 0.27450326085090637, -0.04624481126666069, -0.05441625788807869, -0.14364959299564362, -0.04187346249818802, -0.2501448094844818, -0.11702214926481247, 0.06068941578269005, -0.024451110512018204, -0.04693754389882088, 0.04269393905997276, -0.11985201388597488, -0.0037386955227702856, 0.01649780385196209, 0.0645010694861412, -0.016961028799414635, -0.00505860848352313, 0.16499482095241547, -0.026695797219872475, 0.044655781239271164, -0.0504181943833828, -0.003379737725481391, -0.08692646026611328, 0.08279284089803696, -0.1022414043545723, 0.09847848862409592, 0.10537905246019363, -0.11296268552541733, 0.03053433820605278, -0.04911305755376816, 0.08952251076698303, 0.04707307368516922, -0.0016578229842707515, 0.003759124781936407, 0.18785980343818665, 0.009481819346547127, -0.015733173117041588, 0.15180622041225433, 0.10986259579658508, -0.010018758475780487, 0.05956440418958664, 0.018523961305618286, -0.0839410275220871, 0.0039389668963849545, -0.06470002979040146, -0.04845179617404938, -0.05658118426799774, 0.0073229181580245495, -0.12273647636175156, 0.04405893012881279, 0.017478222027420998, -0.019790465012192726, -0.07577119022607803, 0.02049948088824749, 0.12384000420570374, 0.004428175278007984, 0.06547412276268005, -0.062453243881464005, -0.1959821581840515, -0.12286051362752914, -0.03597921505570412, 0.058400560170412064, -0.1542266458272934, 0.04314586892724037, -0.1252274215221405, 0.01945543847978115, -0.13463138043880463, -0.02357586845755577, 0.14229129254817963, -0.006777978502213955, -0.03643708676099777, -0.01332788821309805, -0.04501080885529518, 0.009493873454630375, -0.08390273153781891, -0.10898899286985397 ]
null
null
transformers
# Harry Potter DialoGPT Model
{"tags": ["conversational"]}
text-generation
Ciruzzo/DialoGPT-small-harrypotter
[ "transformers", "pytorch", "gpt2", "text-generation", "conversational", "autotrain_compatible", "endpoints_compatible", "text-generation-inference", "region:us" ]
2022-03-02T23:29:04+00:00
[]
[]
TAGS #transformers #pytorch #gpt2 #text-generation #conversational #autotrain_compatible #endpoints_compatible #text-generation-inference #region-us
# Harry Potter DialoGPT Model
[ "# Harry Potter DialoGPT Model" ]
[ "TAGS\n#transformers #pytorch #gpt2 #text-generation #conversational #autotrain_compatible #endpoints_compatible #text-generation-inference #region-us \n", "# Harry Potter DialoGPT Model" ]
[ 51, 8 ]
[ "passage: TAGS\n#transformers #pytorch #gpt2 #text-generation #conversational #autotrain_compatible #endpoints_compatible #text-generation-inference #region-us \n# Harry Potter DialoGPT Model" ]
[ -0.0009023238671943545, 0.07815738022327423, -0.006546166725456715, 0.07792752981185913, 0.10655936598777771, 0.048972971737384796, 0.17639793455600739, 0.12185695022344589, 0.016568755730986595, -0.04774167761206627, 0.11647630482912064, 0.2130284160375595, -0.002118367003276944, 0.024608047679066658, -0.05022026598453522, -0.3065771162509918, 0.0474756620824337, 0.014356585219502449, -0.07174845039844513, 0.11724270135164261, 0.09064973145723343, -0.046179238706827164, 0.08330509811639786, -0.009135239757597446, -0.13198648393154144, -0.039482954889535904, 0.019292812794446945, -0.11745545268058777, 0.1662212759256363, 0.05298272892832756, 0.02469746209681034, -0.008447164669632912, -0.06598151475191116, -0.15036040544509888, 0.037190426141023636, -0.027472136542201042, -0.01080626156181097, 0.05462246760725975, 0.023526115342974663, -0.07521048933267593, 0.170567125082016, 0.17678891122341156, 0.0833497866988182, 0.0349111407995224, -0.14917024970054626, -0.045548245310783386, 0.008950977586209774, 0.05421316996216774, -0.017893504351377487, 0.09349167346954346, -0.019903047010302544, 0.11801653355360031, -0.04491448402404785, 0.09210366010665894, 0.15255063772201538, -0.4016275703907013, -0.027563704177737236, 0.08920855820178986, 0.05989706888794899, 0.12076901644468307, -0.10560955852270126, 0.03972794860601425, -0.0039703017100691795, 0.01236654631793499, -0.014540530741214752, -0.08304883539676666, -0.07308239489793777, 0.032504837960004807, -0.1272556483745575, 0.008525865152478218, 0.23756256699562073, -0.10643257945775986, 0.037069112062454224, -0.09791990369558334, -0.07414398342370987, 0.048336777836084366, -0.053761593997478485, -0.081727035343647, -0.054839808493852615, 0.06347949057817459, 0.004366500303149223, -0.06301609426736832, -0.08326146006584167, -0.0006536149303428829, -0.12781435251235962, 0.17595994472503662, 0.061243366450071335, 0.041611745953559875, -0.21322020888328552, 0.08940251916646957, 0.04477722570300102, -0.04711297154426575, 0.007116159424185753, -0.11796226352453232, 0.04023287072777748, 0.005483259446918964, -0.03256071358919144, -0.021854614838957787, 0.0393419973552227, 0.13909944891929626, -0.01777748204767704, 0.03252175822854042, 0.006831915583461523, 0.05811219662427902, 0.08162496984004974, 0.02222144603729248, 0.019291909411549568, -0.0818009302020073, 0.019385190680623055, -0.08128736168146133, -0.0030400939285755157, -0.048940129578113556, -0.17071883380413055, -0.07477642595767975, 0.052610911428928375, 0.020047198981046677, 0.03746970370411873, 0.08054786175489426, -0.0017944995779544115, -0.05560554191470146, 0.03284840285778046, 0.01671096310019493, -0.020622212439775467, -0.010361049324274063, -0.02412462793290615, 0.19123271107673645, 0.019619356840848923, 0.014111656695604324, -0.12379156798124313, 0.10023640841245651, -0.08179095387458801, 0.0037731381598860025, 0.02743307314813137, -0.04204464703798294, -0.004716555587947369, 0.02917117439210415, 0.023101668804883957, -0.1252521574497223, -0.1099385917186737, -0.0030569476075470448, -0.012054097838699818, -0.036421261727809906, -0.10490952432155609, -0.08483029156923294, -0.012153145857155323, 0.0449371263384819, -0.013397793285548687, 0.007936403155326843, -0.05143149942159653, 0.0985720232129097, -0.0514979362487793, 0.09873400628566742, -0.08342572301626205, 0.06359215080738068, -0.09124887734651566, -0.061886150389909744, -0.11452563107013702, 0.05216052383184433, 0.012905281968414783, 0.066250741481781, 0.016998225823044777, -0.044836658984422684, -0.014836243353784084, 0.05253177136182785, -0.07656687498092651, 0.1940697431564331, -0.041674621403217316, -0.12459053844213486, 0.24146439135074615, -0.09138800948858261, -0.1802034229040146, 0.12973085045814514, -0.022254703566432, 0.08523941785097122, 0.12802475690841675, 0.20380465686321259, -0.00019822151807602495, -0.01302915159612894, 0.07281201332807541, 0.07031642645597458, -0.09803894907236099, 0.06239739805459976, 0.029653839766979218, -0.008071083575487137, -0.08906278014183044, 0.05762826278805733, 0.046033453196287155, -0.010650773532688618, -0.035073768347501755, -0.001896020956337452, -0.012895751744508743, -0.022185025736689568, 0.14126582443714142, -0.02006692811846733, 0.1300428807735443, -0.06926563382148743, -0.03515486419200897, -0.009500149637460709, 0.03533667325973511, -0.04091939330101013, 0.08151165395975113, -0.0436173714697361, 0.10586477071046829, 0.09034156054258347, 0.053724925965070724, -0.13120363652706146, 0.00466286763548851, -0.015246815048158169, 0.17014820873737335, 0.08964069187641144, 0.05222717300057411, 0.06265474855899811, -0.0020888058934360743, -0.06708643585443497, 0.045407816767692566, 0.13778303563594818, -0.037020038813352585, -0.12218865007162094, -0.1755627691745758, 0.051157694309949875, -0.045444171875715256, 0.10855234414339066, -0.10010123997926712, 0.022670533508062363, -0.055906031280756, 0.07772238552570343, -0.024998966604471207, 0.020512236282229424, -0.0013405600329861045, -0.021700702607631683, -0.08356887847185135, -0.002377772703766823, 0.08597290515899658, -0.02048647589981556, -0.06707409024238586, 0.16556480526924133, -0.16400809586048126, 0.1631954461336136, 0.2116095870733261, -0.28542569279670715, -0.005696662236005068, -0.15163889527320862, -0.0208092350512743, 0.019645055755972862, 0.07834604382514954, 0.026225795969367027, 0.2044338881969452, -0.012928472831845284, 0.16565458476543427, -0.05699567869305611, -0.07730039209127426, -0.06881127506494522, -0.048101142048835754, 0.013522743247449398, 0.09095205366611481, 0.04542696103453636, -0.11962861567735672, 0.13119758665561676, 0.1054433062672615, 0.06484298408031464, 0.12711186707019806, 0.1030748188495636, -0.008113685995340347, 0.07252490520477295, -0.03624548763036728, -0.03462279960513115, -0.09254947304725647, -0.30446043610572815, -0.04840317741036415, 0.0939924493432045, 0.007963384501636028, 0.09285714477300644, -0.0919896736741066, -0.03311870992183685, 0.006042704917490482, 0.009473444893956184, 0.028337622061371803, 0.09653715789318085, 0.013490920886397362, 0.15320514142513275, -0.008011690340936184, -0.03430786728858948, 0.05891305208206177, 0.017982570454478264, -0.09147711098194122, 0.17280617356300354, -0.17050009965896606, -0.27190929651260376, -0.06990014761686325, -0.21745692193508148, -0.013139115646481514, 0.05258983001112938, 0.0786920040845871, -0.11818131804466248, -0.018352627754211426, -0.006239492911845446, 0.05685517191886902, -0.2425733357667923, 0.0004911290016025305, -0.1354890614748001, 0.0501418262720108, -0.1974833607673645, -0.09718500077724457, -0.02271542325615883, -0.013450481928884983, -0.0464281290769577, 0.13365240395069122, -0.1448695808649063, -0.011572926305234432, 0.2329535037279129, 0.032479673624038696, 0.027794739231467247, -0.05020907148718834, 0.19788463413715363, -0.0958966314792633, -0.023973820731043816, 0.11024576425552368, -0.05038975924253464, 0.04834126681089401, 0.06649978458881378, -0.012981836684048176, -0.08557141572237015, 0.023789849132299423, -0.068336620926857, -0.03150583803653717, -0.27926525473594666, -0.0930178239941597, -0.09319330751895905, 0.11305391043424606, 0.04079577326774597, 0.06421639025211334, 0.16545771062374115, 0.05191578343510628, -0.024325082078576088, -0.03006586618721485, 0.11609793454408646, 0.12905290722846985, 0.2277202159166336, -0.06067761778831482, 0.10221996158361435, 0.009445492178201675, -0.08203992247581482, 0.06062209978699684, 0.056782789528369904, 0.06324724853038788, 0.02584579586982727, 0.03694582358002663, -0.030939655378460884, 0.1121687963604927, 0.12571842968463898, 0.05258069559931755, 0.0481170229613781, 0.0002127334737451747, -0.0561506561934948, -0.008168719708919525, -0.05726633965969086, 0.06774696707725525, 0.061340972781181335, -0.12918008863925934, -0.08061543852090836, 0.0011613310780376196, 0.06660808622837067, -0.016230419278144836, 0.06823775917291641, -0.13560809195041656, -0.03582429885864258, 0.0790911465883255, -0.07693151384592056, -0.14156894385814667, 0.11972879618406296, -0.026570770889520645, -0.19904157519340515, 0.05265914276242256, 0.007704653777182102, 0.0908159390091896, -0.06360849738121033, 0.05343840271234512, -0.13023801147937775, -0.12935101985931396, -0.018437571823596954, 0.07945099472999573, -0.3450873792171478, 0.13536721467971802, -0.013286802917718887, -0.02876877970993519, -0.06474969536066055, -0.02640824392437935, 0.013905409723520279, 0.12719078361988068, 0.08667250722646713, 0.0008821099763736129, 0.0991629809141159, 0.03823768347501755, 0.04188435152173042, -0.002011700300499797, 0.10950417071580887, 0.0050011589191854, 0.004797275178134441, -0.04982118681073189, 0.007274609990417957, -0.05164213851094246, -0.07472953200340271, 0.08393982797861099, -0.20678792893886566, 0.09087453782558441, -0.03378438204526901, 0.08427679538726807, 0.04304937273263931, -0.018965769559144974, -0.1001204177737236, 0.19745583832263947, -0.012206900864839554, -0.11405988782644272, -0.07517550885677338, -0.02810264565050602, 0.09103139489889145, -0.013817726634442806, 0.012886416167020798, -0.045470476150512695, 0.032183047384023666, -0.1263762265443802, -0.1597503274679184, 0.08734500408172607, -0.04441224783658981, -0.10894393920898438, -0.025462759658694267, 0.20382575690746307, -0.007266622502356768, 0.08242089301347733, 0.01605331338942051, 0.010653935372829437, -0.18066231906414032, -0.04018142446875572, 0.02645772136747837, -0.0016437612939625978, 0.005979063920676708, 0.047698814421892166, 0.019091911613941193, 0.06207629665732384, -0.1069745197892189, -0.013920160941779613, 0.3158324360847473, 0.15978319942951202, -0.00912671908736229, 0.14943915605545044, 0.1093616932630539, -0.08669080585241318, -0.17238758504390717, -0.1171615794301033, -0.1210922971367836, -0.08425768464803696, -0.10681738704442978, -0.1525043100118637, 0.09535340964794159, -0.03392014652490616, 0.03498011827468872, 0.14615866541862488, -0.280263751745224, -0.10949636250734329, 0.13820378482341766, 0.010744688101112843, 0.3510635495185852, -0.12303631007671356, -0.044944874942302704, -0.06214528530836105, -0.16933435201644897, 0.08021392673254013, -0.031203703954815865, 0.11581093072891235, -0.0744495838880539, 0.19395925104618073, 0.01719796098768711, 0.014287159778177738, 0.0916559100151062, 0.05038322135806084, -0.05808406323194504, -0.07368700206279755, -0.10248131304979324, 0.010812131687998772, 0.03546109423041344, 0.010252019390463829, -0.008802837692201138, 0.0211968794465065, -0.11341743916273117, -0.050869911909103394, -0.06302189081907272, 0.0072614275850355625, -0.01001308299601078, -0.042155615985393524, -0.05533592775464058, -0.022557416930794716, -0.020093943923711777, 0.02266426384449005, 0.14185629785060883, -0.07527699321508408, 0.18586260080337524, 0.02357078716158867, 0.1586609035730362, -0.11956068128347397, -0.06724818795919418, -0.029193658381700516, -0.05280323326587677, 0.06468886137008667, -0.08884575963020325, -0.027708567678928375, 0.1332162618637085, -0.01903904788196087, 0.04655366763472557, 0.12936700880527496, 0.02046884410083294, 0.015383756719529629, 0.034968774765729904, -0.2578005790710449, -0.07463036477565765, -0.03505445644259453, -0.012416874058544636, 0.05272092670202255, 0.05525677278637886, 0.19735674560070038, -0.03551921248435974, -0.08521962910890579, 0.020131373777985573, 0.02735883742570877, -0.02776256389915943, 0.10749414563179016, 0.019579345360398293, -0.004837906453758478, -0.16151933372020721, 0.08257976174354553, -0.005964108742773533, -0.08297000825405121, 0.028665626421570778, 0.2024049311876297, -0.12141239643096924, -0.10309756547212601, -0.06804922968149185, 0.07315051555633545, -0.09220825880765915, 0.016043387353420258, -0.005091092549264431, -0.1521538347005844, 0.06916408240795135, 0.07598215341567993, 0.04075418785214424, 0.06513199955224991, -0.11743064224720001, -0.015730571001768112, -0.04170290008187294, -0.002195435343310237, 0.03521120920777321, 0.01863143965601921, -0.057492829859256744, 0.15846455097198486, -0.0676199421286583, 0.08538917452096939, -0.0744810476899147, -0.1058846190571785, -0.1395980566740036, 0.04660497233271599, -0.08038312196731567, -0.07247276604175568, -0.12832807004451752, -0.052204377949237823, -0.0067099276930093765, -0.03388519585132599, 0.006552806124091148, -0.06627799570560455, -0.10922821611166, 0.01822470687329769, -0.00743203004822135, -0.009385870769619942, -0.06096754968166351, 0.026706209406256676, 0.06246216222643852, -0.039788868278265, 0.15730851888656616, 0.22509248554706573, -0.13591648638248444, 0.11564400047063828, -0.09797432273626328, -0.105463907122612, 0.046008042991161346, 0.009427277371287346, 0.03594303876161575, 0.0503489226102829, -0.03594081476330757, 0.0044484552927315235, 0.03905477747321129, 0.08074651658535004, 0.08456914126873016, -0.06776505708694458, 0.020801106467843056, -0.05122765153646469, -0.14904099702835083, -0.016655439510941505, -0.0464773029088974, 0.06876829266548157, -0.006725262850522995, 0.11020535975694656, -0.0515950471162796, 0.07739507406949997, -0.07558431476354599, 0.050614211708307266, 0.021146971732378006, -0.14688286185264587, -0.006612539757043123, -0.07093682140111923, 0.042144812643527985, -0.008834975771605968, 0.20241086184978485, -0.03228091076016426, 0.010342049412429333, 0.033811055123806, 0.06203942745923996, -0.01957780309021473, 0.009357001632452011, 0.2014283686876297, 0.12640917301177979, -0.08496357500553131, -0.02679651789367199, 0.06793134659528732, 0.07248228788375854, 0.07093550264835358, 0.10807815194129944, -0.015352966263890266, 0.028434239327907562, 0.07829629629850388, -0.060215238481760025, 0.07576877623796463, -0.08603982627391815, -0.11668483167886734, 0.05793621391057968, 0.012955795042216778, -0.055695828050374985, 0.20305177569389343, 0.19142870604991913, -0.026278704404830933, 0.018410727381706238, -0.0029499190859496593, -0.10117456316947937, -0.15619947016239166, -0.05423750728368759, -0.07170962542295456, -0.1319410353899002, -0.004549739416688681, -0.16646917164325714, 0.022016216069459915, -0.01132756657898426, 0.09506805986166, -0.06855440139770508, -0.01345991250127554, 0.1364889293909073, -0.1055467277765274, 0.0847758799791336, -0.024517204612493515, 0.07877567410469055, -0.03746940940618515, -0.018209461122751236, -0.10342709720134735, 0.007514837197959423, 0.01131442841142416, 0.06840907037258148, -0.10897937417030334, 0.02432350255548954, -0.12208317965269089, -0.08617185056209564, -0.026142612099647522, 0.09279687702655792, -0.0403008833527565, 0.15116846561431885, 0.02645145356655121, -0.06710928678512573, -0.004313822835683823, 0.2646709978580475, -0.08046227693557739, -0.08319197595119476, -0.030799202620983124, 0.2152107208967209, 0.04053696244955063, 0.06396269053220749, 0.019140036776661873, 0.038027774542570114, -0.07184682041406631, 0.2957373559474945, 0.34401440620422363, -0.1318037211894989, -0.007773484103381634, 0.04225075617432594, 0.04406323283910751, 0.14687567949295044, 0.07998795062303543, 0.11360671371221542, 0.2849363386631012, -0.09197647124528885, 0.016657205298542976, -0.04230864346027374, -0.01424806285649538, -0.06908884644508362, 0.045314885675907135, 0.08216670155525208, -0.09241747111082077, -0.022950593382120132, 0.08125471323728561, -0.29741767048835754, 0.10791494697332382, -0.15600289404392242, -0.14948409795761108, -0.05027429759502411, -0.008771711029112339, 0.014683255925774574, 0.019041186198592186, 0.09663030505180359, 0.025651484727859497, -0.07275258749723434, 0.07816889137029648, 0.024486342445015907, -0.23020237684249878, -0.01345184724777937, 0.1456068754196167, -0.06789913028478622, -0.025938833132386208, -0.021313713863492012, 0.051610056310892105, 0.05763651058077812, 0.09027529507875443, -0.03809558227658272, -0.0746568813920021, -0.007141788024455309, -0.022818787023425102, 0.01914946548640728, 0.0597183033823967, 0.06841408461332321, -0.0920223817229271, 0.1167774423956871, -0.07350476831197739, 0.0650370642542839, 0.037623800337314606, -0.022277191281318665, 0.0018526542698964477, 0.013183658011257648, -0.06512464582920074, 0.05533479526638985, 0.1295643299818039, -0.025459708645939827, -0.002524374984204769, -0.028180841356515884, -0.0767761766910553, -0.024015206843614578, -0.04643676429986954, -0.09101243317127228, -0.18130090832710266, -0.12738600373268127, 0.041754670441150665, -0.03240608796477318, -0.2046082615852356, 0.0060346988029778, -0.1128578633069992, 0.03700976446270943, -0.14154092967510223, 0.10004086047410965, 0.07216610759496689, 0.004716616589576006, 0.006774604320526123, 0.0675399899482727, 0.045677728950977325, 0.14796748757362366, -0.16543124616146088, -0.04919974133372307 ]
null
null
transformers
# RickBot built for [Chai](https://chai.ml/) Make your own [here](https://colab.research.google.com/drive/1o5LxBspm-C28HQvXN-PRQavapDbm5WjG?usp=sharing)
{"tags": ["conversational"]}
text-generation
ClaudeCOULOMBE/RickBot
[ "transformers", "pytorch", "gpt2", "text-generation", "conversational", "autotrain_compatible", "endpoints_compatible", "has_space", "text-generation-inference", "region:us" ]
2022-03-02T23:29:04+00:00
[]
[]
TAGS #transformers #pytorch #gpt2 #text-generation #conversational #autotrain_compatible #endpoints_compatible #has_space #text-generation-inference #region-us
# RickBot built for Chai Make your own here
[ "# RickBot built for Chai\nMake your own here" ]
[ "TAGS\n#transformers #pytorch #gpt2 #text-generation #conversational #autotrain_compatible #endpoints_compatible #has_space #text-generation-inference #region-us \n", "# RickBot built for Chai\nMake your own here" ]
[ 55, 11 ]
[ "passage: TAGS\n#transformers #pytorch #gpt2 #text-generation #conversational #autotrain_compatible #endpoints_compatible #has_space #text-generation-inference #region-us \n# RickBot built for Chai\nMake your own here" ]
[ 0.0004410641558934003, 0.0408494658768177, -0.003902285825461149, 0.037856146693229675, 0.10977256298065186, -0.024549735710024834, 0.20320387184619904, 0.11523567140102386, 0.05955059826374054, 0.02155935950577259, 0.1302211880683899, 0.2645304501056671, 0.002510396996513009, 0.10128141939640045, -0.05912574380636215, -0.24895057082176208, 0.04309934377670288, 0.059962060302495956, -0.05701550468802452, 0.09850426018238068, 0.08872077614068985, -0.0679558515548706, 0.12729158997535706, -0.0033389420714229345, -0.1912745237350464, 0.024432186037302017, -0.008948899805545807, -0.11104464530944824, 0.07090803235769272, 0.027758078649640083, 0.11253734678030014, 0.05766809359192848, -0.0813850611448288, -0.02830442413687706, 0.06806472688913345, -0.009744403883814812, -0.06666823476552963, 0.05144122615456581, 0.020594757050275803, -0.06633301824331284, 0.149164080619812, 0.10028237849473953, -0.03133631497621536, 0.06316425651311874, -0.1464475840330124, 0.05290547013282776, -0.07187393307685852, 0.06814277172088623, 0.03644056245684624, 0.10370529443025589, -0.03231307119131088, 0.08348389714956284, -0.09333202242851257, 0.09316655248403549, 0.20593057572841644, -0.24081295728683472, -0.07171353697776794, 0.17664839327335358, 0.09325972944498062, 0.05245117470622063, -0.03850847855210304, 0.05141553655266762, 0.006613248493522406, -0.0006387055036611855, -0.04897330701351166, -0.09031765162944794, -0.19853557646274567, 0.02103607729077339, -0.0751122385263443, -0.00532474834471941, 0.21355272829532623, -0.07064399123191833, 0.06986828148365021, -0.038216784596443176, -0.10000714659690857, -0.032575689256191254, -0.028491303324699402, 0.01575089991092682, -0.0839424580335617, 0.07326386868953705, -0.014387880451977253, -0.09641635417938232, -0.14960607886314392, -0.05564989894628525, -0.10694777220487595, 0.19235335290431976, 0.054240915924310684, 0.018905550241470337, -0.2325565069913864, 0.03666104003787041, 0.06602030992507935, -0.11737948656082153, 0.005180804990231991, -0.08114589750766754, 0.060964543372392654, -0.0014512778725475073, -0.04708069562911987, -0.11389604210853577, 0.16114191710948944, 0.15342479944229126, 0.0010587095748633146, 0.04605112597346306, -0.03376777470111847, 0.05589922145009041, 0.03822958841919899, 0.0598033145070076, -0.035899292677640915, 0.0471818633377552, 0.0003122644848190248, -0.10697956383228302, 0.016901453956961632, -0.09498244524002075, -0.1798020601272583, 0.018248707056045532, -0.0730627253651619, 0.06001289188861847, 0.02927156537771225, 0.12856146693229675, 0.03086799941956997, -0.02132691629230976, 0.14581049978733063, -0.04258593171834946, -0.016917631030082703, 0.014028524979948997, 0.043186742812395096, 0.05637568235397339, -0.020759258419275284, 0.05417858064174652, -0.09240230917930603, -0.03001869097352028, -0.0011849513975903392, 0.027699416503310204, -0.0616069994866848, -0.027490947395563126, -0.01207534596323967, -0.004388574045151472, 0.009925131686031818, -0.16484738886356354, -0.052391454577445984, -0.028042903169989586, 0.025222087278962135, -0.03875145688652992, -0.1026538535952568, -0.020570237189531326, -0.027132997289299965, 0.04495082423090935, -0.042614471167325974, 0.010485789738595486, -0.030834153294563293, 0.06745876371860504, -0.014870709739625454, 0.10798421502113342, -0.14569829404354095, 0.07079807668924332, -0.016104931011795998, -0.06610867381095886, -0.10205583274364471, 0.06191454082727432, 0.00008019038796192035, 0.10915672034025192, -0.004919650964438915, 0.06986761838197708, -0.06425990909337997, 0.08489066362380981, -0.05836939066648483, 0.16582322120666504, -0.13192541897296906, -0.050591230392456055, 0.2609059810638428, -0.09995938837528229, -0.2179824560880661, 0.09295713901519775, 0.00885805580765009, 0.07487821578979492, 0.07523291558027267, 0.17056728899478912, 0.05260224640369415, 0.02293461747467518, -0.013084880076348782, 0.042884763330221176, -0.11426794528961182, -0.07682345807552338, 0.03835304081439972, 0.037223536521196365, -0.018781304359436035, -0.0082066236063838, 0.10533853620290756, 0.05904274061322212, -0.02399396151304245, -0.01875983737409115, -0.0015421664575114846, -0.04805734381079674, -0.012928877957165241, -0.009552540257573128, 0.11758462339639664, -0.03195435553789139, -0.0195677038282156, -0.13014687597751617, 0.07734549045562744, -0.03133661672472954, 0.021879201754927635, -0.11053518950939178, 0.09733094274997711, 0.017049912363290787, 0.057405248284339905, -0.18168921768665314, -0.025620538741350174, -0.03398904576897621, 0.1770915389060974, 0.14039964973926544, 0.1294560581445694, 0.0601302832365036, -0.061135511845350266, 0.00936479028314352, 0.019207943230867386, 0.14694444835186005, -0.02472900226712227, -0.07287731021642685, -0.08943760395050049, 0.06173962727189064, -0.07717574387788773, -0.009347801096737385, -0.02891537733376026, 0.05291237309575081, 0.12578453123569489, 0.10960443317890167, 0.012509623542428017, 0.04425179958343506, 0.04606204852461815, -0.012470681220293045, -0.10404603183269501, -0.002128677675500512, 0.059721700847148895, 0.0030337641946971416, -0.05121038854122162, 0.2574217617511749, -0.14750584959983826, 0.0033497163094580173, 0.20477436482906342, -0.2571127414703369, 0.037621770054101944, -0.0005598315037786961, -0.013434017077088356, 0.02394890785217285, -0.0055779097601771355, 0.005231254268437624, 0.1421220302581787, -0.022065384313464165, 0.15964160859584808, -0.01676826737821102, 0.009336347691714764, -0.067045196890831, -0.03086874820291996, -0.03304709866642952, 0.07774374634027481, 0.14617016911506653, -0.12781888246536255, 0.18504862487316132, 0.14131046831607819, 0.009441073052585125, 0.1667599231004715, 0.026160798966884613, 0.031039826571941376, 0.07010715454816818, 0.021425699815154076, 0.008461651392281055, -0.05863746255636215, -0.17445902526378632, -0.07095803320407867, 0.056845176964998245, -0.049424197524785995, 0.08440198004245758, -0.06957864761352539, -0.030090324580669403, -0.0330352820456028, -0.009555106051266193, 0.07879135012626648, 0.14928008615970612, 0.020551785826683044, 0.10492833703756332, -0.028569214046001434, -0.016588494181632996, 0.03615627437829971, 0.01791243627667427, -0.008258790709078312, 0.12871751189231873, -0.05611661076545715, -0.2965027391910553, -0.07908237725496292, -0.16277389228343964, -0.06518819183111191, 0.06885717064142227, 0.1552238166332245, -0.21656881272792816, 0.011325693689286709, -0.026586826890707016, 0.030111083760857582, -0.015108665451407433, -0.003309756051748991, -0.035247042775154114, 0.0019380165031179786, -0.1247335821390152, -0.07073954492807388, -0.03160053491592407, -0.05334511399269104, -0.05636074021458626, 0.18052752315998077, -0.09165112674236298, 0.0808146595954895, 0.1501993089914322, 0.03975556045770645, 0.08036287128925323, -0.021529855206608772, 0.14148908853530884, -0.11138320714235306, 0.052651260048151016, 0.32848337292671204, 0.010382638312876225, 0.05434748902916908, 0.13961105048656464, -0.013481157831847668, -0.09252569824457169, 0.04062573239207268, 0.01087222434580326, -0.10964373499155045, -0.24042761325836182, -0.07383619248867035, -0.1158212423324585, 0.06944011151790619, 0.10702570527791977, 0.09200016409158707, 0.10267041623592377, 0.13762851059436798, -0.04881793260574341, 0.06332608312368393, -0.005607094150036573, 0.0952322706580162, 0.023554043844342232, -0.034931834787130356, 0.12374861538410187, -0.06986667960882187, -0.10821666568517685, 0.0711086317896843, 0.10523783415555954, 0.035686150193214417, 0.04915476590394974, 0.17118048667907715, 0.04628711938858032, 0.053308747708797455, 0.14247269928455353, 0.027194825932383537, 0.037324655801057816, -0.02913338504731655, -0.006063203793019056, -0.038541339337825775, -0.06981990486383438, 0.05967250466346741, 0.038246143609285355, -0.16448074579238892, 0.01310088112950325, 0.023747799918055534, 0.07803668081760406, 0.12804634869098663, 0.03222806751728058, -0.1272415965795517, 0.007281375117599964, 0.06683393567800522, -0.015257743187248707, -0.09589238464832306, 0.07331384718418121, 0.05239412188529968, -0.060669708997011185, -0.00670265220105648, -0.029609667137265205, 0.1518288403749466, -0.05038194730877876, 0.06022212281823158, -0.09051696956157684, -0.05649714544415474, 0.01889636181294918, 0.06005207449197769, -0.3277962803840637, 0.14653897285461426, -0.008500452153384686, -0.05749612674117088, -0.14241306483745575, 0.00951225683093071, 0.07137823104858398, 0.0732382982969284, 0.05431181937456131, -0.03246298059821129, -0.22832147777080536, 0.015125519596040249, -0.02763349749147892, 0.03279990330338478, 0.07215964794158936, -0.12458962202072144, -0.013278060592710972, -0.02878531441092491, 0.0029822438955307007, -0.05006640404462814, -0.06542705744504929, -0.028233010321855545, -0.18852204084396362, 0.09944181144237518, 0.18319587409496307, 0.07688697427511215, 0.03804224729537964, 0.014681092463433743, -0.08826759457588196, 0.20117121934890747, 0.012316812761127949, -0.08445493876934052, -0.0957174301147461, -0.001138507854193449, -0.015205798670649529, -0.13560540974140167, -0.06254395842552185, -0.08613183349370956, 0.07211943715810776, -0.0631326287984848, -0.15931209921836853, 0.07126178592443466, -0.09145204722881317, -0.015865620225667953, -0.03557487949728966, 0.11055798083543777, -0.033266473561525345, 0.008133551105856895, 0.026844024658203125, -0.00503682903945446, -0.14762136340141296, -0.08969505876302719, -0.056729573756456375, -0.04597443342208862, 0.1281183511018753, 0.03101915679872036, -0.05646039545536041, -0.02867937833070755, -0.08173970133066177, -0.0616796612739563, 0.2887462377548218, 0.06374284625053406, -0.037850674241781235, 0.10303738713264465, 0.08438680320978165, -0.015862926840782166, -0.3297562897205353, -0.18072354793548584, -0.12286156415939331, -0.05529632791876793, -0.06225842610001564, -0.22869543731212616, 0.0982859656214714, -0.04307772219181061, -0.0294821597635746, -0.00036218762397766113, -0.1509028673171997, -0.0847340077161789, 0.17488718032836914, 0.07186081260442734, 0.3181701898574829, -0.22263510525226593, -0.060843326151371, -0.02980322577059269, -0.09243405610322952, 0.1364586353302002, -0.16143061220645905, 0.08947314321994781, -0.016958996653556824, 0.17665553092956543, 0.04365601763129234, -0.017622798681259155, 0.08727540075778961, -0.004252890590578318, -0.028591929003596306, -0.12733878195285797, -0.12095518410205841, -0.03986990824341774, -0.038234297186136246, 0.029146699234843254, -0.19242918491363525, -0.0022077448666095734, -0.06338150054216385, 0.0006619296036660671, -0.058052998036146164, -0.015010472387075424, 0.02865857444703579, -0.05219409987330437, -0.08062728494405746, -0.012248496524989605, -0.035755258053541183, 0.07259907573461533, 0.3015160858631134, -0.13004638254642487, 0.18301470577716827, 0.014282742515206337, 0.09600362926721573, -0.15125027298927307, 0.059896815568208694, -0.06830299645662308, -0.02570994198322296, 0.0857657864689827, -0.17678824067115784, 0.08439956605434418, 0.03832828253507614, -0.05421362444758415, 0.07627901434898376, 0.06576750427484512, -0.019835999235510826, 0.04859199374914169, 0.11333788186311722, -0.18898482620716095, -0.03394109010696411, -0.059310369193553925, 0.16660332679748535, 0.05318138375878334, 0.07669541984796524, 0.1847228854894638, 0.043913569301366806, -0.08321568369865417, -0.005018018186092377, 0.011137368157505989, -0.006591781973838806, -0.04269007220864296, -0.00654546357691288, 0.03269362822175026, -0.15105658769607544, -0.017908120527863503, 0.08955632895231247, -0.1291200965642929, 0.01663382351398468, 0.1811022311449051, -0.07500550895929337, -0.19719885289669037, 0.02966107614338398, 0.09803894907236099, -0.09049692749977112, -0.028740208595991135, -0.06746986508369446, -0.10265371203422546, 0.057450369000434875, 0.18911699950695038, 0.07090369611978531, 0.046190790832042694, 0.011749410070478916, -0.0016158564249053597, -0.08518147468566895, -0.04398435726761818, -0.08913543820381165, 0.039636217057704926, -0.11476638168096542, 0.023622462525963783, 0.0028654795605689287, 0.15103588998317719, -0.0634489580988884, -0.0768861472606659, -0.1782987266778946, 0.00637672608718276, -0.06089666113257408, -0.014427914284169674, -0.143879234790802, -0.03515404462814331, 0.025323644280433655, -0.034328676760196686, -0.015181333757936954, -0.010867966338992119, -0.11616002768278122, 0.017845313996076584, -0.03672749921679497, 0.05372067540884018, -0.10216733068227768, 0.01741139218211174, 0.07280190289020538, -0.01837858557701111, 0.10715431720018387, 0.09322056919336319, -0.11402373760938644, 0.03522440046072006, -0.12680190801620483, -0.09323569387197495, 0.01460220292210579, 0.03689592331647873, 0.03788354620337486, 0.08437856286764145, 0.0033187398221343756, 0.005545295774936676, 0.07243764400482178, 0.03080865740776062, 0.10482075810432434, -0.03791021183133125, 0.09274577349424362, -0.026314441114664078, -0.12713007628917694, -0.058807652443647385, 0.0422024168074131, 0.10853061079978943, 0.03934717923402786, 0.05128157511353493, -0.016909895464777946, 0.08249647915363312, -0.00224392325617373, 0.06961589306592941, 0.02567564882338047, -0.15194109082221985, -0.02058435045182705, -0.1400972157716751, -0.0019510409329086542, 0.004632479976862669, 0.09897658228874207, 0.012743047438561916, -0.06652968376874924, 0.022919731214642525, 0.028879614546895027, 0.042512718588113785, -0.00014988747716415673, 0.10600459575653076, 0.03536415845155716, -0.044004540890455246, -0.009310586377978325, 0.060584042221307755, 0.05878796428442001, 0.06025281548500061, 0.15216180682182312, 0.03759188577532768, 0.03142096474766731, 0.05627303570508957, -0.005041395779699087, 0.05558866634964943, -0.1157960519194603, -0.17943350970745087, -0.09105713665485382, -0.029623454436659813, -0.048829611390829086, 0.03798312321305275, 0.18699881434440613, 0.017632586881518364, -0.004694823175668716, -0.04219634085893631, -0.018948853015899658, -0.13224594295024872, -0.12661965191364288, -0.09595895558595657, -0.08609730005264282, -0.008079251274466515, -0.0625198557972908, 0.025567084550857544, 0.06577306240797043, 0.06064233183860779, -0.007882392033934593, 0.11378911882638931, 0.021427931264042854, -0.0552913136780262, -0.012894587591290474, -0.05564436316490173, 0.0308449137955904, -0.0015637784963473678, -0.002548838034272194, -0.11654138565063477, 0.007459401153028011, -0.024118829518556595, 0.06978660076856613, -0.012134985066950321, 0.03510521352291107, -0.14916671812534332, -0.1064925566315651, -0.05381341278553009, 0.031543388962745667, 0.0590788908302784, 0.1856313794851303, 0.007787496782839298, -0.02459029294550419, 0.02806721441447735, 0.1996307075023651, -0.034368548542261124, 0.011295740492641926, -0.10296519100666046, 0.1160188689827919, 0.02643679641187191, 0.00394761748611927, -0.07061237096786499, 0.03864206001162529, -0.12868914008140564, 0.3574950098991394, 0.2522018849849701, -0.09684427827596664, 0.05162694677710533, -0.0003936310822609812, 0.033902350813150406, 0.03761094808578491, 0.09670159220695496, 0.11363818496465683, 0.14973150193691254, -0.05813203379511833, -0.09227518737316132, 0.002031519776210189, -0.008881703019142151, -0.13758140802383423, 0.042177021503448486, -0.019587349146604538, -0.05054778605699539, 0.012388761155307293, 0.06584364175796509, -0.1885308027267456, 0.08889297395944595, -0.03419750556349754, -0.16925059258937836, -0.0642036646604538, 0.03752932697534561, 0.10271457582712173, 0.029074110090732574, 0.08362272381782532, 0.022654211148619652, -0.05546647310256958, 0.011691980063915253, 0.022321008145809174, -0.15588828921318054, 0.06434638798236847, 0.09944958239793777, -0.1303381770849228, 0.06769067049026489, -0.05008285120129585, -0.022618236020207405, 0.13107497990131378, -0.005304732825607061, -0.04513855651021004, 0.0485103614628315, -0.003034932306036353, -0.0889768898487091, 0.027669502422213554, 0.07395283877849579, -0.036727942526340485, -0.023043284192681313, 0.07314326614141464, -0.18154233694076538, 0.014818353578448296, 0.0027157366275787354, 0.03136410564184189, 0.0015646095853298903, 0.07570677250623703, -0.09882428497076035, 0.08504851162433624, 0.06288166344165802, -0.01399719063192606, -0.01582399383187294, 0.004497573245316744, -0.011702085845172405, -0.03105425462126732, -0.08805656433105469, -0.17123620212078094, -0.11835451424121857, -0.11093154549598694, -0.019803183153271675, 0.019595762714743614, -0.20132097601890564, 0.014281600713729858, -0.09311547130346298, 0.045232899487018585, -0.14989836513996124, 0.052000075578689575, 0.13105542957782745, -0.014154522679746151, 0.0098034106194973, 0.0019407812505960464, 0.014770443551242352, 0.08558730036020279, -0.14710281789302826, -0.0952962189912796 ]
null
null
transformers
ETH Zeroshot
{"datasets": ["multi_nli"], "pipeline_tag": "zero-shot-classification", "widget": [{"text": "ETH", "candidate_labels": "Location & Address, Employment, Organizational, Name, Service, Studies, Science", "hypothesis_template": "This is {}."}]}
zero-shot-classification
ClaudeYang/awesome_fb_model
[ "transformers", "pytorch", "bart", "text-classification", "zero-shot-classification", "dataset:multi_nli", "autotrain_compatible", "endpoints_compatible", "region:us" ]
2022-03-02T23:29:04+00:00
[]
[]
TAGS #transformers #pytorch #bart #text-classification #zero-shot-classification #dataset-multi_nli #autotrain_compatible #endpoints_compatible #region-us
ETH Zeroshot
[]
[ "TAGS\n#transformers #pytorch #bart #text-classification #zero-shot-classification #dataset-multi_nli #autotrain_compatible #endpoints_compatible #region-us \n" ]
[ 51 ]
[ "passage: TAGS\n#transformers #pytorch #bart #text-classification #zero-shot-classification #dataset-multi_nli #autotrain_compatible #endpoints_compatible #region-us \n" ]
[ -0.056056197732686996, 0.12589538097381592, -0.0062233638018369675, 0.03365659713745117, 0.15176881849765778, 0.05331713333725929, 0.12877975404262543, 0.1331896334886551, 0.042026251554489136, -0.035980623215436935, 0.10306878387928009, 0.24295778572559357, -0.016143744811415672, 0.15947772562503815, -0.11742347478866577, -0.22745299339294434, 0.07844135910272598, 0.06778515875339508, 0.009121757932007313, 0.1103881299495697, 0.06760822981595993, -0.07212845236063004, 0.039046138525009155, -0.0655260682106018, -0.14846692979335785, 0.02666190266609192, 0.036285869777202606, -0.12099742144346237, 0.07007753849029541, 0.018914077430963516, 0.10967164486646652, 0.02584044262766838, -0.06571991741657257, -0.1739322990179062, 0.032259732484817505, 0.01770980842411518, -0.0789748802781105, 0.0409410186111927, 0.06192662939429283, -0.11455018073320389, 0.024927034974098206, -0.035038482397794724, 0.014796075411140919, 0.05021332576870918, -0.10945355147123337, -0.09481408447027206, -0.0085322055965662, 0.026834579184651375, 0.05392727255821228, 0.03427564725279808, 0.007248441223055124, 0.13935452699661255, -0.1339808702468872, 0.1177125871181488, 0.06050356477499008, -0.2542732059955597, -0.01890115812420845, 0.0979929193854332, -0.02068185806274414, 0.044553495943546295, -0.05968831852078438, 0.05015593022108078, 0.023659078404307365, 0.0014438651269301772, -0.0381656214594841, -0.042019546031951904, -0.092042937874794, 0.028658363968133926, -0.05326824262738228, -0.03004232607781887, 0.17720234394073486, -0.02824302949011326, 0.05965694785118103, -0.060854680836200714, -0.05420885980129242, -0.08332741260528564, -0.05900292471051216, 0.05699014663696289, -0.05075261369347572, 0.01777470111846924, -0.007915088906884193, 0.031184714287519455, -0.07458409667015076, 0.021557217463850975, -0.19289246201515198, 0.2048863172531128, 0.02204194851219654, 0.07243998348712921, -0.17814283072948456, 0.03859209269285202, 0.02545223757624626, -0.0807976946234703, 0.04327884688973427, -0.08095089346170425, -0.045064378529787064, 0.0033340570516884327, -0.061234962195158005, 0.021385204046964645, 0.14658865332603455, 0.16205045580863953, 0.06281405687332153, 0.06283213198184967, -0.05034958943724632, 0.06977960467338562, 0.036422885954380035, 0.04966868460178375, 0.03215426579117775, -0.09846300631761551, 0.04018322005867958, -0.1149204894900322, 0.020700078457593918, -0.075945645570755, -0.12387795001268387, -0.031729958951473236, 0.08085601031780243, 0.07720185816287994, 0.050905290991067886, 0.07541195303201675, -0.050986483693122864, -0.07135426253080368, 0.0470455065369606, -0.06391100585460663, 0.0295094083994627, 0.01441050786525011, 0.036213167011737823, 0.13707201182842255, -0.06555686146020889, -0.011952070519328117, -0.08219967782497406, 0.05732511729001999, -0.05422140285372734, 0.014126446098089218, -0.0476602241396904, -0.07277315855026245, 0.05010054260492325, -0.13556347787380219, 0.013422825373709202, -0.14214575290679932, -0.11954884231090546, 0.025317750871181488, 0.011643812991678715, -0.03463952615857124, -0.02046620287001133, -0.05288027599453926, 0.003243768820539117, 0.044050224125385284, -0.057369623333215714, -0.030168378725647926, -0.08838141709566116, 0.07529251277446747, -0.03226062282919884, 0.09119231253862381, -0.131142258644104, 0.04875900223851204, -0.08354451507329941, -0.020534688606858253, -0.06725262850522995, 0.08247215300798416, -0.08303987234830856, 0.11285766214132309, -0.012135518714785576, -0.059740785509347916, -0.012227389961481094, 0.03031659685075283, -0.06911061704158783, 0.1703859269618988, -0.13521099090576172, -0.0914209634065628, 0.1708214432001114, -0.10384019464254379, -0.10038752853870392, 0.08056340366601944, -0.027851250022649765, -0.0544123649597168, 0.09416212886571884, 0.2144310623407364, 0.12445884943008423, 0.03906862437725067, 0.03890514001250267, 0.10777440667152405, -0.08953312039375305, -0.15167555212974548, 0.004962971433997154, 0.06301119178533554, -0.17411723732948303, 0.07096114009618759, 0.07668516039848328, 0.047567203640937805, -0.06941885501146317, -0.059101205319166183, -0.025413544848561287, -0.0221494622528553, 0.10920899361371994, 0.043000396341085434, 0.09612566232681274, -0.10042951256036758, 0.0134531669318676, -0.009642206132411957, 0.03634963184595108, -0.002517614746466279, 0.022496527060866356, -0.08720540255308151, 0.11744659394025803, -0.05801813304424286, 0.016298165544867516, -0.19988268613815308, -0.12405718863010406, -0.010866180993616581, 0.07971838861703873, -0.015974169597029686, 0.08077500015497208, 0.02419193834066391, -0.03584776073694229, -0.01787641830742359, -0.016372112557291985, 0.1798636019229889, 0.035581182688474655, -0.05383367836475372, -0.12344282120466232, 0.023542404174804688, -0.07418138533830643, 0.050257064402103424, -0.08092964440584183, 0.005759562831372023, 0.03407442197203636, 0.11442607641220093, -0.0005209434893913567, 0.05493662878870964, -0.006723308004438877, 0.07495786994695663, -0.06468959152698517, -0.0013594049960374832, 0.12811754643917084, -0.01112853642553091, -0.10531170666217804, 0.09442565590143204, -0.10339359939098358, 0.22983114421367645, 0.17582502961158752, -0.23548200726509094, 0.029681382700800896, -0.03385477513074875, -0.004760269075632095, 0.013686641119420528, 0.01791093870997429, 0.07558619976043701, 0.015335503034293652, 0.00361066241748631, 0.14880359172821045, -0.022547444328665733, -0.03721536695957184, -0.01067335531115532, -0.02885802648961544, -0.062323421239852905, 0.11933018267154694, 0.062048107385635376, -0.2315070480108261, 0.1944826990365982, 0.1675635129213333, 0.01966741308569908, 0.15402212738990784, -0.001186816836707294, 0.03210246190428734, 0.038359370082616806, -0.05917840078473091, -0.019201254472136497, -0.013975711539387703, -0.1741485744714737, -0.003447610652074218, 0.10908010601997375, 0.025697121396660805, 0.0500778965651989, -0.10431619733572006, -0.051399752497673035, -0.029069291427731514, 0.004370077978819609, -0.017302371561527252, 0.07793062925338745, 0.07472846657037735, 0.14236345887184143, -0.01306843664497137, -0.0682881698012352, 0.1266554743051529, -0.017157968133687973, -0.051812391728162766, 0.17988906800746918, -0.14752385020256042, -0.3577178716659546, -0.10335925966501236, -0.158243790268898, -0.0900244265794754, 0.014705156907439232, 0.05316074565052986, -0.1137598305940628, -0.024142278358340263, 0.021346494555473328, -0.06909271329641342, -0.07312852889299393, 0.040020015090703964, -0.05248105153441429, 0.06728556752204895, -0.013052110560238361, -0.08302778750658035, -0.06403559446334839, -0.024408843368291855, -0.011001740582287312, 0.17056749761104584, -0.097713902592659, 0.07526657730340958, 0.1637745052576065, -0.011011747643351555, 0.06748858839273453, -0.01588854193687439, 0.1325409859418869, -0.08748967945575714, -0.04641297087073326, 0.15905335545539856, -0.013904205523431301, 0.047179847955703735, 0.11491432040929794, 0.028840648010373116, -0.07084967941045761, -0.007597906980663538, 0.010696287266910076, -0.09726689010858536, -0.19263817369937897, -0.15873117744922638, -0.11223411560058594, 0.05493500828742981, 0.058902159333229065, 0.07062042504549026, 0.11806874722242355, 0.058807726949453354, 0.022429119795560837, 0.0009630593121983111, -0.02605189010500908, 0.0858580619096756, 0.22447724640369415, 0.022707665339112282, 0.1499471515417099, -0.07050591707229614, -0.11009177565574646, 0.08889547735452652, 0.04339167848229408, 0.13452494144439697, 0.07201903313398361, -0.02614266611635685, 0.045172180980443954, 0.09491591155529022, 0.15047506988048553, 0.09045559167861938, 0.05673964321613312, -0.015019960701465607, -0.007128134835511446, 0.0062926895916461945, -0.06378351897001266, -0.021802503615617752, 0.04199059680104256, -0.12560127675533295, -0.04497897997498512, -0.14007849991321564, 0.11011356115341187, 0.056240249425172806, 0.10973014682531357, -0.2232557088136673, 0.00004795464701601304, 0.0836142897605896, -0.03136254474520683, -0.08946086466312408, 0.07557403296232224, -0.03829924762248993, -0.10424750298261642, 0.14241567254066467, -0.050200916826725006, 0.13190075755119324, -0.09942604601383209, 0.06635341793298721, -0.023618312552571297, -0.08913570642471313, 0.035107001662254333, 0.12154524028301239, -0.280684232711792, 0.18043234944343567, -0.0040114326402544975, -0.05755690485239029, -0.10394886136054993, -0.06838248670101166, 0.02232450805604458, 0.1300920844078064, 0.09173884987831116, 0.013953412882983685, -0.08171860873699188, -0.15646551549434662, -0.042917314916849136, 0.016019919887185097, 0.09266088157892227, -0.007168884854763746, 0.001424902118742466, -0.013499335385859013, -0.006781118921935558, -0.023619873449206352, -0.024537965655326843, -0.005364599172025919, -0.18190167844295502, 0.06542770564556122, 0.10100451111793518, -0.018047437071800232, 0.015357019379734993, -0.0743897557258606, -0.06369069218635559, 0.21825428307056427, -0.05393463000655174, -0.07012373954057693, -0.1300225704908371, 0.005732384510338306, 0.04958144575357437, -0.04363115876913071, 0.0326358936727047, -0.07474622130393982, 0.0427195206284523, -0.03907736763358116, -0.2418205887079239, 0.08709383755922318, -0.09622611850500107, -0.03903963789343834, -0.03758799657225609, 0.11812708526849747, -0.03181152790784836, 0.017836829647421837, 0.02816835045814514, 0.012112586759030819, -0.04502682387828827, -0.08536433428525925, -0.001815103692933917, 0.013206416741013527, 0.0718667060136795, 0.10614932328462601, -0.05631512030959129, -0.07575315982103348, -0.024504994973540306, 0.013895045965909958, 0.2793397307395935, 0.1699431985616684, -0.07383085042238235, 0.1640351414680481, 0.05930248275399208, -0.08465909212827682, -0.29225611686706543, -0.08363470435142517, -0.10968682914972305, -0.0396605059504509, -0.05241432785987854, -0.12313038855791092, 0.13733185827732086, 0.02280571311712265, -0.01849723979830742, 0.10851901769638062, -0.20681941509246826, -0.05972425639629364, 0.17270350456237793, 0.004456658381968737, 0.40227553248405457, -0.1113303080201149, -0.08460970222949982, -0.09332958608865738, -0.05962734296917915, 0.23386351764202118, 0.015795458108186722, 0.11020517349243164, -0.06107603386044502, 0.05326627567410469, 0.04888542369008064, -0.04938673600554466, 0.119343601167202, 0.0512511283159256, 0.05929417535662651, -0.0959400162100792, -0.09219732135534286, 0.037198521196842194, -0.02407873049378395, -0.020918983966112137, -0.01719028875231743, 0.00497040431946516, -0.16302508115768433, -0.038389552384614944, -0.08367443084716797, 0.027114087715744972, 0.03418565168976784, -0.011020353995263577, -0.015587535686790943, 0.022418580949306488, 0.024364380165934563, -0.004904423840343952, 0.2778169512748718, -0.029768329113721848, 0.18247337639331818, 0.04113541170954704, 0.09697399288415909, -0.08186064660549164, -0.002723629819229245, -0.09486151486635208, -0.0526893176138401, 0.0629320740699768, -0.0747290700674057, 0.07171699404716492, 0.1279120296239853, -0.048377055674791336, 0.05663124844431877, 0.11884719878435135, 0.07308966666460037, -0.0376390777528286, 0.15999332070350647, -0.19432123005390167, 0.012680966407060623, -0.004695471841841936, -0.018785608932375908, 0.085383340716362, 0.10945657640695572, 0.1404062807559967, 0.053648628294467926, -0.04251925274729729, -0.010873879306018353, 0.02364545874297619, -0.03001430630683899, 0.08824387192726135, 0.0715460404753685, 0.05070509761571884, -0.16279682517051697, 0.08467572182416916, 0.03777238726615906, -0.12402867525815964, 0.0022358098067343235, 0.08850286900997162, -0.13701818883419037, -0.12406657636165619, 0.041738275438547134, 0.13948360085487366, -0.10318727791309357, -0.06686189025640488, -0.056084681302309036, -0.12719102203845978, 0.10092540830373764, 0.15989410877227783, 0.10339132696390152, 0.08511760085821152, -0.05115268751978874, -0.08701912313699722, -0.02900157868862152, 0.0010820215102285147, -0.0025296395178884268, 0.016143180429935455, -0.10454947501420975, 0.024004103615880013, -0.01528126560151577, 0.13891378045082092, -0.08968763053417206, -0.0800420269370079, -0.17594610154628754, 0.04389515519142151, -0.12066835910081863, -0.013250038959085941, -0.0953565165400505, 0.005245566833764315, 0.017773281782865524, -0.03791234269738197, -0.04832763224840164, -0.06735935807228088, -0.10825441777706146, 0.030311116948723793, -0.01633872464299202, 0.05019975081086159, -0.05876633897423744, -0.0533466562628746, 0.0370858870446682, -0.028220918029546738, 0.10205527395009995, 0.10987966507673264, -0.08790640532970428, 0.07100580632686615, -0.13901056349277496, -0.11637892574071884, 0.09774143248796463, 0.04331037774682045, 0.06145722046494484, 0.010156167671084404, 0.05862683430314064, 0.11052023619413376, -0.003576261457055807, 0.09717884659767151, 0.0568598210811615, -0.11483119428157806, -0.003820935497060418, -0.08360867202281952, -0.14445801079273224, -0.05001038685441017, -0.02376457490026951, 0.11163011938333511, -0.0006624701200053096, 0.1382482498884201, -0.06004057079553604, 0.07749301195144653, -0.056129951030015945, -0.021949678659439087, -0.022096948698163033, -0.2024860382080078, -0.04012269526720047, -0.055443912744522095, 0.05056220665574074, 0.015223868191242218, 0.26194173097610474, 0.020825689658522606, 0.03553074225783348, 0.021000979468226433, 0.059263572096824646, -0.02424669824540615, 0.0203250702470541, 0.2077673077583313, 0.08378217369318008, -0.036845650523900986, 0.018714945763349533, 0.04875441640615463, 0.017906954512000084, 0.09071674197912216, 0.11790955066680908, 0.09990036487579346, -0.03057144768536091, 0.05392853170633316, -0.030616439878940582, -0.0016809477237984538, -0.08666488528251648, -0.0429735891520977, -0.07576354593038559, 0.09096045047044754, 0.017686033621430397, 0.04393832013010979, 0.06257779151201248, -0.06638248264789581, 0.06631531566381454, -0.030613591894507408, -0.0689544752240181, -0.15915977954864502, -0.2114442139863968, -0.10475001484155655, -0.09507284313440323, 0.014476655051112175, -0.10337815433740616, -0.00013751658843830228, 0.13821591436862946, 0.08091499656438828, -0.05238444730639458, 0.03444777801632881, 0.011534077115356922, -0.012808701954782009, 0.11039431393146515, -0.025418376550078392, 0.01817198097705841, 0.0065471758134663105, -0.010056941770017147, -0.09147217124700546, 0.00034688509185798466, -0.02623812109231949, 0.03102477639913559, 0.0010054734302684665, 0.0420551523566246, -0.1291976273059845, -0.12218619883060455, -0.014519533142447472, 0.009017881937325, 0.0155169777572155, 0.17954881489276886, 0.02149624563753605, 0.0016328641213476658, 0.053042590618133545, 0.19593441486358643, -0.03660372644662857, -0.08553667366504669, -0.04352227598428726, 0.22551831603050232, 0.03527304157614708, 0.065909244120121, -0.004997072275727987, 0.008945377543568611, -0.06687824428081512, 0.26481571793556213, 0.30222803354263306, -0.06111963093280792, 0.019118715077638626, 0.011934391222894192, 0.010470762848854065, 0.13527227938175201, 0.1294267177581787, 0.04960266500711441, 0.1806962490081787, -0.050381071865558624, -0.04517563059926033, -0.047138381749391556, -0.013753188773989677, -0.09738770127296448, 0.10287199914455414, 0.05003251135349274, -0.05430382117629051, -0.08173243701457977, 0.11423743516206741, -0.18944238126277924, 0.12293070554733276, 0.09542687237262726, -0.1714848428964615, -0.12410738319158554, -0.02026958204805851, 0.12479102611541748, -0.03190454840660095, 0.043224986642599106, -0.03348427265882492, -0.05064484849572182, -0.017858605831861496, 0.007637391332536936, -0.18550901114940643, -0.05357581004500389, 0.04919365793466568, 0.010964707471430302, 0.02425210550427437, -0.012317420914769173, 0.07222925871610641, 0.10004041343927383, 0.03489739075303078, -0.04990144073963165, 0.07561904191970825, -0.03624717518687248, -0.022047322243452072, 0.03760891035199165, 0.040405116975307465, -0.010358287021517754, -0.029659124091267586, 0.1081557646393776, -0.11655288934707642, 0.02418636716902256, -0.045537736266851425, -0.053472328931093216, -0.012591889128088951, 0.03255121409893036, -0.04991406947374344, 0.07494829595088959, 0.09280809015035629, -0.023372385650873184, -0.03277610242366791, -0.05711156502366066, 0.010595926083624363, -0.04148391634225845, -0.10748547315597534, -0.11211713403463364, -0.1035831943154335, -0.061300426721572876, 0.04964761808514595, 0.026911046355962753, -0.15729711949825287, 0.000460515235317871, -0.10391512513160706, 0.014073909260332584, -0.14261026680469513, 0.10877522826194763, 0.01852358505129814, -0.008082372136414051, -0.0403422936797142, -0.1070588231086731, 0.04549157992005348, 0.06350365281105042, -0.10108524560928345, -0.07690692692995071 ]
null
null
null
# My Awesome Model
{"tags": ["conversational"]}
text-generation
ClydeWasTaken/DialoGPT-small-joshua
[ "conversational", "region:us" ]
2022-03-02T23:29:04+00:00
[]
[]
TAGS #conversational #region-us
# My Awesome Model
[ "# My Awesome Model" ]
[ "TAGS\n#conversational #region-us \n", "# My Awesome Model" ]
[ 10, 4 ]
[ "passage: TAGS\n#conversational #region-us \n# My Awesome Model" ]
[ -0.03546040877699852, 0.10198262333869934, -0.009167643263936043, -0.06873539090156555, 0.09720280766487122, 0.08721881359815598, 0.05205019563436508, -0.007754879537969828, 0.1307058483362198, -0.07418710738420486, 0.15552383661270142, 0.09356602281332016, -0.055710893124341965, 0.054602161049842834, 0.023362739011645317, -0.24776877462863922, 0.05416174605488777, -0.018358204513788223, 0.038026146590709686, 0.059432677924633026, -0.008917242288589478, -0.06420617550611496, 0.032797642052173615, -0.054550930857658386, -0.047955937683582306, 0.05154015123844147, -0.015393521636724472, 0.022211134433746338, 0.13093532621860504, -0.025035109370946884, 0.11168728768825531, 0.02722480148077011, -0.08139488101005554, -0.2497675120830536, 0.04726335033774376, -0.03638986125588417, -0.05304733291268349, 0.00051964569138363, 0.040234215557575226, -0.0361054390668869, 0.10917626321315765, 0.2034350037574768, -0.013044852763414383, 0.12713150680065155, -0.29209578037261963, -0.05327993258833885, 0.019334495067596436, -0.017972392961382866, 0.007713220082223415, 0.010176903568208218, -0.0199898611754179, 0.12909340858459473, -0.18584373593330383, -0.03348228707909584, -0.05190730839967728, -0.19455693662166595, 0.02133459411561489, 0.195334330201149, 0.03859388828277588, 0.13404928147792816, -0.03862352669239044, 0.11985649168491364, -0.001176132122054696, -0.02696487121284008, -0.09787412732839584, -0.083623968064785, 0.05212550610303879, 0.10331118106842041, -0.045747701078653336, -0.01321598794311285, 0.2609056234359741, 0.08284381031990051, 0.022602153941988945, 0.052660685032606125, -0.037852801382541656, -0.01829439401626587, 0.0014054370112717152, -0.11398514360189438, -0.012235384434461594, 0.15790092945098877, 0.0919213518500328, -0.11842559278011322, -0.11358761787414551, 0.05386804789304733, -0.19349870085716248, 0.11392602324485779, -0.05408310890197754, 0.09635519981384277, -0.2302265763282776, -0.03165312856435776, -0.23591788113117218, -0.03137180954217911, 0.008059423416852951, -0.1426098644733429, -0.019717667251825333, -0.05638215318322182, 0.06416983157396317, 0.10064838826656342, 0.026653507724404335, 0.05982319638133049, 0.0024214035365730524, 0.03094852901995182, 0.04355722293257713, 0.06075821444392204, 0.13682802021503448, 0.07382544130086899, 0.08105745166540146, -0.015595734119415283, -0.13757064938545227, -0.15028178691864014, -0.042663972824811935, -0.0603194423019886, -0.10847903043031693, 0.1175917387008667, -0.1348201483488083, 0.056088559329509735, -0.008282779715955257, -0.06160689890384674, -0.1302913874387741, 0.07904011011123657, -0.009780440479516983, 0.07031673192977905, -0.0500408336520195, -0.030323538929224014, -0.012846678495407104, 0.09941235184669495, -0.15968181192874908, 0.07661482691764832, 0.08417865633964539, -0.017821768298745155, -0.13900868594646454, -0.0261816568672657, -0.06725679337978363, 0.07161393761634827, 0.027083612978458405, -0.05911887437105179, 0.07335446029901505, -0.1062290146946907, -0.10800924897193909, -0.0462496280670166, 0.05760948359966278, -0.04071643948554993, 0.02777569182217121, -0.08487419039011002, 0.04323674738407135, -0.043959055095911026, -0.011524932458996773, -0.0954136773943901, -0.10528495907783508, 0.03591811656951904, 0.07539372146129608, 0.007705247029662132, -0.16573995351791382, 0.034548647701740265, -0.0835181400179863, 0.049681901931762695, -0.02308676578104496, 0.0353124737739563, 0.043504517525434494, 0.1896352767944336, 0.09132891893386841, 0.11749628186225891, -0.18855012953281403, 0.05541319027543068, -0.12649250030517578, 0.2574777901172638, -0.15162399411201477, -0.0263845045119524, 0.23871201276779175, -0.028618283569812775, -0.1612473875284195, 0.031156204640865326, -0.024838248267769814, 0.21029748022556305, 0.15949539840221405, 0.3231875002384186, -0.14657290279865265, -0.040706682950258255, 0.10120458155870438, 0.1641000658273697, -0.0947515219449997, -0.05097932368516922, 0.07063271850347519, -0.08443530648946762, -0.10856795310974121, -0.009461409412324429, 0.06791952252388, 0.08725127577781677, -0.08676911145448685, -0.057048194110393524, 0.04897143691778183, -0.05990632250905037, 0.0539734810590744, 0.09225133061408997, 0.019252249971032143, -0.06463979184627533, 0.03549259155988693, -0.03487003222107887, 0.06323052942752838, 0.1344345659017563, -0.07567445188760757, -0.04621171951293945, 0.05208157002925873, -0.008416261523962021, 0.011982166208326817, -0.07247529923915863, -0.10293032974004745, -0.09282280504703522, 0.15225498378276825, 0.12907147407531738, 0.24349625408649445, 0.07771562039852142, -0.08539113402366638, 0.023976441472768784, 0.05230777710676193, 0.02473422884941101, 0.08408135920763016, 0.006961719132959843, -0.04070304334163666, 0.1336214691400528, -0.06637702882289886, 0.0505339689552784, -0.15414337813854218, -0.06644152104854584, -0.003572809975594282, 0.03696983680129051, 0.08356471359729767, -0.04645514488220215, -0.0019455882720649242, 0.0381651446223259, 0.05654265359044075, 0.010789581574499607, 0.11545533686876297, -0.04579673334956169, -0.07804842293262482, 0.17771583795547485, -0.10181614011526108, 0.1486288160085678, 0.11471833288669586, -0.2789360582828522, 0.027798451483249664, -0.09091047197580338, -0.016147438436746597, 0.03836512193083763, 0.07616107910871506, -0.04532977193593979, 0.0876641571521759, 0.008135076612234116, 0.045742783695459366, 0.030224641785025597, 0.049904048442840576, -0.05050472542643547, -0.038475628942251205, -0.1468115597963333, 0.11378216743469238, 0.14237768948078156, -0.1664484292268753, 0.15665550529956818, 0.344457745552063, 0.2189280241727829, 0.24893705546855927, -0.02391449362039566, -0.0023995572701096535, -0.007929098792374134, -0.05631881207227707, -0.1310952752828598, 0.1292494386434555, -0.3013957738876343, -0.0045976797118783, 0.0019251068588346243, 0.020475171506404877, 0.10425154119729996, -0.11188157647848129, -0.11943034082651138, 0.01928076706826687, 0.013840734958648682, -0.04093893617391586, 0.05837646499276161, -0.08973170816898346, 0.06690972298383713, 0.044297512620687485, -0.09705004096031189, 0.12118203192949295, 0.032428398728370667, -0.027439109981060028, 0.06038731336593628, -0.13205169141292572, -0.161821186542511, -0.014722511172294617, -0.12305234372615814, 0.03822726011276245, 0.02258457988500595, -0.0011937115341424942, -0.11695839464664459, -0.017612792551517487, 0.08651383221149445, 0.06550532579421997, -0.21545930206775665, -0.08663901686668396, -0.05402546748518944, 0.06747249513864517, -0.14086408913135529, -0.005392237100750208, -0.0580231137573719, -0.04639870673418045, -0.015921805053949356, 0.03196299821138382, -0.1326124668121338, 0.05850570648908615, 0.1952214241027832, 0.11960950493812561, 0.08012472093105316, 0.00031379942083731294, 0.25854313373565674, -0.15044859051704407, -0.031102577224373817, 0.04013100266456604, -0.03211164101958275, 0.08570355176925659, 0.2004045695066452, 0.07713621109724045, -0.04407672584056854, -0.032609183341264725, -0.06265520304441452, -0.08382013440132141, -0.17984598875045776, -0.09944407641887665, -0.09241506457328796, 0.11593815684318542, -0.10455609858036041, 0.02279566414654255, 0.1293002963066101, 0.038562655448913574, 0.10591760277748108, -0.17956066131591797, -0.08083869516849518, -0.015997247770428658, 0.10070767998695374, -0.1476999819278717, -0.036619413644075394, -0.057095691561698914, -0.13042104244232178, 0.09085097908973694, 0.07351890206336975, -0.07598336786031723, 0.2753245234489441, 0.14356902241706848, 0.06460168957710266, 0.0372491329908371, 0.050815973430871964, 0.03296361491084099, 0.06032256409525871, -0.08821487426757812, -0.024852164089679718, 0.008612229488790035, -0.022380370646715164, 0.05025824159383774, 0.21010570228099823, -0.24013914167881012, -0.010044138878583908, -0.12094947695732117, 0.058911196887493134, -0.09226593375205994, 0.15273147821426392, -0.005419398192316294, 0.07938405126333237, 0.13775718212127686, 0.017697615548968315, -0.08790077269077301, 0.10226619243621826, 0.06094779446721077, -0.12483128160238266, -0.00920578371733427, 0.10987824946641922, 0.08385234326124191, -0.016504161059856415, 0.11643458902835846, -0.21195663511753082, -0.13761650025844574, 0.033488254994153976, 0.10529548674821854, -0.1958140879869461, 0.3039077818393707, 0.009235309436917305, -0.1351068764925003, -0.0639132410287857, -0.11496353149414062, -0.012014171108603477, 0.10743112862110138, 0.10711206495761871, 0.042469725012779236, -0.07393775135278702, -0.026096675544977188, 0.009214960969984531, -0.007742607034742832, 0.09298452734947205, -0.08414001762866974, -0.12013377249240875, 0.010150929912924767, 0.03940318152308464, -0.048703476786613464, 0.1009429320693016, -0.08256068825721741, -0.07715889811515808, -0.009262125939130783, -0.013167787343263626, 0.013363508507609367, 0.0613013356924057, 0.09955485910177231, -0.03248724341392517, -0.016322879120707512, 0.17398953437805176, 0.06143142655491829, -0.028618335723876953, -0.15928512811660767, -0.0019777673296630383, -0.04513169452548027, -0.039428479969501495, -0.06899980455636978, -0.07661525160074234, -0.11753853410482407, -0.09040885418653488, 0.12060512602329254, -0.1011100485920906, 0.08252820372581482, -0.07234728336334229, 0.1556718945503235, 0.0449947789311409, 0.027362238615751266, 0.0420842170715332, 0.010504845529794693, -0.0637444332242012, -0.06514158844947815, 0.13852131366729736, -0.17852531373500824, -0.03856880962848663, 0.10458311438560486, 0.07282499223947525, 0.011911713518202305, 0.01789284311234951, -0.12299755960702896, 0.19862310588359833, 0.21264135837554932, -0.00729813938960433, 0.16878525912761688, 0.24475444853305817, -0.06593596935272217, -0.205520361661911, -0.06422454118728638, -0.23529553413391113, -0.07331079244613647, 0.15935871005058289, -0.17814143002033234, 0.09661445021629333, -0.008739825338125229, -0.0568917840719223, 0.14693109691143036, -0.32532361149787903, -0.005068281665444374, 0.19984132051467896, -0.03098643198609352, 0.5961567759513855, -0.067476287484169, -0.10163161158561707, -0.020260926336050034, -0.08047869801521301, 0.2328169047832489, -0.10700056701898575, 0.022178582847118378, 0.05551070347428322, 0.10260957479476929, 0.06909338384866714, 0.020471658557653427, 0.1812010407447815, -0.05112580955028534, -0.06011022627353668, -0.11829929798841476, -0.20441202819347382, 0.01321274135261774, -0.002565407194197178, -0.09609947353601456, 0.06216618791222572, -0.06233842670917511, -0.17662794888019562, 0.015285306610167027, -0.08876541256904602, -0.03281906247138977, 0.012494787573814392, -0.04522540047764778, -0.03335950896143913, 0.03184078261256218, -0.1269286721944809, 0.02083008363842964, 0.15761429071426392, -0.09231042861938477, 0.21183836460113525, -0.09038146585226059, 0.11980026215314865, -0.1715039312839508, -0.07381453365087509, -0.0892910361289978, -0.0739288181066513, 0.022808637470006943, -0.05498562753200531, 0.039651405066251755, 0.1229073703289032, -0.06014255806803703, 0.13346922397613525, 0.04274857044219971, -0.07362601161003113, -0.009332284331321716, 0.14846959710121155, -0.19871611893177032, -0.2910851538181305, -0.11566967517137527, 0.05923045426607132, 0.2028619349002838, 0.007538134697824717, 0.0777674987912178, 0.11478970944881439, -0.016507035121321678, 0.015079355798661709, 0.010267493315041065, -0.11431148648262024, -0.10444751381874084, 0.06896253675222397, 0.0007569619920104742, -0.08558188378810883, 0.10230734944343567, 0.019022267311811447, -0.18386487662792206, -0.11988023668527603, 0.20762711763381958, -0.0200219564139843, -0.09439916163682938, -0.0994015783071518, 0.1823630928993225, -0.060141727328300476, -0.026388145983219147, 0.060486629605293274, -0.0971314087510109, -0.027692077681422234, 0.17358030378818512, 0.05215360224246979, 0.07331566512584686, 0.043052736669778824, -0.019896553829312325, 0.19111433625221252, -0.07610252499580383, -0.08666720986366272, -0.11411479860544205, -0.1113981381058693, -0.09765390306711197, -0.022090891376137733, 0.17170315980911255, -0.1043042540550232, -0.1465844213962555, -0.23367111384868622, 0.08566625416278839, -0.07618606090545654, -0.14835943281650543, -0.12351330369710922, -0.09960491955280304, 0.07022807002067566, -0.005836328491568565, -0.025358503684401512, -0.09784673154354095, -0.1479180008172989, 0.10302628576755524, 0.09353149682283401, 0.02215663343667984, 0.03276374191045761, 0.06490205228328705, 0.16425716876983643, 0.006264934781938791, 0.11560661345720291, 0.09335105121135712, 0.004334130324423313, 0.12737876176834106, -0.24313320219516754, -0.03612852096557617, 0.061543241143226624, -0.02008756995201111, 0.03869541361927986, 0.1556338667869568, -0.07101669907569885, -0.008599703200161457, 0.07346312701702118, 0.05884246155619621, -0.06158248707652092, -0.07029277831315994, -0.020444681867957115, 0.15146341919898987, -0.21854759752750397, -0.010464908555150032, -0.13543701171875, 0.08618341386318207, -0.06382738798856735, 0.026516791433095932, 0.07620655745267868, 0.08659784495830536, 0.003671627026051283, 0.051998503506183624, 0.02891702763736248, -0.10376659035682678, 0.11479650437831879, -0.1011483371257782, -0.010525095276534557, -0.04059837758541107, 0.3260350227355957, 0.008407027460634708, 0.01702333241701126, 0.04124368727207184, 0.1525338888168335, 0.036274950951337814, 0.002469088416546583, 0.11112259328365326, 0.1318541020154953, -0.05502143129706383, -0.1530759334564209, 0.1053222268819809, -0.03983991593122482, 0.017480194568634033, 0.12883120775222778, -0.017984678968787193, 0.05133776366710663, 0.0598396472632885, 0.03326093778014183, 0.06138930097222328, 0.08058228343725204, -0.2519816756248474, 0.05864633992314339, -0.008193781599402428, -0.10156036913394928, 0.14093659818172455, 0.12776172161102295, -0.04358195886015892, 0.03643115237355232, -0.08332061767578125, -0.017144199460744858, -0.13900910317897797, -0.08347687125205994, 0.011046548373997211, -0.0890955775976181, 0.024407757446169853, -0.02158970944583416, -0.01773250661790371, 0.20654316246509552, 0.00810841005295515, -0.08619078248739243, 0.024125345051288605, -0.03246486932039261, -0.1350407898426056, -0.028485149145126343, 0.004192930646240711, 0.07534855604171753, -0.10631464421749115, -0.009459893219172955, -0.1966288685798645, -0.03228876367211342, -0.10370618849992752, 0.031585320830345154, -0.13690978288650513, -0.056601304560899734, -0.1394949108362198, -0.046161238104104996, -0.07070588320493698, 0.0341620109975338, -0.10124900937080383, 0.14852306246757507, -0.02862531691789627, 0.04669342562556267, 0.001221607206389308, 0.21473883092403412, -0.0055917128920555115, 0.1111997663974762, -0.03376127779483795, 0.025253819301724434, -0.07697580754756927, 0.12172159552574158, -0.06678933650255203, -0.016789207234978676, -0.0435773991048336, 0.26328104734420776, 0.3666163384914398, -0.13708895444869995, -0.03541192784905434, -0.029750946909189224, 0.032959096133708954, 0.055593449622392654, 0.09368465840816498, -0.04153439402580261, 0.29192063212394714, -0.11245544999837875, 0.09509938210248947, 0.017580494284629822, 0.02136683464050293, 0.05382193997502327, 0.03408944979310036, 0.0992191731929779, 0.02480826899409294, -0.06201104819774628, 0.22126658260822296, -0.28489235043525696, 0.12929458916187286, -0.09419834613800049, -0.1977759450674057, -0.024422185495495796, -0.09278329461812973, 0.1075873076915741, 0.009720941074192524, 0.1459415853023529, -0.059647753834724426, -0.14828547835350037, -0.10750431567430496, 0.04621806740760803, -0.34202659130096436, -0.19561326503753662, 0.13985638320446014, 0.041433196514844894, 0.09628590941429138, -0.006398599129170179, 0.017934424802660942, 0.040109071880578995, 0.005008349195122719, 0.011764837428927422, 0.06299147754907608, 0.06230494752526283, -0.03965628892183304, -0.18101933598518372, 0.038948025554418564, 0.03522862121462822, -0.13118009269237518, 0.08088650554418564, -0.19435498118400574, 0.03574736788868904, 0.1191537082195282, -0.08429282158613205, 0.052640412002801895, 0.12771375477313995, -0.12840406596660614, 0.03900361806154251, 0.03826753795146942, 0.04374406486749649, -0.039075564593076706, 0.019395308569073677, 0.00933300144970417, -0.021677589043974876, -0.11719156801700592, -0.12927356362342834, 0.06891030073165894, -0.07255057990550995, 0.15803246200084686, -0.043637361377477646, -0.06318710744380951, 0.02716391533613205, -0.05997319892048836, 0.09305576235055923, -0.026282401755452156, 0.04433848708868027, 0.20267623662948608, 0.046981945633888245, 0.005474291741847992, -0.09724274277687073, 0.07344987988471985, 0.0035022953525185585, 0.002335904398933053, -0.08806760609149933 ]
null
null
transformers
# Cartman DialoGPT Model
{"tags": ["conversational"]}
text-generation
CodeDanCode/CartmenBot
[ "transformers", "pytorch", "gpt2", "text-generation", "conversational", "autotrain_compatible", "endpoints_compatible", "text-generation-inference", "region:us" ]
2022-03-02T23:29:04+00:00
[]
[]
TAGS #transformers #pytorch #gpt2 #text-generation #conversational #autotrain_compatible #endpoints_compatible #text-generation-inference #region-us
# Cartman DialoGPT Model
[ "# Cartman DialoGPT Model" ]
[ "TAGS\n#transformers #pytorch #gpt2 #text-generation #conversational #autotrain_compatible #endpoints_compatible #text-generation-inference #region-us \n", "# Cartman DialoGPT Model" ]
[ 51, 8 ]
[ "passage: TAGS\n#transformers #pytorch #gpt2 #text-generation #conversational #autotrain_compatible #endpoints_compatible #text-generation-inference #region-us \n# Cartman DialoGPT Model" ]
[ -0.03499921038746834, 0.06284498423337936, -0.003956554923206568, 0.03883877396583557, 0.1744173765182495, -0.006473235320299864, 0.16024601459503174, 0.1037086546421051, 0.027877621352672577, -0.02563895657658577, 0.14810849726200104, 0.18008217215538025, -0.004124637693166733, 0.06811647117137909, -0.04924282059073448, -0.3154674172401428, 0.0444612018764019, 0.02448398806154728, 0.02156108431518078, 0.12312175333499908, 0.08547054976224899, -0.04685966297984123, 0.09300657361745834, 0.02092995122075081, -0.10455154627561569, -0.0009324380080215633, 0.048376720398664474, -0.13006466627120972, 0.11465594917535782, 0.0358026959002018, 0.007876693271100521, 0.023350436240434647, -0.010601221583783627, -0.11244207620620728, 0.036150310188531876, -0.01344288419932127, -0.026905635371804237, 0.04721503704786301, -0.010662497021257877, -0.13347531855106354, 0.13734133541584015, 0.10154451429843903, 0.04370645806193352, 0.03946632519364357, -0.15125185251235962, 0.005172436125576496, -0.021775376051664352, 0.0482487753033638, 0.08083447813987732, 0.1243816390633583, -0.02603171207010746, 0.11190479248762131, -0.06314989179372787, 0.11168697476387024, 0.09052369743585587, -0.3478333652019501, -0.021524058654904366, 0.13387463986873627, 0.049203161150217056, 0.06900589168071747, -0.08871621638536453, 0.06683705002069473, -0.0046857018023729324, 0.018910260871052742, -0.018423879519104958, -0.0725507065653801, -0.1272321492433548, 0.035619232803583145, -0.10199914127588272, -0.02777920849621296, 0.225818932056427, -0.03343198448419571, 0.06832397729158401, -0.07171061635017395, -0.11062529683113098, -0.023754533380270004, -0.04861285164952278, -0.008277923800051212, -0.08480021357536316, 0.06547696888446808, -0.06483592838048935, -0.10391351580619812, -0.11068341135978699, -0.012991931289434433, -0.1954064518213272, 0.20724351704120636, 0.018124371767044067, 0.055498071014881134, -0.1865168660879135, 0.08356402814388275, -0.009269336238503456, -0.07986848056316376, 0.008263565599918365, -0.08417333662509918, -0.011472489684820175, -0.013998827897012234, -0.011957211419939995, -0.03671839460730553, 0.05653693526983261, 0.16017459332942963, -0.007000204175710678, 0.028129253536462784, -0.014293991960585117, 0.03621149808168411, 0.03994964808225632, 0.13644735515117645, -0.00717479083687067, -0.05717107281088829, 0.027411025017499924, -0.07079360634088516, 0.008850505575537682, -0.06590574234724045, -0.2030615210533142, -0.008503199554979801, 0.06370244920253754, 0.05503477528691292, 0.01054262276738882, 0.14182086288928986, 0.016558781266212463, -0.05776635557413101, 0.06569881737232208, -0.020948074758052826, -0.037687450647354126, 0.0019228907767683268, -0.016934920102357864, 0.1192757859826088, 0.0013618441298604012, 0.04610898345708847, -0.08345860987901688, 0.013865758664906025, -0.050966277718544006, 0.007433451246470213, -0.014818952418863773, -0.054782934486866, -0.006223836913704872, -0.0067147198133170605, 0.006792342755943537, -0.15881812572479248, -0.20533956587314606, 0.0013653585920110345, -0.014183004386723042, -0.026143906638026237, -0.10426639020442963, -0.11508319526910782, 0.01365047786384821, 0.04242701828479767, -0.053822264075279236, -0.015501968562602997, -0.06802257150411606, 0.08179564028978348, -0.053276825696229935, 0.08813998848199844, -0.07706394791603088, 0.07484864443540573, -0.09775304049253464, -0.02803707681596279, -0.10546298325061798, 0.10061709582805634, -0.004466364160180092, 0.06661365926265717, -0.029237395152449608, 0.007505184505134821, -0.0887797623872757, 0.04824228584766388, -0.061684008687734604, 0.2192372828722, -0.056426435708999634, -0.10581802576780319, 0.23515696823596954, -0.03046576865017414, -0.11845619976520538, 0.12891492247581482, -0.023481832817196846, 0.06545501202344894, 0.1431829333305359, 0.20150154829025269, 0.002139196963980794, -0.03174442797899246, 0.09247690439224243, 0.10446830093860626, -0.09897089749574661, -0.005675819236785173, 0.03961788862943649, -0.061585381627082825, -0.07763927429914474, 0.02752065286040306, 0.08673549443483353, 0.07996144145727158, -0.05485837534070015, 0.0009749749442562461, 0.026559296995401382, -0.018871281296014786, 0.15113161504268646, -0.029378749430179596, 0.13362960517406464, -0.0168452188372612, -0.06973856687545776, -0.02547595277428627, 0.009153691120445728, -0.06240967661142349, 0.026384800672531128, -0.08129352331161499, 0.11388910561800003, -0.05285194143652916, 0.05161215737462044, -0.13094878196716309, -0.12104011327028275, -0.030590523034334183, 0.1988777369260788, 0.06427152454853058, 0.05233798548579216, 0.07256905734539032, -0.025137973949313164, -0.011195489205420017, 0.042768437415361404, 0.18116669356822968, -0.0029711637180298567, -0.09480928629636765, -0.0861944928765297, 0.07524383813142776, -0.05318158492445946, 0.10849621146917343, -0.06565450131893158, 0.0037238341756165028, 0.05849205702543259, 0.09151281416416168, -0.009371834807097912, 0.02469542995095253, 0.01624489203095436, -0.022163763642311096, -0.059731438755989075, -0.01236012950539589, 0.10286819189786911, -0.011726902797818184, -0.07087995857000351, 0.24148526787757874, -0.20765240490436554, 0.08969099074602127, 0.18985837697982788, -0.21534116566181183, -0.026360144838690758, -0.10345611721277237, -0.02737538330256939, 0.0011292012641206384, 0.017390377819538116, -0.048489201813936234, 0.23576650023460388, -0.000914842588827014, 0.18751642107963562, -0.01714274287223816, -0.03133136034011841, -0.029166681692004204, -0.0332295186817646, 0.01655665971338749, 0.08451256155967712, 0.12506499886512756, -0.1145620346069336, 0.16254286468029022, 0.10494137555360794, 0.04864532873034477, 0.21073397994041443, 0.03634586185216904, 0.005129569210112095, 0.06078948453068733, -0.008495461195707321, -0.05129866302013397, -0.05617986246943474, -0.283427894115448, -0.04682556539773941, 0.06363383680582047, 0.032535456120967865, 0.09490548819303513, -0.08761931955814362, -0.007304973900318146, -0.0016129144933074713, -0.02286238968372345, 0.06957139819860458, 0.12708596885204315, 0.036970995366573334, 0.10756438225507736, -0.0020481564570218325, -0.08101297169923782, 0.0939183235168457, 0.0351383201777935, -0.09132126718759537, 0.17899705469608307, -0.1058870181441307, -0.2731768786907196, -0.12017566710710526, -0.22052423655986786, -0.06454965472221375, 0.050194863229990005, 0.07349191606044769, -0.08436886221170425, -0.01563352532684803, -0.015423359349370003, 0.11096389591693878, -0.08328660577535629, -0.010812154971063137, -0.0427938736975193, -0.0251326747238636, -0.1527114361524582, -0.08524176478385925, -0.06160156801342964, -0.0431085042655468, -0.08658483624458313, 0.10313411802053452, -0.13271164894104004, 0.01583102159202099, 0.23857814073562622, 0.03715428709983826, 0.07395236194133759, -0.06501297652721405, 0.20370616018772125, -0.09070070087909698, 0.007000911049544811, 0.19375023245811462, -0.01690269261598587, 0.051739614456892014, 0.13916559517383575, -0.018094951286911964, -0.059656769037246704, 0.029480786994099617, -0.03360865265130997, -0.10124463587999344, -0.18324078619480133, -0.1265852451324463, -0.1260715276002884, 0.10502524673938751, 0.039321284741163254, 0.0316225104033947, 0.1146949827671051, 0.07866153120994568, -0.045436616986989975, 0.0391286239027977, 0.050855427980422974, 0.0893789604306221, 0.2945445775985718, -0.04704659804701805, 0.14060717821121216, 0.00571930967271328, -0.15458302199840546, 0.0745026096701622, 0.05385014787316322, 0.10535036027431488, 0.06502581387758255, 0.11103358864784241, -0.011017958633601665, 0.033991653472185135, 0.14640532433986664, 0.04020633175969124, 0.059495508670806885, -0.030835196375846863, -0.024182572960853577, -0.03932753577828407, -0.05202168971300125, 0.04445566236972809, 0.12879587709903717, -0.15187786519527435, -0.0284411683678627, -0.017948336899280548, 0.04785851016640663, 0.0673372894525528, 0.07244078069925308, -0.21666403114795685, -0.03844394534826279, 0.052862685173749924, -0.05288344994187355, -0.0788584053516388, 0.10784012824296951, -0.031204737722873688, -0.18724635243415833, 0.029088066890835762, -0.03400202840566635, 0.08931928128004074, -0.1133546456694603, 0.06349702924489975, -0.09157457947731018, -0.07287854701280594, -0.009226979687809944, 0.08986495435237885, -0.20124442875385284, 0.2000621259212494, -0.0183878056704998, -0.06081334874033928, -0.10428939014673233, -0.019753236323595047, 0.05032594874501228, 0.08084471523761749, 0.10216742753982544, -0.011832591146230698, -0.015752246603369713, -0.02151579037308693, -0.04935557395219803, 0.004635495133697987, 0.0919153019785881, -0.07124578952789307, 0.012389494106173515, -0.04087339714169502, -0.02118452452123165, -0.027880826964974403, -0.10278208553791046, 0.012408450245857239, -0.18500292301177979, 0.05369580537080765, 0.047714103013277054, 0.11968962848186493, 0.033247582614421844, -0.04345642775297165, -0.1427689790725708, 0.21647658944129944, 0.0172119177877903, -0.10736767947673798, -0.09764283895492554, -0.026817863807082176, 0.04147740826010704, -0.07753676921129227, 0.03388670086860657, -0.06076033040881157, 0.026384172961115837, -0.0538594089448452, -0.18310774862766266, 0.11581409722566605, -0.07649117708206177, -0.04446988180279732, -0.02556457929313183, 0.2301575094461441, -0.03931954503059387, 0.014353458769619465, 0.025763466954231262, 0.024510694667696953, -0.08947722613811493, -0.10147161036729813, -0.015079199336469173, 0.02392854169011116, -0.009603193029761314, 0.05413731187582016, 0.021504608914256096, -0.06358622014522552, -0.04495958611369133, -0.012795938178896904, 0.328389972448349, 0.1302206814289093, -0.05809680372476578, 0.18103282153606415, 0.11692848801612854, -0.03160850703716278, -0.2589399814605713, -0.11817040294408798, -0.0759081169962883, -0.0365697480738163, -0.025606699287891388, -0.12360285222530365, 0.07980029284954071, -0.044461432844400406, -0.01803341694176197, 0.09800680726766586, -0.32426270842552185, -0.10960600525140762, 0.17412211000919342, -0.0012723237741738558, 0.38311174511909485, -0.0797044113278389, -0.06923336535692215, -0.03439560905098915, -0.18360412120819092, 0.1551726758480072, -0.011090272106230259, 0.12971903383731842, -0.015180458314716816, 0.2225988507270813, 0.03964316472411156, -0.0046174353919923306, 0.059888049960136414, 0.02357342280447483, -0.07002203166484833, -0.08582081645727158, -0.10946778208017349, 0.07961103320121765, 0.027784274891018867, 0.02651590295135975, -0.021494664251804352, 0.01593572273850441, -0.09754973649978638, -0.06898122280836105, -0.06960906088352203, 0.03656526282429695, 0.034651175141334534, -0.08557906746864319, 0.005176962818950415, -0.048355765640735626, -0.01057707704603672, 0.0021402500569820404, 0.15952840447425842, -0.08261575549840927, 0.13886795938014984, 0.09598150849342346, 0.12237199395895004, -0.12196065485477448, -0.06069791689515114, -0.07377926260232925, -0.06023798882961273, 0.06076186150312424, -0.07966325432062149, 0.018469708040356636, 0.10765262693166733, -0.007046577055007219, 0.08416946232318878, 0.08124317228794098, 0.004171857610344887, 0.03644631430506706, 0.043004170060157776, -0.2462788224220276, -0.10005179047584534, -0.07790456712245941, -0.019077779725193977, 0.05873192101716995, 0.08138727396726608, 0.2208612561225891, -0.012293374165892601, -0.034757547080516815, 0.006452564150094986, -0.008335419930517673, -0.01679433509707451, 0.06555341184139252, 0.006339689251035452, 0.02068725973367691, -0.13501238822937012, 0.028809089213609695, 0.033613890409469604, -0.10526515543460846, 0.01602277159690857, 0.14899541437625885, -0.1300581395626068, -0.11897256970405579, -0.12985514104366302, 0.11198750883340836, -0.14738312363624573, 0.010559749789536, -0.03807147964835167, -0.12691672146320343, 0.06293328106403351, 0.11727968603372574, 0.06152528524398804, 0.07980970293283463, -0.10228118300437927, -0.01731145940721035, -0.015263431705534458, 0.0062505402602255344, 0.0317503996193409, -0.022633438929915428, -0.05926371365785599, 0.03239854425191879, -0.04162827879190445, 0.12753333151340485, -0.09665502607822418, -0.12510330975055695, -0.1589641571044922, 0.04012954980134964, -0.1253584921360016, -0.07447279244661331, -0.129133939743042, -0.034332841634750366, -0.01112325955182314, -0.011898555792868137, -0.04186975210905075, -0.03787713125348091, -0.11410019546747208, 0.04124362766742706, -0.033045340329408646, 0.02587822638452053, -0.0661657452583313, 0.033393144607543945, 0.05904847010970116, -0.02314315363764763, 0.1591585874557495, 0.12868444621562958, -0.09084252268075943, 0.07569010555744171, -0.1633976250886917, -0.07236461341381073, 0.053919468075037, 0.005129602272063494, 0.0722123235464096, 0.06444314867258072, 0.013400810770690441, 0.056464482098817825, 0.07035676389932632, 0.06456869095563889, 0.04435461014509201, -0.10046906769275665, 0.03125767037272453, -0.02051241137087345, -0.09694015234708786, -0.048343926668167114, -0.016994182020425797, -0.032829802483320236, 0.039628949016332626, 0.1194993183016777, -0.07079567760229111, 0.08062606304883957, -0.05806068331003189, 0.026762448251247406, 0.00190038385335356, -0.15003225207328796, -0.03419461101293564, -0.07946924865245819, 0.04324107617139816, 0.009630956687033176, 0.21037466824054718, 0.047479573637247086, 0.05093107372522354, 0.03291335329413414, 0.11983177065849304, 0.08780809491872787, -0.008192094974219799, 0.13825185596942902, 0.10182668268680573, -0.040205009281635284, -0.06673482805490494, 0.07720594108104706, 0.04820873960852623, 0.015920331701636314, 0.1367018222808838, -0.046420302242040634, -0.03885447233915329, 0.0770820751786232, -0.019052641466259956, 0.048383016139268875, -0.13184376060962677, -0.13359369337558746, -0.03785637766122818, 0.04855756461620331, -0.059193871915340424, 0.10996287316083908, 0.1681317239999771, -0.027325669303536415, 0.012963826768100262, -0.008789018727838993, -0.06820446252822876, -0.16191279888153076, -0.22627034783363342, -0.08409975469112396, -0.15921570360660553, 0.041141584515571594, -0.09788253903388977, 0.035756539553403854, 0.1070600375533104, 0.09121164679527283, -0.049701813608407974, 0.09017058461904526, -0.009457459673285484, -0.11586704105138779, 0.05647505447268486, -0.040662623941898346, 0.07755120098590851, -0.03211277350783348, -0.02327702008187771, -0.09575968235731125, -0.0039735776372253895, 0.006193853449076414, 0.027304353192448616, -0.034550782293081284, 0.007288666907697916, -0.13005219399929047, -0.07098165154457092, -0.05297430604696274, 0.06157230958342552, -0.0015518334694206715, 0.13218699395656586, 0.0296788290143013, -0.01854497380554676, 0.01980976201593876, 0.2532547116279602, -0.07350935786962509, -0.14446085691452026, -0.06711501628160477, 0.17388172447681427, 0.02926930971443653, 0.08745518326759338, -0.021657245233654976, -0.010824818164110184, -0.05128636211156845, 0.3318833112716675, 0.30552732944488525, -0.10041980445384979, 0.016691897064447403, -0.0009402623400092125, 0.027645742520689964, 0.12379659712314606, 0.10830698907375336, 0.0697273313999176, 0.2579532265663147, -0.0712343379855156, -0.07617749273777008, -0.01417577639222145, -0.036523859947919846, -0.09687310457229614, 0.047169703990221024, 0.04046151414513588, -0.057610344141721725, -0.017940355464816093, 0.1253085434436798, -0.287649542093277, 0.07894034683704376, -0.17982597649097443, -0.19247789680957794, -0.07741154730319977, 0.00022851616085972637, 0.10778298228979111, 0.05432113632559776, 0.06818027794361115, -0.008230693638324738, -0.07707304507493973, 0.021650878712534904, 0.017153119668364525, -0.21873751282691956, 0.024547383189201355, 0.08488588035106659, -0.0829407274723053, 0.006345646921545267, -0.05710018053650856, 0.09154245257377625, 0.09039609134197235, 0.07351160794496536, 0.017555711790919304, 0.04824266582727432, 0.016115624457597733, -0.06056099012494087, 0.04673423990607262, 0.03806506469845772, 0.030296137556433678, -0.029170366004109383, 0.036643967032432556, -0.13650400936603546, 0.06558223068714142, 0.011488302610814571, 0.0004029349656775594, -0.02255469746887684, 0.020948369055986404, -0.05956702679395676, 0.10569749772548676, 0.06631583720445633, -0.01437252014875412, -0.010439061559736729, -0.01739354617893696, -0.042621396481990814, -0.02908516116440296, -0.09003754705190659, -0.12360627204179764, -0.17008651793003082, -0.12751595675945282, 0.05616556107997894, -0.018437935039401054, -0.18177193403244019, -0.01736912876367569, -0.13940665125846863, 0.0655997171998024, -0.11983010917901993, 0.12058280408382416, 0.09078045189380646, 0.02052972838282585, 0.001587312901392579, 0.04633822292089462, 0.024599630385637283, 0.08775599300861359, -0.18481478095054626, -0.09381122887134552 ]
null
null
transformers
# SouthPark Kyle Bot
{"tags": ["conversational"]}
text-generation
CodeDanCode/SP-KyleBot
[ "transformers", "pytorch", "gpt2", "text-generation", "conversational", "autotrain_compatible", "endpoints_compatible", "text-generation-inference", "region:us" ]
2022-03-02T23:29:04+00:00
[]
[]
TAGS #transformers #pytorch #gpt2 #text-generation #conversational #autotrain_compatible #endpoints_compatible #text-generation-inference #region-us
# SouthPark Kyle Bot
[ "# SouthPark Kyle Bot" ]
[ "TAGS\n#transformers #pytorch #gpt2 #text-generation #conversational #autotrain_compatible #endpoints_compatible #text-generation-inference #region-us \n", "# SouthPark Kyle Bot" ]
[ 51, 6 ]
[ "passage: TAGS\n#transformers #pytorch #gpt2 #text-generation #conversational #autotrain_compatible #endpoints_compatible #text-generation-inference #region-us \n# SouthPark Kyle Bot" ]
[ 0.001009373925626278, 0.0018930664518848062, -0.005941837094724178, 0.0022245156578719616, 0.16719430685043335, -0.01200947817414999, 0.1469293236732483, 0.10040964931249619, 0.030705532059073448, -0.02821674570441246, 0.13872265815734863, 0.23688922822475433, 0.014239358715713024, 0.12156666070222855, -0.07741641253232956, -0.2656373381614685, 0.057456210255622864, 0.010749656707048416, 0.03742712363600731, 0.12715885043144226, 0.06245749816298485, -0.05694212019443512, 0.08368279784917831, -0.014490860514342785, -0.20832861959934235, 0.004212677478790283, 0.050252195447683334, -0.09850114583969116, 0.11166632920503616, 0.028652258217334747, 0.06679906696081161, 0.0351567417383194, -0.03442501276731491, -0.07649587094783783, 0.047197360545396805, -0.002540583023801446, -0.03038058988749981, 0.060833532363176346, 0.017271647229790688, -0.0807134360074997, 0.11528751999139786, 0.10665196925401688, 0.014506087638437748, 0.07185585796833038, -0.14760959148406982, 0.04764352738857269, -0.0377243347465992, 0.03683116286993027, 0.12379778921604156, 0.0824655070900917, -0.02843405492603779, 0.16119426488876343, -0.08802653104066849, 0.11741070449352264, 0.07999195158481598, -0.3110962212085724, -0.03966917097568512, 0.11210696399211884, 0.025136936455965042, 0.05579168349504471, -0.08781134337186813, 0.07856573164463043, 0.0010259122354909778, 0.010025815106928349, -0.003469489049166441, -0.07334180921316147, -0.17053213715553284, 0.028927214443683624, -0.06722403317689896, -0.03788132593035698, 0.2075939178466797, -0.027320904657244682, 0.054496705532073975, -0.06696967035531998, -0.07844744622707367, 0.024650365114212036, -0.031864140182733536, -0.028161056339740753, -0.08831703662872314, 0.044290691614151, -0.09648630023002625, -0.12871210277080536, -0.1212511658668518, -0.03268098458647728, -0.15092779695987701, 0.1913798600435257, 0.027668634429574013, 0.060813453048467636, -0.22629857063293457, 0.08819272369146347, 0.0958850234746933, -0.10139712691307068, 0.029184792190790176, -0.08320976793766022, -0.016730990260839462, 0.005232313647866249, -0.016108423471450806, -0.10492359846830368, 0.04817092791199684, 0.13478004932403564, 0.018962856382131577, 0.0317266546189785, -0.015889180824160576, 0.06658858060836792, 0.0431915745139122, 0.06944599002599716, 0.02986798994243145, 0.0014616373227909207, 0.04120592772960663, -0.08508334308862686, 0.04708510637283325, -0.09585334360599518, -0.16272132098674774, 0.04295223578810692, 0.01762603223323822, 0.04893479868769646, 0.04769055172801018, 0.11585487425327301, -0.024127298966050148, -0.03327709436416626, 0.05123854801058769, -0.012759326957166195, -0.009028817526996136, 0.010422000661492348, 0.01227481383830309, 0.10185595601797104, 0.0022383390460163355, 0.04115478694438934, -0.1023935079574585, 0.06428110599517822, -0.07156156748533249, 0.012266509234905243, -0.010014010593295097, -0.02284991554915905, 0.01852274313569069, -0.06222689896821976, -0.010941406711935997, -0.1739882528781891, -0.12595507502555847, -0.0043891132809221745, -0.037214525043964386, -0.028248455375432968, -0.11302272975444794, -0.09227798879146576, -0.032621707767248154, 0.0755361020565033, -0.06134282797574997, 0.0018607854144647717, -0.041236408054828644, 0.07295534759759903, -0.06508706510066986, 0.0647023618221283, -0.12469492107629776, 0.06480763107538223, -0.10757549107074738, -0.05555061995983124, -0.10865365713834763, 0.08666598051786423, -0.03995852544903755, 0.17832209169864655, 0.006170536391437054, 0.023298729211091995, -0.11612897366285324, 0.03954378142952919, -0.050424233078956604, 0.24240484833717346, -0.038906898349523544, -0.13002803921699524, 0.2570360004901886, -0.044859081506729126, -0.14056512713432312, 0.13044753670692444, -0.0063425577245652676, 0.04412907361984253, 0.13494694232940674, 0.20903360843658447, -0.031069481745362282, -0.05564742162823677, 0.0714527815580368, 0.11985761672258377, -0.12220354378223419, -0.05577201768755913, 0.01172288041561842, -0.03383895754814148, -0.09937148541212082, 0.04056762903928757, 0.11890320479869843, 0.10349009931087494, -0.04419870674610138, -0.015818502753973007, -0.01295335590839386, -0.014820574782788754, 0.08352530002593994, 0.03624359518289566, 0.14760789275169373, -0.0623672753572464, -0.05988167226314545, -0.023340677842497826, -0.005164441652595997, 0.017285199835896492, 0.013099015690386295, -0.08173200488090515, 0.04239438474178314, 0.03462142497301102, 0.05952554568648338, -0.14635765552520752, -0.12256857007741928, -0.02196456491947174, 0.1256663054227829, 0.08262477815151215, 0.09305649250745773, 0.044041696935892105, -0.05751243233680725, 0.0008248555823229253, 0.012712855823338032, 0.13110458850860596, -0.006251203827559948, -0.08410830795764923, -0.08208435773849487, 0.07941761612892151, -0.05046307295560837, 0.08911877870559692, -0.022688856348395348, 0.025677159428596497, 0.056257061660289764, 0.12645503878593445, 0.01382692251354456, 0.0013275508536025882, 0.02143956907093525, -0.004188585095107555, -0.054825443774461746, -0.011743346229195595, 0.10074583441019058, 0.022456711158156395, -0.08275417983531952, 0.25097736716270447, -0.14420229196548462, 0.04436970502138138, 0.18671798706054688, -0.2015615999698639, 0.003423205344006419, -0.010627701878547668, -0.03604947030544281, 0.000603008083999157, 0.02958211489021778, -0.06553710997104645, 0.16678892076015472, 0.010304040275514126, 0.15981008112430573, -0.015334461815655231, -0.04812848940491676, -0.03490639477968216, -0.021984970197081566, -0.00710799265652895, 0.08124004304409027, 0.14026223123073578, -0.20628440380096436, 0.18197079002857208, 0.12379801273345947, 0.07260198146104813, 0.21021464467048645, 0.0216507725417614, 0.029236014932394028, 0.04199058562517166, -0.022458020597696304, -0.05071199685335159, -0.01557515375316143, -0.242947056889534, -0.06631141155958176, 0.041866153478622437, 0.016573363915085793, 0.0859033539891243, -0.10232841223478317, -0.04957633092999458, -0.039484135806560516, 0.02473255805671215, 0.045343875885009766, 0.10028714686632156, 0.061238937079906464, 0.13194169104099274, -0.02988162450492382, -0.048411667346954346, 0.08983760327100754, 0.0042869048193097115, -0.09817259013652802, 0.15628395974636078, -0.12687864899635315, -0.36242976784706116, -0.10926526039838791, -0.07663167268037796, -0.0636797621846199, 0.021294591948390007, 0.0975334495306015, -0.10056225210428238, 0.013376301154494286, 0.011371354572474957, 0.08180200308561325, -0.04056848585605621, -0.0015454431995749474, -0.060805048793554306, 0.0051686763763427734, -0.1192249059677124, -0.09157083183526993, -0.06164781376719475, -0.05682328715920448, -0.1023121178150177, 0.13899727165699005, -0.10004153102636337, 0.0663672462105751, 0.19465158879756927, 0.05904639512300491, 0.04937030375003815, -0.052158717066049576, 0.1444941610097885, -0.10942055284976959, 0.006946086883544922, 0.14677482843399048, -0.034285519272089005, 0.06293731182813644, 0.09000042080879211, -0.013284205459058285, -0.06395068764686584, 0.04497786611318588, -0.011924301274120808, -0.10038331896066666, -0.21485914289951324, -0.10309842228889465, -0.12058635801076889, 0.1269860863685608, 0.02741837501525879, 0.058732833713293076, 0.080666184425354, 0.06448226422071457, -0.04824505373835564, -0.015403307974338531, 0.03841341659426689, 0.06663797050714493, 0.16748999059200287, -0.05280458182096481, 0.15823695063591003, -0.05750368535518646, -0.14263728260993958, 0.07277756929397583, -0.0004012444114778191, 0.06117535009980202, 0.07699571549892426, 0.06985308229923248, 0.002521473914384842, 0.09503720700740814, 0.10428597033023834, 0.05932992696762085, 0.06619323045015335, -0.05703076347708702, -0.01849569007754326, -0.008536705747246742, -0.0839766412973404, 0.03848691284656525, 0.1084279790520668, -0.1318248212337494, -0.01542216632515192, 0.010832380503416061, 0.07749941200017929, 0.1421177089214325, 0.08906758576631546, -0.15356789529323578, -0.0330660454928875, 0.08899270743131638, -0.03990861400961876, -0.09170733392238617, 0.09432327747344971, 0.10558538138866425, -0.1752709150314331, 0.06312195956707001, -0.03367935121059418, 0.11459609866142273, -0.04089595377445221, 0.07247728854417801, -0.12122742086648941, -0.10122457891702652, 0.01359107531607151, 0.09952153265476227, -0.29715949296951294, 0.16348738968372345, -0.02667860873043537, -0.03401588276028633, -0.10725520551204681, -0.013893031515181065, 0.032923515886068344, 0.05538775026798248, 0.1056850254535675, 0.01765655167400837, -0.09452541172504425, -0.06897841393947601, -0.0915859192609787, 0.030880028381943703, 0.09695940464735031, -0.060480449348688126, -0.028077492490410805, -0.030500080436468124, -0.00048032207996584475, -0.042489178478717804, -0.032615527510643005, -0.013319659046828747, -0.1615627259016037, 0.08148527890443802, 0.03507659584283829, -0.002174400957301259, 0.028208261355757713, -0.025652628391981125, -0.01338580995798111, 0.1858496218919754, 0.0004002364003099501, -0.06765566021203995, -0.1135554388165474, -0.030310802161693573, -0.05637791380286217, -0.0835871770977974, -0.01928178034722805, -0.05799778178334236, 0.035075049847364426, -0.07530034333467484, -0.19887520372867584, 0.14200523495674133, -0.08560506999492645, -0.06652629375457764, -0.02691849321126938, 0.20009751617908478, -0.006994109600782394, 0.02059885486960411, 0.04267019405961037, 0.029391957446932793, -0.07696311175823212, -0.11397796869277954, 0.08998696506023407, -0.009281964041292667, -0.01908298395574093, 0.03791086748242378, 0.00024778724764473736, -0.07463758438825607, -0.04528285562992096, 0.001310850027948618, 0.34637385606765747, 0.12011432647705078, -0.046443961560726166, 0.19258937239646912, 0.09190786629915237, -0.056193046271800995, -0.3394269645214081, -0.08204647898674011, -0.10116009414196014, -0.03908160328865051, 0.008353213779628277, -0.16732241213321686, 0.10397331416606903, -0.017964135855436325, -0.034443918615579605, 0.04798157513141632, -0.24919746816158295, -0.1107109859585762, 0.16618290543556213, -0.004083285108208656, 0.39963069558143616, -0.13040487468242645, -0.0831417590379715, -0.0378183089196682, -0.14547191560268402, 0.2174389660358429, -0.042896196246147156, 0.08851592987775803, -0.009167525917291641, 0.19261837005615234, 0.05703676864504814, -0.009326737374067307, 0.051985472440719604, 0.01867002435028553, -0.02865254133939743, -0.11964911222457886, -0.09318269789218903, 0.076231449842453, 0.006934325210750103, 0.03498239815235138, -0.09711187332868576, 0.009395282715559006, -0.17100989818572998, -0.0007360416348092258, -0.1059565320611, 0.058800697326660156, 0.009239334613084793, -0.03697827830910683, 0.0072136386297643185, -0.038569312542676926, -0.025724710896611214, 0.023094968870282173, 0.2699882984161377, -0.05511167272925377, 0.22434566915035248, 0.07911115884780884, 0.11411489546298981, -0.14120343327522278, 0.009188246913254261, -0.07696211338043213, -0.05878424271941185, 0.05968187004327774, -0.08584823459386826, 0.03877141699194908, 0.09158585220575333, 0.003013304900377989, 0.0617058128118515, 0.08073364198207855, -0.015329989604651928, 0.040559738874435425, 0.11310605704784393, -0.26509031653404236, -0.1353832185268402, -0.07648391276597977, 0.06717059761285782, 0.10344280302524567, 0.09366006404161453, 0.191746324300766, 0.018974170088768005, -0.05053369700908661, -0.015658237040042877, 0.033430904150009155, -0.010013197548687458, 0.02688148245215416, -0.009044510312378407, 0.029358480125665665, -0.14559517800807953, 0.059436507523059845, 0.027323449030518532, -0.11387678235769272, 0.026819339022040367, 0.17758335173130035, -0.1165790930390358, -0.11628951877355576, -0.07477697730064392, 0.07171208411455154, -0.020613625645637512, 0.03816148266196251, -0.056767549365758896, -0.14418305456638336, 0.05086281895637512, 0.054667744785547256, 0.029234452173113823, 0.08579321950674057, -0.056000616401433945, -0.021954510360956192, -0.018648657947778702, 0.0017332063289359212, -0.030678382143378258, -0.0036057576071470976, -0.042070284485816956, 0.07830925285816193, -0.011383379809558392, 0.1447494477033615, -0.08805376291275024, -0.10139357298612595, -0.17008808255195618, 0.024875598028302193, -0.08072427660226822, -0.10224355012178421, -0.10109198093414307, -0.06373967230319977, -0.0074574314057827, -0.050042226910591125, -0.056404195725917816, -0.04362383857369423, -0.12000351399183273, 0.014000574126839638, -0.01670832745730877, 0.03454280272126198, -0.09889303892850876, 0.025437181815505028, 0.09095466136932373, -0.04026614874601364, 0.15849463641643524, 0.16471968591213226, -0.0835704505443573, 0.12168119847774506, -0.10526318848133087, -0.11127660423517227, 0.0753178745508194, 0.015251092612743378, 0.06358166038990021, 0.11440574377775192, -0.003789106383919716, 0.05080224573612213, 0.09295009076595306, 0.07329754531383514, 0.0582314059138298, -0.09872326999902725, 0.062433384358882904, 0.028745021671056747, -0.15379901230335236, -0.05849780887365341, -0.020810667425394058, 0.0036431693006306887, 0.022295599803328514, 0.13010293245315552, -0.05377909168601036, 0.08384235203266144, -0.06848914176225662, 0.029986953362822533, 0.028353191912174225, -0.17736801505088806, -0.06726004183292389, -0.08695635199546814, 0.043722379952669144, 0.006069087889045477, 0.09742603451013565, 0.037407130002975464, -0.040636833757162094, 0.07008804380893707, 0.1251443326473236, 0.027032550424337387, 0.0028465052600950003, 0.052241239696741104, 0.09361235797405243, -0.08395522087812424, -0.034576982259750366, 0.04337139427661896, 0.012062051333487034, -0.018842369318008423, 0.23461531102657318, 0.00043392914813011885, -0.00826779380440712, 0.08249393105506897, 0.04125414043664932, 0.03857289254665375, -0.1403021514415741, -0.1300632655620575, -0.09093046933412552, 0.07662270963191986, -0.058297041803598404, 0.08612649887800217, 0.14354614913463593, -0.03819698840379715, -0.0010311012156307697, -0.06022294983267784, -0.05115349963307381, -0.1933421790599823, -0.17430520057678223, -0.07405736297369003, -0.11359144002199173, 0.031434230506420135, -0.08010001480579376, 0.017888443544507027, 0.07559448480606079, 0.06953335553407669, -0.0672893226146698, 0.060683395713567734, 0.05351646617054939, -0.07776111364364624, 0.094866082072258, -0.037625622004270554, 0.04554103687405586, -0.06862235814332962, -0.002616679994389415, -0.08109326660633087, 0.05200209468603134, 0.014033199287950993, 0.034622758626937866, -0.08446040004491806, 0.035878412425518036, -0.14666616916656494, -0.10931411385536194, -0.03928385674953461, 0.04195187985897064, -0.03612661361694336, 0.07409995794296265, 0.055063433945178986, 0.027626149356365204, 0.023588918149471283, 0.2642506957054138, -0.05379493162035942, -0.0037635911721736193, -0.06156177073717117, 0.13890063762664795, -0.003958720713853836, 0.08909204602241516, -0.014405795373022556, 0.00753125362098217, -0.08667419850826263, 0.26609495282173157, 0.2933356463909149, -0.10028420388698578, 0.034744516015052795, -0.043231360614299774, 0.04134330153465271, 0.09376445412635803, 0.1541205495595932, 0.07431168109178543, 0.2370723932981491, -0.050370533019304276, -0.011652941815555096, 0.013443154282867908, -0.06172370910644531, -0.06522158533334732, 0.023131119087338448, 0.031987253576517105, -0.031642816960811615, -0.034079261124134064, 0.09333346784114838, -0.25264695286750793, 0.12689568102359772, -0.14524826407432556, -0.20889414846897125, -0.08351411670446396, 0.002638281788676977, 0.14126752316951752, 0.023675745353102684, 0.12988579273223877, 0.0049070254899561405, -0.054087456315755844, 0.05418592318892479, 0.01055197138339281, -0.20664723217487335, -0.039817992597818375, 0.10158566385507584, -0.14979581534862518, 0.02301199361681938, -0.04752516746520996, 0.03993484377861023, 0.07679422199726105, 0.05072224512696266, -0.04274078831076622, 0.012995218858122826, -0.0038091284222900867, -0.05916428193449974, -0.006739411968737841, 0.08939745277166367, -0.000024021648641792126, -0.010419157333672047, 0.10232605040073395, -0.13799278438091278, 0.026991216465830803, -0.08109476417303085, -0.013430994004011154, -0.00887373834848404, 0.05752045288681984, -0.059176623821258545, 0.07558038830757141, 0.10528470575809479, -0.029560377821326256, -0.003222789615392685, -0.016875728964805603, -0.05515744909644127, -0.03690917789936066, -0.06968729197978973, -0.12125523388385773, -0.17790496349334717, -0.1047603115439415, 0.01533692330121994, 0.013491624966263771, -0.20972740650177002, 0.01706879958510399, -0.13666896522045135, 0.04588734358549118, -0.13978564739227295, 0.11522040516138077, 0.08920388668775558, -0.01854506880044937, -0.014065336436033249, -0.041577573865652084, 0.028073951601982117, 0.10214905440807343, -0.09619653970003128, -0.07962007820606232 ]
null
null
transformers
# Harry Potter DialoGPT Model
{"tags": ["conversational"]}
text-generation
CoderBoy432/DialoGPT-small-harrypotter
[ "transformers", "pytorch", "gpt2", "text-generation", "conversational", "autotrain_compatible", "endpoints_compatible", "text-generation-inference", "region:us" ]
2022-03-02T23:29:04+00:00
[]
[]
TAGS #transformers #pytorch #gpt2 #text-generation #conversational #autotrain_compatible #endpoints_compatible #text-generation-inference #region-us
# Harry Potter DialoGPT Model
[ "# Harry Potter DialoGPT Model" ]
[ "TAGS\n#transformers #pytorch #gpt2 #text-generation #conversational #autotrain_compatible #endpoints_compatible #text-generation-inference #region-us \n", "# Harry Potter DialoGPT Model" ]
[ 51, 8 ]
[ "passage: TAGS\n#transformers #pytorch #gpt2 #text-generation #conversational #autotrain_compatible #endpoints_compatible #text-generation-inference #region-us \n# Harry Potter DialoGPT Model" ]
[ -0.0009023238671943545, 0.07815738022327423, -0.006546166725456715, 0.07792752981185913, 0.10655936598777771, 0.048972971737384796, 0.17639793455600739, 0.12185695022344589, 0.016568755730986595, -0.04774167761206627, 0.11647630482912064, 0.2130284160375595, -0.002118367003276944, 0.024608047679066658, -0.05022026598453522, -0.3065771162509918, 0.0474756620824337, 0.014356585219502449, -0.07174845039844513, 0.11724270135164261, 0.09064973145723343, -0.046179238706827164, 0.08330509811639786, -0.009135239757597446, -0.13198648393154144, -0.039482954889535904, 0.019292812794446945, -0.11745545268058777, 0.1662212759256363, 0.05298272892832756, 0.02469746209681034, -0.008447164669632912, -0.06598151475191116, -0.15036040544509888, 0.037190426141023636, -0.027472136542201042, -0.01080626156181097, 0.05462246760725975, 0.023526115342974663, -0.07521048933267593, 0.170567125082016, 0.17678891122341156, 0.0833497866988182, 0.0349111407995224, -0.14917024970054626, -0.045548245310783386, 0.008950977586209774, 0.05421316996216774, -0.017893504351377487, 0.09349167346954346, -0.019903047010302544, 0.11801653355360031, -0.04491448402404785, 0.09210366010665894, 0.15255063772201538, -0.4016275703907013, -0.027563704177737236, 0.08920855820178986, 0.05989706888794899, 0.12076901644468307, -0.10560955852270126, 0.03972794860601425, -0.0039703017100691795, 0.01236654631793499, -0.014540530741214752, -0.08304883539676666, -0.07308239489793777, 0.032504837960004807, -0.1272556483745575, 0.008525865152478218, 0.23756256699562073, -0.10643257945775986, 0.037069112062454224, -0.09791990369558334, -0.07414398342370987, 0.048336777836084366, -0.053761593997478485, -0.081727035343647, -0.054839808493852615, 0.06347949057817459, 0.004366500303149223, -0.06301609426736832, -0.08326146006584167, -0.0006536149303428829, -0.12781435251235962, 0.17595994472503662, 0.061243366450071335, 0.041611745953559875, -0.21322020888328552, 0.08940251916646957, 0.04477722570300102, -0.04711297154426575, 0.007116159424185753, -0.11796226352453232, 0.04023287072777748, 0.005483259446918964, -0.03256071358919144, -0.021854614838957787, 0.0393419973552227, 0.13909944891929626, -0.01777748204767704, 0.03252175822854042, 0.006831915583461523, 0.05811219662427902, 0.08162496984004974, 0.02222144603729248, 0.019291909411549568, -0.0818009302020073, 0.019385190680623055, -0.08128736168146133, -0.0030400939285755157, -0.048940129578113556, -0.17071883380413055, -0.07477642595767975, 0.052610911428928375, 0.020047198981046677, 0.03746970370411873, 0.08054786175489426, -0.0017944995779544115, -0.05560554191470146, 0.03284840285778046, 0.01671096310019493, -0.020622212439775467, -0.010361049324274063, -0.02412462793290615, 0.19123271107673645, 0.019619356840848923, 0.014111656695604324, -0.12379156798124313, 0.10023640841245651, -0.08179095387458801, 0.0037731381598860025, 0.02743307314813137, -0.04204464703798294, -0.004716555587947369, 0.02917117439210415, 0.023101668804883957, -0.1252521574497223, -0.1099385917186737, -0.0030569476075470448, -0.012054097838699818, -0.036421261727809906, -0.10490952432155609, -0.08483029156923294, -0.012153145857155323, 0.0449371263384819, -0.013397793285548687, 0.007936403155326843, -0.05143149942159653, 0.0985720232129097, -0.0514979362487793, 0.09873400628566742, -0.08342572301626205, 0.06359215080738068, -0.09124887734651566, -0.061886150389909744, -0.11452563107013702, 0.05216052383184433, 0.012905281968414783, 0.066250741481781, 0.016998225823044777, -0.044836658984422684, -0.014836243353784084, 0.05253177136182785, -0.07656687498092651, 0.1940697431564331, -0.041674621403217316, -0.12459053844213486, 0.24146439135074615, -0.09138800948858261, -0.1802034229040146, 0.12973085045814514, -0.022254703566432, 0.08523941785097122, 0.12802475690841675, 0.20380465686321259, -0.00019822151807602495, -0.01302915159612894, 0.07281201332807541, 0.07031642645597458, -0.09803894907236099, 0.06239739805459976, 0.029653839766979218, -0.008071083575487137, -0.08906278014183044, 0.05762826278805733, 0.046033453196287155, -0.010650773532688618, -0.035073768347501755, -0.001896020956337452, -0.012895751744508743, -0.022185025736689568, 0.14126582443714142, -0.02006692811846733, 0.1300428807735443, -0.06926563382148743, -0.03515486419200897, -0.009500149637460709, 0.03533667325973511, -0.04091939330101013, 0.08151165395975113, -0.0436173714697361, 0.10586477071046829, 0.09034156054258347, 0.053724925965070724, -0.13120363652706146, 0.00466286763548851, -0.015246815048158169, 0.17014820873737335, 0.08964069187641144, 0.05222717300057411, 0.06265474855899811, -0.0020888058934360743, -0.06708643585443497, 0.045407816767692566, 0.13778303563594818, -0.037020038813352585, -0.12218865007162094, -0.1755627691745758, 0.051157694309949875, -0.045444171875715256, 0.10855234414339066, -0.10010123997926712, 0.022670533508062363, -0.055906031280756, 0.07772238552570343, -0.024998966604471207, 0.020512236282229424, -0.0013405600329861045, -0.021700702607631683, -0.08356887847185135, -0.002377772703766823, 0.08597290515899658, -0.02048647589981556, -0.06707409024238586, 0.16556480526924133, -0.16400809586048126, 0.1631954461336136, 0.2116095870733261, -0.28542569279670715, -0.005696662236005068, -0.15163889527320862, -0.0208092350512743, 0.019645055755972862, 0.07834604382514954, 0.026225795969367027, 0.2044338881969452, -0.012928472831845284, 0.16565458476543427, -0.05699567869305611, -0.07730039209127426, -0.06881127506494522, -0.048101142048835754, 0.013522743247449398, 0.09095205366611481, 0.04542696103453636, -0.11962861567735672, 0.13119758665561676, 0.1054433062672615, 0.06484298408031464, 0.12711186707019806, 0.1030748188495636, -0.008113685995340347, 0.07252490520477295, -0.03624548763036728, -0.03462279960513115, -0.09254947304725647, -0.30446043610572815, -0.04840317741036415, 0.0939924493432045, 0.007963384501636028, 0.09285714477300644, -0.0919896736741066, -0.03311870992183685, 0.006042704917490482, 0.009473444893956184, 0.028337622061371803, 0.09653715789318085, 0.013490920886397362, 0.15320514142513275, -0.008011690340936184, -0.03430786728858948, 0.05891305208206177, 0.017982570454478264, -0.09147711098194122, 0.17280617356300354, -0.17050009965896606, -0.27190929651260376, -0.06990014761686325, -0.21745692193508148, -0.013139115646481514, 0.05258983001112938, 0.0786920040845871, -0.11818131804466248, -0.018352627754211426, -0.006239492911845446, 0.05685517191886902, -0.2425733357667923, 0.0004911290016025305, -0.1354890614748001, 0.0501418262720108, -0.1974833607673645, -0.09718500077724457, -0.02271542325615883, -0.013450481928884983, -0.0464281290769577, 0.13365240395069122, -0.1448695808649063, -0.011572926305234432, 0.2329535037279129, 0.032479673624038696, 0.027794739231467247, -0.05020907148718834, 0.19788463413715363, -0.0958966314792633, -0.023973820731043816, 0.11024576425552368, -0.05038975924253464, 0.04834126681089401, 0.06649978458881378, -0.012981836684048176, -0.08557141572237015, 0.023789849132299423, -0.068336620926857, -0.03150583803653717, -0.27926525473594666, -0.0930178239941597, -0.09319330751895905, 0.11305391043424606, 0.04079577326774597, 0.06421639025211334, 0.16545771062374115, 0.05191578343510628, -0.024325082078576088, -0.03006586618721485, 0.11609793454408646, 0.12905290722846985, 0.2277202159166336, -0.06067761778831482, 0.10221996158361435, 0.009445492178201675, -0.08203992247581482, 0.06062209978699684, 0.056782789528369904, 0.06324724853038788, 0.02584579586982727, 0.03694582358002663, -0.030939655378460884, 0.1121687963604927, 0.12571842968463898, 0.05258069559931755, 0.0481170229613781, 0.0002127334737451747, -0.0561506561934948, -0.008168719708919525, -0.05726633965969086, 0.06774696707725525, 0.061340972781181335, -0.12918008863925934, -0.08061543852090836, 0.0011613310780376196, 0.06660808622837067, -0.016230419278144836, 0.06823775917291641, -0.13560809195041656, -0.03582429885864258, 0.0790911465883255, -0.07693151384592056, -0.14156894385814667, 0.11972879618406296, -0.026570770889520645, -0.19904157519340515, 0.05265914276242256, 0.007704653777182102, 0.0908159390091896, -0.06360849738121033, 0.05343840271234512, -0.13023801147937775, -0.12935101985931396, -0.018437571823596954, 0.07945099472999573, -0.3450873792171478, 0.13536721467971802, -0.013286802917718887, -0.02876877970993519, -0.06474969536066055, -0.02640824392437935, 0.013905409723520279, 0.12719078361988068, 0.08667250722646713, 0.0008821099763736129, 0.0991629809141159, 0.03823768347501755, 0.04188435152173042, -0.002011700300499797, 0.10950417071580887, 0.0050011589191854, 0.004797275178134441, -0.04982118681073189, 0.007274609990417957, -0.05164213851094246, -0.07472953200340271, 0.08393982797861099, -0.20678792893886566, 0.09087453782558441, -0.03378438204526901, 0.08427679538726807, 0.04304937273263931, -0.018965769559144974, -0.1001204177737236, 0.19745583832263947, -0.012206900864839554, -0.11405988782644272, -0.07517550885677338, -0.02810264565050602, 0.09103139489889145, -0.013817726634442806, 0.012886416167020798, -0.045470476150512695, 0.032183047384023666, -0.1263762265443802, -0.1597503274679184, 0.08734500408172607, -0.04441224783658981, -0.10894393920898438, -0.025462759658694267, 0.20382575690746307, -0.007266622502356768, 0.08242089301347733, 0.01605331338942051, 0.010653935372829437, -0.18066231906414032, -0.04018142446875572, 0.02645772136747837, -0.0016437612939625978, 0.005979063920676708, 0.047698814421892166, 0.019091911613941193, 0.06207629665732384, -0.1069745197892189, -0.013920160941779613, 0.3158324360847473, 0.15978319942951202, -0.00912671908736229, 0.14943915605545044, 0.1093616932630539, -0.08669080585241318, -0.17238758504390717, -0.1171615794301033, -0.1210922971367836, -0.08425768464803696, -0.10681738704442978, -0.1525043100118637, 0.09535340964794159, -0.03392014652490616, 0.03498011827468872, 0.14615866541862488, -0.280263751745224, -0.10949636250734329, 0.13820378482341766, 0.010744688101112843, 0.3510635495185852, -0.12303631007671356, -0.044944874942302704, -0.06214528530836105, -0.16933435201644897, 0.08021392673254013, -0.031203703954815865, 0.11581093072891235, -0.0744495838880539, 0.19395925104618073, 0.01719796098768711, 0.014287159778177738, 0.0916559100151062, 0.05038322135806084, -0.05808406323194504, -0.07368700206279755, -0.10248131304979324, 0.010812131687998772, 0.03546109423041344, 0.010252019390463829, -0.008802837692201138, 0.0211968794465065, -0.11341743916273117, -0.050869911909103394, -0.06302189081907272, 0.0072614275850355625, -0.01001308299601078, -0.042155615985393524, -0.05533592775464058, -0.022557416930794716, -0.020093943923711777, 0.02266426384449005, 0.14185629785060883, -0.07527699321508408, 0.18586260080337524, 0.02357078716158867, 0.1586609035730362, -0.11956068128347397, -0.06724818795919418, -0.029193658381700516, -0.05280323326587677, 0.06468886137008667, -0.08884575963020325, -0.027708567678928375, 0.1332162618637085, -0.01903904788196087, 0.04655366763472557, 0.12936700880527496, 0.02046884410083294, 0.015383756719529629, 0.034968774765729904, -0.2578005790710449, -0.07463036477565765, -0.03505445644259453, -0.012416874058544636, 0.05272092670202255, 0.05525677278637886, 0.19735674560070038, -0.03551921248435974, -0.08521962910890579, 0.020131373777985573, 0.02735883742570877, -0.02776256389915943, 0.10749414563179016, 0.019579345360398293, -0.004837906453758478, -0.16151933372020721, 0.08257976174354553, -0.005964108742773533, -0.08297000825405121, 0.028665626421570778, 0.2024049311876297, -0.12141239643096924, -0.10309756547212601, -0.06804922968149185, 0.07315051555633545, -0.09220825880765915, 0.016043387353420258, -0.005091092549264431, -0.1521538347005844, 0.06916408240795135, 0.07598215341567993, 0.04075418785214424, 0.06513199955224991, -0.11743064224720001, -0.015730571001768112, -0.04170290008187294, -0.002195435343310237, 0.03521120920777321, 0.01863143965601921, -0.057492829859256744, 0.15846455097198486, -0.0676199421286583, 0.08538917452096939, -0.0744810476899147, -0.1058846190571785, -0.1395980566740036, 0.04660497233271599, -0.08038312196731567, -0.07247276604175568, -0.12832807004451752, -0.052204377949237823, -0.0067099276930093765, -0.03388519585132599, 0.006552806124091148, -0.06627799570560455, -0.10922821611166, 0.01822470687329769, -0.00743203004822135, -0.009385870769619942, -0.06096754968166351, 0.026706209406256676, 0.06246216222643852, -0.039788868278265, 0.15730851888656616, 0.22509248554706573, -0.13591648638248444, 0.11564400047063828, -0.09797432273626328, -0.105463907122612, 0.046008042991161346, 0.009427277371287346, 0.03594303876161575, 0.0503489226102829, -0.03594081476330757, 0.0044484552927315235, 0.03905477747321129, 0.08074651658535004, 0.08456914126873016, -0.06776505708694458, 0.020801106467843056, -0.05122765153646469, -0.14904099702835083, -0.016655439510941505, -0.0464773029088974, 0.06876829266548157, -0.006725262850522995, 0.11020535975694656, -0.0515950471162796, 0.07739507406949997, -0.07558431476354599, 0.050614211708307266, 0.021146971732378006, -0.14688286185264587, -0.006612539757043123, -0.07093682140111923, 0.042144812643527985, -0.008834975771605968, 0.20241086184978485, -0.03228091076016426, 0.010342049412429333, 0.033811055123806, 0.06203942745923996, -0.01957780309021473, 0.009357001632452011, 0.2014283686876297, 0.12640917301177979, -0.08496357500553131, -0.02679651789367199, 0.06793134659528732, 0.07248228788375854, 0.07093550264835358, 0.10807815194129944, -0.015352966263890266, 0.028434239327907562, 0.07829629629850388, -0.060215238481760025, 0.07576877623796463, -0.08603982627391815, -0.11668483167886734, 0.05793621391057968, 0.012955795042216778, -0.055695828050374985, 0.20305177569389343, 0.19142870604991913, -0.026278704404830933, 0.018410727381706238, -0.0029499190859496593, -0.10117456316947937, -0.15619947016239166, -0.05423750728368759, -0.07170962542295456, -0.1319410353899002, -0.004549739416688681, -0.16646917164325714, 0.022016216069459915, -0.01132756657898426, 0.09506805986166, -0.06855440139770508, -0.01345991250127554, 0.1364889293909073, -0.1055467277765274, 0.0847758799791336, -0.024517204612493515, 0.07877567410469055, -0.03746940940618515, -0.018209461122751236, -0.10342709720134735, 0.007514837197959423, 0.01131442841142416, 0.06840907037258148, -0.10897937417030334, 0.02432350255548954, -0.12208317965269089, -0.08617185056209564, -0.026142612099647522, 0.09279687702655792, -0.0403008833527565, 0.15116846561431885, 0.02645145356655121, -0.06710928678512573, -0.004313822835683823, 0.2646709978580475, -0.08046227693557739, -0.08319197595119476, -0.030799202620983124, 0.2152107208967209, 0.04053696244955063, 0.06396269053220749, 0.019140036776661873, 0.038027774542570114, -0.07184682041406631, 0.2957373559474945, 0.34401440620422363, -0.1318037211894989, -0.007773484103381634, 0.04225075617432594, 0.04406323283910751, 0.14687567949295044, 0.07998795062303543, 0.11360671371221542, 0.2849363386631012, -0.09197647124528885, 0.016657205298542976, -0.04230864346027374, -0.01424806285649538, -0.06908884644508362, 0.045314885675907135, 0.08216670155525208, -0.09241747111082077, -0.022950593382120132, 0.08125471323728561, -0.29741767048835754, 0.10791494697332382, -0.15600289404392242, -0.14948409795761108, -0.05027429759502411, -0.008771711029112339, 0.014683255925774574, 0.019041186198592186, 0.09663030505180359, 0.025651484727859497, -0.07275258749723434, 0.07816889137029648, 0.024486342445015907, -0.23020237684249878, -0.01345184724777937, 0.1456068754196167, -0.06789913028478622, -0.025938833132386208, -0.021313713863492012, 0.051610056310892105, 0.05763651058077812, 0.09027529507875443, -0.03809558227658272, -0.0746568813920021, -0.007141788024455309, -0.022818787023425102, 0.01914946548640728, 0.0597183033823967, 0.06841408461332321, -0.0920223817229271, 0.1167774423956871, -0.07350476831197739, 0.0650370642542839, 0.037623800337314606, -0.022277191281318665, 0.0018526542698964477, 0.013183658011257648, -0.06512464582920074, 0.05533479526638985, 0.1295643299818039, -0.025459708645939827, -0.002524374984204769, -0.028180841356515884, -0.0767761766910553, -0.024015206843614578, -0.04643676429986954, -0.09101243317127228, -0.18130090832710266, -0.12738600373268127, 0.041754670441150665, -0.03240608796477318, -0.2046082615852356, 0.0060346988029778, -0.1128578633069992, 0.03700976446270943, -0.14154092967510223, 0.10004086047410965, 0.07216610759496689, 0.004716616589576006, 0.006774604320526123, 0.0675399899482727, 0.045677728950977325, 0.14796748757362366, -0.16543124616146088, -0.04919974133372307 ]
null
null
transformers
Chat with the model: ```python from transformers import AutoTokenizer, AutoModelWithLMHead tokenizer = AutoTokenizer.from_pretrained("r3dhummingbird/DialoGPT-marxbot") model = AutoModelWithLMHead.from_pretrained("r3dhummingbird/DialoGPT-marxbot") # Let's chat for 4 lines for step in range(4): # encode the new user input, add the eos_token and return a tensor in Pytorch new_user_input_ids = tokenizer.encode(input(">> User:") + tokenizer.eos_token, return_tensors='pt') # print(new_user_input_ids) # append the new user input tokens to the chat history bot_input_ids = torch.cat([chat_history_ids, new_user_input_ids], dim=-1) if step > 0 else new_user_input_ids # generated a response while limiting the total chat history to 1000 tokens, chat_history_ids = model.generate( bot_input_ids, max_length=200, pad_token_id=tokenizer.eos_token_id, no_repeat_ngram_size=3, do_sample=True, top_k=100, top_p=0.7, temperature=0.8 ) # pretty print last ouput tokens from bot print("MarxBot: {}".format(tokenizer.decode(chat_history_ids[:, bot_input_ids.shape[-1]:][0], skip_special_tokens=True))) ```
{"tags": ["conversational"]}
text-generation
CoderEFE/DialoGPT-marxbot
[ "transformers", "pytorch", "gpt2", "text-generation", "conversational", "autotrain_compatible", "endpoints_compatible", "has_space", "text-generation-inference", "region:us" ]
2022-03-02T23:29:04+00:00
[]
[]
TAGS #transformers #pytorch #gpt2 #text-generation #conversational #autotrain_compatible #endpoints_compatible #has_space #text-generation-inference #region-us
Chat with the model:
[]
[ "TAGS\n#transformers #pytorch #gpt2 #text-generation #conversational #autotrain_compatible #endpoints_compatible #has_space #text-generation-inference #region-us \n" ]
[ 55 ]
[ "passage: TAGS\n#transformers #pytorch #gpt2 #text-generation #conversational #autotrain_compatible #endpoints_compatible #has_space #text-generation-inference #region-us \n" ]
[ -0.0020731890108436346, 0.034266941249370575, -0.005774117540568113, 0.004248267505317926, 0.14393343031406403, 0.004326540976762772, 0.08896105736494064, 0.14543265104293823, -0.02302609197795391, 0.005462841596454382, 0.15414410829544067, 0.16123731434345245, -0.01616818644106388, 0.06624367088079453, -0.06798949837684631, -0.27222639322280884, 0.06252840161323547, 0.04033168777823448, -0.0042655146680772305, 0.1149275004863739, 0.0867869034409523, -0.07195974141359329, 0.08031850308179855, -0.010707243345677853, -0.14797940850257874, 0.027399519458413124, 0.027168817818164825, -0.11926408857107162, 0.1205340251326561, 0.04608513414859772, 0.08750468492507935, 0.018780281767249107, -0.08323448896408081, -0.13803936541080475, 0.03054818883538246, 0.03042440116405487, -0.06272798776626587, 0.06205490604043007, 0.04915359988808632, -0.08692146092653275, 0.11027362942695618, 0.05846209451556206, -0.021504774689674377, 0.04821402579545975, -0.173249289393425, -0.0497460775077343, -0.018249358981847763, -0.004099908750504255, 0.02475488930940628, 0.10208485275506973, -0.04358411207795143, 0.11388547718524933, -0.11227327585220337, 0.09600768983364105, 0.13744568824768066, -0.32189610600471497, -0.005977143067866564, 0.12905555963516235, 0.08356072753667831, 0.07893235981464386, -0.05513899773359299, 0.06879978626966476, 0.026153596118092537, 0.016823088750243187, 0.01882046088576317, -0.06101960316300392, -0.1321486234664917, 0.06851786375045776, -0.1029922217130661, -0.06102414429187775, 0.23576463758945465, -0.05459221452474594, 0.0850215032696724, -0.06047354266047478, -0.1171741634607315, -0.06511004269123077, -0.012023513205349445, 0.013670753687620163, -0.06820649653673172, 0.08349429816007614, 0.00736558623611927, -0.0910419449210167, -0.1503107100725174, -0.009757339023053646, -0.18359589576721191, 0.1544029712677002, 0.010258159600198269, 0.04417330399155617, -0.18897868692874908, 0.09543006867170334, -0.0019848651718348265, -0.09227047860622406, 0.0379180908203125, -0.09267305582761765, 0.025528281927108765, 0.02594062313437462, -0.07617612928152084, -0.04994349926710129, 0.07540341466665268, 0.10172723978757858, -0.03571772947907448, 0.007284308318048716, -0.01317865401506424, 0.08920414000749588, 0.050415460020303726, 0.0920315757393837, -0.024628832936286926, -0.029775982722640038, 0.0030826895963400602, -0.10573206096887589, 0.00843293871730566, -0.08909433335065842, -0.17530705034732819, -0.033279649913311005, 0.038942400366067886, 0.06327997148036957, 0.03506982699036598, 0.11513926833868027, -0.020643576979637146, -0.0004622370470315218, 0.044502582401037216, -0.04962502419948578, 0.01620616763830185, 0.015400436706840992, 0.024300534278154373, 0.09366749972105026, 0.00024095026310533285, 0.02871517464518547, -0.1108408123254776, 0.016502954065799713, -0.08566248416900635, -0.004433690570294857, -0.04066275432705879, -0.08080097287893295, 0.014394298195838928, -0.08052104711532593, -0.0014747381210327148, -0.16010569036006927, -0.0941496267914772, 0.006874208338558674, -0.008340749889612198, -0.04847903922200203, -0.06897178292274475, -0.028291959315538406, -0.039629727602005005, 0.07005634158849716, -0.07429031282663345, 0.012378060258924961, -0.0653066337108612, 0.09632273763418198, -0.04399619624018669, 0.09719543159008026, -0.1355123370885849, 0.08746109157800674, -0.10122440755367279, -0.013804182410240173, -0.05389239266514778, 0.07130532711744308, -0.004290519282221794, 0.07858801633119583, -0.003894622204825282, -0.026532486081123352, -0.10342510789632797, 0.07591511309146881, -0.029038161039352417, 0.1919892430305481, -0.09368238598108292, -0.09697038680315018, 0.24372151494026184, -0.04206692799925804, -0.11992959678173065, 0.11316732317209244, 0.006276176776736975, 0.04031015560030937, 0.06636199355125427, 0.23529867827892303, -0.002608133712783456, -0.015463003888726234, 0.05858722701668739, 0.1285160332918167, -0.09163093566894531, -0.022528203204274178, 0.02665521204471588, -0.035680610686540604, -0.06949988007545471, 0.03786681219935417, 0.09224521368741989, 0.06898946315050125, -0.04217932000756264, -0.038546912372112274, -0.0338650681078434, 0.006019831635057926, 0.10229165107011795, -0.004237710032612085, 0.11900407075881958, -0.06430190056562424, -0.06083345785737038, -0.0039004783611744642, -0.007743727415800095, -0.025927990674972534, 0.03889498487114906, -0.020975790917873383, 0.13977456092834473, -0.020214391872286797, 0.050080306828022, -0.1659611612558365, -0.07867800444364548, -0.0276208333671093, 0.15121620893478394, 0.023065028712153435, 0.16074787080287933, 0.05593082308769226, -0.04575453698635101, 0.0020971912890672684, 0.015426015481352806, 0.14330679178237915, 0.002297409577295184, -0.08078709989786148, -0.045803289860486984, 0.06078236922621727, -0.07078943401575089, 0.02853701077401638, -0.06128615140914917, 0.02451801672577858, 0.0706944391131401, 0.11360251158475876, -0.012172793038189411, 0.04050501063466072, -0.007806553039699793, 0.005355477333068848, -0.08260910212993622, 0.006272532045841217, 0.09126780182123184, -0.007062161341309547, -0.05587177723646164, 0.23702523112297058, -0.21233628690242767, 0.19319729506969452, 0.20568932592868805, -0.2847190499305725, 0.017599696293473244, -0.08135107904672623, -0.04634881764650345, 0.0296412892639637, 0.034921593964099884, -0.07091964036226273, 0.11610180884599686, -0.03123846836388111, 0.1735609918832779, -0.04871121793985367, -0.033698420971632004, -0.02400193363428116, -0.05103839933872223, -0.023231912404298782, 0.07538758218288422, 0.07964178919792175, -0.10268472135066986, 0.2096041589975357, 0.21891969442367554, 0.029522806406021118, 0.20605546236038208, 0.020199809223413467, -0.01082384493201971, 0.06585343927145004, -0.016593173146247864, -0.07647227495908737, -0.05193748697638512, -0.25636377930641174, -0.04254206269979477, 0.08694203943014145, 0.05027908831834793, 0.11748719960451126, -0.11812889575958252, -0.03973527252674103, 0.0017026892164722085, -0.0044732606038451195, 0.010201654396951199, 0.10733214765787125, 0.0688849464058876, 0.13163818418979645, 0.0035053531173616648, -0.015395179390907288, 0.0933142676949501, 0.021278366446495056, -0.07218139618635178, 0.16777180135250092, -0.14471881091594696, -0.3617521822452545, -0.12198661267757416, -0.1411694437265396, -0.04819782078266144, 0.05570744723081589, 0.12146272510290146, -0.11843276768922806, -0.013039637356996536, -0.024426942691206932, 0.10403992235660553, -0.10458782315254211, 0.015547837130725384, -0.09316565841436386, 0.023360151797533035, -0.09507838636636734, -0.10290220379829407, -0.04919681325554848, -0.02349056676030159, -0.07685697078704834, 0.13987404108047485, -0.06632959097623825, 0.05164608359336853, 0.21594153344631195, 0.03643343225121498, 0.04860004410147667, -0.03824276477098465, 0.2174932211637497, -0.10651476681232452, 0.004577175248414278, 0.1883121132850647, -0.010507632978260517, 0.07504907250404358, 0.14718979597091675, -0.006049822084605694, -0.06113997846841812, 0.021373562514781952, -0.008945688605308533, -0.09400025755167007, -0.19167540967464447, -0.1440424621105194, -0.14082567393779755, 0.07228381931781769, 0.027764417231082916, 0.06478160619735718, 0.15267089009284973, 0.05694347992539406, -0.026157980784773827, -0.006062425673007965, -0.001836199895478785, 0.0684063658118248, 0.23882564902305603, -0.07312719523906708, 0.15863476693630219, -0.03803245723247528, -0.148991659283638, 0.08423012495040894, 0.08482091128826141, 0.10031978040933609, 0.04883745685219765, 0.06448925286531448, 0.024240154772996902, 0.09675179421901703, 0.13343869149684906, 0.061844173818826675, 0.022185444831848145, -0.026203498244285583, -0.04098205268383026, -0.028983715921640396, -0.021278686821460724, 0.060860130935907364, 0.10284382104873657, -0.18223826587200165, -0.03360753133893013, -0.12674574553966522, 0.1040237694978714, 0.05630733072757721, 0.10208160430192947, -0.18108898401260376, 0.003050506114959717, 0.09536994993686676, -0.032557163387537, -0.1301579475402832, 0.0850055143237114, 0.06722985208034515, -0.11821058392524719, 0.015397914685308933, -0.02095544897019863, 0.11126109957695007, -0.031123479828238487, 0.10620614886283875, -0.09822628647089005, -0.09220608323812485, 0.013774980790913105, 0.11459406465291977, -0.2817303538322449, 0.21255555748939514, -0.013365482911467552, -0.09690005332231522, -0.11579300463199615, -0.004715035669505596, 0.01031493116170168, 0.0819380059838295, 0.08188709616661072, 0.004763775505125523, -0.04350537434220314, -0.06545519083738327, 0.004248070530593395, 0.019060388207435608, 0.12491510063409805, -0.03152519837021828, -0.01991986855864525, -0.04806303605437279, 0.011300591751933098, -0.0015421127900481224, 0.01802166923880577, 0.01983943209052086, -0.20397375524044037, 0.09817983210086823, 0.07011082023382187, 0.06267958134412766, 0.022111909464001656, -0.009729073382914066, -0.14869281649589539, 0.22171661257743835, -0.02809896692633629, -0.0771496519446373, -0.10737742483615875, -0.05013793334364891, 0.06141689419746399, -0.04688161984086037, 0.041116632521152496, -0.08103673905134201, 0.03962651267647743, -0.07487211376428604, -0.17772899568080902, 0.12835821509361267, -0.08348777145147324, -0.042941171675920486, -0.025282789021730423, 0.1864084005355835, -0.0846327543258667, 0.024463225156068802, 0.025082062929868698, 0.04613133519887924, -0.1508028209209442, -0.10233563929796219, 0.034852705895900726, -0.03161567449569702, 0.061152249574661255, 0.04001912102103233, -0.04340772330760956, -0.021880418062210083, -0.002970570931211114, -0.011320682242512703, 0.33755841851234436, 0.15072861313819885, -0.08390255272388458, 0.17842750251293182, 0.0893208310008049, -0.059796981513500214, -0.3357309103012085, -0.09483138471841812, -0.12697452306747437, -0.025288153439760208, -0.021405275911092758, -0.16736409068107605, 0.04016929119825363, -0.003834964707493782, -0.03241279721260071, 0.10695530474185944, -0.25454771518707275, -0.0813552588224411, 0.1530611217021942, -0.051993608474731445, 0.3512592017650604, -0.1353636085987091, -0.08938448131084442, -0.027285385876893997, -0.11751596629619598, 0.17193706333637238, -0.07499987632036209, 0.11728648841381073, -0.005291353445500135, 0.14058533310890198, 0.0594446137547493, -0.032975900918245316, 0.11937713623046875, -0.008806196972727776, -0.023774700239300728, -0.11386077105998993, -0.08634026348590851, 0.04117414727807045, -0.0033683227375149727, 0.016631845384836197, -0.07227682322263718, 0.02188601717352867, -0.1352013796567917, -0.020081689581274986, -0.10218049585819244, 0.05960511416196823, 0.02450513280928135, -0.07391975075006485, -0.044624634087085724, -0.05516489967703819, -0.005635458510369062, 0.015539255924522877, 0.21460223197937012, -0.08054444938898087, 0.18822970986366272, 0.14798088371753693, 0.0750354528427124, -0.1478407084941864, -0.005493863020092249, -0.03167466074228287, -0.051466576755046844, 0.08480866998434067, -0.12806963920593262, 0.05007537081837654, 0.09602449834346771, -0.04866054281592369, 0.08426439762115479, 0.10378798842430115, 0.00529234204441309, 0.003562262048944831, 0.1266377568244934, -0.24999721348285675, -0.05188959464430809, -0.06728829443454742, -0.0003314604109618813, 0.07470729202032089, 0.05989599972963333, 0.18490374088287354, 0.024284880608320236, -0.02933247573673725, -0.001147680333815515, 0.02046186476945877, -0.044130854308605194, 0.034657470881938934, 0.020751554518938065, 0.037146806716918945, -0.13429945707321167, 0.049100302159786224, 0.03831800818443298, -0.14490972459316254, 0.02793888933956623, 0.15596450865268707, -0.09589001536369324, -0.1481330692768097, -0.08178485929965973, 0.046700187027454376, -0.09863997250795364, -0.003060641000047326, -0.016482530161738396, -0.13233160972595215, 0.0721844807267189, 0.10570328682661057, 0.0632612556219101, 0.0926874577999115, -0.05276959761977196, -0.02356615848839283, -0.005535936914384365, -0.013608732260763645, -0.017031483352184296, 0.00047467724652960896, -0.06871786713600159, 0.08851433545351028, -0.02970702014863491, 0.14091646671295166, -0.09792686998844147, -0.08993403613567352, -0.16552817821502686, 0.012215564027428627, -0.11382917314767838, -0.10604946315288544, -0.08692184090614319, -0.06279279291629791, 0.007451801095157862, -0.03690037131309509, -0.05121577903628349, -0.05880220606923103, -0.13037677109241486, 0.025712331756949425, -0.05368543416261673, 0.04174434766173363, -0.08266101777553558, 0.009202999994158745, 0.08040843904018402, -0.025321047753095627, 0.1427605152130127, 0.10867537558078766, -0.09636122733354568, 0.08708717674016953, -0.10933805257081985, -0.10561708360910416, 0.0996691957116127, 0.015306972898542881, 0.049583129584789276, 0.0882255807518959, 0.0016521752113476396, 0.047729525715112686, 0.05468335375189781, 0.05270431563258171, 0.010714812204241753, -0.11086291074752808, 0.06701637804508209, -0.046916425228118896, -0.14871534705162048, -0.0383060947060585, -0.04576587677001953, 0.023959442973136902, 0.014766783453524113, 0.09013618528842926, -0.03914914280176163, 0.09170293807983398, -0.060116108506917953, 0.03544970601797104, -0.005962125025689602, -0.17961421608924866, -0.025273950770497322, -0.07678066939115524, 0.036338284611701965, 0.009770811535418034, 0.27444127202033997, 0.07005681097507477, -0.02579980343580246, 0.03809122368693352, 0.09221042692661285, 0.04013144597411156, 0.01235515158623457, 0.17545528709888458, 0.1118883416056633, -0.06960049271583557, -0.11137815564870834, 0.06916595250368118, 0.02774476259946823, 0.030671268701553345, 0.11741524934768677, 0.028308389708399773, 0.02884010225534439, 0.09906800836324692, -0.010664747096598148, -0.029787031933665276, -0.11760692298412323, -0.12204014509916306, -0.025804514065384865, 0.0716206356883049, -0.08077048510313034, 0.07161043584346771, 0.15348944067955017, -0.024815790355205536, 0.04494022950530052, -0.04187069460749626, -0.05125942826271057, -0.16044385731220245, -0.13453450798988342, -0.06714465469121933, -0.1462772637605667, -0.01798534393310547, -0.10550841689109802, 0.07317068427801132, 0.0905640497803688, 0.054012611508369446, -0.04726504907011986, 0.1088385358452797, 0.04488391429185867, -0.10305679589509964, 0.04867062717676163, -0.028838563710451126, 0.10472944378852844, -0.0389210507273674, -0.017331164330244064, -0.08582847565412521, 0.018834469839930534, -0.00014729268150404096, 0.05825033783912659, -0.046236004680395126, 0.0008270144462585449, -0.15260833501815796, -0.09336699545383453, -0.067965067923069, 0.06514385342597961, -0.03987060859799385, 0.16180802881717682, 0.006504714023321867, -0.019208962097764015, 0.027142219245433807, 0.2522609531879425, -0.09437862038612366, -0.03748486936092377, -0.04197218641638756, 0.18040455877780914, 0.026413097977638245, 0.10892705619335175, -0.04485548287630081, -0.022241802886128426, -0.11629731208086014, 0.34659260511398315, 0.3378466069698334, -0.09852437674999237, 0.030723217874765396, 0.025790590792894363, 0.035837359726428986, 0.11793298274278641, 0.10910405218601227, 0.1060420423746109, 0.2840439975261688, -0.07986118644475937, -0.04112262278795242, -0.015220209956169128, -0.020856084302067757, -0.09601940214633942, 0.10299155116081238, 0.04667018726468086, -0.07291784137487411, -0.0344402976334095, 0.06851313263177872, -0.2328837513923645, 0.11787183582782745, -0.1064424142241478, -0.21074175834655762, -0.06903064996004105, 0.035422950983047485, 0.14039748907089233, -0.0034193163737654686, 0.10519111156463623, -0.008336585015058517, -0.09666894376277924, 0.04311183840036392, 0.018499037250876427, -0.19733557105064392, 0.004534261301159859, 0.0827038586139679, -0.06582990288734436, -0.009068409912288189, -0.034264057874679565, 0.03624148294329643, 0.08922430127859116, 0.05437808111310005, -0.01910148747265339, 0.05042428895831108, 0.014998827129602432, -0.0677507072687149, -0.0006768365274183452, 0.03367190062999725, 0.02013298124074936, -0.1020888015627861, 0.08180907368659973, -0.17628344893455505, 0.053729098290205, -0.013982406817376614, -0.0291798934340477, -0.0029725844506174326, -0.01890522800385952, -0.055641546845436096, 0.06260602921247482, 0.07296348363161087, -0.011743206530809402, -0.02574125863611698, -0.04272527992725372, -0.04611913114786148, -0.03326372802257538, -0.08508988469839096, -0.11325842887163162, -0.13927727937698364, -0.09787482768297195, 0.09634150564670563, -0.008824790827929974, -0.18197888135910034, 0.0028776151593774557, -0.06104812026023865, 0.08618874102830887, -0.14188407361507416, 0.08006776124238968, 0.08249889314174652, 0.00013928746921010315, -0.0090348981320858, -0.021353812888264656, 0.04725958779454231, 0.07949267327785492, -0.11032622307538986, -0.06586744636297226 ]
null
null
transformers
# bart-faithful-summary-detector ## Model description A BART (base) model trained to classify whether a summary is *faithful* to the original article. See our [paper in NAACL'21](https://www.seas.upenn.edu/~sihaoc/static/pdf/CZSR21.pdf) for details. ## Usage Concatenate a summary and a source document as input (note that the summary needs to be the **first** sentence). Here's an example usage (with PyTorch) ```python from transformers import AutoTokenizer, AutoModelForSequenceClassification tokenizer = AutoTokenizer.from_pretrained("CogComp/bart-faithful-summary-detector") model = AutoModelForSequenceClassification.from_pretrained("CogComp/bart-faithful-summary-detector") article = "Ban Ki-Moon was re-elected for a second term by the UN General Assembly, unopposed and unanimously, on 21 June 2011." bad_summary = "Ban Ki-moon was elected for a second term in 2007." good_summary = "Ban Ki-moon was elected for a second term in 2011." bad_pair = tokenizer(text=bad_summary, text_pair=article, return_tensors='pt') good_pair = tokenizer(text=good_summary, text_pair=article, return_tensors='pt') bad_score = model(**bad_pair) good_score = model(**good_pair) print(good_score[0][:, 1] > bad_score[0][:, 1]) # True, label mapping: "0" -> "Hallucinated" "1" -> "Faithful" ``` ### BibTeX entry and citation info ```bibtex @inproceedings{CZSR21, author = {Sihao Chen and Fan Zhang and Kazoo Sone and Dan Roth}, title = {{Improving Faithfulness in Abstractive Summarization with Contrast Candidate Generation and Selection}}, booktitle = {NAACL}, year = {2021} } ```
{"language": ["en"], "license": "cc-by-sa-4.0", "tags": ["text-classification", "bart", "xsum"], "datasets": ["xsum"], "thumbnail": "https://cogcomp.seas.upenn.edu/images/logo.png", "widget": [{"text": "<s> Ban Ki-moon was elected for a second term in 2007. </s></s> Ban Ki-Moon was re-elected for a second term by the UN General Assembly, unopposed and unanimously, on 21 June 2011."}, {"text": "<s> Ban Ki-moon was elected for a second term in 2011. </s></s> Ban Ki-Moon was re-elected for a second term by the UN General Assembly, unopposed and unanimously, on 21 June 2011."}]}
text-classification
CogComp/bart-faithful-summary-detector
[ "transformers", "pytorch", "jax", "bart", "text-classification", "xsum", "en", "dataset:xsum", "license:cc-by-sa-4.0", "autotrain_compatible", "endpoints_compatible", "has_space", "region:us" ]
2022-03-02T23:29:04+00:00
[]
[ "en" ]
TAGS #transformers #pytorch #jax #bart #text-classification #xsum #en #dataset-xsum #license-cc-by-sa-4.0 #autotrain_compatible #endpoints_compatible #has_space #region-us
# bart-faithful-summary-detector ## Model description A BART (base) model trained to classify whether a summary is *faithful* to the original article. See our paper in NAACL'21 for details. ## Usage Concatenate a summary and a source document as input (note that the summary needs to be the first sentence). Here's an example usage (with PyTorch) ### BibTeX entry and citation info
[ "# bart-faithful-summary-detector", "## Model description\n\nA BART (base) model trained to classify whether a summary is *faithful* to the original article. See our paper in NAACL'21 for details.", "## Usage\nConcatenate a summary and a source document as input (note that the summary needs to be the first sentence). \n\nHere's an example usage (with PyTorch)", "### BibTeX entry and citation info" ]
[ "TAGS\n#transformers #pytorch #jax #bart #text-classification #xsum #en #dataset-xsum #license-cc-by-sa-4.0 #autotrain_compatible #endpoints_compatible #has_space #region-us \n", "# bart-faithful-summary-detector", "## Model description\n\nA BART (base) model trained to classify whether a summary is *faithful* to the original article. See our paper in NAACL'21 for details.", "## Usage\nConcatenate a summary and a source document as input (note that the summary needs to be the first sentence). \n\nHere's an example usage (with PyTorch)", "### BibTeX entry and citation info" ]
[ 65, 14, 41, 39, 11 ]
[ "passage: TAGS\n#transformers #pytorch #jax #bart #text-classification #xsum #en #dataset-xsum #license-cc-by-sa-4.0 #autotrain_compatible #endpoints_compatible #has_space #region-us \n# bart-faithful-summary-detector## Model description\n\nA BART (base) model trained to classify whether a summary is *faithful* to the original article. See our paper in NAACL'21 for details.## Usage\nConcatenate a summary and a source document as input (note that the summary needs to be the first sentence). \n\nHere's an example usage (with PyTorch)### BibTeX entry and citation info" ]
[ -0.024022603407502174, -0.00763119338080287, -0.004272285848855972, -0.006645452696830034, 0.09351225942373276, -0.007940114475786686, 0.09052260220050812, 0.05542713776230812, 0.0165698304772377, -0.03956590220332146, 0.15684665739536285, 0.08492355793714523, 0.0074654268100857735, 0.0983731597661972, -0.06871238350868225, -0.22298270463943481, 0.0227171890437603, 0.10558097064495087, 0.14822645485401154, 0.17351968586444855, 0.13608640432357788, -0.10911305993795395, 0.042586300522089005, 0.03676391765475273, -0.15794901549816132, 0.029186101630330086, 0.030267998576164246, -0.11226117610931396, 0.11244368553161621, 0.035113625228405, 0.12437610328197479, 0.0723576694726944, -0.0036987571511417627, -0.0952410101890564, 0.048572197556495667, -0.020265351980924606, -0.02025792747735977, 0.10524594783782959, -0.041025444865226746, -0.1205286830663681, 0.12469293922185898, -0.002446904545649886, 0.016285762190818787, 0.00740419514477253, -0.13974498212337494, -0.0999707281589508, -0.0037442659959197044, 0.11449766904115677, 0.052835702896118164, 0.025558482855558395, -0.024105221033096313, 0.07777765393257141, -0.09967202693223953, 0.06753750890493393, 0.13894572854042053, -0.22362008690834045, -0.04973334074020386, 0.11266748607158661, 0.02414596825838089, 0.04950934275984764, -0.062303315848112106, 0.04660286381840706, 0.034232787787914276, 0.02827855572104454, 0.13293682038784027, -0.049670133739709854, -0.03873232752084732, 0.05605131387710571, -0.09965821355581284, -0.08162664622068405, 0.21780377626419067, -0.0465986542403698, -0.04507498815655708, -0.08084950596094131, -0.04152088612318039, 0.03877449408173561, -0.05736607313156128, -0.0406181700527668, -0.03162459656596184, -0.02717009373009205, 0.04288085550069809, -0.012588479556143284, -0.09876635670661926, -0.04248655214905739, -0.13985712826251984, 0.19334405660629272, -0.0406121127307415, 0.05936487391591072, -0.10397183150053024, 0.1393742710351944, -0.023529943078756332, -0.11339972168207169, -0.0206509530544281, -0.06950210779905319, 0.048831209540367126, -0.0008662446634843946, -0.06601078808307648, -0.04783697426319122, 0.011926342733204365, 0.07581877708435059, 0.04338407143950462, -0.049326617270708084, -0.02704453095793724, 0.11438021063804626, 0.07351844012737274, 0.11259540170431137, -0.0009508335497230291, -0.011582188308238983, 0.06064285337924957, -0.03455555811524391, 0.03772054240107536, -0.03180951252579689, -0.11061403900384903, -0.09156658500432968, 0.07374649494886398, 0.01828683912754059, 0.004466320388019085, 0.0925348773598671, -0.03843340277671814, -0.04535265266895294, 0.041444387286901474, -0.08797082304954529, -0.007249889429658651, 0.005903280805796385, -0.006091487128287554, -0.01200940366834402, 0.08430128544569016, 0.02875852771103382, -0.055101875215768814, 0.1245984137058258, -0.08349943161010742, -0.009874868206679821, -0.091695636510849, -0.06842794269323349, 0.018646707758307457, -0.0323067232966423, 0.014983586966991425, -0.15016107261180878, -0.1473398655653, 0.0137302465736866, 0.06611678749322891, -0.026748299598693848, -0.05218285322189331, 0.022968832403421402, 0.06641975045204163, 0.011361952871084213, -0.04676857590675354, 0.03678668662905693, -0.06438317149877548, 0.1045229360461235, -0.039185721427202225, 0.04097216576337814, -0.1454247683286667, 0.05824033543467522, -0.16928118467330933, -0.004775707609951496, -0.10167311877012253, 0.021756144240498543, -0.015448411926627159, 0.04701900854706764, -0.08175385743379593, -0.027693964540958405, -0.11969996988773346, 0.017707744613289833, 0.002039560815319419, 0.13640113174915314, -0.05013532191514969, -0.058203257620334625, 0.09997204691171646, -0.10905885696411133, -0.09436585754156113, 0.08362831175327301, -0.07730988413095474, 0.23062212765216827, 0.07287955284118652, 0.15254655480384827, 0.038208916783332825, -0.05547378584742546, 0.05578385666012764, 0.07666739076375961, -0.03799643740057945, -0.0009568888926878572, 0.03866398707032204, 0.08831524103879929, -0.14521166682243347, 0.05218205600976944, -0.012316091917455196, 0.007822275161743164, -0.036251019686460495, -0.04515297710895538, -0.02650914341211319, 0.020189382135868073, 0.06521828472614288, 0.002081431681290269, 0.021599024534225464, -0.0033315778709948063, -0.05209087207913399, 0.08029412478208542, 0.0016340728616341949, -0.02680753357708454, 0.013695914298295975, -0.046257711946964264, 0.1241171732544899, -0.09407651424407959, 0.010077844373881817, -0.18369664251804352, 0.07329899072647095, -0.017108337953686714, 0.17180182039737701, 0.04823144152760506, 0.08126868307590485, -0.020517177879810333, -0.062348686158657074, -0.0028806887567043304, 0.03149982541799545, 0.11215704679489136, 0.02040334977209568, -0.04391920194029808, -0.12660646438598633, -0.03178878873586655, -0.04071492701768875, 0.03053923137485981, -0.12820197641849518, 0.04492940008640289, 0.07564304023981094, 0.02927001751959324, -0.036433733999729156, 0.04775300621986389, 0.041605934500694275, 0.0072378008626401424, -0.02546677179634571, 0.054030727595090866, 0.08286409825086594, 0.05409131571650505, -0.11698209494352341, 0.1692570000886917, -0.09741688519716263, 0.13311567902565002, 0.12579184770584106, -0.12801353633403778, -0.04154438152909279, -0.13896863162517548, -0.06873948872089386, -0.027152616530656815, -0.06879273056983948, -0.01344970054924488, 0.13013559579849243, -0.006453366484493017, 0.10448850691318512, -0.09174403548240662, -0.05625093728303909, 0.016309555619955063, -0.06446291506290436, -0.022251542657613754, 0.06096918508410454, 0.0700807049870491, -0.23247268795967102, 0.10239452868700027, 0.169656902551651, -0.030138785019516945, 0.1433248519897461, 0.04389174282550812, -0.03113398887217045, -0.004028683993965387, -0.06870696693658829, -0.050407540053129196, 0.12530815601348877, -0.1451108455657959, -0.04213027283549309, 0.0788751170039177, -0.03458167612552643, 0.034584891051054, -0.12020021677017212, -0.002825007075443864, 0.015601049177348614, 0.000905760214664042, -0.07230173796415329, 0.028735537081956863, 0.02057076245546341, 0.1142537072300911, 0.009168381802737713, -0.03298952803015709, 0.044190920889377594, 0.0008419401128776371, -0.14375483989715576, 0.1897701621055603, -0.017029419541358948, -0.3228001892566681, -0.14397379755973816, -0.09475228190422058, 0.03795669227838516, -0.0020505788270384073, 0.06573617458343506, 0.06764508038759232, -0.018609672784805298, 0.0012660656357184052, 0.04317232966423035, -0.016183990985155106, -0.027608031406998634, -0.0858273059129715, -0.022303763777017593, -0.014859132468700409, -0.10212144255638123, -0.07441079616546631, -0.04668273404240608, -0.02190386690199375, 0.08234219253063202, -0.09446822106838226, 0.09857337921857834, 0.15273448824882507, -0.07519800215959549, 0.03732984885573387, -0.04884571209549904, 0.2030436247587204, -0.06788091361522675, 0.033972956240177155, 0.11679960787296295, -0.12545961141586304, 0.014040946960449219, 0.15936768054962158, 0.07244117558002472, 0.02201548032462597, -0.01682271622121334, -0.06097527593374252, -0.09593422710895538, -0.09263067692518234, -0.06327788531780243, -0.060956645756959915, -0.009451917372643948, 0.0864616185426712, 0.004396334756165743, 0.08195117115974426, 0.11174282431602478, -0.006203229073435068, -0.01894974894821644, 0.06193522363901138, 0.13022901117801666, 0.17316116392612457, -0.025535577908158302, 0.1595434993505478, -0.01039784774184227, -0.06708601862192154, 0.025323761627078056, 0.04741644859313965, 0.10609527677297592, 0.03626592457294464, 0.03788537159562111, 0.11512492597103119, 0.03116644360125065, 0.12473820149898529, 0.1122521311044693, -0.07616392523050308, 0.0017011698801070452, -0.07838007807731628, -0.07261721789836884, -0.08421243727207184, 0.03881177678704262, -0.07032644748687744, 0.06685997545719147, -0.07143795490264893, -0.19430579245090485, 0.0832948386669159, 0.14630749821662903, 0.018506992608308792, -0.21690744161605835, -0.11540528386831284, 0.00820979941636324, -0.03871649503707886, -0.09105918556451797, 0.04726550355553627, -0.05241583660244942, -0.13472753763198853, 0.006049419287592173, -0.05395232141017914, 0.12226486951112747, 0.00815995130687952, 0.08097878098487854, -0.0712447389960289, -0.09502601623535156, -0.04140613600611687, 0.11525090783834457, -0.320551335811615, 0.23354782164096832, 0.011056201532483101, -0.07041145116090775, -0.07026016712188721, -0.04330901429057121, -0.021724240854382515, 0.21056364476680756, 0.08544471859931946, -0.017590565606951714, 0.055360302329063416, -0.03198886290192604, -0.03344972804188728, 0.05458648130297661, -0.05281871184706688, -0.07441738992929459, 0.05626312270760536, -0.024398542940616608, 0.0371391624212265, 0.007828465662896633, 0.07087067514657974, -0.019226092845201492, -0.14320406317710876, 0.05919264629483223, -0.0012010206701233983, 0.029470883309841156, -0.04277147725224495, -0.05497656762599945, 0.13067710399627686, 0.15948529541492462, -0.07225988060235977, -0.08508315682411194, -0.07997525483369827, 0.06481152772903442, 0.014097081497311592, -0.02802465111017227, 0.0239216648042202, -0.07652480900287628, 0.07945170253515244, -0.09538933634757996, -0.1342126429080963, 0.05336346849799156, -0.06697572022676468, -0.008802691474556923, -0.03983645141124725, 0.09824001044034958, -0.01580704189836979, 0.0340505875647068, 0.07560732215642929, 0.04570130631327629, -0.11683822423219681, -0.052022650837898254, -0.03889279440045357, -0.0028255854267627, 0.10765968263149261, -0.0022878488525748253, -0.08711685240268707, -0.07035398483276367, -0.04608982056379318, -0.01815486140549183, 0.14589397609233856, 0.008735917508602142, -0.09191649407148361, 0.17628255486488342, 0.15114940702915192, -0.12585873901844025, -0.22893807291984558, -0.051244791597127914, -0.00689688278362155, 0.026847291737794876, -0.028198378160595894, -0.08544338494539261, 0.12926338613033295, 0.026918815448880196, -0.04656083881855011, 0.003623813856393099, -0.13622543215751648, -0.06695373356342316, 0.22544360160827637, 0.019308751448988914, 0.26159679889678955, -0.12235485762357712, -0.04652940481901169, 0.008658938109874725, -0.20903126895427704, 0.1895362138748169, -0.024012979120016098, 0.0509771853685379, -0.02757529728114605, 0.1142285019159317, 0.040871407836675644, -0.038132622838020325, 0.10563826560974121, -0.05239212512969971, 0.010153784416615963, -0.0741877406835556, -0.16295196115970612, 0.02376934327185154, -0.017060408368706703, 0.07443374395370483, -0.050912655889987946, 0.00708390586078167, -0.09534796327352524, -0.07471265643835068, -0.05625714361667633, 0.09504144638776779, -0.04913342744112015, -0.0861983671784401, -0.020072411745786667, 0.016265343874692917, -0.03330434486269951, -0.03456801176071167, 0.150213822722435, -0.13390667736530304, 0.1757921576499939, 0.14252223074436188, 0.18034565448760986, -0.13304586708545685, -0.02201824262738228, -0.044505976140499115, -0.04984975606203079, 0.12289807200431824, -0.1536470204591751, 0.04164924472570419, 0.10589537769556046, 0.028524912893772125, 0.10123669356107712, 0.080204077064991, 0.01554087083786726, -0.046798162162303925, 0.10714475065469742, -0.21730348467826843, -0.0027501084841787815, -0.05189882591366768, 0.049862004816532135, -0.038348738104104996, -0.00031986646354198456, 0.1522662341594696, -0.08720124512910843, -0.06173310801386833, 0.06202634423971176, 0.04885749891400337, -0.03426012769341469, -0.005583968013525009, 0.036588117480278015, 0.08149401843547821, -0.04950127750635147, -0.0474725179374218, 0.11480540782213211, -0.0690690129995346, -0.039786696434020996, -0.007121759932488203, -0.07978278398513794, -0.07630900293588638, -0.12919797003269196, 0.06269367039203644, -0.12952397763729095, -0.05875197798013687, -0.04507159814238548, -0.13293255865573883, 0.04307372123003006, 0.23067337274551392, 0.0943642184138298, 0.052972450852394104, -0.05966534838080406, -0.023619787767529488, 0.009145128540694714, 0.09380125999450684, 0.02068779245018959, 0.004971930291503668, -0.03301321715116501, 0.11824576556682587, 0.017686745151877403, 0.11875279992818832, -0.069633349776268, -0.048957884311676025, -0.12498360872268677, 0.04599590227007866, -0.17163419723510742, 0.07419691234827042, -0.09662026911973953, -0.019582338631153107, -0.0174763984978199, -0.018630364909768105, -0.03451818972826004, -0.007303905673325062, -0.058355800807476044, 0.09436442703008652, 0.012251447886228561, 0.06822077929973602, -0.056773699820041656, -0.003937555942684412, 0.09513992071151733, -0.019747605547308922, 0.07285480201244354, 0.09507448226213455, -0.07610222697257996, 0.004281435627490282, -0.17650583386421204, 0.040503859519958496, 0.06332751363515854, -0.00703717116266489, -0.006282645743340254, -0.09417867660522461, 0.06109091639518738, 0.07140497118234634, -0.020333828404545784, 0.038349587470293045, 0.08129355311393738, -0.13738322257995605, 0.047469448298215866, 0.04860549792647362, -0.06365959346294403, -0.0905677005648613, 0.023791667073965073, -0.03520659729838371, 0.1161358430981636, 0.04977481812238693, -0.06704342365264893, 0.030309472233057022, -0.11955028027296066, 0.03294549882411957, -0.05563129484653473, -0.12302681803703308, -0.1741255819797516, -0.13074666261672974, -0.004083076026290655, 0.0005076506640762091, 0.26883620023727417, 0.1373104751110077, -0.020524654537439346, 0.028110986575484276, 0.015356750227510929, 0.08078673481941223, 0.009034782648086548, 0.17003096640110016, -0.00593264726921916, -0.0015800881665199995, -0.039302192628383636, 0.07068951427936554, -0.04199724644422531, 0.04290412366390228, 0.0716923326253891, 0.1417175531387329, 0.07900369167327881, 0.017968950793147087, 0.01337119285017252, 0.031987227499485016, 0.07971174269914627, -0.07860521227121353, 0.0599537119269371, 0.05405191332101822, -0.02455040067434311, 0.13270287215709686, 0.18358951807022095, -0.06295804679393768, 0.06328799575567245, -0.047825247049331665, -0.05143667012453079, -0.12185221165418625, -0.19019995629787445, -0.023301254957914352, -0.08779805898666382, -0.03872031718492508, -0.11935149133205414, -0.047957856208086014, -0.015970876440405846, 0.01288285106420517, -0.03910369053483009, 0.03966391459107399, 0.044430918991565704, -0.10623691231012344, 0.08629792183637619, 0.008914654143154621, 0.047113608568906784, -0.17764289677143097, 0.05937311425805092, -0.010795804671943188, 0.05156669020652771, -0.00008051548502407968, 0.027191296219825745, 0.10266700387001038, -0.043921079486608505, -0.0893120989203453, -0.044532597064971924, -0.024027088657021523, -0.010754430666565895, 0.034686245024204254, 0.12285663932561874, 0.0006362420972436666, -0.0008144972962327302, 0.025799309834837914, 0.28785061836242676, -0.02015194110572338, -0.15883874893188477, -0.10234611481428146, 0.2681092321872711, -0.06172887608408928, 0.017603550106287003, 0.0030824511777609587, -0.034995075315237045, 0.029378309845924377, 0.22484330832958221, 0.28211402893066406, -0.03843893110752106, 0.03934566304087639, 0.006486961618065834, 0.01855403743684292, 0.15066489577293396, 0.019461538642644882, 0.034366194158792496, 0.31206580996513367, -0.09877953678369522, -0.009652484208345413, -0.08243323117494583, 0.009891016408801079, -0.028022753074765205, 0.08906610310077667, 0.05997782200574875, -0.06376495212316513, -0.0928448736667633, 0.08933131396770477, -0.07306337356567383, -0.10232829302549362, -0.12598934769630432, -0.160715714097023, -0.03407725319266319, -0.04849148914217949, -0.03905559703707695, -0.04456890746951103, 0.026203026995062828, -0.04298317804932594, -0.03494451940059662, 0.05508122220635414, 0.05224774032831192, -0.10663564503192902, 0.00572998309507966, 0.14742997288703918, -0.05050773173570633, 0.0733095034956932, -0.04556824639439583, 0.07773099094629288, 0.06456799060106277, 0.0356101356446743, -0.04342760518193245, 0.00789271667599678, 0.01557709276676178, 0.022810785099864006, 0.031493719667196274, -0.029910294339060783, 0.06892924755811691, -0.006874149665236473, 0.03532120957970619, -0.19921626150608063, 0.061716776341199875, -0.058443471789360046, -0.0767592340707779, -0.05470632389187813, 0.04737013205885887, -0.021448452025651932, 0.09874287247657776, 0.12772469222545624, -0.04439229518175125, -0.048994533717632294, -0.06530120968818665, 0.010437976568937302, 0.025097504258155823, -0.04227403923869133, 0.01084019523113966, -0.08626522868871689, 0.004559272900223732, 0.02663593366742134, -0.017784984782338142, -0.28191447257995605, -0.042272984981536865, 0.032871149480342865, 0.018010511994361877, -0.010453267954289913, 0.04350537806749344, 0.08621048927307129, 0.0391053669154644, -0.044265203177928925, -0.08682894706726074, 0.047326814383268356, 0.07190242409706116, -0.07658940553665161, -0.058132655918598175 ]
null
null
transformers
# roberta-temporal-predictor A RoBERTa-base model that is fine-tuned on the [The New York Times Annotated Corpus](https://catalog.ldc.upenn.edu/LDC2008T19) to predict temporal precedence of two events. This is used as the ``temporality prediction'' component in our ROCK framework for reasoning about commonsense causality. See our [paper](https://arxiv.org/abs/2202.00436) for more details. # Usage You can directly use this model for filling-mask tasks, as shown in the example widget. However, for better temporal inference, it is recommended to symmetrize the outputs as $$ P(E_1 \prec E_2) = \frac{1}{2} (f(E_1,E_2) + f(E_2,E_1)) $$ where ``f(E_1,E_2)`` denotes the predicted probability for ``E_1`` to occur preceding ``E_2``. For simplicity, we implement the following TempPredictor class that incorporate this symmetrization automatically. Below is an example usage for the ``TempPredictor`` class: ```python from transformers import (RobertaForMaskedLM, RobertaTokenizer) from src.temp_predictor import TempPredictor TORCH_DEV = "cuda:0" # change as needed tp_roberta_ft = src.TempPredictor( model=RobertaForMaskedLM.from_pretrained("CogComp/roberta-temporal-predictor"), tokenizer=RobertaTokenizer.from_pretrained("CogComp/roberta-temporal-predictor"), device=TORCH_DEV ) E1 = "The man turned on the faucet." E2 = "Water flows out." t12 = tp_roberta_ft(E1, E2, top_k=5) print(f"P('{E1}' before '{E2}'): {t12}") ``` # BibTeX entry and citation info ```bib @misc{zhang2022causal, title={Causal Inference Principles for Reasoning about Commonsense Causality}, author={Jiayao Zhang and Hongming Zhang and Dan Roth and Weijie J. Su}, year={2022}, eprint={2202.00436}, archivePrefix={arXiv}, primaryClass={cs.CL} } ```
{"license": "mit", "widget": [{"text": "The man turned on the faucet <mask> water flows out."}, {"text": "The woman received her pension <mask> she retired."}]}
fill-mask
CogComp/roberta-temporal-predictor
[ "transformers", "pytorch", "roberta", "fill-mask", "arxiv:2202.00436", "license:mit", "autotrain_compatible", "endpoints_compatible", "region:us" ]
2022-03-02T23:29:04+00:00
[ "2202.00436" ]
[]
TAGS #transformers #pytorch #roberta #fill-mask #arxiv-2202.00436 #license-mit #autotrain_compatible #endpoints_compatible #region-us
# roberta-temporal-predictor A RoBERTa-base model that is fine-tuned on the The New York Times Annotated Corpus to predict temporal precedence of two events. This is used as the ''temporality prediction'' component in our ROCK framework for reasoning about commonsense causality. See our paper for more details. # Usage You can directly use this model for filling-mask tasks, as shown in the example widget. However, for better temporal inference, it is recommended to symmetrize the outputs as $$ P(E_1 \prec E_2) = \frac{1}{2} (f(E_1,E_2) + f(E_2,E_1)) $$ where ''f(E_1,E_2)'' denotes the predicted probability for ''E_1'' to occur preceding ''E_2''. For simplicity, we implement the following TempPredictor class that incorporate this symmetrization automatically. Below is an example usage for the ''TempPredictor'' class: # BibTeX entry and citation info
[ "# roberta-temporal-predictor\r\nA RoBERTa-base model that is fine-tuned on the The New York Times Annotated Corpus\r\nto predict temporal precedence of two events. This is used as the ''temporality prediction'' component\r\nin our ROCK framework for reasoning about commonsense causality. See our paper for more details.", "# Usage\r\n\r\nYou can directly use this model for filling-mask tasks, as shown in the example widget.\r\nHowever, for better temporal inference, it is recommended to symmetrize the outputs as\r\n$$\r\nP(E_1 \\prec E_2) = \\frac{1}{2} (f(E_1,E_2) + f(E_2,E_1))\r\n$$\r\nwhere ''f(E_1,E_2)'' denotes the predicted probability for ''E_1'' to occur preceding ''E_2''.\r\nFor simplicity, we implement the following TempPredictor class that incorporate this symmetrization automatically.\r\nBelow is an example usage for the ''TempPredictor'' class:", "# BibTeX entry and citation info" ]
[ "TAGS\n#transformers #pytorch #roberta #fill-mask #arxiv-2202.00436 #license-mit #autotrain_compatible #endpoints_compatible #region-us \n", "# roberta-temporal-predictor\r\nA RoBERTa-base model that is fine-tuned on the The New York Times Annotated Corpus\r\nto predict temporal precedence of two events. This is used as the ''temporality prediction'' component\r\nin our ROCK framework for reasoning about commonsense causality. See our paper for more details.", "# Usage\r\n\r\nYou can directly use this model for filling-mask tasks, as shown in the example widget.\r\nHowever, for better temporal inference, it is recommended to symmetrize the outputs as\r\n$$\r\nP(E_1 \\prec E_2) = \\frac{1}{2} (f(E_1,E_2) + f(E_2,E_1))\r\n$$\r\nwhere ''f(E_1,E_2)'' denotes the predicted probability for ''E_1'' to occur preceding ''E_2''.\r\nFor simplicity, we implement the following TempPredictor class that incorporate this symmetrization automatically.\r\nBelow is an example usage for the ''TempPredictor'' class:", "# BibTeX entry and citation info" ]
[ 50, 75, 162, 10 ]
[ "passage: TAGS\n#transformers #pytorch #roberta #fill-mask #arxiv-2202.00436 #license-mit #autotrain_compatible #endpoints_compatible #region-us \n# roberta-temporal-predictor\r\nA RoBERTa-base model that is fine-tuned on the The New York Times Annotated Corpus\r\nto predict temporal precedence of two events. This is used as the ''temporality prediction'' component\r\nin our ROCK framework for reasoning about commonsense causality. See our paper for more details.# Usage\r\n\r\nYou can directly use this model for filling-mask tasks, as shown in the example widget.\r\nHowever, for better temporal inference, it is recommended to symmetrize the outputs as\r\n$$\r\nP(E_1 \\prec E_2) = \\frac{1}{2} (f(E_1,E_2) + f(E_2,E_1))\r\n$$\r\nwhere ''f(E_1,E_2)'' denotes the predicted probability for ''E_1'' to occur preceding ''E_2''.\r\nFor simplicity, we implement the following TempPredictor class that incorporate this symmetrization automatically.\r\nBelow is an example usage for the ''TempPredictor'' class:# BibTeX entry and citation info" ]
[ -0.0008292554412037134, -0.10552474111318588, -0.008154927752912045, 0.06547808647155762, 0.005064144264906645, 0.040316104888916016, 0.08973977714776993, 0.05324777588248253, 0.1575465351343155, 0.052495699375867844, 0.11498784273862839, 0.12067872285842896, 0.013754255138337612, 0.1481916904449463, -0.08013693243265152, -0.1868850290775299, -0.0010462204227223992, -0.007114211563020945, 0.13886532187461853, 0.08606012910604477, 0.1194000095129013, -0.058352865278720856, 0.02220543846487999, -0.020989228039979935, -0.020778600126504898, 0.0612727627158165, 0.05980660766363144, -0.05386647954583168, 0.10956605523824692, 0.11175353080034256, 0.06988947838544846, 0.0648689940571785, 0.048899002373218536, -0.12452596426010132, 0.01839047111570835, 0.04670354351401329, -0.011790120042860508, 0.027473576366901398, -0.014099661260843277, -0.15143941342830658, -0.1107301414012909, -0.00727849081158638, 0.0535321906208992, -0.01768946461379528, -0.1314978003501892, -0.07489769160747528, 0.023261794820427895, 0.03212796524167061, 0.027148369699716568, -0.02142990194261074, -0.0009756848448887467, 0.14774447679519653, -0.05770634487271309, 0.043166741728782654, 0.19497498869895935, -0.18329671025276184, -0.007573538925498724, 0.03674059361219406, -0.010404173284769058, 0.02184910885989666, 0.01635260134935379, -0.07364430278539658, 0.04046718031167984, 0.004636077210307121, 0.15865829586982727, -0.0549033097922802, 0.06405313313007355, -0.05756355822086334, -0.1419764757156372, -0.072231724858284, 0.17448030412197113, -0.03592071682214737, -0.11025458574295044, -0.01252774428576231, -0.09324558824300766, 0.16005206108093262, 0.0016578801441937685, -0.056490443646907806, -0.016857216134667397, 0.005643999204039574, 0.16159924864768982, -0.004745879210531712, -0.07555870711803436, -0.026938654482364655, -0.07411620020866394, 0.25323623418807983, 0.000826996227260679, 0.060829244554042816, -0.11838366836309433, 0.11655890196561813, -0.13870705664157867, -0.09638753533363342, -0.01130037009716034, -0.031529750674963, -0.06510372459888458, 0.009256227873265743, -0.03189053758978844, -0.06871655583381653, -0.0280165933072567, 0.27370908856391907, 0.0643443912267685, 0.031001361086964607, -0.003159285755828023, 0.10464828461408615, 0.11401645839214325, 0.019556427374482155, 0.022035665810108185, -0.11596299707889557, 0.04845163971185684, 0.018408866599202156, 0.10504899173974991, -0.04053584113717079, -0.03918338567018509, -0.09481190890073776, 0.032909590750932693, -0.030571240931749344, 0.019071370363235474, 0.0022008134983479977, -0.1234477087855339, -0.0501699261367321, 0.08551428467035294, -0.12014785408973694, -0.03915815427899361, 0.007772872690111399, -0.08883257955312729, -0.003952092491090298, 0.0997556820511818, -0.0015642632497474551, -0.05402601882815361, 0.1250525861978531, -0.08076878637075424, -0.02612369880080223, -0.04024873673915863, -0.11714161187410355, -0.028154857456684113, -0.12651625275611877, 0.03822442144155502, -0.10032516717910767, -0.2216177135705948, 0.015823347494006157, 0.06925223022699356, -0.03634814918041229, -0.05513325706124306, -0.00876309908926487, 0.06645426154136658, -0.03907917067408562, -0.05357757583260536, 0.040193110704422, -0.07069266587495804, 0.056842703372240067, 0.012111188843846321, 0.10871505737304688, -0.12010633945465088, -0.0019054169533774257, -0.06545817106962204, 0.036323945969343185, -0.12913067638874054, 0.09676655381917953, 0.005761211737990379, -0.08207008242607117, -0.10962194204330444, -0.007864341139793396, -0.0511334203183651, 0.054470352828502655, 0.03987722843885422, 0.09808647632598877, -0.10298605263233185, -0.05155022442340851, 0.18695025146007538, -0.12695986032485962, -0.01022371556609869, 0.07189315557479858, -0.08860819041728973, 0.2161729335784912, 0.07104307413101196, 0.08445794880390167, 0.07756353169679642, -0.11558839678764343, 0.08747007697820663, 0.01131831482052803, -0.06746840476989746, 0.07081545889377594, 0.02246776409447193, 0.034769196063280106, -0.040108416229486465, 0.000921364058740437, 0.0032970188185572624, -0.07440967857837677, -0.03328901529312134, -0.00037169730057939887, 0.018171057105064392, 0.004326762165874243, 0.04181993007659912, -0.07245173305273056, -0.029219049960374832, -0.03310821205377579, -0.06396476179361343, 0.04645572602748871, 0.045140333473682404, -0.009803544729948044, 0.02018190361559391, -0.06671689450740814, 0.0151071073487401, -0.03169100359082222, -0.006139588542282581, -0.1802421659231186, 0.04107857123017311, 0.060586340725421906, 0.07423055917024612, 0.06685460358858109, 0.06118158996105194, -0.011131610721349716, -0.012849424034357071, 0.04480598866939545, 0.0051686763763427734, 0.03838565945625305, -0.034615904092788696, -0.08458355814218521, -0.11804285645484924, -0.036290768533945084, -0.06710070371627808, 0.023004313930869102, -0.1289803832769394, 0.03303319215774536, -0.03670497611165047, -0.005715664010494947, 0.02443544939160347, 0.03882286325097084, -0.053622130304574966, -0.04145243391394615, -0.08206811547279358, 0.013918178156018257, 0.010001922957599163, 0.014947938732802868, -0.033762816339731216, 0.042980145663022995, -0.17854256927967072, 0.00034646931453607976, 0.04497522860765457, 0.009740634821355343, -0.09422098845243454, -0.05152510479092598, -0.04727330058813095, -0.0173802450299263, -0.10641972720623016, -0.04150966554880142, 0.2168983668088913, 0.00416621332988143, 0.08847634494304657, -0.10110202431678772, -0.02866680920124054, 0.05583543702960014, -0.07880637794733047, -0.011925223283469677, 0.004922567401081324, 0.10162889957427979, -0.15251724421977997, 0.0015808207681402564, 0.00585783738642931, -0.04693172499537468, 0.13675077259540558, 0.07312319427728653, -0.05130264163017273, -0.03165597841143608, 0.019660158082842827, -0.0035542831756174564, 0.10945357382297516, -0.09351428598165512, 0.011063044890761375, 0.0235289316624403, 0.004592809360474348, 0.007647848688066006, -0.11140567064285278, 0.042693838477134705, 0.0332472026348114, -0.02218678407371044, -0.03121647611260414, -0.04796743765473366, -0.006302789784967899, 0.10728013515472412, 0.013733532279729843, -0.07661742717027664, 0.01840241625905037, -0.004507707431912422, -0.13946105539798737, 0.163970485329628, 0.00018724174879025668, -0.17130424082279205, -0.1052461788058281, -0.08532902598381042, 0.03993381932377815, 0.023544682189822197, 0.030730966478586197, 0.134846493601799, -0.05043850839138031, -0.11615386605262756, 0.08026161789894104, 0.00987689383327961, 0.03326762095093727, -0.06368482112884521, -0.04208565503358841, -0.0001532306632725522, -0.13351453840732574, -0.02950924076139927, -0.09678366035223007, 0.024346522986888885, 0.0917411744594574, -0.07326213270425797, 0.02297862060368061, 0.1161709651350975, -0.04959966242313385, -0.004607013892382383, -0.048453379422426224, 0.22101405262947083, -0.00612182030454278, 0.11908681690692902, 0.1609283983707428, -0.1343269646167755, 0.047905780375003815, 0.15944311022758484, -0.028825370594859123, -0.10067141056060791, 0.03662830963730812, 0.009078670293092728, -0.08138292282819748, -0.15558524429798126, -0.0161905400454998, -0.04417014494538307, -0.03382768854498863, 0.13419771194458008, -0.006279343739151955, 0.03052646853029728, 0.05416146293282509, -0.01259748637676239, 0.09780962020158768, 0.08900131285190582, 0.07828749716281891, 0.01453410740941763, 0.03482133895158768, 0.13257941603660583, 0.032162994146347046, -0.029161415994167328, 0.056295085698366165, 0.08770587295293808, 0.15432564914226532, -0.042863134294748306, 0.03152079880237579, 0.08141517639160156, -0.028632307425141335, 0.04837927594780922, 0.08264750242233276, -0.03675638139247894, 0.08270605653524399, -0.1282646209001541, -0.04965171590447426, -0.06275268644094467, 0.09755828231573105, -0.00859301071614027, 0.04551178589463234, -0.011412474326789379, -0.03166622668504715, 0.03057822398841381, 0.11919686943292618, 0.08717261999845505, -0.24436451494693756, -0.054761309176683426, 0.047984905540943146, -0.011391716077923775, -0.03376161679625511, 0.012435493059456348, -0.026759613305330276, -0.06205162778496742, 0.0998968705534935, 0.005295724142342806, 0.07328624278306961, -0.05388513207435608, 0.02395336516201496, -0.1469518542289734, 0.06396427005529404, -0.05665227025747299, 0.0021419739350676537, -0.2547134459018707, 0.15406320989131927, 0.026523446664214134, 0.05565983057022095, -0.08616561442613602, 0.03198288008570671, -0.019875522702932358, -0.020098382607102394, 0.13526077568531036, -0.040956176817417145, 0.22993218898773193, 0.018414055928587914, -0.06012982502579689, 0.02783014252781868, 0.04631749168038368, -0.07878001034259796, 0.10800834745168686, 0.007901115342974663, 0.021441297605633736, 0.03547945246100426, 0.012552925385534763, -0.06717053055763245, -0.09675922244787216, 0.011377827264368534, -0.046457961201667786, -0.1542789191007614, -0.011287188157439232, 0.012054789811372757, 0.14882101118564606, 0.058628398925065994, -0.16800418496131897, -0.06285750865936279, -0.09819117188453674, 0.10322856158018112, 0.06738976389169693, -0.05809831991791725, -0.009340188466012478, 0.005737329833209515, 0.12299395352602005, -0.10615184903144836, -0.09811129420995712, 0.08483625203371048, -0.10492560267448425, -0.07852955907583237, -0.1046430766582489, 0.09403616935014725, 0.09939611703157425, 0.00003276354618719779, 0.058482129126787186, -0.010601220652461052, 0.029272938147187233, -0.060194097459316254, 0.032604631036520004, -0.01741611771285534, 0.019776517525315285, 0.05329868569970131, -0.0427689328789711, -0.19265888631343842, -0.08845129609107971, 0.027727890759706497, 0.01683523878455162, 0.15878677368164062, -0.033197466284036636, 0.1135556772351265, 0.11151992529630661, -0.09698864072561264, -0.18505583703517914, 0.0037037471774965525, 0.08589039742946625, 0.04060565307736397, 0.02371288277208805, -0.12653569877147675, 0.02130870521068573, 0.03655651584267616, -0.001019768533296883, 0.11078236997127533, -0.24086084961891174, -0.10524912923574448, 0.11492977291345596, 0.05110587552189827, 0.23096364736557007, -0.010415926575660706, -0.01422693207859993, 0.012169155292212963, 0.01877617835998535, 0.16612786054611206, -0.02475021407008171, 0.028851861134171486, 0.038950953632593155, 0.0006541005568578839, 0.01968255825340748, 0.01532169058918953, 0.07790619134902954, 0.0013831492979079485, 0.04637276381254196, 0.006767884362488985, -0.0837780237197876, -0.04653796926140785, -0.026075955480337143, 0.08195822685956955, 0.04365556687116623, -0.001998364692553878, 0.0017183652380481362, -0.1176232397556305, -0.026301737874746323, 0.09552422165870667, -0.04280359297990799, -0.10747289657592773, -0.018489789217710495, -0.023641951382160187, 0.05524618178606033, -0.002497136825695634, 0.06340811401605606, -0.04677679389715195, -0.02448827028274536, 0.20203623175621033, 0.11010534316301346, -0.07828745245933533, -0.11987550556659698, 0.03161834180355072, 0.012207230553030968, 0.1082829087972641, -0.10696389526128769, 0.06439012289047241, 0.0455368347465992, 0.040541425347328186, 0.11778206378221512, 0.08317843824625015, -0.13910645246505737, 0.02835902012884617, 0.031027283519506454, -0.13072791695594788, 0.01385999284684658, 0.0730818435549736, -0.059351276606321335, 0.0027496847324073315, -0.048679448664188385, 0.19241362810134888, -0.07177944481372833, -0.017174087464809418, 0.010811271145939827, 0.046672187745571136, 0.02670096419751644, 0.09761723130941391, 0.0292047131806612, 0.027450425550341606, -0.02213400788605213, 0.048915278166532516, 0.0688321590423584, -0.02188458852469921, 0.028592804446816444, -0.026965104043483734, -0.06241407245397568, -0.008119158446788788, -0.1339617818593979, 0.0075530982576310635, -0.06372644752264023, -0.04094913229346275, -0.09997338056564331, -0.058014776557683945, 0.07216005027294159, 0.2603832483291626, 0.06251908093690872, -0.031953953206539154, -0.0489397868514061, -0.02129455655813217, -0.025172268971800804, 0.04712076112627983, 0.08214786648750305, 0.012541500851511955, 0.004053541924804449, 0.06376946717500687, 0.03876107186079025, -0.0039751045405864716, -0.05060741677880287, -0.06297969818115234, -0.13656750321388245, 0.039775360375642776, -0.016760291531682014, 0.1408226490020752, -0.027970025315880775, -0.013377370312809944, 0.028179332613945007, 0.02053411863744259, -0.03285449370741844, 0.008757715113461018, -0.031352605670690536, 0.041021790355443954, 0.0014983760192990303, 0.05612541735172272, -0.09226423501968384, -0.0788237601518631, 0.03594490885734558, -0.11499090492725372, 0.05579264834523201, 0.05109565332531929, -0.038576889783144, 0.0014955881051719189, -0.11101474612951279, 0.023636408150196075, 0.09784245491027832, 0.06189557909965515, 0.0015852395445108414, -0.062992624938488, 0.03273644670844078, -0.03686344623565674, -0.02872827649116516, -0.067064568400383, 0.06316109746694565, -0.10576128959655762, 0.15106353163719177, -0.000007045526217552833, -0.049874261021614075, -0.04358991980552673, 0.01224519219249487, -0.005491491872817278, 0.07798078656196594, 0.0663427859544754, -0.06077078729867935, 0.03926999866962433, -0.12226493656635284, 0.0030463833827525377, 0.00941525399684906, -0.00042590449447743595, -0.07907449454069138, -0.04067612811923027, 0.007903199642896652, -0.004533421713858843, 0.1514572948217392, 0.06721673160791397, 0.03892047703266144, -0.004336140118539333, -0.12847870588302612, -0.03242048621177673, 0.011221112683415413, 0.007945366203784943, 0.017953287810087204, -0.003644401440396905, -0.09330181032419205, 0.027263985946774483, 0.09784365445375443, -0.012371411547064781, 0.16200311481952667, 0.05240069329738617, 0.03873675316572189, 0.08122832328081131, -0.00124916504137218, -0.11545537412166595, 0.007645425386726856, 0.001747087575495243, 0.07354383915662766, -0.021893462166190147, 0.1150537058711052, -0.002042385283857584, 0.15157343447208405, -0.05590245500206947, 0.028738070279359818, 0.032750703394412994, -0.04796803742647171, -0.12463939189910889, -0.09887117147445679, -0.042151059955358505, 0.034188807010650635, -0.06268825381994247, -0.10593932867050171, 0.0045717996545135975, 0.022564658895134926, 0.014241618104279041, 0.042058899998664856, -0.07051938027143478, -0.005726758856326342, -0.10506235808134079, 0.0008950793999247253, 0.01798369735479355, -0.008512016385793686, 0.0013968669809401035, -0.012854727916419506, -0.01850922405719757, 0.031240087002515793, 0.009231172502040863, 0.031951602548360825, 0.11442677676677704, -0.0014418333303183317, 0.01927025616168976, -0.045447029173374176, -0.02581288293004036, -0.02172044850885868, -0.01481852401047945, 0.05864464491605759, 0.07637561857700348, -0.022943440824747086, 0.009192422032356262, 0.13332034647464752, 0.014085480011999607, -0.08686454594135284, -0.08517302572727203, 0.2773280441761017, 0.036718908697366714, 0.11820186674594879, 0.019830282777547836, -0.07977690547704697, -0.05728191137313843, 0.12271693348884583, 0.13998937606811523, -0.05344080552458763, 0.0058208066038787365, 0.02250809594988823, 0.023945530876517296, 0.10366314649581909, 0.06105103716254234, -0.03505539521574974, 0.39703118801116943, -0.043379079550504684, 0.023016836494207382, -0.01943793334066868, 0.033716436475515366, 0.02658623829483986, 0.12968015670776367, 0.009530916810035706, 0.009727838449180126, -0.07640010118484497, 0.03207400068640709, -0.06611117720603943, -0.23102113604545593, 0.028440380468964577, -0.12369875609874725, -0.07111670821905136, -0.020266316831111908, -0.13493101298809052, -0.08780305087566376, 0.15005216002464294, -0.06270650029182434, -0.07938537746667862, 0.0256576519459486, 0.016521278768777847, -0.16167250275611877, 0.0030497631523758173, 0.027482371777296066, 0.10416785627603531, 0.13845419883728027, -0.05238458141684532, 0.1917361319065094, 0.02859385311603546, 0.018895361572504044, 0.0008023002883419394, 0.04728828743100166, 0.006853261962532997, 0.1085382029414177, -0.004524650983512402, -0.04182744026184082, -0.02151544950902462, 0.03270576149225235, 0.08633751422166824, -0.1726495772600174, 0.0024987878277897835, 0.08670101314783096, -0.15956151485443115, -0.060181859880685806, -0.06707918643951416, -0.07242222875356674, 0.05031001567840576, 0.007110394537448883, -0.007849499583244324, -0.027716144919395447, -0.030937435105443, 0.06081175059080124, 0.055480241775512695, 0.11520589888095856, -0.022646209225058556, -0.10406962037086487, 0.01213754154741764, -0.08169723302125931, 0.00019741513824556023, -0.2207338958978653, -0.03317723423242569, 0.020599499344825745, 0.0033641981426626444, -0.006948903668671846, 0.01727864518761635, -0.018088553100824356, 0.0808311179280281, -0.05999680981040001, -0.10086707025766373, -0.0204000286757946, 0.0805596336722374, -0.0690244510769844, -0.10956938564777374 ]
null
null
transformers
해당 모델은 [해당 사이트](https://huggingface.co/gpt2-medium)에서 가져온 모델입니다. 해당 모델은 [Teachable NLP](https://ainize.ai/teachable-nlp) 서비스에서 사용됩니다.
{}
feature-extraction
ComCom/gpt2-large
[ "transformers", "pytorch", "gpt2", "feature-extraction", "endpoints_compatible", "text-generation-inference", "region:us" ]
2022-03-02T23:29:04+00:00
[]
[]
TAGS #transformers #pytorch #gpt2 #feature-extraction #endpoints_compatible #text-generation-inference #region-us
해당 모델은 해당 사이트에서 가져온 모델입니다. 해당 모델은 Teachable NLP 서비스에서 사용됩니다.
[]
[ "TAGS\n#transformers #pytorch #gpt2 #feature-extraction #endpoints_compatible #text-generation-inference #region-us \n" ]
[ 40 ]
[ "passage: TAGS\n#transformers #pytorch #gpt2 #feature-extraction #endpoints_compatible #text-generation-inference #region-us \n" ]
[ -0.041738081723451614, 0.0006603930378332734, -0.0077804382890462875, 0.02187127247452736, 0.17088019847869873, 0.03971775993704796, 0.007533485069870949, 0.14377127587795258, -0.006257137283682823, -0.011382832191884518, 0.11762092262506485, 0.20508740842342377, 0.00784099381417036, 0.028314976021647453, -0.05866454914212227, -0.2831045091152191, 0.08493058383464813, 0.08416919410228729, -0.01326358038932085, 0.11360260844230652, 0.054742347449064255, -0.05299406871199608, 0.08551254868507385, -0.009567638859152794, -0.1666277050971985, 0.025074917823076248, 0.03387558460235596, -0.096889428794384, 0.10422462970018387, 0.039179589599370956, 0.07888877391815186, -0.009128399193286896, -0.10176379233598709, -0.15800915658473969, 0.03292359784245491, 0.02850702404975891, -0.07778777927160263, 0.04681156575679779, 0.0969340056180954, -0.11927396804094315, 0.11956637352705002, 0.0737585499882698, -0.04220421984791756, 0.03971903771162033, -0.1719289869070053, -0.12758882343769073, -0.048368893563747406, 0.056218817830085754, 0.011468470096588135, 0.11972709000110626, -0.013445224612951279, 0.06349145621061325, -0.11493632942438126, 0.09287001937627792, 0.2231275886297226, -0.2950896918773651, 0.0030652882996946573, 0.07998622208833694, 0.08558391779661179, 0.024038977921009064, -0.02403159625828266, 0.04914766177535057, -0.0014712136471644044, 0.016512645408511162, -0.002524568233639002, -0.08030059188604355, -0.08143451064825058, 0.067994125187397, -0.09567644447088242, -0.1085016056895256, 0.19599956274032593, -0.037169571965932846, 0.057531487196683884, -0.018252376466989517, -0.1048378273844719, -0.035367451608181, -0.03141259774565697, 0.04383126646280289, -0.04655193164944649, 0.09111811965703964, 0.03488318249583244, -0.0962463915348053, -0.11958077549934387, -0.05058484897017479, -0.17009781301021576, 0.19194501638412476, 0.016876546666026115, 0.08169978857040405, -0.19404606521129608, 0.09752284735441208, -0.07144974172115326, -0.07873044162988663, -0.010072208009660244, -0.09105978161096573, 0.06175195798277855, 0.033031102269887924, -0.06613069027662277, -0.04775426164269447, 0.0818280279636383, 0.08610472828149796, -0.10406491905450821, 0.01719980686903, -0.04292036592960358, 0.11668846756219864, 0.02352554351091385, 0.11376560479402542, -0.02733444981276989, 0.021203042939305305, 0.0229088943451643, -0.15113891661167145, -0.016987906768918037, -0.06731607764959335, -0.13311201333999634, -0.065431609749794, 0.0392879880964756, 0.07915562391281128, 0.02367335744202137, 0.06350242346525192, -0.05116124451160431, -0.02858935110270977, 0.046870436519384384, -0.07376015931367874, -0.01830187626183033, 0.013634067960083485, 0.016825081780552864, 0.1493465006351471, -0.00417596660554409, -0.018826954066753387, -0.15106767416000366, 0.021475402638316154, -0.08322446048259735, 0.04147294536232948, -0.03676242753863335, -0.04474226012825966, 0.020958833396434784, -0.13873010873794556, 0.006139902863651514, -0.13151675462722778, -0.1973528414964676, 0.022015461698174477, 0.009486626833677292, -0.0215931236743927, 0.007832784205675125, -0.034968096762895584, -0.04911528900265694, 0.017402030527591705, -0.06779249757528305, -0.03950132057070732, -0.07171300053596497, 0.11495931446552277, -0.05113512650132179, 0.05598050355911255, -0.12993207573890686, 0.092398501932621, -0.11554724723100662, 0.0219033882021904, -0.14226709306240082, 0.08573183417320251, 0.007836001925170422, 0.10386785864830017, -0.029389841482043266, -0.0776323601603508, -0.11240990459918976, 0.052831340581178665, -0.047963835299015045, 0.1825455278158188, -0.04801761731505394, -0.13606907427310944, 0.29213789105415344, -0.09766745567321777, -0.14481888711452484, 0.0766168087720871, 0.007640913128852844, -0.012528610415756702, 0.07863306999206543, 0.254841148853302, 0.05593622848391533, 0.03322318568825722, 0.05113765969872475, 0.14281804859638214, -0.1341845542192459, -0.08933257311582565, 0.03275791555643082, -0.056052401661872864, -0.06129975616931915, 0.03520892187952995, -0.005324159748852253, 0.08265356719493866, -0.03654841333627701, -0.02875896729528904, -0.03660611808300018, 0.022135673090815544, 0.08159694820642471, 0.012919064611196518, 0.10972902923822403, -0.01997096836566925, -0.024722767993807793, -0.02040237747132778, -0.021304955706000328, -0.07319977134466171, 0.06572932749986649, -0.031046677380800247, 0.20118261873722076, -0.05887886509299278, 0.04609593003988266, -0.22535628080368042, -0.0647583082318306, -0.016484443098306656, 0.08390682190656662, -0.033709555864334106, 0.07702810317277908, 0.06152038276195526, -0.05276556313037872, 0.002119414508342743, -0.01264959666877985, 0.07163489609956741, -0.03392008692026138, -0.018228299915790558, -0.035824913531541824, 0.03192241117358208, -0.05207069218158722, -0.05370980128645897, -0.02201896719634533, 0.011954137124121189, 0.10153979808092117, 0.06675877422094345, -0.00923764519393444, 0.005162067245692015, -0.022222405299544334, 0.01083388365805149, -0.03875313699245453, -0.017998753115534782, 0.09712710231542587, -0.011654326692223549, -0.07948454469442368, 0.2046763300895691, -0.12324228882789612, 0.2094569057226181, 0.1909194439649582, -0.3088929355144501, 0.034092970192432404, -0.09023378044366837, -0.034230876713991165, 0.053078725934028625, 0.05404044687747955, -0.040795668959617615, 0.16969145834445953, 0.008769898675382137, 0.1643693894147873, -0.07041661441326141, -0.05660668760538101, -0.00451989471912384, -0.01616053469479084, -0.0062485639937222, 0.061122503131628036, 0.09835348278284073, -0.11921752244234085, 0.17720967531204224, 0.18893423676490784, 0.042469434440135956, 0.17167359590530396, -0.03529220446944237, -0.05262909084558487, 0.07844242453575134, 0.042467840015888214, -0.05693482235074043, -0.032437365502119064, -0.2762526273727417, -0.026090936735272408, 0.0737522691488266, 0.0710396021604538, 0.14143909513950348, -0.13464762270450592, -0.04816313832998276, -0.010956230573356152, -0.06066242232918739, -0.08002041280269623, 0.056099262088537216, 0.0672672912478447, 0.10080263018608093, 0.022752372547984123, 0.032730069011449814, 0.10935060679912567, 0.01738753356039524, -0.0834706649184227, 0.2178620845079422, -0.10178320109844208, -0.33317622542381287, -0.1369653195142746, -0.1150272786617279, -0.033266711980104446, 0.04911762475967407, 0.10980632156133652, -0.10324377566576004, 0.0009570270776748657, 0.008926993235945702, 0.11124660819768906, -0.1220935583114624, 0.012775307521224022, -0.06377802044153214, 0.03436984121799469, -0.09331483393907547, -0.09634464234113693, -0.05986281856894493, -0.04789188131690025, -0.06363902986049652, 0.1174699068069458, -0.116438128054142, 0.06277597695589066, 0.1722145527601242, 0.04329848662018776, 0.08575592190027237, -0.04135937988758087, 0.17487402260303497, -0.10325967520475388, -0.0595489963889122, 0.24159345030784607, -0.02875688672065735, 0.08670072257518768, 0.04500998184084892, 0.0031436241697520018, -0.08001786470413208, -0.025472491979599, -0.03126903623342514, -0.11184106022119522, -0.2259931117296219, -0.10415515303611755, -0.13770025968551636, 0.0786261260509491, 0.0382726676762104, 0.06074817478656769, 0.12005531042814255, 0.07052870094776154, -0.015365011058747768, 0.0018315460765734315, 0.021940454840660095, 0.05805017054080963, 0.18058690428733826, -0.025290578603744507, 0.09920939803123474, -0.04249698668718338, -0.09555821120738983, 0.08314239978790283, 0.0534517765045166, 0.23146659135818481, 0.022372694686055183, 0.054680097848176956, 0.03655407577753067, 0.0822034627199173, 0.11222474277019501, 0.1311919093132019, -0.0187904704362154, -0.0014576532412320375, -0.021217457950115204, -0.010252425447106361, -0.05176464095711708, 0.018018443137407303, 0.08119597285985947, -0.1505136638879776, -0.08245675265789032, -0.15704481303691864, 0.11908795684576035, 0.0863485261797905, 0.03820519149303436, -0.20859533548355103, -0.005733971484005451, 0.07217603176832199, -0.014849499799311161, -0.10646176338195801, 0.08309683948755264, 0.013001388870179653, -0.1387539803981781, 0.05543473735451698, -0.06239619478583336, 0.1252695620059967, -0.053676292300224304, 0.06893899291753769, -0.04658178240060806, -0.10255634039640427, 0.03181438520550728, 0.11543741822242737, -0.2118789106607437, 0.22680102288722992, -0.0032380297780036926, -0.03415071591734886, -0.08927939087152481, 0.022145433351397514, 0.014392598532140255, 0.10249006748199463, 0.15926963090896606, 0.01812969520688057, -0.011300944723188877, -0.08793164044618607, 0.011631128378212452, 0.04778032377362251, 0.13795995712280273, -0.06651607900857925, -0.010707798413932323, -0.02881084755063057, 0.010915597900748253, -0.04522477090358734, -0.013125968165695667, 0.08432208746671677, -0.15820790827274323, 0.057620223611593246, -0.0393526516854763, 0.10214387625455856, 0.0033374580089002848, 0.01796615682542324, -0.06318295747041702, 0.20929263532161713, -0.10487117618322372, -0.11598853766918182, -0.10681453347206116, -0.027974223718047142, 0.07450448721647263, -0.06291978061199188, 0.06764564663171768, -0.051782671362161636, 0.01285023707896471, -0.05280236154794693, -0.21845079958438873, 0.11031831055879593, -0.07453005015850067, -0.0016158982180058956, 0.008800340816378593, 0.20899157226085663, -0.06769916415214539, -0.00160019111353904, 0.04188980162143707, 0.01622861437499523, -0.1109042838215828, -0.12727637588977814, 0.012532294727861881, 0.014086605049669743, 0.07150094956159592, 0.10601167380809784, -0.050638433545827866, 0.04691263660788536, -0.025263436138629913, 0.045868877321481705, 0.3152247667312622, 0.08324620872735977, -0.03270576149225235, 0.15859466791152954, 0.0798487514257431, -0.06361725926399231, -0.2935284674167633, -0.047660719603300095, -0.11078326404094696, -0.054489072412252426, -0.06550616770982742, -0.1966962367296219, 0.09131905436515808, 0.0697225034236908, 0.009308590553700924, 0.15318456292152405, -0.2964324653148651, -0.0509369857609272, 0.09533791244029999, 0.0022485286463052034, 0.3551301062107086, -0.12605319917201996, -0.11023731529712677, -0.019237680360674858, -0.20431837439537048, 0.14667649567127228, -0.06743189692497253, 0.10663831979036331, -0.030929863452911377, 0.06745454668998718, 0.03670748323202133, -0.0610780343413353, 0.10176961869001389, 0.0515599362552166, 0.02066565863788128, -0.07515615969896317, -0.03716709464788437, 0.07826601713895798, 0.00812526699155569, 0.03218889608979225, -0.009297032840549946, 0.03533962741494179, -0.1540544480085373, -0.03642881661653519, -0.12044832855463028, 0.057809021323919296, 0.0606185682117939, -0.054091908037662506, -0.019431952387094498, -0.05765942484140396, 0.016837207600474358, 0.042732205241918564, 0.22143951058387756, -0.055046796798706055, 0.12669764459133148, 0.008887652307748795, 0.06600899249315262, -0.15381716191768646, -0.12809935212135315, -0.06726040691137314, -0.027684571221470833, 0.10455124080181122, -0.14085985720157623, 0.06650276482105255, 0.10565965622663498, -0.02753858081996441, 0.06359502673149109, 0.14415253698825836, 0.013937443494796753, 0.021628838032484055, 0.11156296730041504, -0.223700612783432, -0.0414690263569355, -0.07241609692573547, -0.1054842546582222, 0.07692481577396393, 0.08299189805984497, 0.1521061807870865, 0.04493117332458496, -0.0282128918915987, -0.0192872267216444, 0.008611343801021576, -0.066280797123909, 0.05097402259707451, 0.003581947647035122, 0.02229336090385914, -0.16293476521968842, 0.07943993806838989, -0.020013751462101936, -0.1919384002685547, -0.0029299890156835318, 0.1188608929514885, -0.12337737530469894, -0.11279512196779251, -0.09450635313987732, 0.0785587728023529, -0.14099381864070892, -0.024673182517290115, -0.052053555846214294, -0.12035515159368515, 0.09254483878612518, 0.14538460969924927, 0.06842558830976486, 0.12074032425880432, -0.037230513989925385, -0.018984120339155197, -0.017330678179860115, -0.061490610241889954, -0.009744103066623211, -0.0010646459413692355, -0.07668883353471756, 0.05976381152868271, -0.018175018951296806, 0.16209155321121216, -0.07423562556505203, -0.0674835667014122, -0.12945657968521118, 0.05256183445453644, -0.07307283580303192, -0.04601083695888519, -0.11899019032716751, -0.05477128177881241, -0.013531327247619629, 0.01296283956617117, -0.0424812026321888, -0.02130316011607647, -0.12859247624874115, 0.016337500885128975, -0.058827757835388184, -0.003232759889215231, -0.08756373077630997, 0.008326178416609764, 0.07864592224359512, -0.050540532916784286, 0.14450393617153168, 0.1853049397468567, -0.0845094546675682, 0.14156962931156158, -0.17097364366054535, -0.13480058312416077, 0.11650583893060684, 0.009430273436009884, 0.01604217290878296, 0.09425711631774902, 0.05475103482604027, 0.05398958548903465, -0.02336430363357067, 0.04565492644906044, -0.0472499281167984, -0.13741296529769897, 0.0073615191504359245, -0.05115026608109474, -0.11363784968852997, -0.056997474282979965, -0.02948186919093132, 0.07470914721488953, 0.05184128135442734, 0.09164517372846603, -0.016784988343715668, 0.11072797328233719, -0.057020220905542374, 0.014461680315434933, 0.025167105719447136, -0.1659793108701706, 0.014231390319764614, -0.07943353801965714, 0.028765754774212837, 0.010778249241411686, 0.2765483260154724, 0.029863951727747917, 0.022895539179444313, 0.004849052056670189, 0.07888121902942657, 0.08317627757787704, 0.011843293905258179, 0.2625652551651001, 0.11629665642976761, -0.07128477096557617, -0.07548943161964417, 0.08640684187412262, 0.01971866562962532, 0.02680022083222866, 0.1537594348192215, 0.08364265412092209, 0.017093239352107048, 0.10792932659387589, 0.0011842373060062528, 0.021537283435463905, -0.09714646637439728, -0.143906831741333, 0.020723050460219383, 0.0697828158736229, 0.02230396680533886, 0.0984700620174408, 0.14360789954662323, -0.046569932252168655, 0.07867665588855743, 0.0401797741651535, -0.05577598884701729, -0.1377270668745041, -0.10682237893342972, -0.04852670058608055, -0.1592148244380951, 0.01649598218500614, -0.13393869996070862, 0.03549998626112938, 0.13133300840854645, 0.0431266687810421, -0.0372365340590477, 0.14006219804286957, 0.06096745654940605, -0.12295901030302048, 0.09727158397436142, -0.038790617138147354, 0.06222113221883774, 0.05343054234981537, -0.021544935181736946, -0.030688386410474777, -0.060701679438352585, 0.020864753052592278, 0.06153792515397072, -0.039880260825157166, 0.03241366520524025, -0.171433687210083, -0.0975876972079277, -0.048039473593235016, 0.0763327032327652, -0.0707346722483635, 0.14145877957344055, 0.011825406923890114, -0.04353008046746254, 0.03476502001285553, 0.2147682160139084, -0.06534674018621445, -0.0012154667638242245, -0.03754262626171112, 0.17974065244197845, 0.09997153282165527, 0.0812876895070076, -0.0069336663000285625, -0.01917019672691822, -0.04120504483580589, 0.3151510953903198, 0.259878545999527, -0.041121188551187515, 0.021053658798336983, 0.05916077271103859, 0.041101694107055664, 0.15541793406009674, 0.09495509415864944, 0.1075538620352745, 0.292980819940567, -0.07376820594072342, -0.06558048725128174, -0.015380299650132656, -0.012545138597488403, -0.09374979138374329, 0.08039815723896027, 0.06494695693254471, -0.0881514921784401, -0.04179781675338745, 0.11622879654169083, -0.24114742875099182, 0.11953544616699219, 0.0015655322931706905, -0.17229856550693512, -0.05261610820889473, -0.03376699611544609, 0.09071679413318634, 0.026434583589434624, 0.11521585285663605, -0.012516504153609276, -0.12733620405197144, 0.043186649680137634, 0.06355270743370056, -0.2846991717815399, -0.042510345578193665, 0.05719650164246559, -0.017924979329109192, 0.013886695727705956, -0.02940267138183117, 0.019328540191054344, 0.05845877155661583, 0.061722282320261, -0.004357845522463322, 0.040718771517276764, -0.0029190771747380495, -0.04694301262497902, -0.011458391323685646, 0.05720140039920807, 0.004024474415928125, -0.14464272558689117, 0.05951172485947609, -0.140448197722435, 0.02582695335149765, -0.003993859514594078, -0.03970295190811157, -0.011781605891883373, -0.06706850975751877, -0.07532022148370743, 0.031208623200654984, 0.10000083595514297, 0.016243739053606987, -0.012969194911420345, -0.08612985163927078, -0.008733793161809444, 0.007178271189332008, -0.06601697206497192, -0.12157923728227615, -0.09067876636981964, -0.11222388595342636, 0.10408657044172287, -0.03792525827884674, -0.14407148957252502, 0.012849753722548485, -0.05810561031103134, 0.07216701656579971, -0.14991551637649536, 0.06805402040481567, 0.04374640807509422, 0.02321077138185501, 0.007047983817756176, -0.019903039559721947, 0.05827571451663971, 0.09377917647361755, -0.09907127171754837, -0.07913137227296829 ]
null
null
transformers
해당 모델은 [해당 사이트](https://huggingface.co/gpt2-medium)에서 가져온 모델입니다. 해당 모델은 [Teachable NLP](https://ainize.ai/teachable-nlp) 서비스에서 사용됩니다.
{}
feature-extraction
ComCom/gpt2-medium
[ "transformers", "pytorch", "gpt2", "feature-extraction", "endpoints_compatible", "text-generation-inference", "region:us" ]
2022-03-02T23:29:04+00:00
[]
[]
TAGS #transformers #pytorch #gpt2 #feature-extraction #endpoints_compatible #text-generation-inference #region-us
해당 모델은 해당 사이트에서 가져온 모델입니다. 해당 모델은 Teachable NLP 서비스에서 사용됩니다.
[]
[ "TAGS\n#transformers #pytorch #gpt2 #feature-extraction #endpoints_compatible #text-generation-inference #region-us \n" ]
[ 40 ]
[ "passage: TAGS\n#transformers #pytorch #gpt2 #feature-extraction #endpoints_compatible #text-generation-inference #region-us \n" ]
[ -0.041738081723451614, 0.0006603930378332734, -0.0077804382890462875, 0.02187127247452736, 0.17088019847869873, 0.03971775993704796, 0.007533485069870949, 0.14377127587795258, -0.006257137283682823, -0.011382832191884518, 0.11762092262506485, 0.20508740842342377, 0.00784099381417036, 0.028314976021647453, -0.05866454914212227, -0.2831045091152191, 0.08493058383464813, 0.08416919410228729, -0.01326358038932085, 0.11360260844230652, 0.054742347449064255, -0.05299406871199608, 0.08551254868507385, -0.009567638859152794, -0.1666277050971985, 0.025074917823076248, 0.03387558460235596, -0.096889428794384, 0.10422462970018387, 0.039179589599370956, 0.07888877391815186, -0.009128399193286896, -0.10176379233598709, -0.15800915658473969, 0.03292359784245491, 0.02850702404975891, -0.07778777927160263, 0.04681156575679779, 0.0969340056180954, -0.11927396804094315, 0.11956637352705002, 0.0737585499882698, -0.04220421984791756, 0.03971903771162033, -0.1719289869070053, -0.12758882343769073, -0.048368893563747406, 0.056218817830085754, 0.011468470096588135, 0.11972709000110626, -0.013445224612951279, 0.06349145621061325, -0.11493632942438126, 0.09287001937627792, 0.2231275886297226, -0.2950896918773651, 0.0030652882996946573, 0.07998622208833694, 0.08558391779661179, 0.024038977921009064, -0.02403159625828266, 0.04914766177535057, -0.0014712136471644044, 0.016512645408511162, -0.002524568233639002, -0.08030059188604355, -0.08143451064825058, 0.067994125187397, -0.09567644447088242, -0.1085016056895256, 0.19599956274032593, -0.037169571965932846, 0.057531487196683884, -0.018252376466989517, -0.1048378273844719, -0.035367451608181, -0.03141259774565697, 0.04383126646280289, -0.04655193164944649, 0.09111811965703964, 0.03488318249583244, -0.0962463915348053, -0.11958077549934387, -0.05058484897017479, -0.17009781301021576, 0.19194501638412476, 0.016876546666026115, 0.08169978857040405, -0.19404606521129608, 0.09752284735441208, -0.07144974172115326, -0.07873044162988663, -0.010072208009660244, -0.09105978161096573, 0.06175195798277855, 0.033031102269887924, -0.06613069027662277, -0.04775426164269447, 0.0818280279636383, 0.08610472828149796, -0.10406491905450821, 0.01719980686903, -0.04292036592960358, 0.11668846756219864, 0.02352554351091385, 0.11376560479402542, -0.02733444981276989, 0.021203042939305305, 0.0229088943451643, -0.15113891661167145, -0.016987906768918037, -0.06731607764959335, -0.13311201333999634, -0.065431609749794, 0.0392879880964756, 0.07915562391281128, 0.02367335744202137, 0.06350242346525192, -0.05116124451160431, -0.02858935110270977, 0.046870436519384384, -0.07376015931367874, -0.01830187626183033, 0.013634067960083485, 0.016825081780552864, 0.1493465006351471, -0.00417596660554409, -0.018826954066753387, -0.15106767416000366, 0.021475402638316154, -0.08322446048259735, 0.04147294536232948, -0.03676242753863335, -0.04474226012825966, 0.020958833396434784, -0.13873010873794556, 0.006139902863651514, -0.13151675462722778, -0.1973528414964676, 0.022015461698174477, 0.009486626833677292, -0.0215931236743927, 0.007832784205675125, -0.034968096762895584, -0.04911528900265694, 0.017402030527591705, -0.06779249757528305, -0.03950132057070732, -0.07171300053596497, 0.11495931446552277, -0.05113512650132179, 0.05598050355911255, -0.12993207573890686, 0.092398501932621, -0.11554724723100662, 0.0219033882021904, -0.14226709306240082, 0.08573183417320251, 0.007836001925170422, 0.10386785864830017, -0.029389841482043266, -0.0776323601603508, -0.11240990459918976, 0.052831340581178665, -0.047963835299015045, 0.1825455278158188, -0.04801761731505394, -0.13606907427310944, 0.29213789105415344, -0.09766745567321777, -0.14481888711452484, 0.0766168087720871, 0.007640913128852844, -0.012528610415756702, 0.07863306999206543, 0.254841148853302, 0.05593622848391533, 0.03322318568825722, 0.05113765969872475, 0.14281804859638214, -0.1341845542192459, -0.08933257311582565, 0.03275791555643082, -0.056052401661872864, -0.06129975616931915, 0.03520892187952995, -0.005324159748852253, 0.08265356719493866, -0.03654841333627701, -0.02875896729528904, -0.03660611808300018, 0.022135673090815544, 0.08159694820642471, 0.012919064611196518, 0.10972902923822403, -0.01997096836566925, -0.024722767993807793, -0.02040237747132778, -0.021304955706000328, -0.07319977134466171, 0.06572932749986649, -0.031046677380800247, 0.20118261873722076, -0.05887886509299278, 0.04609593003988266, -0.22535628080368042, -0.0647583082318306, -0.016484443098306656, 0.08390682190656662, -0.033709555864334106, 0.07702810317277908, 0.06152038276195526, -0.05276556313037872, 0.002119414508342743, -0.01264959666877985, 0.07163489609956741, -0.03392008692026138, -0.018228299915790558, -0.035824913531541824, 0.03192241117358208, -0.05207069218158722, -0.05370980128645897, -0.02201896719634533, 0.011954137124121189, 0.10153979808092117, 0.06675877422094345, -0.00923764519393444, 0.005162067245692015, -0.022222405299544334, 0.01083388365805149, -0.03875313699245453, -0.017998753115534782, 0.09712710231542587, -0.011654326692223549, -0.07948454469442368, 0.2046763300895691, -0.12324228882789612, 0.2094569057226181, 0.1909194439649582, -0.3088929355144501, 0.034092970192432404, -0.09023378044366837, -0.034230876713991165, 0.053078725934028625, 0.05404044687747955, -0.040795668959617615, 0.16969145834445953, 0.008769898675382137, 0.1643693894147873, -0.07041661441326141, -0.05660668760538101, -0.00451989471912384, -0.01616053469479084, -0.0062485639937222, 0.061122503131628036, 0.09835348278284073, -0.11921752244234085, 0.17720967531204224, 0.18893423676490784, 0.042469434440135956, 0.17167359590530396, -0.03529220446944237, -0.05262909084558487, 0.07844242453575134, 0.042467840015888214, -0.05693482235074043, -0.032437365502119064, -0.2762526273727417, -0.026090936735272408, 0.0737522691488266, 0.0710396021604538, 0.14143909513950348, -0.13464762270450592, -0.04816313832998276, -0.010956230573356152, -0.06066242232918739, -0.08002041280269623, 0.056099262088537216, 0.0672672912478447, 0.10080263018608093, 0.022752372547984123, 0.032730069011449814, 0.10935060679912567, 0.01738753356039524, -0.0834706649184227, 0.2178620845079422, -0.10178320109844208, -0.33317622542381287, -0.1369653195142746, -0.1150272786617279, -0.033266711980104446, 0.04911762475967407, 0.10980632156133652, -0.10324377566576004, 0.0009570270776748657, 0.008926993235945702, 0.11124660819768906, -0.1220935583114624, 0.012775307521224022, -0.06377802044153214, 0.03436984121799469, -0.09331483393907547, -0.09634464234113693, -0.05986281856894493, -0.04789188131690025, -0.06363902986049652, 0.1174699068069458, -0.116438128054142, 0.06277597695589066, 0.1722145527601242, 0.04329848662018776, 0.08575592190027237, -0.04135937988758087, 0.17487402260303497, -0.10325967520475388, -0.0595489963889122, 0.24159345030784607, -0.02875688672065735, 0.08670072257518768, 0.04500998184084892, 0.0031436241697520018, -0.08001786470413208, -0.025472491979599, -0.03126903623342514, -0.11184106022119522, -0.2259931117296219, -0.10415515303611755, -0.13770025968551636, 0.0786261260509491, 0.0382726676762104, 0.06074817478656769, 0.12005531042814255, 0.07052870094776154, -0.015365011058747768, 0.0018315460765734315, 0.021940454840660095, 0.05805017054080963, 0.18058690428733826, -0.025290578603744507, 0.09920939803123474, -0.04249698668718338, -0.09555821120738983, 0.08314239978790283, 0.0534517765045166, 0.23146659135818481, 0.022372694686055183, 0.054680097848176956, 0.03655407577753067, 0.0822034627199173, 0.11222474277019501, 0.1311919093132019, -0.0187904704362154, -0.0014576532412320375, -0.021217457950115204, -0.010252425447106361, -0.05176464095711708, 0.018018443137407303, 0.08119597285985947, -0.1505136638879776, -0.08245675265789032, -0.15704481303691864, 0.11908795684576035, 0.0863485261797905, 0.03820519149303436, -0.20859533548355103, -0.005733971484005451, 0.07217603176832199, -0.014849499799311161, -0.10646176338195801, 0.08309683948755264, 0.013001388870179653, -0.1387539803981781, 0.05543473735451698, -0.06239619478583336, 0.1252695620059967, -0.053676292300224304, 0.06893899291753769, -0.04658178240060806, -0.10255634039640427, 0.03181438520550728, 0.11543741822242737, -0.2118789106607437, 0.22680102288722992, -0.0032380297780036926, -0.03415071591734886, -0.08927939087152481, 0.022145433351397514, 0.014392598532140255, 0.10249006748199463, 0.15926963090896606, 0.01812969520688057, -0.011300944723188877, -0.08793164044618607, 0.011631128378212452, 0.04778032377362251, 0.13795995712280273, -0.06651607900857925, -0.010707798413932323, -0.02881084755063057, 0.010915597900748253, -0.04522477090358734, -0.013125968165695667, 0.08432208746671677, -0.15820790827274323, 0.057620223611593246, -0.0393526516854763, 0.10214387625455856, 0.0033374580089002848, 0.01796615682542324, -0.06318295747041702, 0.20929263532161713, -0.10487117618322372, -0.11598853766918182, -0.10681453347206116, -0.027974223718047142, 0.07450448721647263, -0.06291978061199188, 0.06764564663171768, -0.051782671362161636, 0.01285023707896471, -0.05280236154794693, -0.21845079958438873, 0.11031831055879593, -0.07453005015850067, -0.0016158982180058956, 0.008800340816378593, 0.20899157226085663, -0.06769916415214539, -0.00160019111353904, 0.04188980162143707, 0.01622861437499523, -0.1109042838215828, -0.12727637588977814, 0.012532294727861881, 0.014086605049669743, 0.07150094956159592, 0.10601167380809784, -0.050638433545827866, 0.04691263660788536, -0.025263436138629913, 0.045868877321481705, 0.3152247667312622, 0.08324620872735977, -0.03270576149225235, 0.15859466791152954, 0.0798487514257431, -0.06361725926399231, -0.2935284674167633, -0.047660719603300095, -0.11078326404094696, -0.054489072412252426, -0.06550616770982742, -0.1966962367296219, 0.09131905436515808, 0.0697225034236908, 0.009308590553700924, 0.15318456292152405, -0.2964324653148651, -0.0509369857609272, 0.09533791244029999, 0.0022485286463052034, 0.3551301062107086, -0.12605319917201996, -0.11023731529712677, -0.019237680360674858, -0.20431837439537048, 0.14667649567127228, -0.06743189692497253, 0.10663831979036331, -0.030929863452911377, 0.06745454668998718, 0.03670748323202133, -0.0610780343413353, 0.10176961869001389, 0.0515599362552166, 0.02066565863788128, -0.07515615969896317, -0.03716709464788437, 0.07826601713895798, 0.00812526699155569, 0.03218889608979225, -0.009297032840549946, 0.03533962741494179, -0.1540544480085373, -0.03642881661653519, -0.12044832855463028, 0.057809021323919296, 0.0606185682117939, -0.054091908037662506, -0.019431952387094498, -0.05765942484140396, 0.016837207600474358, 0.042732205241918564, 0.22143951058387756, -0.055046796798706055, 0.12669764459133148, 0.008887652307748795, 0.06600899249315262, -0.15381716191768646, -0.12809935212135315, -0.06726040691137314, -0.027684571221470833, 0.10455124080181122, -0.14085985720157623, 0.06650276482105255, 0.10565965622663498, -0.02753858081996441, 0.06359502673149109, 0.14415253698825836, 0.013937443494796753, 0.021628838032484055, 0.11156296730041504, -0.223700612783432, -0.0414690263569355, -0.07241609692573547, -0.1054842546582222, 0.07692481577396393, 0.08299189805984497, 0.1521061807870865, 0.04493117332458496, -0.0282128918915987, -0.0192872267216444, 0.008611343801021576, -0.066280797123909, 0.05097402259707451, 0.003581947647035122, 0.02229336090385914, -0.16293476521968842, 0.07943993806838989, -0.020013751462101936, -0.1919384002685547, -0.0029299890156835318, 0.1188608929514885, -0.12337737530469894, -0.11279512196779251, -0.09450635313987732, 0.0785587728023529, -0.14099381864070892, -0.024673182517290115, -0.052053555846214294, -0.12035515159368515, 0.09254483878612518, 0.14538460969924927, 0.06842558830976486, 0.12074032425880432, -0.037230513989925385, -0.018984120339155197, -0.017330678179860115, -0.061490610241889954, -0.009744103066623211, -0.0010646459413692355, -0.07668883353471756, 0.05976381152868271, -0.018175018951296806, 0.16209155321121216, -0.07423562556505203, -0.0674835667014122, -0.12945657968521118, 0.05256183445453644, -0.07307283580303192, -0.04601083695888519, -0.11899019032716751, -0.05477128177881241, -0.013531327247619629, 0.01296283956617117, -0.0424812026321888, -0.02130316011607647, -0.12859247624874115, 0.016337500885128975, -0.058827757835388184, -0.003232759889215231, -0.08756373077630997, 0.008326178416609764, 0.07864592224359512, -0.050540532916784286, 0.14450393617153168, 0.1853049397468567, -0.0845094546675682, 0.14156962931156158, -0.17097364366054535, -0.13480058312416077, 0.11650583893060684, 0.009430273436009884, 0.01604217290878296, 0.09425711631774902, 0.05475103482604027, 0.05398958548903465, -0.02336430363357067, 0.04565492644906044, -0.0472499281167984, -0.13741296529769897, 0.0073615191504359245, -0.05115026608109474, -0.11363784968852997, -0.056997474282979965, -0.02948186919093132, 0.07470914721488953, 0.05184128135442734, 0.09164517372846603, -0.016784988343715668, 0.11072797328233719, -0.057020220905542374, 0.014461680315434933, 0.025167105719447136, -0.1659793108701706, 0.014231390319764614, -0.07943353801965714, 0.028765754774212837, 0.010778249241411686, 0.2765483260154724, 0.029863951727747917, 0.022895539179444313, 0.004849052056670189, 0.07888121902942657, 0.08317627757787704, 0.011843293905258179, 0.2625652551651001, 0.11629665642976761, -0.07128477096557617, -0.07548943161964417, 0.08640684187412262, 0.01971866562962532, 0.02680022083222866, 0.1537594348192215, 0.08364265412092209, 0.017093239352107048, 0.10792932659387589, 0.0011842373060062528, 0.021537283435463905, -0.09714646637439728, -0.143906831741333, 0.020723050460219383, 0.0697828158736229, 0.02230396680533886, 0.0984700620174408, 0.14360789954662323, -0.046569932252168655, 0.07867665588855743, 0.0401797741651535, -0.05577598884701729, -0.1377270668745041, -0.10682237893342972, -0.04852670058608055, -0.1592148244380951, 0.01649598218500614, -0.13393869996070862, 0.03549998626112938, 0.13133300840854645, 0.0431266687810421, -0.0372365340590477, 0.14006219804286957, 0.06096745654940605, -0.12295901030302048, 0.09727158397436142, -0.038790617138147354, 0.06222113221883774, 0.05343054234981537, -0.021544935181736946, -0.030688386410474777, -0.060701679438352585, 0.020864753052592278, 0.06153792515397072, -0.039880260825157166, 0.03241366520524025, -0.171433687210083, -0.0975876972079277, -0.048039473593235016, 0.0763327032327652, -0.0707346722483635, 0.14145877957344055, 0.011825406923890114, -0.04353008046746254, 0.03476502001285553, 0.2147682160139084, -0.06534674018621445, -0.0012154667638242245, -0.03754262626171112, 0.17974065244197845, 0.09997153282165527, 0.0812876895070076, -0.0069336663000285625, -0.01917019672691822, -0.04120504483580589, 0.3151510953903198, 0.259878545999527, -0.041121188551187515, 0.021053658798336983, 0.05916077271103859, 0.041101694107055664, 0.15541793406009674, 0.09495509415864944, 0.1075538620352745, 0.292980819940567, -0.07376820594072342, -0.06558048725128174, -0.015380299650132656, -0.012545138597488403, -0.09374979138374329, 0.08039815723896027, 0.06494695693254471, -0.0881514921784401, -0.04179781675338745, 0.11622879654169083, -0.24114742875099182, 0.11953544616699219, 0.0015655322931706905, -0.17229856550693512, -0.05261610820889473, -0.03376699611544609, 0.09071679413318634, 0.026434583589434624, 0.11521585285663605, -0.012516504153609276, -0.12733620405197144, 0.043186649680137634, 0.06355270743370056, -0.2846991717815399, -0.042510345578193665, 0.05719650164246559, -0.017924979329109192, 0.013886695727705956, -0.02940267138183117, 0.019328540191054344, 0.05845877155661583, 0.061722282320261, -0.004357845522463322, 0.040718771517276764, -0.0029190771747380495, -0.04694301262497902, -0.011458391323685646, 0.05720140039920807, 0.004024474415928125, -0.14464272558689117, 0.05951172485947609, -0.140448197722435, 0.02582695335149765, -0.003993859514594078, -0.03970295190811157, -0.011781605891883373, -0.06706850975751877, -0.07532022148370743, 0.031208623200654984, 0.10000083595514297, 0.016243739053606987, -0.012969194911420345, -0.08612985163927078, -0.008733793161809444, 0.007178271189332008, -0.06601697206497192, -0.12157923728227615, -0.09067876636981964, -0.11222388595342636, 0.10408657044172287, -0.03792525827884674, -0.14407148957252502, 0.012849753722548485, -0.05810561031103134, 0.07216701656579971, -0.14991551637649536, 0.06805402040481567, 0.04374640807509422, 0.02321077138185501, 0.007047983817756176, -0.019903039559721947, 0.05827571451663971, 0.09377917647361755, -0.09907127171754837, -0.07913137227296829 ]
null
null
transformers
해당 모델은 [해당 사이트](https://huggingface.co/gpt2)에서 가져온 모델입니다. 해당 모델은 [Teachable NLP](https://ainize.ai/teachable-nlp) 서비스에서 사용됩니다.
{}
feature-extraction
ComCom/gpt2
[ "transformers", "pytorch", "gpt2", "feature-extraction", "endpoints_compatible", "text-generation-inference", "region:us" ]
2022-03-02T23:29:04+00:00
[]
[]
TAGS #transformers #pytorch #gpt2 #feature-extraction #endpoints_compatible #text-generation-inference #region-us
해당 모델은 해당 사이트에서 가져온 모델입니다. 해당 모델은 Teachable NLP 서비스에서 사용됩니다.
[]
[ "TAGS\n#transformers #pytorch #gpt2 #feature-extraction #endpoints_compatible #text-generation-inference #region-us \n" ]
[ 40 ]
[ "passage: TAGS\n#transformers #pytorch #gpt2 #feature-extraction #endpoints_compatible #text-generation-inference #region-us \n" ]
[ -0.041738081723451614, 0.0006603930378332734, -0.0077804382890462875, 0.02187127247452736, 0.17088019847869873, 0.03971775993704796, 0.007533485069870949, 0.14377127587795258, -0.006257137283682823, -0.011382832191884518, 0.11762092262506485, 0.20508740842342377, 0.00784099381417036, 0.028314976021647453, -0.05866454914212227, -0.2831045091152191, 0.08493058383464813, 0.08416919410228729, -0.01326358038932085, 0.11360260844230652, 0.054742347449064255, -0.05299406871199608, 0.08551254868507385, -0.009567638859152794, -0.1666277050971985, 0.025074917823076248, 0.03387558460235596, -0.096889428794384, 0.10422462970018387, 0.039179589599370956, 0.07888877391815186, -0.009128399193286896, -0.10176379233598709, -0.15800915658473969, 0.03292359784245491, 0.02850702404975891, -0.07778777927160263, 0.04681156575679779, 0.0969340056180954, -0.11927396804094315, 0.11956637352705002, 0.0737585499882698, -0.04220421984791756, 0.03971903771162033, -0.1719289869070053, -0.12758882343769073, -0.048368893563747406, 0.056218817830085754, 0.011468470096588135, 0.11972709000110626, -0.013445224612951279, 0.06349145621061325, -0.11493632942438126, 0.09287001937627792, 0.2231275886297226, -0.2950896918773651, 0.0030652882996946573, 0.07998622208833694, 0.08558391779661179, 0.024038977921009064, -0.02403159625828266, 0.04914766177535057, -0.0014712136471644044, 0.016512645408511162, -0.002524568233639002, -0.08030059188604355, -0.08143451064825058, 0.067994125187397, -0.09567644447088242, -0.1085016056895256, 0.19599956274032593, -0.037169571965932846, 0.057531487196683884, -0.018252376466989517, -0.1048378273844719, -0.035367451608181, -0.03141259774565697, 0.04383126646280289, -0.04655193164944649, 0.09111811965703964, 0.03488318249583244, -0.0962463915348053, -0.11958077549934387, -0.05058484897017479, -0.17009781301021576, 0.19194501638412476, 0.016876546666026115, 0.08169978857040405, -0.19404606521129608, 0.09752284735441208, -0.07144974172115326, -0.07873044162988663, -0.010072208009660244, -0.09105978161096573, 0.06175195798277855, 0.033031102269887924, -0.06613069027662277, -0.04775426164269447, 0.0818280279636383, 0.08610472828149796, -0.10406491905450821, 0.01719980686903, -0.04292036592960358, 0.11668846756219864, 0.02352554351091385, 0.11376560479402542, -0.02733444981276989, 0.021203042939305305, 0.0229088943451643, -0.15113891661167145, -0.016987906768918037, -0.06731607764959335, -0.13311201333999634, -0.065431609749794, 0.0392879880964756, 0.07915562391281128, 0.02367335744202137, 0.06350242346525192, -0.05116124451160431, -0.02858935110270977, 0.046870436519384384, -0.07376015931367874, -0.01830187626183033, 0.013634067960083485, 0.016825081780552864, 0.1493465006351471, -0.00417596660554409, -0.018826954066753387, -0.15106767416000366, 0.021475402638316154, -0.08322446048259735, 0.04147294536232948, -0.03676242753863335, -0.04474226012825966, 0.020958833396434784, -0.13873010873794556, 0.006139902863651514, -0.13151675462722778, -0.1973528414964676, 0.022015461698174477, 0.009486626833677292, -0.0215931236743927, 0.007832784205675125, -0.034968096762895584, -0.04911528900265694, 0.017402030527591705, -0.06779249757528305, -0.03950132057070732, -0.07171300053596497, 0.11495931446552277, -0.05113512650132179, 0.05598050355911255, -0.12993207573890686, 0.092398501932621, -0.11554724723100662, 0.0219033882021904, -0.14226709306240082, 0.08573183417320251, 0.007836001925170422, 0.10386785864830017, -0.029389841482043266, -0.0776323601603508, -0.11240990459918976, 0.052831340581178665, -0.047963835299015045, 0.1825455278158188, -0.04801761731505394, -0.13606907427310944, 0.29213789105415344, -0.09766745567321777, -0.14481888711452484, 0.0766168087720871, 0.007640913128852844, -0.012528610415756702, 0.07863306999206543, 0.254841148853302, 0.05593622848391533, 0.03322318568825722, 0.05113765969872475, 0.14281804859638214, -0.1341845542192459, -0.08933257311582565, 0.03275791555643082, -0.056052401661872864, -0.06129975616931915, 0.03520892187952995, -0.005324159748852253, 0.08265356719493866, -0.03654841333627701, -0.02875896729528904, -0.03660611808300018, 0.022135673090815544, 0.08159694820642471, 0.012919064611196518, 0.10972902923822403, -0.01997096836566925, -0.024722767993807793, -0.02040237747132778, -0.021304955706000328, -0.07319977134466171, 0.06572932749986649, -0.031046677380800247, 0.20118261873722076, -0.05887886509299278, 0.04609593003988266, -0.22535628080368042, -0.0647583082318306, -0.016484443098306656, 0.08390682190656662, -0.033709555864334106, 0.07702810317277908, 0.06152038276195526, -0.05276556313037872, 0.002119414508342743, -0.01264959666877985, 0.07163489609956741, -0.03392008692026138, -0.018228299915790558, -0.035824913531541824, 0.03192241117358208, -0.05207069218158722, -0.05370980128645897, -0.02201896719634533, 0.011954137124121189, 0.10153979808092117, 0.06675877422094345, -0.00923764519393444, 0.005162067245692015, -0.022222405299544334, 0.01083388365805149, -0.03875313699245453, -0.017998753115534782, 0.09712710231542587, -0.011654326692223549, -0.07948454469442368, 0.2046763300895691, -0.12324228882789612, 0.2094569057226181, 0.1909194439649582, -0.3088929355144501, 0.034092970192432404, -0.09023378044366837, -0.034230876713991165, 0.053078725934028625, 0.05404044687747955, -0.040795668959617615, 0.16969145834445953, 0.008769898675382137, 0.1643693894147873, -0.07041661441326141, -0.05660668760538101, -0.00451989471912384, -0.01616053469479084, -0.0062485639937222, 0.061122503131628036, 0.09835348278284073, -0.11921752244234085, 0.17720967531204224, 0.18893423676490784, 0.042469434440135956, 0.17167359590530396, -0.03529220446944237, -0.05262909084558487, 0.07844242453575134, 0.042467840015888214, -0.05693482235074043, -0.032437365502119064, -0.2762526273727417, -0.026090936735272408, 0.0737522691488266, 0.0710396021604538, 0.14143909513950348, -0.13464762270450592, -0.04816313832998276, -0.010956230573356152, -0.06066242232918739, -0.08002041280269623, 0.056099262088537216, 0.0672672912478447, 0.10080263018608093, 0.022752372547984123, 0.032730069011449814, 0.10935060679912567, 0.01738753356039524, -0.0834706649184227, 0.2178620845079422, -0.10178320109844208, -0.33317622542381287, -0.1369653195142746, -0.1150272786617279, -0.033266711980104446, 0.04911762475967407, 0.10980632156133652, -0.10324377566576004, 0.0009570270776748657, 0.008926993235945702, 0.11124660819768906, -0.1220935583114624, 0.012775307521224022, -0.06377802044153214, 0.03436984121799469, -0.09331483393907547, -0.09634464234113693, -0.05986281856894493, -0.04789188131690025, -0.06363902986049652, 0.1174699068069458, -0.116438128054142, 0.06277597695589066, 0.1722145527601242, 0.04329848662018776, 0.08575592190027237, -0.04135937988758087, 0.17487402260303497, -0.10325967520475388, -0.0595489963889122, 0.24159345030784607, -0.02875688672065735, 0.08670072257518768, 0.04500998184084892, 0.0031436241697520018, -0.08001786470413208, -0.025472491979599, -0.03126903623342514, -0.11184106022119522, -0.2259931117296219, -0.10415515303611755, -0.13770025968551636, 0.0786261260509491, 0.0382726676762104, 0.06074817478656769, 0.12005531042814255, 0.07052870094776154, -0.015365011058747768, 0.0018315460765734315, 0.021940454840660095, 0.05805017054080963, 0.18058690428733826, -0.025290578603744507, 0.09920939803123474, -0.04249698668718338, -0.09555821120738983, 0.08314239978790283, 0.0534517765045166, 0.23146659135818481, 0.022372694686055183, 0.054680097848176956, 0.03655407577753067, 0.0822034627199173, 0.11222474277019501, 0.1311919093132019, -0.0187904704362154, -0.0014576532412320375, -0.021217457950115204, -0.010252425447106361, -0.05176464095711708, 0.018018443137407303, 0.08119597285985947, -0.1505136638879776, -0.08245675265789032, -0.15704481303691864, 0.11908795684576035, 0.0863485261797905, 0.03820519149303436, -0.20859533548355103, -0.005733971484005451, 0.07217603176832199, -0.014849499799311161, -0.10646176338195801, 0.08309683948755264, 0.013001388870179653, -0.1387539803981781, 0.05543473735451698, -0.06239619478583336, 0.1252695620059967, -0.053676292300224304, 0.06893899291753769, -0.04658178240060806, -0.10255634039640427, 0.03181438520550728, 0.11543741822242737, -0.2118789106607437, 0.22680102288722992, -0.0032380297780036926, -0.03415071591734886, -0.08927939087152481, 0.022145433351397514, 0.014392598532140255, 0.10249006748199463, 0.15926963090896606, 0.01812969520688057, -0.011300944723188877, -0.08793164044618607, 0.011631128378212452, 0.04778032377362251, 0.13795995712280273, -0.06651607900857925, -0.010707798413932323, -0.02881084755063057, 0.010915597900748253, -0.04522477090358734, -0.013125968165695667, 0.08432208746671677, -0.15820790827274323, 0.057620223611593246, -0.0393526516854763, 0.10214387625455856, 0.0033374580089002848, 0.01796615682542324, -0.06318295747041702, 0.20929263532161713, -0.10487117618322372, -0.11598853766918182, -0.10681453347206116, -0.027974223718047142, 0.07450448721647263, -0.06291978061199188, 0.06764564663171768, -0.051782671362161636, 0.01285023707896471, -0.05280236154794693, -0.21845079958438873, 0.11031831055879593, -0.07453005015850067, -0.0016158982180058956, 0.008800340816378593, 0.20899157226085663, -0.06769916415214539, -0.00160019111353904, 0.04188980162143707, 0.01622861437499523, -0.1109042838215828, -0.12727637588977814, 0.012532294727861881, 0.014086605049669743, 0.07150094956159592, 0.10601167380809784, -0.050638433545827866, 0.04691263660788536, -0.025263436138629913, 0.045868877321481705, 0.3152247667312622, 0.08324620872735977, -0.03270576149225235, 0.15859466791152954, 0.0798487514257431, -0.06361725926399231, -0.2935284674167633, -0.047660719603300095, -0.11078326404094696, -0.054489072412252426, -0.06550616770982742, -0.1966962367296219, 0.09131905436515808, 0.0697225034236908, 0.009308590553700924, 0.15318456292152405, -0.2964324653148651, -0.0509369857609272, 0.09533791244029999, 0.0022485286463052034, 0.3551301062107086, -0.12605319917201996, -0.11023731529712677, -0.019237680360674858, -0.20431837439537048, 0.14667649567127228, -0.06743189692497253, 0.10663831979036331, -0.030929863452911377, 0.06745454668998718, 0.03670748323202133, -0.0610780343413353, 0.10176961869001389, 0.0515599362552166, 0.02066565863788128, -0.07515615969896317, -0.03716709464788437, 0.07826601713895798, 0.00812526699155569, 0.03218889608979225, -0.009297032840549946, 0.03533962741494179, -0.1540544480085373, -0.03642881661653519, -0.12044832855463028, 0.057809021323919296, 0.0606185682117939, -0.054091908037662506, -0.019431952387094498, -0.05765942484140396, 0.016837207600474358, 0.042732205241918564, 0.22143951058387756, -0.055046796798706055, 0.12669764459133148, 0.008887652307748795, 0.06600899249315262, -0.15381716191768646, -0.12809935212135315, -0.06726040691137314, -0.027684571221470833, 0.10455124080181122, -0.14085985720157623, 0.06650276482105255, 0.10565965622663498, -0.02753858081996441, 0.06359502673149109, 0.14415253698825836, 0.013937443494796753, 0.021628838032484055, 0.11156296730041504, -0.223700612783432, -0.0414690263569355, -0.07241609692573547, -0.1054842546582222, 0.07692481577396393, 0.08299189805984497, 0.1521061807870865, 0.04493117332458496, -0.0282128918915987, -0.0192872267216444, 0.008611343801021576, -0.066280797123909, 0.05097402259707451, 0.003581947647035122, 0.02229336090385914, -0.16293476521968842, 0.07943993806838989, -0.020013751462101936, -0.1919384002685547, -0.0029299890156835318, 0.1188608929514885, -0.12337737530469894, -0.11279512196779251, -0.09450635313987732, 0.0785587728023529, -0.14099381864070892, -0.024673182517290115, -0.052053555846214294, -0.12035515159368515, 0.09254483878612518, 0.14538460969924927, 0.06842558830976486, 0.12074032425880432, -0.037230513989925385, -0.018984120339155197, -0.017330678179860115, -0.061490610241889954, -0.009744103066623211, -0.0010646459413692355, -0.07668883353471756, 0.05976381152868271, -0.018175018951296806, 0.16209155321121216, -0.07423562556505203, -0.0674835667014122, -0.12945657968521118, 0.05256183445453644, -0.07307283580303192, -0.04601083695888519, -0.11899019032716751, -0.05477128177881241, -0.013531327247619629, 0.01296283956617117, -0.0424812026321888, -0.02130316011607647, -0.12859247624874115, 0.016337500885128975, -0.058827757835388184, -0.003232759889215231, -0.08756373077630997, 0.008326178416609764, 0.07864592224359512, -0.050540532916784286, 0.14450393617153168, 0.1853049397468567, -0.0845094546675682, 0.14156962931156158, -0.17097364366054535, -0.13480058312416077, 0.11650583893060684, 0.009430273436009884, 0.01604217290878296, 0.09425711631774902, 0.05475103482604027, 0.05398958548903465, -0.02336430363357067, 0.04565492644906044, -0.0472499281167984, -0.13741296529769897, 0.0073615191504359245, -0.05115026608109474, -0.11363784968852997, -0.056997474282979965, -0.02948186919093132, 0.07470914721488953, 0.05184128135442734, 0.09164517372846603, -0.016784988343715668, 0.11072797328233719, -0.057020220905542374, 0.014461680315434933, 0.025167105719447136, -0.1659793108701706, 0.014231390319764614, -0.07943353801965714, 0.028765754774212837, 0.010778249241411686, 0.2765483260154724, 0.029863951727747917, 0.022895539179444313, 0.004849052056670189, 0.07888121902942657, 0.08317627757787704, 0.011843293905258179, 0.2625652551651001, 0.11629665642976761, -0.07128477096557617, -0.07548943161964417, 0.08640684187412262, 0.01971866562962532, 0.02680022083222866, 0.1537594348192215, 0.08364265412092209, 0.017093239352107048, 0.10792932659387589, 0.0011842373060062528, 0.021537283435463905, -0.09714646637439728, -0.143906831741333, 0.020723050460219383, 0.0697828158736229, 0.02230396680533886, 0.0984700620174408, 0.14360789954662323, -0.046569932252168655, 0.07867665588855743, 0.0401797741651535, -0.05577598884701729, -0.1377270668745041, -0.10682237893342972, -0.04852670058608055, -0.1592148244380951, 0.01649598218500614, -0.13393869996070862, 0.03549998626112938, 0.13133300840854645, 0.0431266687810421, -0.0372365340590477, 0.14006219804286957, 0.06096745654940605, -0.12295901030302048, 0.09727158397436142, -0.038790617138147354, 0.06222113221883774, 0.05343054234981537, -0.021544935181736946, -0.030688386410474777, -0.060701679438352585, 0.020864753052592278, 0.06153792515397072, -0.039880260825157166, 0.03241366520524025, -0.171433687210083, -0.0975876972079277, -0.048039473593235016, 0.0763327032327652, -0.0707346722483635, 0.14145877957344055, 0.011825406923890114, -0.04353008046746254, 0.03476502001285553, 0.2147682160139084, -0.06534674018621445, -0.0012154667638242245, -0.03754262626171112, 0.17974065244197845, 0.09997153282165527, 0.0812876895070076, -0.0069336663000285625, -0.01917019672691822, -0.04120504483580589, 0.3151510953903198, 0.259878545999527, -0.041121188551187515, 0.021053658798336983, 0.05916077271103859, 0.041101694107055664, 0.15541793406009674, 0.09495509415864944, 0.1075538620352745, 0.292980819940567, -0.07376820594072342, -0.06558048725128174, -0.015380299650132656, -0.012545138597488403, -0.09374979138374329, 0.08039815723896027, 0.06494695693254471, -0.0881514921784401, -0.04179781675338745, 0.11622879654169083, -0.24114742875099182, 0.11953544616699219, 0.0015655322931706905, -0.17229856550693512, -0.05261610820889473, -0.03376699611544609, 0.09071679413318634, 0.026434583589434624, 0.11521585285663605, -0.012516504153609276, -0.12733620405197144, 0.043186649680137634, 0.06355270743370056, -0.2846991717815399, -0.042510345578193665, 0.05719650164246559, -0.017924979329109192, 0.013886695727705956, -0.02940267138183117, 0.019328540191054344, 0.05845877155661583, 0.061722282320261, -0.004357845522463322, 0.040718771517276764, -0.0029190771747380495, -0.04694301262497902, -0.011458391323685646, 0.05720140039920807, 0.004024474415928125, -0.14464272558689117, 0.05951172485947609, -0.140448197722435, 0.02582695335149765, -0.003993859514594078, -0.03970295190811157, -0.011781605891883373, -0.06706850975751877, -0.07532022148370743, 0.031208623200654984, 0.10000083595514297, 0.016243739053606987, -0.012969194911420345, -0.08612985163927078, -0.008733793161809444, 0.007178271189332008, -0.06601697206497192, -0.12157923728227615, -0.09067876636981964, -0.11222388595342636, 0.10408657044172287, -0.03792525827884674, -0.14407148957252502, 0.012849753722548485, -0.05810561031103134, 0.07216701656579971, -0.14991551637649536, 0.06805402040481567, 0.04374640807509422, 0.02321077138185501, 0.007047983817756176, -0.019903039559721947, 0.05827571451663971, 0.09377917647361755, -0.09907127171754837, -0.07913137227296829 ]
null
null
transformers
# neurotitle-rugpt3-small Model based on [ruGPT-3](https://huggingface.co/sberbank-ai) for generating scientific paper titles. Trained on [All NeurIPS (NIPS) Papers](https://www.kaggle.com/rowhitswami/nips-papers-1987-2019-updated) dataset. Use exclusively as a crazier alternative to SCIgen. ## Made with Cometrain AlphaML & AutoCode This model was automatically fine-tuned using the Cometrain AlphaML framework and tested with CI/CD pipeline made by Cometrain AutoCode ## Cometrain AlphaML command ```shell $ cometrain create --name neurotitle --model auto --task task_0x2231.txt --output transformers ``` ## Use with Transformers ```python from transformers import pipeline, set_seed generator = pipeline('text-generation', model="CometrainResearch/neurotitle-rugpt3-small") generator("BERT:", max_length=50) ```
{"language": ["ru", "en"], "license": "mit", "tags": ["Cometrain AutoCode", "Cometrain AlphaML"], "datasets": ["All-NeurIPS-Papers-Scraper"], "widget": [{"text": "NIPSE:", "example_title": "NIPS"}, {"text": "Learning CNN", "example_title": "Learning CNN"}, {"text": "ONNX:", "example_title": "ONNX"}, {"text": "BERT:", "example_title": "BERT"}], "inference": {"parameters": {"temperature": 0.9}}}
text-generation
cometrain/neurotitle-rugpt3-small
[ "transformers", "pytorch", "gpt2", "text-generation", "Cometrain AutoCode", "Cometrain AlphaML", "ru", "en", "dataset:All-NeurIPS-Papers-Scraper", "license:mit", "autotrain_compatible", "endpoints_compatible", "text-generation-inference", "region:us" ]
2022-03-02T23:29:04+00:00
[]
[ "ru", "en" ]
TAGS #transformers #pytorch #gpt2 #text-generation #Cometrain AutoCode #Cometrain AlphaML #ru #en #dataset-All-NeurIPS-Papers-Scraper #license-mit #autotrain_compatible #endpoints_compatible #text-generation-inference #region-us
# neurotitle-rugpt3-small Model based on ruGPT-3 for generating scientific paper titles. Trained on All NeurIPS (NIPS) Papers dataset. Use exclusively as a crazier alternative to SCIgen. ## Made with Cometrain AlphaML & AutoCode This model was automatically fine-tuned using the Cometrain AlphaML framework and tested with CI/CD pipeline made by Cometrain AutoCode ## Cometrain AlphaML command ## Use with Transformers
[ "# neurotitle-rugpt3-small\nModel based on ruGPT-3 for generating scientific paper titles.\nTrained on All NeurIPS (NIPS) Papers dataset.\nUse exclusively as a crazier alternative to SCIgen.", "## Made with Cometrain AlphaML & AutoCode\nThis model was automatically fine-tuned using the Cometrain AlphaML framework and tested with CI/CD pipeline made by Cometrain AutoCode", "## Cometrain AlphaML command", "## Use with Transformers" ]
[ "TAGS\n#transformers #pytorch #gpt2 #text-generation #Cometrain AutoCode #Cometrain AlphaML #ru #en #dataset-All-NeurIPS-Papers-Scraper #license-mit #autotrain_compatible #endpoints_compatible #text-generation-inference #region-us \n", "# neurotitle-rugpt3-small\nModel based on ruGPT-3 for generating scientific paper titles.\nTrained on All NeurIPS (NIPS) Papers dataset.\nUse exclusively as a crazier alternative to SCIgen.", "## Made with Cometrain AlphaML & AutoCode\nThis model was automatically fine-tuned using the Cometrain AlphaML framework and tested with CI/CD pipeline made by Cometrain AutoCode", "## Cometrain AlphaML command", "## Use with Transformers" ]
[ 85, 55, 43, 7, 6 ]
[ "passage: TAGS\n#transformers #pytorch #gpt2 #text-generation #Cometrain AutoCode #Cometrain AlphaML #ru #en #dataset-All-NeurIPS-Papers-Scraper #license-mit #autotrain_compatible #endpoints_compatible #text-generation-inference #region-us \n# neurotitle-rugpt3-small\nModel based on ruGPT-3 for generating scientific paper titles.\nTrained on All NeurIPS (NIPS) Papers dataset.\nUse exclusively as a crazier alternative to SCIgen.## Made with Cometrain AlphaML & AutoCode\nThis model was automatically fine-tuned using the Cometrain AlphaML framework and tested with CI/CD pipeline made by Cometrain AutoCode## Cometrain AlphaML command## Use with Transformers" ]
[ -0.06465235352516174, 0.13538628816604614, -0.0032727685756981373, 0.027700452134013176, 0.09008775651454926, 0.0035824805963784456, 0.15724216401576996, 0.05293149873614311, -0.026691703125834465, 0.006368748843669891, 0.12587492167949677, 0.1063702404499054, 0.002477925503626466, 0.21685057878494263, 0.020829938352108, -0.2090369313955307, 0.03644183278083801, 0.04007342457771301, 0.0796298235654831, 0.1366358995437622, 0.051398247480392456, -0.0433720164000988, 0.06662262976169586, 0.02393232099711895, -0.16139604151248932, -0.038439616560935974, -0.009647534228861332, -0.03395647183060646, 0.04914800822734833, 0.043140288442373276, 0.1033162772655487, 0.09772761911153793, 0.019900429993867874, -0.04396762698888779, 0.042985428124666214, -0.007281910628080368, -0.011403316631913185, 0.10552895069122314, 0.09354529529809952, 0.006006526295095682, 0.17805343866348267, 0.02295767329633236, -0.012849660590291023, 0.031219931319355965, -0.08345111459493637, -0.011948071420192719, -0.06218617409467697, 0.020159225910902023, -0.0005594019312411547, 0.09459182620048523, -0.021205661818385124, 0.0404411219060421, 0.021884433925151825, 0.05649711936712265, 0.14962223172187805, -0.30116575956344604, -0.07623378187417984, 0.02559340000152588, 0.04314793273806572, -0.01591559126973152, 0.020314818248152733, 0.0018742296379059553, 0.011624094098806381, -0.036324936896562576, 0.10923939943313599, -0.03618363291025162, -0.09014303237199783, -0.06852960586547852, -0.18233737349510193, 0.03414830192923546, 0.0994478389620781, -0.06306032091379166, -0.057157013565301895, -0.12507882714271545, -0.05542171746492386, -0.08278258889913559, -0.010930993594229221, -0.04520169273018837, -0.02518046461045742, 0.009396586567163467, 0.0427137166261673, -0.09517363458871841, -0.11384593695402145, -0.08064661920070648, -0.09732448309659958, 0.17196737229824066, 0.01136942021548748, 0.023071035742759705, -0.06335950642824173, 0.11684544384479523, 0.0036125360056757927, -0.07181909680366516, -0.02841600403189659, -0.06691804528236389, -0.0777905136346817, -0.0630909651517868, -0.08768679201602936, -0.14386646449565887, 0.060297682881355286, 0.1584811508655548, 0.02534620463848114, 0.004196881782263517, 0.020907839760184288, 0.048436179757118225, -0.00901167280972004, 0.1298079490661621, -0.06037640571594238, 0.02347276173532009, 0.05199383944272995, -0.04963023588061333, 0.0684044361114502, -0.024054057896137238, -0.09417852759361267, -0.05902615934610367, 0.025677857920527458, 0.027778852730989456, -0.016941770911216736, 0.07880235463380814, -0.01122874952852726, -0.04734710231423378, 0.14334425330162048, -0.06788519024848938, -0.038512010127305984, -0.01217181421816349, 0.020342763513326645, 0.11194869130849838, 0.060363974422216415, -0.017274824902415276, -0.03844624012708664, 0.04753696173429489, -0.08566760271787643, 0.024794485419988632, -0.05943184345960617, -0.0344993956387043, 0.003965229727327824, -0.033991433680057526, -0.022486113011837006, -0.17000824213027954, -0.24826596677303314, -0.0259090568870306, 0.07884514331817627, -0.0642029270529747, 0.03798560053110123, -0.013765770010650158, 0.03161124512553215, 0.010662426240742207, -0.018380051478743553, -0.09381487965583801, -0.01334535051137209, 0.03345377743244171, -0.021819286048412323, 0.08908884972333908, -0.13658395409584045, 0.03740442171692848, -0.14693038165569305, -0.006908882409334183, -0.13854187726974487, 0.059737931936979294, -0.01236745622009039, 0.001620791619643569, -0.1378728598356247, -0.04953774809837341, -0.06861728429794312, -0.011745094321668148, 0.0899769738316536, 0.11854660511016846, -0.10981079936027527, -0.05767134577035904, 0.14245645701885223, -0.1075570210814476, -0.023390736430883408, 0.09418214857578278, -0.0015730352606624365, 0.15156570076942444, 0.03333238139748573, 0.07430844008922577, 0.16675418615341187, -0.11711037158966064, 0.00846488494426012, -0.03839989751577377, -0.07088303565979004, -0.103909932076931, 0.04067094996571541, 0.01922542415559292, -0.07216013222932816, 0.06173938885331154, 0.0005121391732245684, 0.048990216106176376, -0.030750583857297897, -0.06000212952494621, 0.011424349620938301, -0.07146966457366943, 0.0585913248360157, -0.05176335945725441, 0.10091233998537064, 0.026935908943414688, -0.020033668726682663, -0.04223829135298729, 0.05868546664714813, -0.05464458838105202, 0.03082345239818096, -0.09087743610143661, 0.086310975253582, -0.13405364751815796, 0.05690024048089981, -0.14622144401073456, -0.027282455936074257, 0.030372409150004387, 0.010656285099685192, 0.1501033455133438, -0.10079773515462875, 0.0344286784529686, 0.014373721554875374, -0.028460366651415825, 0.02846439555287361, 0.05707157775759697, -0.025930285453796387, -0.05171789973974228, -0.08582118153572083, 0.010474979877471924, -0.05837848782539368, 0.1995232254266739, -0.10455341637134552, 0.0555124394595623, 0.017618343234062195, 0.03803068399429321, 0.019201843068003654, -0.045909274369478226, 0.07056207954883575, 0.030043618753552437, -0.040021125227212906, 0.017241565510630608, 0.08410351723432541, 0.05872855335474014, -0.14285391569137573, 0.05188529193401337, -0.08264775574207306, -0.060693997889757156, 0.08929024636745453, -0.016559774056077003, -0.11289621889591217, -0.08739709854125977, -0.009510183706879616, -0.009021149016916752, 0.024741021916270256, 0.024268485605716705, 0.11683783680200577, 0.014858854003250599, 0.10167934000492096, -0.024974480271339417, -0.02018316648900509, 0.011796856299042702, -0.03879759833216667, -0.010279121808707714, 0.06595191359519958, 0.19340719282627106, -0.12673906981945038, 0.04853984713554382, 0.19448788464069366, -0.09708807617425919, 0.1854950487613678, 0.038407232612371445, -0.05814183130860329, -0.022495407611131668, 0.024364614859223366, 0.039838094264268875, -0.04921836405992508, 0.03749611973762512, 0.03954961523413658, 0.046066999435424805, -0.021581394597887993, 0.06148025766015053, -0.10956127941608429, -0.011168659664690495, 0.005919510964304209, -0.020826684311032295, 0.03562178090214729, 0.0965970903635025, -0.0822516605257988, 0.06601259112358093, -0.03822917863726616, -0.033020783215761185, 0.0772809311747551, 0.014981711283326149, -0.09566473215818405, 0.1767154186964035, -0.042971231043338776, -0.1450965851545334, -0.20228596031665802, -0.04161177575588226, -0.10002507269382477, 0.038616642355918884, 0.04276682808995247, -0.039932623505592346, -0.005763342138379812, -0.07868789881467819, -0.021714068949222565, 0.043244458734989166, 0.04562371224164963, -0.024290164932608604, -0.04462536796927452, -0.007067455910146236, -0.055535875260829926, 0.00429910235106945, -0.06849803775548935, -0.06437265872955322, 0.17440485954284668, -0.0805276408791542, 0.10071251541376114, 0.18290984630584717, -0.027203639969229698, -0.005309912376105785, -0.021084284409880638, 0.22396759688854218, -0.046988774091005325, 0.027552517130970955, 0.27073922753334045, -0.01526640634983778, 0.037649743258953094, 0.08011718094348907, 0.02758244052529335, -0.07431059330701828, 0.038266077637672424, -0.06830689311027527, -0.1152346283197403, -0.20811167359352112, -0.08747472614049911, -0.08876170963048935, 0.0029804727528244257, 0.09050005674362183, 0.026532892137765884, 0.06333211809396744, 0.110890232026577, 0.03015551157295704, 0.030448203906416893, 0.03897169977426529, 0.10288043320178986, 0.07994123548269272, 0.0359109602868557, 0.12361005693674088, -0.03411365672945976, -0.044127047061920166, 0.052965790033340454, 0.07630118727684021, 0.14386852085590363, 0.05421114340424538, 0.14415962994098663, 0.02226373553276062, -0.01793568953871727, 0.12126749008893967, 0.16050715744495392, 0.04585082083940506, -0.00808159913867712, -0.024688126519322395, -0.08727576583623886, -0.032531604170799255, 0.07836552709341049, -0.11261021345853806, -0.11557142436504364, 0.02307288721203804, 0.01713017001748085, 0.04269297420978546, 0.10572721064090729, 0.022739704698324203, -0.28647443652153015, -0.03719726577401161, -0.016012899577617645, 0.03507259115576744, -0.029839377850294113, 0.006616234313696623, -0.0407150574028492, -0.059449516236782074, 0.0723080039024353, -0.0500849112868309, 0.08417648822069168, -0.08335792273283005, 0.010622208006680012, -0.0361437126994133, 0.07991991192102432, 0.0017040753737092018, 0.06285115331411362, -0.20499715209007263, 0.10098583996295929, 0.0005368781858123839, 0.03671165928244591, -0.04520423337817192, 0.003187405178323388, 0.04252884164452553, 0.06299905478954315, 0.14730902016162872, -0.01818425953388214, -0.12276183813810349, -0.05609440430998802, -0.10826366394758224, -0.009283154271543026, 0.07411091029644012, 0.0031821660231798887, 0.08642201125621796, -0.009308584034442902, -0.030515965074300766, -0.03339521586894989, -0.0012210692511871457, -0.11082430183887482, -0.1439647227525711, 0.11228100210428238, 0.13879065215587616, 0.100396528840065, -0.003982169087976217, -0.03879936411976814, -0.09967929124832153, 0.19436104595661163, -0.11273772269487381, -0.08090806752443314, -0.1589563935995102, -0.012208727188408375, 0.06321583688259125, -0.09675472974777222, 0.05134188383817673, -0.022344667464494705, 0.08862508833408356, -0.024714739993214607, -0.15690283477306366, 0.07582748681306839, -0.06720568239688873, -0.13476432859897614, -0.08905069530010223, 0.04703372344374657, 0.016941919922828674, 0.04005545750260353, 0.027455728501081467, 0.023213060572743416, -0.038302380591630936, -0.09035440534353256, 0.015600834041833878, 0.07388747483491898, -0.09120362251996994, 0.014544162899255753, -0.10420895367860794, -0.14464782178401947, -0.02957887388765812, -0.06696372479200363, 0.17983704805374146, 0.09703798592090607, -0.06421882659196854, 0.07883255183696747, 0.18826934695243835, -0.10385487228631973, -0.2799910306930542, -0.0449611134827137, 0.02281384915113449, 0.0077794683165848255, -0.07343477010726929, -0.22036835551261902, 0.13453549146652222, 0.1319793462753296, -0.041257333010435104, 0.054243531078100204, -0.1286585032939911, -0.14826913177967072, 0.08733385801315308, 0.06831306964159012, 0.17432057857513428, -0.11220131814479828, -0.06145554035902023, -0.05501208454370499, -0.08324644714593887, 0.1336243748664856, -0.06505313515663147, 0.11445987224578857, -0.04821109399199486, 0.012804954312741756, -0.015605751425027847, -0.05273565649986267, 0.06427503377199173, 0.013580822385847569, 0.005835697986185551, 0.006828696466982365, 0.10072518140077591, 0.040432408452034, 0.015940042212605476, 0.11906037479639053, 0.018256377428770065, 0.014334610663354397, 0.047710783779621124, -0.0704488679766655, -0.06368696689605713, 0.025607792660593987, 0.053035300225019455, -0.052173078060150146, -0.01816379837691784, 0.022077644243836403, 0.02551460824906826, -0.010757893323898315, 0.017448091879487038, -0.13610096275806427, 0.056298717856407166, 0.11268945783376694, 0.10881541669368744, -0.027312371879816055, 0.06530821323394775, -0.02396688051521778, -0.06991863995790482, 0.09377642720937729, -0.014979393221437931, 0.03495762124657631, 0.130499929189682, 0.011511323042213917, 0.07281457632780075, 0.07546994835138321, -0.03310080245137215, 0.033902790397405624, 0.07868421822786331, -0.19213560223579407, -0.04884181544184685, -0.01866789720952511, -0.000786581018473953, -0.040313493460416794, 0.12630705535411835, 0.19133391976356506, -0.025250200182199478, -0.03703419864177704, 0.022337622940540314, 0.008503858000040054, -0.001632354804314673, 0.1171916052699089, -0.007517586927860975, -0.011068210005760193, -0.0843694880604744, 0.02346811629831791, 0.10146334767341614, 0.02492685243487358, 0.018623314797878265, 0.05851062014698982, -0.13545995950698853, -0.08919468522071838, -0.04643363133072853, 0.004343593493103981, -0.16620932519435883, -0.06400322169065475, -0.0812462866306305, -0.09066154062747955, 0.04115789011120796, 0.17810937762260437, 0.0783226266503334, -0.0076987105421721935, -0.042981382459402084, -0.013662370853126049, -0.10378085821866989, 0.025333596393465996, -0.01294152531772852, 0.08556836098432541, -0.0602167546749115, 0.010536378249526024, -0.06745845079421997, 0.02841632440686226, -0.09246484935283661, -0.018937332555651665, -0.08252421021461487, 0.0032915486954152584, 0.03520813211798668, -0.007787380833178759, -0.09070109575986862, -0.033232465386390686, 0.012674332596361637, 0.020721150562167168, -0.015854183584451675, 0.0014638828579336405, -0.07323267310857773, -0.004547521471977234, -0.059627581387758255, 0.033638935536146164, -0.09218812733888626, 0.0015047545311972499, 0.02101602405309677, -0.05049079656600952, 0.098558709025383, 0.01294022798538208, -0.046428050845861435, 0.028707362711429596, -0.18189305067062378, 0.004226519726216793, 0.03311697021126747, 0.03386915475130081, -0.039016369730234146, -0.03739451617002487, -0.006923178676515818, 0.0465550534427166, -0.03630630299448967, 0.007087789010256529, 0.09745508432388306, -0.08311004191637039, 0.0002747153048403561, -0.031857214868068695, 0.019661908969283104, -0.08186779171228409, 0.021083416417241096, 0.04675798490643501, 0.0812254548072815, 0.11744006723165512, -0.05278460681438446, 0.01868254318833351, -0.05721578747034073, 0.02616913616657257, 0.023516014218330383, -0.12556566298007965, -0.11127100139856339, -0.09091057628393173, 0.0269174724817276, 0.014090157113969326, 0.14765900373458862, -0.043189387768507004, -0.04798411205410957, -0.007637497037649155, 0.09375666826963425, 0.01569240167737007, 0.008737420663237572, 0.1517670899629593, 0.06817661970853806, -0.01730416715145111, -0.06278029084205627, 0.050109658390283585, 0.022224072366952896, 0.12400485575199127, 0.11186306923627853, -0.015002982690930367, -0.03376099094748497, 0.10386836528778076, -0.04929346218705177, 0.07418861985206604, -0.06507819890975952, -0.06973788887262344, -0.06159693002700806, 0.040846824645996094, -0.0048135872930288315, 0.15746834874153137, 0.12608924508094788, -0.03824670612812042, 0.014826541766524315, 0.03731060028076172, -0.054921019822359085, -0.1018599420785904, -0.220413938164711, -0.07488606870174408, -0.09599573910236359, -0.015779417008161545, -0.0794164314866066, -0.015299206599593163, -0.015383689664304256, 0.038235921412706375, 0.003503399435430765, 0.15228430926799774, 0.014687021262943745, -0.049274034798145294, 0.07478761672973633, -0.07868361473083496, 0.006223978009074926, -0.025777556002140045, -0.03256834298372269, 0.01721557229757309, 0.054547663778066635, 0.06506514549255371, 0.037554673850536346, 0.029966136440634727, 0.04104368016123772, -0.03028908558189869, -0.08296136558055878, -0.0561327263712883, 0.036230362951755524, 0.013341058976948261, 0.0504797101020813, -0.013380526565015316, -0.046864476054906845, 0.013572849333286285, 0.0654773861169815, -0.0321626216173172, -0.061734385788440704, -0.10027427971363068, 0.3223683536052704, 0.02782520465552807, 0.02993166446685791, -0.023271659389138222, -0.04190085455775261, -0.0044911811128258705, 0.3043067455291748, 0.19613239169120789, -0.0626080110669136, 0.007673413492739201, 0.01138278841972351, 0.017148276790976524, 0.027489854022860527, 0.11942379921674728, 0.02641473338007927, 0.2578185796737671, -0.02126830257475376, 0.0478033721446991, -0.04323459044098854, -0.04014027863740921, -0.047548793256282806, -0.008630616590380669, 0.009080729447305202, -0.0360090509057045, -0.034521251916885376, 0.052920326590538025, -0.2041020691394806, -0.08108904212713242, -0.0483863539993763, -0.019193464890122414, -0.08233347535133362, -0.04264499992132187, -0.03281717002391815, -0.030230531468987465, 0.04076626896858215, -0.05299466848373413, 0.0073945485055446625, 0.051401637494564056, -0.010084741748869419, -0.05985690653324127, 0.03121073730289936, 0.045677922666072845, -0.03970538079738617, 0.10952626913785934, -0.0016393277328461409, 0.11541438847780228, 0.061288654804229736, 0.009849967435002327, -0.11055286973714828, 0.12696342170238495, -0.028547437861561775, -0.03394906222820282, 0.09765852987766266, 0.06781221926212311, -0.0026707567740231752, 0.05137620493769646, 0.06114744022488594, -0.039376430213451385, 0.04384985566139221, -0.011370024643838406, -0.042834799736738205, -0.03686332702636719, 0.07194641977548599, -0.07574018836021423, 0.12853427231311798, 0.11432767659425735, -0.052325934171676636, -0.005499659571796656, -0.04158574715256691, 0.0433407798409462, -0.002005966380238533, 0.012302849441766739, -0.011788362637162209, -0.12594015896320343, -0.025394855067133904, 0.036579880863428116, 0.06353448331356049, -0.20934607088565826, -0.0368368960916996, -0.11019182205200195, 0.02500365860760212, -0.09163838624954224, 0.05637109652161598, 0.13621629774570465, -0.007593999151140451, -0.016546189785003662, -0.04504014551639557, -0.017786916345357895, -0.005039116833359003, -0.136644646525383, -0.0968543216586113 ]
null
null
transformers
# Rick DialoGPT Model
{"tags": ["conversational"]}
text-generation
Connor/DialoGPT-small-rick
[ "transformers", "pytorch", "gpt2", "text-generation", "conversational", "autotrain_compatible", "endpoints_compatible", "text-generation-inference", "region:us" ]
2022-03-02T23:29:04+00:00
[]
[]
TAGS #transformers #pytorch #gpt2 #text-generation #conversational #autotrain_compatible #endpoints_compatible #text-generation-inference #region-us
# Rick DialoGPT Model
[ "# Rick DialoGPT Model" ]
[ "TAGS\n#transformers #pytorch #gpt2 #text-generation #conversational #autotrain_compatible #endpoints_compatible #text-generation-inference #region-us \n", "# Rick DialoGPT Model" ]
[ 51, 7 ]
[ "passage: TAGS\n#transformers #pytorch #gpt2 #text-generation #conversational #autotrain_compatible #endpoints_compatible #text-generation-inference #region-us \n# Rick DialoGPT Model" ]
[ -0.027243174612522125, 0.09208611398935318, -0.005486058536916971, 0.01197603065520525, 0.13312271237373352, -0.0006643096567131579, 0.14875547587871552, 0.13561291992664337, -0.012389403767883778, -0.048079900443553925, 0.13848258554935455, 0.20838283002376556, -0.007769247982650995, 0.06212212145328522, -0.07722679525613785, -0.3253750503063202, 0.05440690368413925, 0.05986349284648895, -0.02559526450932026, 0.11941008269786835, 0.10155656188726425, -0.034638021141290665, 0.07502283155918121, 0.008745936676859856, -0.1460564285516739, 0.011253442615270615, 0.020986590534448624, -0.11265120655298233, 0.11301227658987045, 0.0699501633644104, 0.03311868757009506, 0.044131726026535034, -0.04560676962137222, -0.12763948738574982, 0.04502782225608826, 0.00030866602901369333, -0.04332113638520241, 0.05997459217905998, 0.016281595453619957, -0.09000954777002335, 0.11693226546049118, 0.12603440880775452, -0.01263172086328268, 0.041781701147556305, -0.1548357903957367, -0.004369331523776054, -0.01233562733978033, 0.06789606809616089, 0.06087101250886917, 0.10755407065153122, -0.04065045714378357, 0.11729123443365097, -0.06241777911782265, 0.11526333540678024, 0.1129850223660469, -0.291816771030426, -0.016308816149830818, 0.14326390624046326, 0.043570004403591156, 0.04201141744852066, -0.04241296648979187, 0.09895236790180206, 0.01734745316207409, -0.009189855307340622, -0.04667704179883003, -0.07920589298009872, -0.0809992179274559, 0.022899743169546127, -0.08393258601427078, -0.009693359956145287, 0.24909301102161407, -0.033697742968797684, 0.07867740839719772, -0.07909003645181656, -0.08747624605894089, -0.011933685280382633, -0.03604159876704216, -0.03430533409118652, -0.10349667817354202, 0.07883962988853455, -0.03785189241170883, -0.09532928466796875, -0.11454451829195023, -0.029063701629638672, -0.16551746428012848, 0.1769428551197052, 0.028738701716065407, 0.03337583318352699, -0.22648879885673523, 0.09508261829614639, -0.012410550378262997, -0.09879330545663834, 0.018604513257741928, -0.08811058849096298, 0.012304049916565418, 0.017966609448194504, -0.025972042232751846, -0.002111254259943962, 0.08367783576250076, 0.11593183130025864, 0.01627914048731327, 0.018418017774820328, -0.01303142961114645, 0.05024925619363785, 0.039101485162973404, 0.07016518712043762, -0.018131986260414124, -0.026958800852298737, 0.025394905358552933, -0.09519384801387787, -0.01311302836984396, -0.06533002108335495, -0.19878731667995453, -0.008748088963329792, 0.05362382158637047, 0.059645626693964005, 0.040223345160484314, 0.1349429488182068, 0.005914759822189808, -0.04811347648501396, 0.041568055748939514, -0.017372997477650642, -0.016568226739764214, 0.013325352221727371, 0.004558354616165161, 0.14832930266857147, 0.012210249900817871, 0.05107790604233742, -0.11448643356561661, 0.0074756252579391, -0.04443434625864029, -0.019875049591064453, -0.033431850373744965, -0.05190093815326691, -0.010580608621239662, -0.024629589170217514, 0.015543424524366856, -0.1382266879081726, -0.1671048104763031, -0.0113193579018116, -0.006982414051890373, -0.04376089945435524, -0.11932645738124847, -0.1048901304602623, -0.03145192563533783, 0.04379252344369888, -0.060927584767341614, -0.0003760824038181454, -0.04660411551594734, 0.09378229826688766, -0.03543102741241455, 0.07682112604379654, -0.10023638606071472, 0.0828537717461586, -0.07001189142465591, -0.04422231763601303, -0.0734889879822731, 0.13164658844470978, 0.014363138936460018, 0.05487450957298279, -0.031934577971696854, -0.01827416382730007, -0.10224048048257828, 0.07911752909421921, -0.04339373856782913, 0.23623128235340118, -0.09449771791696548, -0.10362883657217026, 0.26979705691337585, -0.053989510983228683, -0.1375254988670349, 0.10795111209154129, -0.015854641795158386, 0.11475867033004761, 0.12686948478221893, 0.18240338563919067, 0.06434911489486694, 0.007867260836064816, 0.07431085407733917, 0.11333738267421722, -0.0774611383676529, -0.018117602914571762, 0.014873803593218327, -0.020292608067393303, -0.07848027348518372, 0.023533256724476814, 0.07671299576759338, 0.05307117849588394, -0.05429181456565857, -0.015286878682672977, 0.00432937266305089, 0.004517627414315939, 0.05698307976126671, -0.02530503273010254, 0.12313884496688843, -0.029461434110999107, -0.07295558601617813, -0.029503753408789635, 0.027530280873179436, -0.05828499048948288, 0.03278997913002968, -0.08230485767126083, 0.03637091815471649, -0.014406797476112843, 0.07024850696325302, -0.16572508215904236, -0.09323301911354065, -0.05250932276248932, 0.1899155229330063, 0.06807822734117508, 0.11413464695215225, 0.05567482113838196, -0.06841246038675308, -0.0038719952572137117, 0.018287649378180504, 0.1991138458251953, -0.01677977479994297, -0.07748494297266006, -0.09769339859485626, 0.10122697055339813, -0.07130109518766403, 0.06141059845685959, -0.050490207970142365, 0.017946461215615273, 0.020556224510073662, 0.1050461083650589, -0.03456922993063927, 0.039413414895534515, 0.011159577406942844, -0.034563858062028885, -0.06218598783016205, -0.004433273337781429, 0.09716981649398804, 0.0021626276429742575, -0.10631977766752243, 0.24286337196826935, -0.19168923795223236, 0.12176351994276047, 0.17641966044902802, -0.19923987984657288, -0.0002552573860157281, -0.11963175982236862, -0.026344671845436096, 0.011637656949460506, 0.037626978009939194, -0.042151857167482376, 0.24314165115356445, -0.00910688005387783, 0.16631373763084412, -0.03389734402298927, -0.04332707077264786, -0.041059546172618866, -0.046011339873075485, 0.010055569931864738, 0.11430004984140396, 0.1047205775976181, -0.17159950733184814, 0.17967921495437622, 0.05867021903395653, 0.05177219957113266, 0.16841758787631989, 0.018001655116677284, 0.021052619442343712, 0.06948674470186234, -0.003431870136409998, -0.03584783151745796, -0.07413756102323532, -0.2106374204158783, -0.023212855681777, 0.0793403834104538, 0.048357341438531876, 0.1068209707736969, -0.1037900522351265, -0.03368109092116356, -0.010547412559390068, -0.021230356767773628, 0.03035620041191578, 0.14086326956748962, 0.013085569255053997, 0.1286563277244568, -0.024180158972740173, -0.06866493821144104, 0.06965550780296326, 0.014881031587719917, -0.08571527898311615, 0.19352088868618011, -0.10702410340309143, -0.34334462881088257, -0.10363983362913132, -0.18596062064170837, -0.056601256132125854, 0.04553624242544174, 0.11461924016475677, -0.14119702577590942, -0.020731983706355095, 0.006813736632466316, 0.06912991404533386, -0.11165751516819, 0.01017086487263441, -0.03630850836634636, -0.017619650810956955, -0.13406261801719666, -0.1034051924943924, -0.05356309190392494, -0.044913630932569504, -0.05510649085044861, 0.12040390819311142, -0.15435875952243805, 0.020806124433875084, 0.23555229604244232, 0.06075655668973923, 0.07018083333969116, -0.03907359018921852, 0.17685799300670624, -0.1052674949169159, 0.011976814828813076, 0.2128676474094391, -0.03831172361969948, 0.06525631994009018, 0.11611197143793106, -0.01394710224121809, -0.0662488266825676, 0.036592915654182434, -0.009823341853916645, -0.07247381657361984, -0.21345274150371552, -0.1158827692270279, -0.1087421104311943, 0.054685093462467194, 0.04713849350810051, 0.050020426511764526, 0.1613347977399826, 0.07427749037742615, -0.04962149262428284, -0.0022197163198143244, 0.06106492131948471, 0.0832381621003151, 0.2504972517490387, -0.06253999471664429, 0.1427627056837082, -0.025090228766202927, -0.16789253056049347, 0.06259234994649887, 0.0661388710141182, 0.09291604906320572, 0.06118352338671684, 0.10224727541208267, 0.005179570056498051, 0.009344357997179031, 0.12825439870357513, 0.07115643471479416, 0.008030776865780354, -0.03595518320798874, -0.039997417479753494, -0.03642706945538521, -0.013250070624053478, 0.032193150371313095, 0.046790316700935364, -0.16567666828632355, -0.021018991246819496, 0.009807335212826729, 0.05824935808777809, 0.02185324765741825, 0.08615364134311676, -0.18498282134532928, -0.016169089823961258, 0.06576614826917648, -0.011832303367555141, -0.11644340306520462, 0.08480028808116913, 0.0007836486911401153, -0.1121063381433487, 0.03723234683275223, -0.027525627985596657, 0.13150714337825775, -0.08457524329423904, 0.0741792693734169, -0.12022519111633301, -0.0374552421271801, -0.010245736688375473, 0.12193918228149414, -0.29501426219940186, 0.19123348593711853, -0.009575535543262959, -0.04439779743552208, -0.1071409061551094, -0.015645509585738182, 0.02963484264910221, 0.10361164063215256, 0.11110331863164902, -0.020523378625512123, -0.02764100395143032, 0.06007368490099907, -0.07205203175544739, 0.0399978905916214, 0.09906689822673798, -0.06730470806360245, -0.013155711814761162, -0.052545808255672455, 0.00039069546619430184, 0.010376452468335629, -0.10966821759939194, 0.022783124819397926, -0.19194799661636353, 0.08703918755054474, 0.08162695169448853, 0.09630028903484344, 0.037212129682302475, -0.029887177050113678, -0.07769683748483658, 0.2589099109172821, 0.009560960344970226, -0.10013746470212936, -0.10953836888074875, 0.008171502500772476, 0.04785030707716942, -0.07699282467365265, -0.016966527327895164, -0.0694924145936966, 0.04450516775250435, -0.06552471220493317, -0.18611730635166168, 0.11722762882709503, -0.09691806137561798, -0.03250948712229729, -0.036249466240406036, 0.21333028376102448, -0.03155504912137985, 0.017869247123599052, 0.04537748545408249, -0.00578570831567049, -0.11741422116756439, -0.10654788464307785, 0.0012778750387951732, -0.004119161982089281, 0.016931969672441483, 0.023226622492074966, -0.03199922665953636, -0.009455137886106968, -0.06797713041305542, -0.014383019879460335, 0.3228513300418854, 0.12615877389907837, -0.042267147451639175, 0.15242800116539001, 0.09877358376979828, -0.06251336634159088, -0.2941497564315796, -0.11165541410446167, -0.07421603053808212, -0.05438753217458725, -0.09733224660158157, -0.18137554824352264, 0.08739634603261948, -0.05383281409740448, -0.013516134582459927, 0.09413999319076538, -0.25194358825683594, -0.10185287892818451, 0.2005643993616104, -0.03753361105918884, 0.4304826855659485, -0.11250142753124237, -0.07815388590097427, -0.04850279167294502, -0.14005880057811737, 0.19035954773426056, 0.004324326757341623, 0.10461755096912384, -0.0006430890643969178, 0.19764995574951172, 0.05591731518507004, -0.0006032987730577588, 0.07056128233671188, 0.01866593211889267, -0.057801030576229095, -0.09095179289579391, -0.0913778692483902, -0.0337459035217762, 0.010270410217344761, 0.0292131919413805, -0.07448325306177139, 0.04388400912284851, -0.13094636797904968, -0.05198022723197937, -0.08626694977283478, 0.038746368139982224, 0.027130719274282455, -0.06653520464897156, -0.0030553280375897884, -0.04914497584104538, 0.0004573945188894868, 0.007742773275822401, 0.21047258377075195, -0.10902713984251022, 0.1467881053686142, 0.028732312843203545, 0.1500566452741623, -0.09794784337282181, -0.04768699035048485, -0.06421241164207458, -0.05478411167860031, 0.07145597785711288, -0.12202182412147522, 0.03240978345274925, 0.1044924184679985, -0.026888413354754448, 0.08732181787490845, 0.1105954647064209, -0.010995322838425636, 0.005803761538118124, 0.08983830362558365, -0.241703063249588, -0.06713853776454926, -0.08410414308309555, 0.05373041704297066, 0.05893997475504875, 0.10275863856077194, 0.20927143096923828, 0.007167487405240536, -0.031165437772870064, 0.021489497274160385, 0.027375908568501472, -0.017840299755334854, 0.05977841466665268, 0.010519524104893208, 0.030491052195429802, -0.14741286635398865, 0.043485816568136215, -0.013757874257862568, -0.09077676385641098, 0.02600322663784027, 0.14754873514175415, -0.10901660472154617, -0.12182232737541199, -0.03921690955758095, 0.13600249588489532, -0.14775370061397552, -0.009947444312274456, -0.0477454848587513, -0.12692049145698547, 0.06857728958129883, 0.1067143976688385, 0.0457911379635334, 0.04121949151158333, -0.09239879250526428, -0.027268609032034874, -0.0535728819668293, 0.00003198942795279436, 0.028995376080274582, -0.0204177163541317, -0.05248761177062988, 0.040780652314424515, -0.03588524088263512, 0.12051229178905487, -0.08552545309066772, -0.10064204037189484, -0.16698434948921204, 0.03528384119272232, -0.07174701243638992, -0.08977310359477997, -0.0871967226266861, -0.03724304214119911, 0.006766482722014189, -0.0405125692486763, -0.02825779654085636, -0.03461418300867081, -0.1126255914568901, 0.03079685941338539, -0.04579872637987137, 0.003088617930188775, -0.07116411626338959, 0.029772473499178886, 0.0525958277285099, -0.029091687873005867, 0.149556964635849, 0.14025014638900757, -0.11192594468593597, 0.09547203034162521, -0.1507159322500229, -0.07066365331411362, 0.09605675935745239, 0.018403515219688416, 0.04981891065835953, 0.05175008252263069, 0.009065150283277035, 0.051755502820014954, 0.06169715151190758, 0.04307684674859047, 0.0153890922665596, -0.07590135186910629, 0.06697173416614532, -0.06090308725833893, -0.10307016223669052, -0.05066140368580818, -0.003966273739933968, 0.015159476548433304, 0.07283487915992737, 0.10097057372331619, -0.056661296635866165, 0.09506311267614365, -0.05649305135011673, 0.04625694453716278, 0.024318000301718712, -0.17797043919563293, 0.03397766128182411, -0.08718447387218475, 0.05030312016606331, 0.010050542652606964, 0.1727033108472824, 0.02054430916905403, -0.019508427008986473, 0.02473587542772293, 0.0719463899731636, 0.04261681064963341, -0.013226886279881, 0.19012948870658875, 0.10657399147748947, -0.03943915665149689, -0.0805516242980957, 0.09759991616010666, 0.04438556358218193, 0.04173632711172104, 0.14543114602565765, -0.05563090741634369, -0.03441290557384491, 0.081944540143013, -0.0026839920319616795, 0.010976077988743782, -0.09896437078714371, -0.13543705642223358, -0.026787811890244484, 0.036508288234472275, -0.03667739778757095, 0.10571453720331192, 0.15851758420467377, -0.005720720160752535, 0.01726081222295761, -0.01855739764869213, -0.05729815363883972, -0.1993623524904251, -0.19528920948505402, -0.083323635160923, -0.13647840917110443, 0.0050200955010950565, -0.13574683666229248, 0.04266147315502167, 0.026296362280845642, 0.09698255360126495, -0.04634363576769829, 0.050944969058036804, 0.03791060671210289, -0.11099781841039658, 0.058360110968351364, -0.043620482087135315, 0.09173028916120529, -0.03267880156636238, 0.014702340587973595, -0.060175783932209015, 0.035412851721048355, 0.016039982438087463, 0.041373249143362045, -0.02921622060239315, 0.019025372341275215, -0.12458328902721405, -0.08709227293729782, -0.06697598844766617, 0.06596853584051132, 0.006195025984197855, 0.16954803466796875, 0.019531596451997757, -0.027915386483073235, 0.028833186253905296, 0.23899038136005402, -0.07318265736103058, -0.09635625779628754, -0.06982157379388809, 0.21012257039546967, -0.009315763600170612, 0.08784335851669312, -0.03747710958123207, 0.009438461624085903, -0.08562079071998596, 0.3506644368171692, 0.29213622212409973, -0.09391074627637863, 0.010968702845275402, -0.0027621579356491566, 0.04181644320487976, 0.12788556516170502, 0.09239348024129868, 0.10824161767959595, 0.29070642590522766, -0.06708572804927826, -0.03647898510098457, -0.006994254421442747, -0.0254643727093935, -0.055716969072818756, 0.0551714263856411, 0.05315792188048363, -0.06511329114437103, -0.01592782698571682, 0.11738577485084534, -0.2489209920167923, 0.0614120177924633, -0.15840938687324524, -0.16190756857395172, -0.07126864790916443, -0.0001230158086400479, 0.0958227664232254, 0.01604771800339222, 0.09578458964824677, -0.011418631300330162, -0.06834693253040314, 0.04414822906255722, 0.020037546753883362, -0.20774760842323303, 0.009963343851268291, 0.06968449801206589, -0.051950447261333466, -0.05526239052414894, -0.017540784552693367, 0.07181108742952347, 0.0862373560667038, 0.031932324171066284, -0.021655123680830002, 0.04088883846998215, -0.011214682832360268, -0.07533704489469528, 0.03916772082448006, 0.027806051075458527, 0.005651058629155159, -0.08518505096435547, 0.07656224071979523, -0.16369622945785522, 0.03412613272666931, -0.0035786160733550787, -0.048953261226415634, -0.014727948233485222, 0.030175231397151947, -0.061420172452926636, 0.08509553223848343, 0.0839199498295784, -0.0171944722533226, -0.016525855287909508, -0.0222842525690794, -0.012990890070796013, -0.020874707028269768, -0.0818524956703186, -0.09698375314474106, -0.15574125945568085, -0.1261346936225891, 0.08575325459241867, -0.00355695397593081, -0.19997835159301758, 0.028783639892935753, -0.12125882506370544, 0.04249454662203789, -0.12142720073461533, 0.09701541811227798, 0.0825105607509613, 0.02303435280919075, -0.0030652873683720827, 0.006164520047605038, 0.03737448528409004, 0.07968182861804962, -0.13731823861598969, -0.08554888516664505 ]
null
null
transformers
#enlightened GPT model
{"tags": ["conversational"]}
text-generation
Connorvr/BrightBot-small
[ "transformers", "pytorch", "gpt2", "text-generation", "conversational", "autotrain_compatible", "endpoints_compatible", "text-generation-inference", "region:us" ]
2022-03-02T23:29:04+00:00
[]
[]
TAGS #transformers #pytorch #gpt2 #text-generation #conversational #autotrain_compatible #endpoints_compatible #text-generation-inference #region-us
#enlightened GPT model
[]
[ "TAGS\n#transformers #pytorch #gpt2 #text-generation #conversational #autotrain_compatible #endpoints_compatible #text-generation-inference #region-us \n" ]
[ 51 ]
[ "passage: TAGS\n#transformers #pytorch #gpt2 #text-generation #conversational #autotrain_compatible #endpoints_compatible #text-generation-inference #region-us \n" ]
[ -0.009697278961539268, 0.03208012506365776, -0.007204889785498381, 0.004809224978089333, 0.16726240515708923, 0.014898733235895634, 0.09765533357858658, 0.13672804832458496, -0.007841327227652073, -0.031050153076648712, 0.14490588009357452, 0.20411323010921478, -0.006439372431486845, 0.0661218985915184, -0.07572533935308456, -0.2683109939098358, 0.05759621039032936, 0.046649303287267685, 0.016515716910362244, 0.1200079694390297, 0.08573378622531891, -0.05473608896136284, 0.08714032918214798, -0.014583407901227474, -0.150366872549057, 0.017733458429574966, 0.043394338339567184, -0.12260226160287857, 0.11910516023635864, 0.05462685227394104, 0.07063519209623337, 0.014929565601050854, -0.07541623711585999, -0.1631229966878891, 0.03031250834465027, 0.01425902172923088, -0.0594632662832737, 0.04757995903491974, 0.059961482882499695, -0.10165371745824814, 0.10819483548402786, 0.09530027210712433, -0.013078106567263603, 0.06798283755779266, -0.16849711537361145, -0.020869607105851173, -0.01446688175201416, 0.009899779222905636, 0.05550243332982063, 0.09964893013238907, -0.03413357585668564, 0.10497362166643143, -0.09214533120393753, 0.11017382889986038, 0.10932035744190216, -0.32057443261146545, -0.005767723545432091, 0.09167823940515518, 0.039358653128147125, 0.07352814823389053, -0.04467793554067612, 0.06258884817361832, 0.018015462905168533, 0.017986174672842026, -0.014015024527907372, -0.07283061742782593, -0.11612214148044586, 0.04717336222529411, -0.08668071031570435, -0.059868961572647095, 0.2244078367948532, -0.05464440956711769, 0.06881742179393768, -0.05281897634267807, -0.10522868484258652, -0.04308144748210907, -0.029833965003490448, 0.00475557055324316, -0.07660607248544693, 0.08692064881324768, 0.00869679357856512, -0.09547875821590424, -0.1376667022705078, -0.02496783249080181, -0.1776352822780609, 0.16140350699424744, 0.02465328387916088, 0.05232657864689827, -0.2027255892753601, 0.09623090922832489, 0.017906051129102707, -0.08045592904090881, 0.022091427817940712, -0.10046248883008957, 0.029131146147847176, 0.013760408386588097, -0.04754498973488808, -0.061387211084365845, 0.0843690037727356, 0.11199145019054413, -0.01731434464454651, 0.025486016646027565, -0.039331406354904175, 0.08100687712430954, 0.03553595021367073, 0.09077847748994827, 0.007288969587534666, -0.028338588774204254, 0.025842782109975815, -0.13719046115875244, -0.003647835226729512, -0.07116208970546722, -0.16572439670562744, -0.021088803187012672, 0.02994808368384838, 0.08289173990488052, 0.015449047088623047, 0.11682453751564026, -0.03272046521306038, -0.025152435526251793, 0.03602350503206253, -0.047656361013650894, -0.012649794109165668, 0.016648368909955025, 0.013163427822291851, 0.12399329990148544, -0.0022096503525972366, 0.03235051408410072, -0.13653022050857544, 0.031423524022102356, -0.06793295592069626, -0.003740974934771657, -0.03486552834510803, -0.040637075901031494, 0.009043924510478973, -0.06862333416938782, 0.003486064961180091, -0.15030112862586975, -0.15063877403736115, 0.007587034720927477, -0.007836631499230862, -0.04107699543237686, -0.06370922178030014, -0.06952770054340363, -0.013550350442528725, 0.04251532256603241, -0.07093454152345657, -0.011352915316820145, -0.06403283774852753, 0.11004766076803207, -0.03197755664587021, 0.07921615242958069, -0.11953279376029968, 0.08390819281339645, -0.11260783672332764, -0.02386913076043129, -0.060801517218351364, 0.09317506104707718, -0.0006014376995153725, 0.09549830108880997, -0.006563255097717047, -0.017931854352355003, -0.07981178909540176, 0.06445012241601944, -0.042872510850429535, 0.21701598167419434, -0.0615808479487896, -0.11181682348251343, 0.28781595826148987, -0.052628401666879654, -0.1370542049407959, 0.11647392809391022, 0.008682746440172195, 0.05777018144726753, 0.10703510791063309, 0.19733482599258423, -0.015276194550096989, 0.004040541127324104, 0.09471915662288666, 0.11263324320316315, -0.11276852339506149, -0.033160366117954254, 0.013019153848290443, -0.04081077128648758, -0.10867965966463089, 0.04689536616206169, 0.09810488671064377, 0.07090286910533905, -0.04786505550146103, -0.03377414867281914, -0.01366397924721241, 0.0052589005790650845, 0.08885077387094498, -0.007157256826758385, 0.10962837189435959, -0.05819983780384064, -0.03796621412038803, -0.029282379895448685, -0.012126247398555279, -0.03951939567923546, 0.03137664496898651, -0.043376367539167404, 0.10821941494941711, -0.011204327456653118, 0.06364280730485916, -0.16185984015464783, -0.07691477984189987, -0.017002692446112633, 0.1581239402294159, 0.024538565427064896, 0.09859629720449448, 0.0552486926317215, -0.040398042649030685, -0.0012767292791977525, 0.012792680412530899, 0.15581141412258148, -0.022091681137681007, -0.065607450902462, -0.052166227251291275, 0.08642971515655518, -0.05641226842999458, 0.04504093527793884, -0.05937713757157326, 0.012367865070700645, 0.05064384639263153, 0.10342344641685486, -0.00018274025933351368, 0.03323284164071083, -0.008164864964783192, 0.002145637758076191, -0.058205123990774155, 0.007405933458358049, 0.10799351334571838, 0.00036868182360194623, -0.07365862280130386, 0.22074243426322937, -0.17796069383621216, 0.1765957772731781, 0.1893044263124466, -0.299345999956131, 0.017949223518371582, -0.10759581625461578, -0.04561871662735939, 0.014407722279429436, 0.05567655712366104, -0.0454222597181797, 0.1703362911939621, -0.009871348738670349, 0.18874616920948029, -0.04946064203977585, -0.04464937001466751, -0.0200483538210392, -0.05118836089968681, -0.0024189651012420654, 0.07781197130680084, 0.10685696452856064, -0.13992026448249817, 0.1964332014322281, 0.1621224284172058, 0.048237916082143784, 0.19945049285888672, 0.015346456319093704, -0.011589210480451584, 0.0909530371427536, 0.005220826715230942, -0.058739423751831055, -0.07409929484128952, -0.2594851851463318, -0.030033592134714127, 0.07992640137672424, 0.0422382652759552, 0.1212305948138237, -0.11349532753229141, -0.038956157863140106, -0.01763172075152397, -0.023146281018853188, 0.021672505885362625, 0.0914369598031044, 0.06075398623943329, 0.13201528787612915, -0.001710098935291171, -0.007300339173525572, 0.10524573177099228, 0.01783694699406624, -0.09354141354560852, 0.18308524787425995, -0.13652534782886505, -0.37097251415252686, -0.13911493122577667, -0.18057456612586975, -0.05449081212282181, 0.05712554603815079, 0.11679314076900482, -0.12011238187551498, -0.018752124160528183, 0.01578843593597412, 0.10931742936372757, -0.08449502289295197, 0.0021454424131661654, -0.06880278885364532, 0.0321490578353405, -0.10310184955596924, -0.09194442629814148, -0.055416494607925415, -0.031392451375722885, -0.08001253753900528, 0.1423761546611786, -0.10777941346168518, 0.04476889222860336, 0.20262959599494934, 0.04653622955083847, 0.05625178664922714, -0.044105201959609985, 0.19377262890338898, -0.11264272034168243, -0.01661740615963936, 0.19215328991413116, -0.048360925167798996, 0.07476246356964111, 0.1232115849852562, -0.006348740309476852, -0.08765771239995956, 0.03011748194694519, -0.02085109055042267, -0.07988511025905609, -0.23219464719295502, -0.13938382267951965, -0.12429051846265793, 0.09477275609970093, 0.028005298227071762, 0.056365787982940674, 0.17219258844852448, 0.06577219814062119, -0.038416244089603424, 0.006410336587578058, 0.02959546446800232, 0.08237514644861221, 0.23417828977108002, -0.06035616248846054, 0.1364797055721283, -0.03420931473374367, -0.14982740581035614, 0.08169995993375778, 0.0713929831981659, 0.10213395953178406, 0.06678459793329239, 0.0804823637008667, 0.0149586396291852, 0.06188136339187622, 0.1311223804950714, 0.08191446959972382, 0.019586285576224327, -0.02480296604335308, -0.03388110175728798, -0.025523077696561813, -0.05937909707427025, 0.040128443390131, 0.06589099019765854, -0.16763372719287872, -0.039227183908224106, -0.09338314831256866, 0.09657008945941925, 0.0873042419552803, 0.06609832495450974, -0.1842060089111328, -0.008006223477423191, 0.08488986641168594, -0.03854905813932419, -0.13727426528930664, 0.09535189718008041, 0.01523482333868742, -0.15144726634025574, 0.03139317408204079, -0.04061909019947052, 0.12188644707202911, -0.07804752141237259, 0.09809603542089462, -0.08108244836330414, -0.07448557764291763, 0.02123199962079525, 0.1261177361011505, -0.30527687072753906, 0.20240111649036407, -0.0024993624538183212, -0.06486981362104416, -0.1243603527545929, -0.0032166161108762026, 0.002410882618278265, 0.07357452809810638, 0.10519039630889893, -0.007196315098553896, 0.001897757756523788, -0.06300821900367737, -0.01829923689365387, 0.032471053302288055, 0.13080233335494995, -0.0401318334043026, -0.021158374845981598, -0.050194524228572845, -0.001653497340157628, -0.03173094615340233, -0.06934895366430283, 0.02002747356891632, -0.19509181380271912, 0.08751901984214783, 0.04166261479258537, 0.09648149460554123, 0.029994789510965347, 0.004265148192644119, -0.09651939570903778, 0.24698667228221893, -0.07148019969463348, -0.10072879493236542, -0.10919588059186935, -0.046813901513814926, 0.03569883480668068, -0.05628936365246773, 0.04309194162487984, -0.0788632407784462, 0.028997479006648064, -0.06352769583463669, -0.19235502183437347, 0.12410202622413635, -0.09027006477117538, -0.04412810131907463, -0.02371402643620968, 0.2110891044139862, -0.05598580464720726, 0.010335659608244896, 0.02930437959730625, 0.01208863127976656, -0.11645778268575668, -0.09678568691015244, 0.031018631532788277, -0.007351789623498917, 0.050603240728378296, 0.041841957718133926, -0.05915454775094986, -0.017138581722974777, -0.052199993282556534, -0.022926922887563705, 0.3496883809566498, 0.14231905341148376, -0.043836336582899094, 0.19347235560417175, 0.12347975373268127, -0.07452994585037231, -0.3159443140029907, -0.1066238060593605, -0.10937739163637161, -0.04680149629712105, -0.07012093812227249, -0.2002030611038208, 0.06474938243627548, 0.00662544509395957, -0.013415241613984108, 0.12749312818050385, -0.2561831772327423, -0.07571036368608475, 0.15906259417533875, -0.017980827018618584, 0.3745945692062378, -0.1168576180934906, -0.10926306992769241, -0.03950892388820648, -0.14175476133823395, 0.16968177258968353, -0.01989765651524067, 0.11221715062856674, -0.009765521623194218, 0.14388824999332428, 0.05548359826207161, -0.023479344323277473, 0.08544106781482697, 0.004999885335564613, -0.03290518373250961, -0.10304180532693863, -0.05676887184381485, 0.007092386484146118, 0.02477436140179634, 0.018026655539870262, -0.041834570467472076, 0.02227151393890381, -0.11731979995965958, -0.04657655209302902, -0.08982590585947037, 0.04431166127324104, 0.03899754583835602, -0.07325074821710587, -0.002380647463724017, -0.07165111601352692, -0.012272949330508709, 0.022334342822432518, 0.20356793701648712, -0.08029330521821976, 0.16448934376239777, 0.09239562600851059, 0.12419285625219345, -0.14376309514045715, -0.00019283240544609725, -0.0762530043721199, -0.05611240118741989, 0.07737895101308823, -0.09433035552501678, 0.058893077075481415, 0.10901971161365509, -0.04567738622426987, 0.08828683942556381, 0.10377411544322968, 0.008936077356338501, 0.003213887568563223, 0.10916902124881744, -0.2667325437068939, -0.0296600554138422, -0.07532413303852081, 0.000883326749317348, 0.09092561900615692, 0.08562852442264557, 0.18840822577476501, 0.025361526757478714, -0.04293036088347435, -0.002770674182102084, 0.028597986325621605, -0.039021048694849014, 0.051667019724845886, 0.001123449532315135, 0.01947369985282421, -0.1530752182006836, 0.072522833943367, 0.01490565575659275, -0.15215420722961426, 0.021316176280379295, 0.16572684049606323, -0.11656328290700912, -0.1283872276544571, -0.06520111113786697, 0.08313824236392975, -0.11755692958831787, -0.01578943058848381, -0.03279297426342964, -0.13145680725574493, 0.07992171496152878, 0.12629036605358124, 0.05557859688997269, 0.0972496047616005, -0.06061713397502899, -0.020469192415475845, -0.018721895292401314, -0.014099318534135818, -0.012384648434817791, -0.007667020428925753, -0.055978111922740936, 0.0590752474963665, -0.026677248999476433, 0.1425808072090149, -0.09221141785383224, -0.1037059873342514, -0.16142144799232483, 0.0374140702188015, -0.11013076454401016, -0.08825794607400894, -0.08821134269237518, -0.050188567489385605, 0.002360827289521694, -0.019856395199894905, -0.04037635400891304, -0.05829505994915962, -0.12300454825162888, 0.0338277705013752, -0.040771447122097015, 0.024727050215005875, -0.07512269169092178, 0.015856385231018066, 0.08507686108350754, -0.03285100311040878, 0.15655414760112762, 0.1450488418340683, -0.1006515845656395, 0.10741901397705078, -0.14806775748729706, -0.09138492494821548, 0.11116421222686768, 0.015329592861235142, 0.0449691042304039, 0.09723787009716034, 0.013362943194806576, 0.0635865181684494, 0.032776717096567154, 0.05308786407113075, 0.027619892731308937, -0.11959987878799438, 0.06483134627342224, -0.03626115620136261, -0.14700546860694885, -0.049338050186634064, -0.05282869189977646, 0.01647452637553215, 0.013054544106125832, 0.09622690081596375, -0.05301849544048309, 0.10698331147432327, -0.04055701196193695, 0.0346808135509491, 0.017554637044668198, -0.1730053424835205, -0.03816922754049301, -0.08538098633289337, 0.03681723028421402, 0.014741539023816586, 0.25266793370246887, 0.030072299763560295, 0.012416383251547813, 0.032671261578798294, 0.08285367488861084, 0.03899408504366875, 0.010228337720036507, 0.17482228577136993, 0.1162426546216011, -0.06621865928173065, -0.10445023328065872, 0.0729617029428482, 0.016332454979419708, 0.01286179106682539, 0.13617953658103943, 0.008365051820874214, 0.005795429926365614, 0.08649782836437225, -0.016865963116288185, 0.009968153201043606, -0.10052056610584259, -0.13426925241947174, -0.022176474332809448, 0.05151832848787308, -0.04655967652797699, 0.11727844923734665, 0.1406494379043579, -0.01806013658642769, 0.03222079202532768, -0.021771740168333054, -0.05699979141354561, -0.1683429479598999, -0.1429590880870819, -0.06883849948644638, -0.13416796922683716, 0.00897989235818386, -0.11180389672517776, 0.05395037308335304, 0.06001098081469536, 0.06750501692295074, -0.06899319589138031, 0.10220931470394135, 0.04626858979463577, -0.11440542340278625, 0.06264589726924896, -0.0296088308095932, 0.09430401772260666, -0.02759445086121559, -0.019505485892295837, -0.09039592742919922, 0.014574515633285046, 0.011419114656746387, 0.06245238706469536, -0.04707273095846176, 0.007463190704584122, -0.14696238934993744, -0.08972041308879852, -0.0523175448179245, 0.0718572810292244, -0.050409089773893356, 0.14282815158367157, 0.00775480642914772, -0.0170906875282526, 0.039554283022880554, 0.22787313163280487, -0.07476283609867096, -0.04778539761900902, -0.05269690603017807, 0.20717895030975342, 0.02975541539490223, 0.1171872541308403, -0.022938819602131844, -0.006106364540755749, -0.0919521227478981, 0.3764844834804535, 0.30030161142349243, -0.09031439572572708, 0.011794124729931355, 0.02137952297925949, 0.04502861574292183, 0.1316293478012085, 0.1216534823179245, 0.10318691283464432, 0.3006802201271057, -0.07452366501092911, -0.04653361067175865, -0.012629742734134197, -0.023858042433857918, -0.09059546142816544, 0.1021224707365036, 0.04839762672781944, -0.06382183730602264, -0.03313443064689636, 0.0954432487487793, -0.25862133502960205, 0.1277991235256195, -0.12311873584985733, -0.17578600347042084, -0.06654827296733856, 0.009760108776390553, 0.10465722531080246, 0.015642458572983742, 0.0946015790104866, 0.007128213066607714, -0.11252258718013763, 0.06305865943431854, 0.03397420793771744, -0.22762253880500793, 0.0006893770187161863, 0.06642123311758041, -0.07006710022687912, -0.0024247700348496437, -0.026499588042497635, 0.05657242611050606, 0.0656052976846695, 0.054629553109407425, -0.00971333310008049, 0.03816632181406021, 0.0034184439573436975, -0.0585215799510479, 0.016623929142951965, 0.05121519789099693, 0.02472509816288948, -0.09763528406620026, 0.06927435845136642, -0.1574270874261856, 0.04766253009438515, -0.0030655991286039352, -0.04124255105853081, 0.006064958870410919, 0.008823691867291927, -0.06491616368293762, 0.05165379121899605, 0.07916834205389023, -0.0016257909592241049, -0.0062433634884655476, -0.057178743183612823, -0.02632102556526661, -0.027755750343203545, -0.09291748702526093, -0.10495562851428986, -0.14682936668395996, -0.11640441417694092, 0.09368976950645447, -0.01011267676949501, -0.1848134547472, 0.022154374048113823, -0.08606051653623581, 0.08319322764873505, -0.1670055389404297, 0.08040720224380493, 0.07041648775339127, 0.013038921169936657, -0.0031511052511632442, -0.02002427540719509, 0.054132770746946335, 0.086809903383255, -0.10407156497240067, -0.07400695979595184 ]
null
null
transformers
<!-- 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. --> # model This model is a fine-tuned version of [gpt2](https://huggingface.co/gpt2) on an unknown dataset. ## Model description More information needed ## Intended uses & limitations More information needed ## Training and evaluation data More information needed ## Training procedure ### Training hyperparameters The following hyperparameters were used during training: - learning_rate: 5e-05 - train_batch_size: 1 - eval_batch_size: 1 - seed: 42 - optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08 - lr_scheduler_type: linear - num_epochs: 3.0 ### Training results ### Framework versions - Transformers 4.18.0.dev0 - Pytorch 1.6.0 - Datasets 2.0.0 - Tokenizers 0.11.6
{"license": "mit", "tags": ["generated_from_trainer"], "model-index": [{"name": "model", "results": []}]}
text-generation
Connorvr/TeachingGen
[ "transformers", "pytorch", "gpt2", "text-generation", "generated_from_trainer", "license:mit", "autotrain_compatible", "endpoints_compatible", "text-generation-inference", "region:us" ]
2022-03-02T23:29:04+00:00
[]
[]
TAGS #transformers #pytorch #gpt2 #text-generation #generated_from_trainer #license-mit #autotrain_compatible #endpoints_compatible #text-generation-inference #region-us
# model This model is a fine-tuned version of gpt2 on an unknown dataset. ## Model description More information needed ## Intended uses & limitations More information needed ## Training and evaluation data More information needed ## Training procedure ### Training hyperparameters The following hyperparameters were used during training: - learning_rate: 5e-05 - train_batch_size: 1 - eval_batch_size: 1 - seed: 42 - optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08 - lr_scheduler_type: linear - num_epochs: 3.0 ### Training results ### Framework versions - Transformers 4.18.0.dev0 - Pytorch 1.6.0 - Datasets 2.0.0 - Tokenizers 0.11.6
[ "# model\n\nThis model is a fine-tuned version of gpt2 on an unknown dataset.", "## Model description\n\nMore information needed", "## Intended uses & limitations\n\nMore information needed", "## Training and evaluation data\n\nMore information needed", "## Training procedure", "### Training hyperparameters\n\nThe following hyperparameters were used during training:\n- learning_rate: 5e-05\n- train_batch_size: 1\n- eval_batch_size: 1\n- seed: 42\n- optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08\n- lr_scheduler_type: linear\n- num_epochs: 3.0", "### Training results", "### Framework versions\n\n- Transformers 4.18.0.dev0\n- Pytorch 1.6.0\n- Datasets 2.0.0\n- Tokenizers 0.11.6" ]
[ "TAGS\n#transformers #pytorch #gpt2 #text-generation #generated_from_trainer #license-mit #autotrain_compatible #endpoints_compatible #text-generation-inference #region-us \n", "# model\n\nThis model is a fine-tuned version of gpt2 on an unknown dataset.", "## Model description\n\nMore information needed", "## Intended uses & limitations\n\nMore information needed", "## Training and evaluation data\n\nMore information needed", "## Training procedure", "### Training hyperparameters\n\nThe following hyperparameters were used during training:\n- learning_rate: 5e-05\n- train_batch_size: 1\n- eval_batch_size: 1\n- seed: 42\n- optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08\n- lr_scheduler_type: linear\n- num_epochs: 3.0", "### Training results", "### Framework versions\n\n- Transformers 4.18.0.dev0\n- Pytorch 1.6.0\n- Datasets 2.0.0\n- Tokenizers 0.11.6" ]
[ 59, 23, 6, 12, 8, 3, 90, 4, 36 ]
[ "passage: TAGS\n#transformers #pytorch #gpt2 #text-generation #generated_from_trainer #license-mit #autotrain_compatible #endpoints_compatible #text-generation-inference #region-us \n# model\n\nThis model is a fine-tuned version of gpt2 on an unknown dataset.## Model description\n\nMore information needed## Intended uses & limitations\n\nMore information needed## Training and evaluation data\n\nMore information needed## Training procedure### Training hyperparameters\n\nThe following hyperparameters were used during training:\n- learning_rate: 5e-05\n- train_batch_size: 1\n- eval_batch_size: 1\n- seed: 42\n- optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08\n- lr_scheduler_type: linear\n- num_epochs: 3.0### Training results### Framework versions\n\n- Transformers 4.18.0.dev0\n- Pytorch 1.6.0\n- Datasets 2.0.0\n- Tokenizers 0.11.6" ]
[ -0.10489696264266968, 0.1193835437297821, -0.0024909484200179577, 0.08810698986053467, 0.16499917209148407, 0.02180384285748005, 0.09630613774061203, 0.14897802472114563, -0.14406026899814606, 0.04152156040072441, 0.11963178217411041, 0.09031745791435242, 0.05392426997423172, 0.138912171125412, -0.003288388717919588, -0.2791040539741516, 0.014384767040610313, 0.03106924146413803, -0.050017960369586945, 0.11808128654956818, 0.11614690721035004, -0.08785917609930038, 0.07667099684476852, 0.03369782865047455, -0.20024485886096954, -0.00845521129667759, -0.0019035462755709887, -0.09649541229009628, 0.10905440896749496, 0.011007106862962246, 0.06821709126234055, 0.010616593062877655, 0.09791026264429092, -0.1363745927810669, -0.0009432619553990662, 0.07883305102586746, 0.034868720918893814, 0.10033852607011795, 0.05651373043656349, 0.004223741125315428, 0.13708481192588806, -0.11334738880395889, 0.05813436582684517, 0.03817049041390419, -0.09783710539340973, -0.22946450114250183, -0.0768650695681572, 0.07492473721504211, 0.056706752628088, 0.10831259936094284, -0.003992970567196608, 0.1337551325559616, -0.07672049105167389, 0.05721272528171539, 0.19923385977745056, -0.29230019450187683, -0.05282066762447357, 0.052377063781023026, 0.040582284331321716, 0.04479211941361427, -0.06664741039276123, 0.0026074352208524942, 0.04533248394727707, 0.06679995357990265, 0.12344558537006378, 0.003356953850015998, -0.025186805054545403, -0.015077094547450542, -0.13595794141292572, -0.07083631306886673, 0.19915330410003662, -0.003565827151760459, -0.06509435921907425, -0.09422893077135086, -0.057600297033786774, -0.10565272718667984, -0.00405636103823781, -0.027240559458732605, 0.017626963555812836, -0.02441205084323883, -0.06470416486263275, -0.07617422193288803, -0.08495873957872391, -0.07548024505376816, -0.02113419584929943, 0.11754085123538971, 0.0714833214879036, 0.035054776817560196, -0.04636114463210106, 0.14945553243160248, -0.03304794430732727, -0.10918757319450378, -0.020720597356557846, -0.027464909479022026, 0.014209393411874771, -0.025952067226171494, -0.04910135641694069, -0.029493751004338264, -0.004021909087896347, 0.11636266112327576, -0.12369676679372787, 0.03353751450777054, 0.013337195850908756, 0.032052189111709595, -0.03374909982085228, 0.14995504915714264, -0.05016915127635002, 0.025694847106933594, 0.03630167990922928, 0.059740226715803146, 0.014074685983359814, -0.0163698960095644, -0.12416703999042511, -0.055405572056770325, 0.10102582722902298, 0.0638698935508728, -0.02945849299430847, 0.05085064470767975, -0.022778337821364403, -0.04115762561559677, 0.05594136193394661, -0.1050417348742485, 0.013578942976891994, -0.030390199273824692, -0.10183651745319366, -0.00835135206580162, 0.027854548767209053, -0.01244626846164465, -0.09316929429769516, 0.04395158588886261, -0.0841950997710228, -0.014886721037328243, -0.08852244913578033, -0.06945591419935226, 0.004309459589421749, -0.069305419921875, -0.012286797165870667, -0.09757333993911743, -0.22437289357185364, -0.004264872521162033, 0.01518916618078947, -0.05481976643204689, -0.07152224332094193, -0.024698859080672264, -0.07546530663967133, 0.015234884805977345, -0.03205164521932602, 0.12016298621892929, -0.036046043038368225, 0.0972462072968483, 0.04278258979320526, 0.03200487047433853, 0.007544121704995632, 0.05456424877047539, -0.09486861526966095, 0.0272787157446146, -0.1287328004837036, 0.09505625814199448, -0.0539201982319355, -0.010617622174322605, -0.10766463726758957, -0.14443336427211761, 0.03424975648522377, -0.017890071496367455, 0.08446260541677475, 0.1341775357723236, -0.09896299242973328, -0.05933769792318344, 0.1883944272994995, -0.07274674624204636, -0.06995557993650436, 0.1117309033870697, -0.020527558401226997, 0.0180846955627203, 0.07896905392408371, 0.1463797688484192, 0.07153099030256271, -0.08177307993173599, -0.007666972931474447, 0.0293283648788929, 0.015638204291462898, -0.042978860437870026, 0.08390514552593231, -0.0073262727819383144, -0.007586034946143627, 0.041405562311410904, -0.07137778401374817, 0.03410281240940094, -0.10175234079360962, -0.07080913335084915, -0.06511107832193375, -0.07219800353050232, 0.07887289673089981, 0.02649063989520073, 0.07439529895782471, -0.07891161739826202, -0.1350822001695633, 0.07799756526947021, 0.11626220494508743, -0.056487634778022766, 0.027307596057653427, -0.08246363699436188, 0.1032746210694313, -0.06662079691886902, -0.001235138508491218, -0.18829315900802612, -0.07613340020179749, 0.036624129861593246, -0.04864560440182686, 0.031087080016732216, -0.0075525445863604546, 0.054718904197216034, 0.09824803471565247, -0.043919555842876434, -0.024885881692171097, -0.0921240970492363, -0.03237910941243172, -0.09862086921930313, -0.14881254732608795, -0.04770568758249283, -0.013828428462147713, 0.09730903804302216, -0.17145580053329468, 0.04611185938119888, 0.006540957372635603, 0.11581363528966904, -0.013291768729686737, -0.03478187695145607, -0.00870771985501051, 0.04487449303269386, -0.01930496282875538, -0.0942210927605629, 0.0693599283695221, 0.01890861615538597, -0.0726277232170105, -0.009041674435138702, -0.12171002477407455, 0.07984691858291626, 0.1154712364077568, 0.0006220356444828212, -0.07939114421606064, 0.005647214595228434, -0.08055855333805084, -0.026388414204120636, -0.06037769094109535, 0.00377710722386837, 0.21097934246063232, -0.005067854188382626, 0.1674959510564804, -0.0790431872010231, -0.05472593754529953, 0.02594739943742752, -0.006925757974386215, 0.005590102169662714, 0.06781764328479767, 0.06213608756661415, -0.04744560271501541, 0.11721017211675644, 0.09308220446109772, -0.0415010079741478, 0.14019206166267395, -0.038539256900548935, -0.08742886781692505, -0.017554400488734245, -0.010000490583479404, -0.012853060849010944, 0.08057065308094025, -0.11863633990287781, -0.014873916283249855, 0.05135039612650871, 0.044580597430467606, 0.05695463716983795, -0.19375835359096527, -0.013062293641269207, 0.017468003556132317, -0.054841358214616776, -0.024276500567793846, 0.018664337694644928, 0.005849610548466444, 0.09898987412452698, 0.04478289186954498, 0.003369998186826706, 0.061246804893016815, 0.022306863218545914, -0.07292314618825912, 0.18693895637989044, -0.11616485565900803, -0.20252928137779236, -0.12941814959049225, 0.05117488652467728, -0.07637607306241989, 0.010223510675132275, 0.04176977276802063, -0.10053250938653946, -0.04094959422945976, -0.050656262785196304, 0.04879181832075119, -0.09841912984848022, 0.007701501250267029, 0.014737404882907867, -0.002555571962147951, 0.06610393524169922, -0.13838587701320648, -0.012756068259477615, -0.0026196257676929235, -0.12488552182912827, 0.023891465738415718, 0.04191267490386963, 0.07538483291864395, 0.12147428840398788, -0.026054207235574722, 0.032132379710674286, -0.04823052138090134, 0.2348109483718872, -0.07579478621482849, -0.024243762716650963, 0.18209050595760345, 0.04968076944351196, 0.05757562071084976, 0.04180242866277695, 0.026412401348352432, -0.08244101703166962, 0.006286254618316889, 0.015477673150599003, -0.04827291890978813, -0.2539767622947693, -0.05330662429332733, -0.03610702231526375, -0.011105837300419807, 0.09718471765518188, 0.04859574884176254, 0.07268589735031128, 0.07764584571123123, -0.027272110804915428, 0.10409652441740036, -0.038769543170928955, 0.10468194633722305, 0.1535605788230896, 0.020198067650198936, 0.10889581590890884, -0.030638443306088448, -0.03176047280430794, 0.07768981903791428, 0.0032102796249091625, 0.2573651671409607, -0.05787971243262291, 0.1037549301981926, 0.04294777289032936, 0.1499776691198349, 0.0002639063459355384, 0.04039660096168518, 0.015470112673938274, 0.017123689875006676, -0.005011607892811298, -0.049944356083869934, -0.05266394093632698, 0.0020015337504446507, -0.03690759837627411, 0.022322939708828926, -0.13377490639686584, 0.01830323599278927, 0.02527705393731594, 0.24238047003746033, 0.03392419219017029, -0.33282941579818726, -0.12439984083175659, -0.00010985317931044847, -0.006189928390085697, -0.08362757414579391, 0.022386379539966583, 0.09385963529348373, -0.15586961805820465, 0.03182550147175789, -0.0631852075457573, 0.09295190870761871, -0.052606504410505295, 0.02043905481696129, 0.04620653763413429, 0.1495152860879898, 0.007465051487088203, 0.11233896762132645, -0.25694024562835693, 0.20400692522525787, 0.009770574979484081, 0.10940051078796387, -0.08528250455856323, 0.035636819899082184, 0.00932858232408762, 0.09944114834070206, 0.1011035293340683, 0.0011060346150770783, -0.031246084719896317, -0.13581283390522003, -0.0830906555056572, 0.024158725515007973, 0.08992527425289154, -0.024102916941046715, 0.06265565752983093, -0.04458685964345932, 0.030321141704916954, 0.03751414641737938, -0.07960835099220276, -0.13630279898643494, -0.08799337595701218, 0.03482813388109207, 0.011177406646311283, 0.010189850814640522, -0.08219935745000839, -0.10536105185747147, -0.035536088049411774, 0.19163484871387482, -0.016866514459252357, -0.1032884418964386, -0.1285133957862854, 0.09331361949443817, 0.10035669058561325, -0.06705524772405624, 0.02323109842836857, -0.0017931322799995542, 0.13022580742835999, 0.02882695011794567, -0.09944387525320053, 0.05391275882720947, -0.06465369462966919, -0.19185252487659454, -0.020934633910655975, 0.14161249995231628, 0.032229311764240265, 0.046517595648765564, -0.006312557030469179, 0.012392799369990826, -0.0251302570104599, -0.11114673316478729, 0.043243907392024994, 0.06403524428606033, 0.10300900042057037, 0.03517163544893265, -0.03404627740383148, 0.05732487887144089, -0.02739814855158329, -0.016608312726020813, 0.1567084938287735, 0.19541588425636292, -0.08929356932640076, 0.08850851655006409, 0.06485571712255478, -0.07963703572750092, -0.19126737117767334, 0.03594097122550011, 0.09702300280332565, 0.01176418736577034, -0.023896321654319763, -0.2306370884180069, 0.06511569023132324, 0.10892058163881302, -0.024833103641867638, 0.09909102320671082, -0.3534627854824066, -0.12393269687891006, 0.0705522745847702, 0.10505900532007217, 0.09859225898981094, -0.13520611822605133, -0.036266401410102844, -0.028206268325448036, -0.12295753508806229, 0.12052810192108154, -0.10334152728319168, 0.12271371483802795, -0.04798887297511101, 0.12450404465198517, 0.017298882827162743, -0.053357310593128204, 0.13691991567611694, 0.013320675119757652, 0.05144474655389786, -0.06934475153684616, 0.04804328456521034, 0.14749859273433685, -0.04661274328827858, 0.07599098980426788, -0.02055290900170803, 0.07477258145809174, -0.13170339167118073, -0.03304724022746086, -0.09937315434217453, 0.07598443329334259, -0.037986963987350464, -0.08157273381948471, -0.04575647786259651, 0.033505555242300034, 0.03241370990872383, -0.03312745317816734, 0.054139114916324615, 0.04275063797831535, 0.10156796127557755, 0.08139686286449432, 0.07764555513858795, -0.014404002577066422, -0.11151095479726791, -0.00613295566290617, -0.022808769717812538, 0.076998271048069, -0.1705976128578186, 0.004679615143686533, 0.12081798911094666, 0.019740348681807518, 0.11600270122289658, 0.06929300725460052, -0.06402236223220825, 0.025566626340150833, 0.03520940616726875, -0.14092743396759033, -0.1417533904314041, -0.045572854578495026, -0.04398059844970703, -0.08433137834072113, 0.05755555257201195, 0.10485044121742249, -0.09195445477962494, -0.028448667377233505, -0.018140869215130806, 0.005098647903650999, -0.045071791857481, 0.17068542540073395, 0.047429461032152176, 0.05132099241018295, -0.10433389991521835, 0.12476152181625366, 0.0557788610458374, -0.055823974311351776, 0.06694339215755463, 0.07370513677597046, -0.09922666102647781, -0.036723602563142776, 0.042609959840774536, 0.10289052873849869, -0.08574052900075912, -0.05462163686752319, -0.08763584494590759, -0.09918929636478424, 0.0817965567111969, 0.01971287466585636, 0.056563619524240494, 0.010080215521156788, -0.05856091156601906, 0.03406650200486183, -0.17056646943092346, 0.06677848845720291, 0.020937997847795486, 0.06250263005495071, -0.15338094532489777, 0.18132475018501282, 0.021249597892165184, 0.08050552755594254, -0.027802126482129097, -0.004706143401563168, -0.07798359543085098, 0.00451681949198246, -0.16247980296611786, -0.027187703177332878, -0.03849545121192932, -0.01109246350824833, -0.026200706139206886, -0.03531911224126816, -0.032194048166275024, 0.06791400164365768, -0.07784222066402435, -0.05645907297730446, 0.005115819629281759, 0.032261282205581665, -0.11390268057584763, 0.008673930540680885, -0.005924689117819071, -0.08137530833482742, 0.09951106458902359, 0.06983066350221634, 0.01683334819972515, 0.0436544232070446, -0.04403289780020714, -0.004595448728650808, 0.027071930468082428, 0.007405022159218788, 0.04028776288032532, -0.06694138795137405, 0.019004931673407555, -0.011051065288484097, 0.02344401367008686, 0.02299538254737854, 0.0494641475379467, -0.13104212284088135, -0.015281038358807564, -0.015284090302884579, -0.013148008845746517, -0.07984498143196106, 0.062210436910390854, 0.0719698965549469, 0.048782143741846085, 0.13376685976982117, -0.074557363986969, 0.04131382331252098, -0.18035981059074402, -0.025936821475625038, -0.017156658694148064, -0.06191699579358101, -0.05711884796619415, -0.02884090319275856, 0.0790574699640274, -0.05274450406432152, 0.1445215493440628, 0.025474531576037407, 0.09191872179508209, 0.029916154220700264, -0.007884201593697071, -0.015358762815594673, -0.0043174512684345245, 0.18392427265644073, 0.060514841228723526, -0.019855400547385216, 0.06971420347690582, 0.028399424627423286, 0.07923758774995804, 0.050971996039152145, 0.16891799867153168, 0.07356195896863937, 0.0007067728438414633, 0.07457136362791061, 0.04740693420171738, -0.08337631076574326, -0.2350250482559204, 0.029739661142230034, -0.005893341731280088, 0.12045057117938995, -0.046349670737981796, 0.12060240656137466, 0.09867798537015915, -0.1416897475719452, 0.05808379128575325, -0.03720146417617798, -0.09340625256299973, -0.11271998286247253, -0.09716812521219254, -0.05756235122680664, -0.1402309238910675, 0.023239873349666595, -0.1227579340338707, 0.024135755375027657, 0.06532461941242218, 0.015358968637883663, -0.03903034329414368, 0.13646134734153748, 0.00977274589240551, -0.02286023460328579, 0.06451305001974106, -0.009843395091593266, 0.005700905341655016, -0.05366653576493263, -0.06249307468533516, 0.028180910274386406, 0.017486853525042534, 0.09689261764287949, -0.030187096446752548, -0.026394225656986237, 0.026832934468984604, -0.03471352159976959, -0.052994921803474426, 0.007425092160701752, 0.04910795018076897, 0.04010041430592537, 0.05393480136990547, 0.01802821457386017, -0.028703687712550163, -0.028627749532461166, 0.2629643678665161, -0.07022449374198914, -0.08450949937105179, -0.11408285051584244, 0.2695324420928955, 0.052137065678834915, -0.04541274160146713, 0.07789386808872223, -0.09194782376289368, -0.03116173855960369, 0.19626660645008087, 0.2035929262638092, -0.0346221961081028, -0.03813320770859718, -0.0012467227643355727, -0.02359374240040779, -0.02301952615380287, 0.15531140565872192, 0.11562690138816833, 0.06917248666286469, -0.07622354477643967, 0.009300610981881618, -0.02588864415884018, -0.008123763836920261, -0.08327339589595795, 0.09176561236381531, 0.001445524045266211, -0.010462942533195019, -0.028022946789860725, 0.04231001064181328, -0.04885924607515335, -0.10731901228427887, 0.013734553009271622, -0.12579308450222015, -0.15879689157009125, 0.003285297891125083, 0.03610442206263542, -0.002040339168161154, 0.07459168881177902, -0.002841247245669365, 0.012941022403538227, 0.12595082819461823, -0.014086605980992317, -0.09105595201253891, -0.0641414150595665, 0.10099396854639053, -0.050860002636909485, 0.21295931935310364, -0.010430427268147469, 0.0790635272860527, 0.10189786553382874, 0.024724138900637627, -0.15406112372875214, 0.03594115376472473, 0.03641311451792717, -0.02194328047335148, 0.02766677923500538, 0.14657124876976013, -0.02337701804935932, -0.002310184994712472, 0.013977531343698502, -0.11762163043022156, -0.03961367905139923, -0.01313668955117464, -0.009172851219773293, -0.06657737493515015, -0.018810555338859558, -0.0669679343700409, 0.13588546216487885, 0.19947649538516998, -0.04282830283045769, -0.019680965691804886, -0.10825616866350174, 0.02787662111222744, 0.04916904866695404, 0.051303792744874954, -0.015517333522439003, -0.1935310810804367, -0.010732771828770638, 0.08008646965026855, 0.013886978849768639, -0.24204212427139282, -0.06565093249082565, 0.028645114973187447, -0.06170816347002983, -0.08950262516736984, 0.09718745201826096, 0.03425407037138939, 0.04144635424017906, -0.04000833258032799, -0.02694668620824814, -0.07686852663755417, 0.13316753506660461, -0.14995276927947998, -0.06089573726058006 ]
null
null
null
@inproceedings{wan2020bringing, title={Bringing Old Photos Back to Life}, author={Wan, Ziyu and Zhang, Bo and Chen, Dongdong and Zhang, Pan and Chen, Dong and Liao, Jing and Wen, Fang}, booktitle={Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition}, pages={2747--2757}, year={2020} } @article{wan2020old, title={Old Photo Restoration via Deep Latent Space Translation}, author={Wan, Ziyu and Zhang, Bo and Chen, Dongdong and Zhang, Pan and Chen, Dong and Liao, Jing and Wen, Fang}, journal={arXiv preprint arXiv:2009.07047}, year={2020} }
{"language": ["en"], "license": "mit", "tags": ["image_restoration", "superresolution"], "thumbnail": "https://github.com/Nick-Harvey/for_my_abuela/blob/master/cuban_large.jpg"}
null
Coolhand/Abuela
[ "image_restoration", "superresolution", "en", "license:mit", "region:us" ]
2022-03-02T23:29:04+00:00
[]
[ "en" ]
TAGS #image_restoration #superresolution #en #license-mit #region-us
@inproceedings{wan2020bringing, title={Bringing Old Photos Back to Life}, author={Wan, Ziyu and Zhang, Bo and Chen, Dongdong and Zhang, Pan and Chen, Dong and Liao, Jing and Wen, Fang}, booktitle={Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition}, pages={2747--2757}, year={2020} } @article{wan2020old, title={Old Photo Restoration via Deep Latent Space Translation}, author={Wan, Ziyu and Zhang, Bo and Chen, Dongdong and Zhang, Pan and Chen, Dong and Liao, Jing and Wen, Fang}, journal={arXiv preprint arXiv:2009.07047}, year={2020} }
[]
[ "TAGS\n#image_restoration #superresolution #en #license-mit #region-us \n" ]
[ 23 ]
[ "passage: TAGS\n#image_restoration #superresolution #en #license-mit #region-us \n" ]
[ -0.013806069269776344, 0.116315096616745, -0.007355297449976206, 0.00787542387843132, 0.12955211102962494, 0.06612982600927353, 0.06462952494621277, 0.037309274077415466, 0.02632269077003002, -0.03188895434141159, 0.10966777801513672, 0.06120695546269417, 0.047731634229421616, -0.030179152265191078, 0.03219788148999214, -0.29434457421302795, 0.04404672980308533, -0.010089565999805927, 0.019285690039396286, -0.004416852258145809, -0.035494543612003326, -0.13823121786117554, 0.07221883535385132, -0.11527365446090698, -0.25160133838653564, 0.052671998739242554, -0.005072477739304304, 0.023571090772747993, 0.07153472304344177, 0.04035557061433792, 0.0384003147482872, 0.0411343052983284, 0.09389859437942505, -0.05932282656431198, 0.03668685629963875, -0.009632540866732597, -0.0975477322936058, 0.05310311168432236, 0.10872890055179596, 0.15092164278030396, -0.024981670081615448, 0.05813217908143997, -0.09123097360134125, 0.022905608639121056, -0.19337032735347748, -0.027828626334667206, -0.07497306913137436, 0.01283534336835146, 0.13407427072525024, -0.008631885051727295, 0.04274943098425865, 0.040845710784196854, -0.16478058695793152, 0.06084591522812843, 0.03279205784201622, -0.23589982092380524, -0.0006604818045161664, 0.19758564233779907, -0.02326248399913311, 0.09040122479200363, -0.025516914203763008, 0.1349237561225891, 0.045477088540792465, -0.058740146458148956, -0.19458191096782684, -0.0735006034374237, 0.0027430907357484102, 0.06039511784911156, -0.05340273678302765, -0.04411908984184265, 0.20964325964450836, 0.06321913003921509, -0.03723231330513954, 0.1576106995344162, -0.0702672004699707, -0.023888250812888145, -0.03283236548304558, 0.083614282310009, 0.11306458711624146, 0.07573752850294113, -0.03534417599439621, -0.08296365290880203, -0.10443025082349777, -0.029447952285408974, -0.22539804875850677, 0.02049151621758938, -0.0033672512508928776, 0.1440965086221695, -0.1365119069814682, 0.05809511989355087, -0.2528321444988251, -0.07296354323625565, -0.02657192572951317, -0.06503893435001373, 0.03859734162688255, 0.07134655117988586, -0.03823640197515488, 0.06720762699842453, 0.04919036105275154, 0.23409734666347504, 0.03959187492728233, 0.028878705576062202, -0.1414870321750641, 0.23391853272914886, 0.04020531103014946, 0.08043723553419113, -0.015642235055565834, 0.02093334309756756, 0.005282494705170393, -0.09025587141513824, 0.09075851738452911, -0.05991470441222191, -0.15323221683502197, -0.002004851819947362, -0.17024949193000793, 0.044284362345933914, 0.01526925154030323, -0.031762804836034775, -0.07525964081287384, 0.01976555772125721, 0.12089529633522034, -0.005066697020083666, -0.0074216281063854694, -0.10319109261035919, 0.0225116815418005, 0.1211133524775505, 0.013099107891321182, 0.005018196068704128, 0.054356783628463745, 0.13858477771282196, -0.1087372899055481, 0.01993035525083542, -0.04313328489661217, 0.05072615295648575, 0.013168149627745152, -0.12093105912208557, 0.03877389803528786, -0.07675625383853912, -0.1586102694272995, 0.023369329050183296, 0.005079705733805895, -0.056229401379823685, 0.027746189385652542, 0.07575730234384537, 0.006986970081925392, -0.03551924228668213, -0.07042472809553146, -0.08010789006948471, -0.06030433997511864, 0.07162177562713623, -0.05925004929304123, 0.11439281702041626, -0.31997284293174744, 0.013332380913197994, -0.1607486605644226, 0.003249184926971793, -0.18766725063323975, -0.08534718304872513, -0.0012617663014680147, 0.19930800795555115, 0.09262080490589142, 0.010714316740632057, -0.16718603670597076, 0.04935988411307335, -0.02604597806930542, 0.17800162732601166, -0.20207878947257996, -0.0448310412466526, 0.16732488572597504, -0.15929734706878662, -0.0663449764251709, 0.07443518191576004, 0.053528327494859695, -0.01626204326748848, 0.08859971910715103, 0.20667867362499237, -0.18557307124137878, 0.021708818152546883, -0.009777607396245003, 0.08280830085277557, -0.09581095725297928, -0.05676887184381485, 0.038001395761966705, -0.04809955134987831, -0.020860079675912857, 0.015071035362780094, -0.13385862112045288, 0.059785146266222, -0.08335017412900925, -0.03137969598174095, -0.01685372181236744, -0.011692534200847149, -0.04267943650484085, 0.0474163256585598, 0.0667707547545433, -0.05809890851378441, -0.00640749279409647, -0.03715931996703148, 0.0016047596000134945, 0.11820049583911896, 0.06562676280736923, -0.10887130349874496, 0.08201485872268677, 0.01950143091380596, 0.025024984031915665, -0.10795504599809647, 0.08142992109060287, 0.00718248775228858, 0.03154785558581352, 0.09774493426084518, 0.08476999402046204, 0.011616192758083344, 0.015478470362722874, -0.011657370254397392, -0.01444984134286642, -0.00780562125146389, -0.03635300695896149, 0.04212692752480507, -0.15562573075294495, 0.044519778341054916, -0.0318390429019928, -0.13173367083072662, -0.006872693542391062, -0.052798792719841, 0.11454706639051437, 0.03579643741250038, -0.011318997479975224, 0.014339691959321499, -0.13777008652687073, -0.00046930654207244515, -0.027824746444821358, -0.03354179486632347, 0.09937819838523865, 0.019587012007832527, -0.05160077288746834, 0.10781525075435638, -0.08003882318735123, 0.11516818404197693, 0.21722163259983063, -0.3257640600204468, 0.00364439794793725, 0.017843417823314667, 0.03363264352083206, 0.0349636934697628, 0.009838331490755081, -0.07628610730171204, -0.09281538426876068, -0.0298448596149683, 0.04063298553228378, 0.02658456563949585, 0.07062648981809616, -0.036343351006507874, -0.015930311754345894, -0.06739755719900131, -0.06817512959241867, 0.34974348545074463, -0.27990081906318665, 0.1258545070886612, 0.3687414824962616, 0.03192257136106491, 0.16046974062919617, -0.06278950721025467, 0.020341526716947556, 0.011190444231033325, -0.049730755388736725, -0.048969559371471405, 0.2498026043176651, -0.11403744667768478, -0.037863485515117645, -0.018807444721460342, -0.04811073839664459, 0.008280768059194088, -0.1899082362651825, -0.09111136198043823, -0.005894702859222889, 0.018708430230617523, -0.10265198349952698, -0.02176366001367569, -0.0710706040263176, 0.06705785542726517, -0.0809691771864891, 0.010211480781435966, 0.05362185835838318, -0.04834142327308655, 0.011797039769589901, 0.076261505484581, -0.10214271396398544, -0.21021048724651337, -0.13394692540168762, -0.054174669086933136, 0.027942366898059845, 0.047849394381046295, 0.051510103046894073, -0.17186015844345093, -0.06072590872645378, 0.042524006217718124, -0.08693267405033112, -0.03504963219165802, -0.022563841193914413, -0.006814096588641405, 0.013197684660553932, -0.051426831632852554, -0.04567043110728264, -0.03871450945734978, -0.06937357783317566, -0.161797434091568, 0.10761509835720062, 0.007663538213819265, 0.12781746685504913, 0.05259506776928902, 0.024683430790901184, 0.049698345363140106, 0.009312981739640236, 0.11251193284988403, -0.09753657132387161, -0.013973760418593884, 0.21074259281158447, 0.010331063531339169, 0.07603088021278381, 0.17857018113136292, 0.10570992529392242, -0.10173311829566956, -0.05562606453895569, -0.008117049001157284, -0.17482195794582367, -0.03503941372036934, -0.016333244740962982, -0.08615311235189438, 0.11629470437765121, 0.08370261639356613, 0.05802886560559273, 0.02582511678338051, 0.1027100458741188, -0.012192273512482643, -0.03819181025028229, -0.01851343736052513, 0.01471132505685091, 0.055924125015735626, -0.09215087443590164, 0.10295799374580383, -0.07007536292076111, -0.07714299857616425, 0.14775650203227997, 0.03279218450188637, 0.19901597499847412, 0.21685907244682312, -0.0925505980849266, 0.07854481041431427, 0.07126621156930923, 0.1364130824804306, 0.08714736253023148, 0.043956562876701355, -0.05888662487268448, -0.08913683146238327, -0.040770020335912704, 0.05089303478598595, 0.020075108855962753, 0.0346890464425087, -0.16464713215827942, 0.06159195303916931, -0.13352380692958832, 0.008991078473627567, -0.015334625728428364, 0.1141248419880867, -0.14057128131389618, 0.13553248345851898, 0.1129198893904686, 0.14707626402378082, -0.01270772609859705, 0.09927993267774582, 0.0669621154665947, -0.03477098420262337, 0.10349417477846146, -0.02238617092370987, 0.09638480097055435, 0.056894708424806595, 0.10362105816602707, 0.02008204162120819, -0.21783171594142914, 0.04012216627597809, -0.006674855016171932, -0.13312187790870667, 0.1853647530078888, -0.004644501488655806, -0.0870996043086052, 0.046747080981731415, -0.022008011117577553, 0.11586803942918777, 0.2998235821723938, 0.1350182145833969, 0.04897880554199219, -0.2027112990617752, -0.11814937740564346, 0.030168835073709488, 0.019625557586550713, 0.10032539069652557, -0.01565929688513279, -0.09557224065065384, -0.004097730852663517, 0.037231799215078354, -0.004312209319323301, 0.19008959829807281, -0.09454206377267838, -0.08501852303743362, 0.009120965376496315, -0.10442838072776794, 0.04680890589952469, 0.0023097118828445673, 0.029482506215572357, 0.0016862661577761173, -0.005293808411806822, -0.005999422632157803, 0.06141208857297897, -0.04297396168112755, 0.008700311183929443, 0.015293540433049202, -0.02537970431149006, 0.0765327513217926, -0.038582395762205124, -0.08400911092758179, -0.02227313071489334, -0.2151627391576767, 0.11157738417387009, -0.06955046951770782, 0.035931289196014404, -0.08706816285848618, -0.0237727053463459, -0.05485280975699425, 0.006968499161303043, -0.018537115305662155, 0.09776744991540909, 0.012132333591580391, -0.11724954098463058, 0.1816893219947815, -0.14692531526088715, -0.021764861419796944, 0.1440427452325821, -0.007414153311401606, 0.02668451890349388, 0.03672342002391815, -0.0022035050205886364, 0.049335990101099014, 0.36862754821777344, -0.027297576889395714, 0.07217543572187424, 0.18833424150943756, -0.1237214058637619, -0.4023248851299286, -0.058404285460710526, -0.27240318059921265, -0.010013168677687645, 0.21627384424209595, -0.1651677042245865, 0.13728532195091248, 0.19101998209953308, -0.07656100392341614, 0.24671363830566406, -0.19873154163360596, -0.04135990887880325, 0.1251218020915985, 0.04544324800372124, 0.5073685646057129, -0.2266867607831955, -0.03391094133257866, -0.0958520919084549, -0.06642076373100281, 0.12827461957931519, 0.0006757698720321059, 0.04034574329853058, 0.014615269377827644, -0.0708039402961731, 0.0066615319810807705, -0.01053620595484972, 0.15942934155464172, -0.07873421907424927, 0.12288821488618851, -0.13408784568309784, -0.05765761435031891, 0.1663527637720108, 0.04404706880450249, -0.11977819353342056, -0.0055810799822211266, -0.0020560193806886673, 0.018874255940318108, 0.10173541307449341, -0.04551904276013374, 0.017333099618554115, -0.0003190642164554447, -0.01794903539121151, -0.059337858110666275, 0.06489230692386627, -0.11664117872714996, 0.058920614421367645, 0.3000353276729584, -0.02383263036608696, 0.06640207022428513, 0.06525550037622452, -0.06634426862001419, -0.11208926141262054, -0.09859184175729752, -0.11143451184034348, -0.03319009020924568, 0.13787469267845154, -0.05607597157359123, 0.04911477491259575, 0.07674454152584076, 0.057027533650398254, 0.025645336136221886, 0.10476165264844894, -0.005422553047537804, 0.05490121990442276, 0.18176300823688507, -0.07912056893110275, -0.13557593524456024, 0.018473699688911438, 0.02681325189769268, 0.2850102186203003, 0.02320951409637928, 0.04035591334104538, 0.055546317249536514, 0.033546481281518936, 0.03406229987740517, 0.09644303470849991, -0.06227186694741249, 0.005931795574724674, 0.03356105834245682, -0.04292454198002815, -0.09729505330324173, 0.17652037739753723, 0.030620872974395752, -0.09049111604690552, -0.10847827792167664, 0.08989349752664566, -0.011531207710504532, -0.0573931448161602, -0.11794022470712662, -0.05223427712917328, -0.23890262842178345, -0.0038551357574760914, -0.07518275827169418, -0.09808573871850967, -0.027246253564953804, -0.01495823822915554, 0.0374341644346714, 0.05692322179675102, -0.004832432139664888, 0.02977820672094822, 0.0707467645406723, -0.0720771923661232, -0.1235196515917778, 0.12334264069795609, -0.11597544699907303, -0.08774495869874954, 0.03211665898561478, 0.0761055275797844, -0.09439019858837128, -0.0061968290247023106, -0.1677076369524002, 0.05545014888048172, -0.11365780979394913, -0.0261212270706892, -0.02223501354455948, -0.09337633848190308, 0.022235693410038948, -0.020098814740777016, -0.08415645360946655, -0.06399280577898026, -0.11430798470973969, -0.02587602101266384, 0.07770468294620514, -0.014883728697896004, 0.039759859442710876, 0.037042804062366486, 0.12600435316562653, -0.01065827626734972, 0.029491595923900604, -0.016538772732019424, -0.006356013938784599, 0.1440792828798294, -0.15709340572357178, -0.15864363312721252, 0.09952632337808609, 0.023135490715503693, -0.03022179752588272, 0.2822013199329376, -0.04582497477531433, 0.014362799935042858, 0.005633089225739241, 0.027735598385334015, -0.0678972527384758, -0.12035913020372391, 0.005397450178861618, -0.023736214265227318, -0.12326985597610474, -0.0023083831183612347, -0.04212179780006409, 0.0968041941523552, 0.029983635991811752, 0.05590151995420456, 0.004893466364592314, 0.009937100112438202, -0.09310311079025269, 0.025119217112660408, 0.035604432225227356, -0.14059484004974365, -0.05053292214870453, -0.06818391382694244, -0.04006050154566765, -0.0577782541513443, 0.25618287920951843, 0.0563470683991909, -0.1562509536743164, 0.05188225954771042, 0.20776017010211945, -0.03254508227109909, 0.01833675242960453, 0.3189805746078491, 0.08901077508926392, -0.021263454109430313, -0.1660076379776001, 0.08378639817237854, -0.04456697404384613, -0.18091686069965363, 0.157184898853302, 0.10117527097463608, -0.05479027330875397, 0.013869673945009708, 0.1370004266500473, -0.009945709258317947, 0.03035627119243145, -0.005179401021450758, 0.07575181871652603, 0.08484816551208496, 0.005659682210534811, 0.022574614733457565, 0.18479782342910767, -0.01073542796075344, 0.08079379051923752, -0.07413596659898758, 0.02134237065911293, -0.123958058655262, -0.1756911426782608, -0.01842401549220085, -0.15950065851211548, 0.08261994272470474, -0.030802981927990913, 0.10089011490345001, 0.3243989944458008, 0.008385279215872288, -0.09414806216955185, -0.009477851912379265, -0.12447033822536469, -0.09109315276145935, 0.07715092599391937, -0.022644616663455963, -0.022352060303092003, -0.006520083639770746, -0.07313757389783859, 0.0386979915201664, 0.0798676460981369, -0.022076968103647232, 0.018511010333895683, -0.009223492816090584, 0.008727621287107468, -0.0627584457397461, -0.06084137782454491, -0.05671645700931549, -0.0072272829711437225, -0.04176126420497894, 0.04896740987896919, -0.05749451741576195, 0.09123431146144867, 0.019472850486636162, 0.16175749897956848, -0.08305621892213821, 0.04146316275000572, 0.07093629986047745, -0.04831177368760109, -0.01643279939889908, 0.1384810507297516, -0.05396873131394386, -0.07968577742576599, -0.031725067645311356, 0.14284028112888336, 0.2390786111354828, -0.17400024831295013, -0.027503730729222298, 0.026018716394901276, 0.011810441501438618, 0.017593098804354668, 0.1924208551645279, 0.021212683990597725, 0.16047848761081696, -0.06406945735216141, 0.03367799147963524, -0.011136920191347599, -0.025280840694904327, -0.09633844345808029, -0.08158227801322937, 0.12308763712644577, -0.014477575197815895, -0.10453435033559799, 0.11762970685958862, -0.07587689161300659, 0.12115693837404251, 0.14062243700027466, -0.15689507126808167, -0.01587824523448944, -0.019733192399144173, 0.23046058416366577, 0.04447779059410095, 0.03276162967085838, -0.16847850382328033, -0.05225744470953941, -0.07737704366445541, 0.030373914167284966, -0.22532524168491364, -0.2398560643196106, -0.0050356099382042885, -0.04411562159657478, 0.24860137701034546, -0.020760906860232353, -0.0670081079006195, -0.01796118915081024, 0.011734928004443645, -0.0021041189320385456, 0.03566073626279831, -0.07316083461046219, -0.10305822640657425, -0.10533520579338074, 0.062385182827711105, 0.015169507823884487, -0.029416067525744438, 0.03441996872425079, -0.012877018190920353, -0.008086295798420906, 0.14311838150024414, -0.10819888859987259, 0.008414641954004765, 0.051418352872133255, -0.18802745640277863, 0.06353528052568436, 0.027806051075458527, 0.015662027522921562, -0.015512029640376568, -0.06915772706270218, -0.021540120244026184, 0.14140917360782623, -0.10634670406579971, -0.05106505751609802, 0.15710774064064026, -0.03913537785410881, -0.014481330290436745, -0.025477586314082146, -0.08336027711629868, -0.0030920638237148523, -0.08662737160921097, 0.1138492003083229, -0.13866965472698212, 0.06299185007810593, 0.16475197672843933, -0.010524160228669643, -0.0003298736410215497, -0.274839848279953, 0.06390222162008286, -0.022208407521247864, 0.030977321788668633, -0.10253269225358963 ]
null
null
transformers
# Atakan DialoGPT Model
{"tags": ["conversational"]}
text-generation
CopymySkill/DialoGPT-medium-atakan
[ "transformers", "pytorch", "gpt2", "text-generation", "conversational", "autotrain_compatible", "endpoints_compatible", "text-generation-inference", "region:us" ]
2022-03-02T23:29:04+00:00
[]
[]
TAGS #transformers #pytorch #gpt2 #text-generation #conversational #autotrain_compatible #endpoints_compatible #text-generation-inference #region-us
# Atakan DialoGPT Model
[ "# Atakan DialoGPT Model" ]
[ "TAGS\n#transformers #pytorch #gpt2 #text-generation #conversational #autotrain_compatible #endpoints_compatible #text-generation-inference #region-us \n", "# Atakan DialoGPT Model" ]
[ 51, 8 ]
[ "passage: TAGS\n#transformers #pytorch #gpt2 #text-generation #conversational #autotrain_compatible #endpoints_compatible #text-generation-inference #region-us \n# Atakan DialoGPT Model" ]
[ -0.01849261485040188, 0.03330643102526665, -0.005743805319070816, 0.0022596896160393953, 0.14968986809253693, 0.0015397620154544711, 0.16931146383285522, 0.1131010577082634, 0.01472625881433487, -0.044053222984075546, 0.10713955760002136, 0.14172497391700745, 0.026260800659656525, 0.13164742290973663, -0.06531953066587448, -0.3019191026687622, 0.047937896102666855, 0.03933962434530258, 0.024698657914996147, 0.12945181131362915, 0.10061858594417572, -0.04154820367693901, 0.07301365584135056, 0.010798581875860691, -0.13707256317138672, 0.01981722190976143, 0.0007627613376826048, -0.16130958497524261, 0.11327977478504181, 0.06309138238430023, 0.03157574683427811, 0.005901757627725601, -0.06422536075115204, -0.1529787927865982, 0.03301135450601578, -0.021449558436870575, -0.025625959038734436, 0.03384930640459061, 0.030913865193724632, -0.07316973060369492, 0.16421566903591156, 0.12235867232084274, -0.016298646107316017, 0.04382190853357315, -0.15189552307128906, -0.027501752600073814, 0.017250342294573784, 0.06649376451969147, 0.10703638941049576, 0.1002008467912674, -0.05567488819360733, 0.09564999490976334, -0.05744577571749687, 0.10986103117465973, 0.03485453501343727, -0.33739104866981506, -0.015340146608650684, 0.0686325952410698, 0.013251460157334805, 0.09218532592058182, -0.026870504021644592, 0.08956518769264221, 0.02839120291173458, 0.0053353928960859776, -0.024780821055173874, -0.07932103425264359, -0.12169378995895386, -0.002119154203683138, -0.0835535079240799, -0.014143786393105984, 0.2629733979701996, -0.041924845427274704, 0.06936316937208176, -0.07290428131818771, -0.07931649684906006, -0.01226976327598095, -0.042875077575445175, -0.03764042630791664, -0.08758606761693954, 0.08147165179252625, 0.02347470447421074, -0.07825405150651932, -0.1342451274394989, -0.0061616310849785805, -0.16637858748435974, 0.1698649525642395, 0.044473301619291306, 0.0376395508646965, -0.21452800929546356, 0.08528153598308563, -0.0007982689421623945, -0.11390449106693268, 0.023601753637194633, -0.08747150748968124, 0.013146139681339264, 0.019187746569514275, -0.020066706463694572, -0.0578719861805439, 0.06392911821603775, 0.09595918655395508, 0.035367757081985474, 0.025552337989211082, -0.04388727620244026, 0.05883659049868584, 0.045344557613134384, 0.10059468448162079, -0.014755835756659508, -0.07110662013292313, 0.01605897583067417, -0.08877042680978775, -0.0034378720447421074, -0.05822546407580376, -0.17418424785137177, -0.03890730068087578, 0.051716677844524384, 0.06250877678394318, 0.028062067925930023, 0.12415479868650436, 0.010174339637160301, -0.04216912016272545, 0.017404308542609215, -0.03679719567298889, -0.04097519442439079, -0.01186154130846262, -0.015454905107617378, 0.1441832035779953, 0.008183501660823822, 0.052541036158800125, -0.11901270598173141, 0.030018124729394913, -0.03925042971968651, 0.002560613676905632, -0.0061166794039309025, -0.036698345094919205, -0.008104718290269375, -0.02008107304573059, 0.01186498161405325, -0.16452708840370178, -0.1639459878206253, 0.008309182710945606, -0.005122596397995949, -0.0543995127081871, -0.08475913852453232, -0.09245360642671585, -0.009747476316988468, 0.034515805542469025, -0.07707233726978302, -0.02318934164941311, -0.05542300269007683, 0.08695133030414581, -0.0020853234454989433, 0.11184635013341904, -0.05859357491135597, 0.07916506379842758, -0.1011282429099083, -0.01810487173497677, -0.08677254617214203, 0.12251345068216324, -0.0022599734365940094, 0.08610471338033676, -0.03841856122016907, -0.0027144267223775387, -0.09811089932918549, 0.057807158678770065, -0.028462063521146774, 0.22320111095905304, -0.0737401694059372, -0.1040380597114563, 0.2848033607006073, -0.05856039375066757, -0.14753426611423492, 0.14032268524169922, 0.017614368349313736, 0.09578081965446472, 0.12911872565746307, 0.21789418160915375, -0.028963522985577583, 0.04136502370238304, 0.05819972977042198, 0.08521239459514618, -0.07618401199579239, -0.019900701940059662, 0.025026241317391396, -0.003801739541813731, -0.07262791693210602, 0.044041041284799576, 0.09105005860328674, 0.09556969255208969, -0.041062917560338974, -0.05046776682138443, -0.0032963387202471495, -0.013072261586785316, 0.05942221358418465, -0.04322126880288124, 0.13070283830165863, -0.03242439031600952, -0.049165233969688416, -0.07033578306436539, 0.029232854023575783, -0.03556926175951958, 0.03424869850277901, -0.07876317203044891, 0.07853663712739944, -0.054558899253606796, 0.06748998910188675, -0.11711028218269348, -0.016147276386618614, -0.036882881075143814, 0.17139902710914612, 0.04528411105275154, 0.07935260981321335, 0.04997386038303375, -0.058768536895513535, -0.024278515949845314, 0.030361920595169067, 0.16275326907634735, -0.013973158784210682, -0.0675763189792633, -0.0956583023071289, 0.12003495544195175, -0.04814830794930458, 0.11407486349344254, -0.06439393758773804, -0.0018770931055769324, -0.027694305405020714, 0.10133529454469681, -0.022799942642450333, 0.05720885470509529, 0.024052642285823822, -0.005451105069369078, -0.06208844110369682, 0.018197249621152878, 0.079099141061306, -0.015300638042390347, -0.09404008835554123, 0.2436446249485016, -0.18688516318798065, 0.13427194952964783, 0.1737940013408661, -0.21902331709861755, -0.007507659494876862, -0.11401444673538208, -0.027586955577135086, -0.01446035597473383, 0.08685076236724854, -0.01076188962906599, 0.1994214653968811, -0.010808326303958893, 0.1851365715265274, -0.03669113665819168, -0.012582388706505299, -0.01893899217247963, -0.0754970833659172, 0.004959783051162958, 0.07230701297521591, 0.11656881123781204, -0.17106369137763977, 0.1666211038827896, 0.12443435192108154, 0.049345411360263824, 0.21300403773784637, 0.035161904990673065, -0.019090546295046806, 0.05648625269532204, 0.006045860704034567, -0.05515878275036812, -0.06319671124219894, -0.26551496982574463, -0.024118592962622643, 0.08102983981370926, 0.036268241703510284, 0.10554242879152298, -0.08522167056798935, -0.028164353221654892, 0.001537394244223833, -0.017122674733400345, 0.03530293330550194, 0.1159214898943901, 0.011825279332697392, 0.12529386579990387, -0.004660466220229864, -0.04592757672071457, 0.046119485050439835, 0.0182363148778677, -0.08463443070650101, 0.17422239482402802, -0.11941038072109222, -0.35618382692337036, -0.10198066383600235, -0.18315911293029785, -0.048180967569351196, 0.04497882351279259, 0.093928761780262, -0.1362387239933014, -0.0326714925467968, 0.012561381794512272, 0.09412451833486557, -0.08358172327280045, 0.00792704802006483, -0.005972296930849552, 0.002952630165964365, -0.11966664344072342, -0.07461989670991898, -0.055391956120729446, -0.030582714825868607, -0.05271994695067406, 0.1274045705795288, -0.14109958708286285, 0.03288247063755989, 0.23809696733951569, 0.05175730958580971, 0.05264608934521675, -0.04209136962890625, 0.182212233543396, -0.1297149360179901, 0.01196572557091713, 0.16363950073719025, -0.05153455585241318, 0.05943235382437706, 0.1594466120004654, -0.01568870060145855, -0.06548164039850235, 0.04025091230869293, -0.03593820333480835, -0.07018718868494034, -0.21910731494426727, -0.1267216056585312, -0.11641710996627808, 0.09137937426567078, 0.006620772648602724, 0.0392143614590168, 0.17445307970046997, 0.08839032799005508, -0.04690494015812874, 0.005808269139379263, 0.021578190848231316, 0.07640913128852844, 0.27847614884376526, -0.05063851922750473, 0.1416776180267334, -0.031720612198114395, -0.1457638442516327, 0.07609642297029495, 0.0818711519241333, 0.10896164178848267, 0.06137118861079216, 0.04508211463689804, 0.024079492315649986, 0.019188234582543373, 0.1277504414319992, 0.045227788388729095, 0.008365506306290627, -0.04122016578912735, -0.03343777358531952, -0.043972622603178024, -0.032168034464120865, 0.06520569324493408, 0.04415631666779518, -0.15287968516349792, -0.006919743027538061, -0.007765606511384249, 0.08317907899618149, 0.0422208234667778, 0.06719955801963806, -0.16241982579231262, -0.025296185165643692, 0.0661473348736763, -0.0395420640707016, -0.11730097234249115, 0.0683964192867279, -0.009232070297002792, -0.14314401149749756, 0.05010833963751793, -0.01747957058250904, 0.11168701946735382, -0.06361092627048492, 0.06990107893943787, -0.1133001297712326, -0.0633450448513031, -0.0003975407453253865, 0.11738608777523041, -0.3142068684101105, 0.23175908625125885, -0.006905534770339727, -0.04519569128751755, -0.10784931480884552, 0.0003390662313904613, 0.024998458102345467, 0.09305848926305771, 0.09871736168861389, -0.01453322358429432, 0.02872302383184433, -0.014347697608172894, -0.05965695530176163, 0.037135932594537735, 0.09187282621860504, -0.014119243249297142, -0.005773272830992937, -0.041085608303546906, 0.00046160604688338935, -0.0066521442495286465, -0.08787159621715546, -0.005344004835933447, -0.18211227655410767, 0.09726324677467346, 0.09991423040628433, 0.06303612142801285, 0.05013591796159744, -0.038892876356840134, -0.10067599266767502, 0.23486436903476715, -0.013538063503801823, -0.12308038771152496, -0.07193262875080109, -0.037271998822689056, 0.059378381818532944, -0.07758646458387375, 0.0372091643512249, -0.07032764703035355, 0.007697440218180418, -0.04906566068530083, -0.16742496192455292, 0.10691582411527634, -0.09903842955827713, -0.028110705316066742, -0.015152586624026299, 0.18635311722755432, -0.04018472507596016, 0.009263106621801853, 0.039856333285570145, -0.0011053894413635135, -0.10713035613298416, -0.08376690745353699, -0.006694858893752098, 0.04589647054672241, -0.02353786677122116, 0.030005592852830887, -0.02783232182264328, -0.08345057815313339, -0.08980778604745865, -0.0656040757894516, 0.3040052652359009, 0.16105903685092926, -0.04067058116197586, 0.17330938577651978, 0.14099812507629395, -0.05800781399011612, -0.2460668683052063, -0.113796666264534, -0.07622770965099335, -0.022263219580054283, -0.07366478443145752, -0.18104198575019836, 0.06876841932535172, -0.04142828658223152, -0.023274466395378113, 0.10437063127756119, -0.2889925539493561, -0.11599913984537125, 0.19608497619628906, -0.03822652995586395, 0.4120994806289673, -0.09841592609882355, -0.07652419805526733, -0.049714572727680206, -0.13900992274284363, 0.09028114378452301, 0.0690508633852005, 0.11549759656190872, -0.015932174399495125, 0.18270200490951538, 0.04767025262117386, 0.0013711798237636685, 0.10242654383182526, 0.01923372596502304, -0.07055138796567917, -0.11967319995164871, -0.03506946191191673, 0.026316337287425995, 0.02905566804111004, 0.04085274040699005, -0.07018759101629257, 0.016703404486179352, -0.1536918580532074, -0.07163466513156891, -0.07006280869245529, 0.026870660483837128, 0.0409516915678978, -0.08696461468935013, -0.0020413673482835293, -0.051850575953722, 0.004579716362059116, 0.0021524159237742424, 0.10116075724363327, -0.08805408328771591, 0.12362213432788849, 0.09012357145547867, 0.1287509649991989, -0.11250298470258713, 0.025239786133170128, -0.06920700520277023, -0.05861188843846321, 0.06810262054204941, -0.09851544350385666, 0.013534259982407093, 0.11130014061927795, -0.05269535630941391, 0.07210884243249893, 0.07386764138936996, -0.008382080122828484, 0.023582788184285164, 0.11465240269899368, -0.2214713990688324, -0.07443781942129135, -0.06990672647953033, 0.015909548848867416, 0.0758020356297493, 0.08192840218544006, 0.18819376826286316, -0.039476871490478516, -0.032598115503787994, 0.014040366746485233, 0.020174162462353706, -0.03227697312831879, 0.08526664227247238, -0.006248817313462496, 0.005441221874207258, -0.13358981907367706, 0.07377530634403229, 0.014669942669570446, -0.09101445972919464, 0.05609507113695145, 0.13311229646205902, -0.10444984585046768, -0.11740928143262863, -0.07637615501880646, 0.09680775552988052, -0.1351533979177475, -0.028514090925455093, -0.024592068046331406, -0.12043999135494232, 0.052581772208213806, 0.06896274536848068, 0.04194362089037895, 0.05089947208762169, -0.09729942679405212, -0.01945829764008522, -0.03070475161075592, 0.03181292489171028, 0.06882789731025696, -0.0072229173965752125, -0.07691042870283127, 0.06570043414831161, -0.029079031199216843, 0.1304234266281128, -0.09390553086996078, -0.11996392160654068, -0.11688918620347977, 0.04440511763095856, -0.14060696959495544, -0.08158095926046371, -0.12136001139879227, -0.057610657066106796, -0.011230037547647953, -0.04417474567890167, -0.050448596477508545, -0.041629888117313385, -0.1098986566066742, 0.05427156761288643, -0.04458412155508995, 0.02565886452794075, -0.08050777018070221, 0.0140800466760993, 0.05116180703043938, -0.013435942120850086, 0.16636443138122559, 0.16064059734344482, -0.11933822929859161, 0.08937639743089676, -0.10713104903697968, -0.04904922470450401, 0.1101812794804573, 0.01911867968738079, 0.041070323437452316, 0.0639023557305336, 0.011071867309510708, 0.05755319818854332, 0.06409752368927002, 0.05293114855885506, 0.06801757216453552, -0.09335403144359589, 0.019081171602010727, -0.05048120766878128, -0.11753902584314346, -0.03336767852306366, -0.013548865914344788, 0.015882093459367752, 0.0320032499730587, 0.09216990321874619, -0.0710892602801323, 0.08055960386991501, -0.050707925111055374, 0.04056261479854584, 0.00029568918398581445, -0.1536361128091812, 0.010824320837855339, -0.0985836610198021, 0.034554868936538696, -0.006893292535096407, 0.2224205583333969, 0.032269738614559174, -0.011252382770180702, 0.026481620967388153, 0.02802199311554432, 0.035015709698200226, -0.007443936541676521, 0.23071430623531342, 0.12119955569505692, -0.049090247601270676, -0.1032772809267044, 0.07154400646686554, 0.024199943989515305, 0.017213553190231323, 0.08613262325525284, -0.0037432857789099216, -0.02385682240128517, 0.0905996784567833, -0.004999855998903513, 0.013122670352458954, -0.13900227844715118, -0.16198566555976868, -0.08875458687543869, 0.06620658189058304, -0.04950784891843796, 0.1344107836484909, 0.18412578105926514, -0.019509781152009964, 0.013370970264077187, -0.023949284106492996, -0.06388217210769653, -0.16673192381858826, -0.1918601393699646, -0.08083385974168777, -0.14711004495620728, 0.014400484971702099, -0.12134984880685806, 0.05206448584794998, 0.042017050087451935, 0.09666011482477188, -0.084230937063694, 0.12218425422906876, 0.05383308604359627, -0.12183724343776703, 0.1052202358841896, -0.033728744834661484, 0.08416012674570084, -0.04664088413119316, 0.01028603408485651, -0.08760437369346619, 0.051075808703899384, -0.00023490568855777383, 0.04016757383942604, -0.06989569962024689, 0.003026084741577506, -0.12458330392837524, -0.08034881949424744, -0.06157681345939636, 0.06353773176670074, 0.010049811564385891, 0.10564016550779343, 0.012425216846168041, -0.030171390622854233, 0.023673031479120255, 0.2649383544921875, -0.07444427907466888, -0.10369379818439484, -0.07323794811964035, 0.21071210503578186, -0.000043632728193188086, 0.08454307913780212, -0.03406299278140068, 0.006459541153162718, -0.0906912311911583, 0.33803433179855347, 0.28811854124069214, -0.09172581136226654, 0.007121875416487455, -0.01382764894515276, 0.050299689173698425, 0.08414718508720398, 0.12669479846954346, 0.10271504521369934, 0.27032727003097534, -0.057731080800294876, -0.019503582268953323, -0.03540736809372902, -0.037083107978105545, -0.07329346984624863, 0.07019494473934174, 0.05839782953262329, -0.08135063201189041, -0.03027358278632164, 0.12423229217529297, -0.23840011656284332, 0.1256900131702423, -0.2016635239124298, -0.17474856972694397, -0.10550203919410706, -0.0014762426726520061, 0.10596182942390442, 0.05266259238123894, 0.068270243704319, -0.009224539622664452, -0.07426352798938751, 0.07522851228713989, 0.042444661259651184, -0.16593120992183685, 0.0031889171805232763, 0.08357256650924683, -0.05596518516540527, -0.04880758747458458, -0.00801040604710579, 0.04783934727311134, 0.06440984457731247, 0.06581691652536392, -0.0045853303745388985, 0.04792057350277901, 0.018716631457209587, -0.011426679790019989, 0.055732809007167816, 0.05556042119860649, 0.02298305556178093, -0.10397777706384659, 0.09673551470041275, -0.12960276007652283, 0.042377784848213196, -0.012250957079231739, -0.02182127721607685, -0.018165184184908867, 0.043940961360931396, -0.06643214076757431, 0.08478453755378723, 0.09621234238147736, -0.028950368985533714, -0.019132396206259727, -0.026576798409223557, -0.014617335051298141, -0.019530026242136955, -0.06295674294233322, -0.09165088832378387, -0.1698572039604187, -0.12485649436712265, 0.07135096192359924, 0.017238689586520195, -0.17813895642757416, 0.020223138853907585, -0.1336406022310257, 0.06309822201728821, -0.12696228921413422, 0.1154053583741188, 0.08783823996782303, 0.022644739598035812, 0.0008807873236946762, -0.02594338357448578, 0.04475999251008034, 0.08710939437150955, -0.14814168214797974, -0.07136008888483047 ]
null
null
transformers
#DiabloGPT Captain Price (Extended)
{"tags": ["conversational"]}
text-generation
Corvus/DialoGPT-medium-CaptainPrice-Extended
[ "transformers", "pytorch", "gpt2", "text-generation", "conversational", "autotrain_compatible", "endpoints_compatible", "text-generation-inference", "region:us" ]
2022-03-02T23:29:04+00:00
[]
[]
TAGS #transformers #pytorch #gpt2 #text-generation #conversational #autotrain_compatible #endpoints_compatible #text-generation-inference #region-us
#DiabloGPT Captain Price (Extended)
[]
[ "TAGS\n#transformers #pytorch #gpt2 #text-generation #conversational #autotrain_compatible #endpoints_compatible #text-generation-inference #region-us \n" ]
[ 51 ]
[ "passage: TAGS\n#transformers #pytorch #gpt2 #text-generation #conversational #autotrain_compatible #endpoints_compatible #text-generation-inference #region-us \n" ]
[ -0.009697278961539268, 0.03208012506365776, -0.007204889785498381, 0.004809224978089333, 0.16726240515708923, 0.014898733235895634, 0.09765533357858658, 0.13672804832458496, -0.007841327227652073, -0.031050153076648712, 0.14490588009357452, 0.20411323010921478, -0.006439372431486845, 0.0661218985915184, -0.07572533935308456, -0.2683109939098358, 0.05759621039032936, 0.046649303287267685, 0.016515716910362244, 0.1200079694390297, 0.08573378622531891, -0.05473608896136284, 0.08714032918214798, -0.014583407901227474, -0.150366872549057, 0.017733458429574966, 0.043394338339567184, -0.12260226160287857, 0.11910516023635864, 0.05462685227394104, 0.07063519209623337, 0.014929565601050854, -0.07541623711585999, -0.1631229966878891, 0.03031250834465027, 0.01425902172923088, -0.0594632662832737, 0.04757995903491974, 0.059961482882499695, -0.10165371745824814, 0.10819483548402786, 0.09530027210712433, -0.013078106567263603, 0.06798283755779266, -0.16849711537361145, -0.020869607105851173, -0.01446688175201416, 0.009899779222905636, 0.05550243332982063, 0.09964893013238907, -0.03413357585668564, 0.10497362166643143, -0.09214533120393753, 0.11017382889986038, 0.10932035744190216, -0.32057443261146545, -0.005767723545432091, 0.09167823940515518, 0.039358653128147125, 0.07352814823389053, -0.04467793554067612, 0.06258884817361832, 0.018015462905168533, 0.017986174672842026, -0.014015024527907372, -0.07283061742782593, -0.11612214148044586, 0.04717336222529411, -0.08668071031570435, -0.059868961572647095, 0.2244078367948532, -0.05464440956711769, 0.06881742179393768, -0.05281897634267807, -0.10522868484258652, -0.04308144748210907, -0.029833965003490448, 0.00475557055324316, -0.07660607248544693, 0.08692064881324768, 0.00869679357856512, -0.09547875821590424, -0.1376667022705078, -0.02496783249080181, -0.1776352822780609, 0.16140350699424744, 0.02465328387916088, 0.05232657864689827, -0.2027255892753601, 0.09623090922832489, 0.017906051129102707, -0.08045592904090881, 0.022091427817940712, -0.10046248883008957, 0.029131146147847176, 0.013760408386588097, -0.04754498973488808, -0.061387211084365845, 0.0843690037727356, 0.11199145019054413, -0.01731434464454651, 0.025486016646027565, -0.039331406354904175, 0.08100687712430954, 0.03553595021367073, 0.09077847748994827, 0.007288969587534666, -0.028338588774204254, 0.025842782109975815, -0.13719046115875244, -0.003647835226729512, -0.07116208970546722, -0.16572439670562744, -0.021088803187012672, 0.02994808368384838, 0.08289173990488052, 0.015449047088623047, 0.11682453751564026, -0.03272046521306038, -0.025152435526251793, 0.03602350503206253, -0.047656361013650894, -0.012649794109165668, 0.016648368909955025, 0.013163427822291851, 0.12399329990148544, -0.0022096503525972366, 0.03235051408410072, -0.13653022050857544, 0.031423524022102356, -0.06793295592069626, -0.003740974934771657, -0.03486552834510803, -0.040637075901031494, 0.009043924510478973, -0.06862333416938782, 0.003486064961180091, -0.15030112862586975, -0.15063877403736115, 0.007587034720927477, -0.007836631499230862, -0.04107699543237686, -0.06370922178030014, -0.06952770054340363, -0.013550350442528725, 0.04251532256603241, -0.07093454152345657, -0.011352915316820145, -0.06403283774852753, 0.11004766076803207, -0.03197755664587021, 0.07921615242958069, -0.11953279376029968, 0.08390819281339645, -0.11260783672332764, -0.02386913076043129, -0.060801517218351364, 0.09317506104707718, -0.0006014376995153725, 0.09549830108880997, -0.006563255097717047, -0.017931854352355003, -0.07981178909540176, 0.06445012241601944, -0.042872510850429535, 0.21701598167419434, -0.0615808479487896, -0.11181682348251343, 0.28781595826148987, -0.052628401666879654, -0.1370542049407959, 0.11647392809391022, 0.008682746440172195, 0.05777018144726753, 0.10703510791063309, 0.19733482599258423, -0.015276194550096989, 0.004040541127324104, 0.09471915662288666, 0.11263324320316315, -0.11276852339506149, -0.033160366117954254, 0.013019153848290443, -0.04081077128648758, -0.10867965966463089, 0.04689536616206169, 0.09810488671064377, 0.07090286910533905, -0.04786505550146103, -0.03377414867281914, -0.01366397924721241, 0.0052589005790650845, 0.08885077387094498, -0.007157256826758385, 0.10962837189435959, -0.05819983780384064, -0.03796621412038803, -0.029282379895448685, -0.012126247398555279, -0.03951939567923546, 0.03137664496898651, -0.043376367539167404, 0.10821941494941711, -0.011204327456653118, 0.06364280730485916, -0.16185984015464783, -0.07691477984189987, -0.017002692446112633, 0.1581239402294159, 0.024538565427064896, 0.09859629720449448, 0.0552486926317215, -0.040398042649030685, -0.0012767292791977525, 0.012792680412530899, 0.15581141412258148, -0.022091681137681007, -0.065607450902462, -0.052166227251291275, 0.08642971515655518, -0.05641226842999458, 0.04504093527793884, -0.05937713757157326, 0.012367865070700645, 0.05064384639263153, 0.10342344641685486, -0.00018274025933351368, 0.03323284164071083, -0.008164864964783192, 0.002145637758076191, -0.058205123990774155, 0.007405933458358049, 0.10799351334571838, 0.00036868182360194623, -0.07365862280130386, 0.22074243426322937, -0.17796069383621216, 0.1765957772731781, 0.1893044263124466, -0.299345999956131, 0.017949223518371582, -0.10759581625461578, -0.04561871662735939, 0.014407722279429436, 0.05567655712366104, -0.0454222597181797, 0.1703362911939621, -0.009871348738670349, 0.18874616920948029, -0.04946064203977585, -0.04464937001466751, -0.0200483538210392, -0.05118836089968681, -0.0024189651012420654, 0.07781197130680084, 0.10685696452856064, -0.13992026448249817, 0.1964332014322281, 0.1621224284172058, 0.048237916082143784, 0.19945049285888672, 0.015346456319093704, -0.011589210480451584, 0.0909530371427536, 0.005220826715230942, -0.058739423751831055, -0.07409929484128952, -0.2594851851463318, -0.030033592134714127, 0.07992640137672424, 0.0422382652759552, 0.1212305948138237, -0.11349532753229141, -0.038956157863140106, -0.01763172075152397, -0.023146281018853188, 0.021672505885362625, 0.0914369598031044, 0.06075398623943329, 0.13201528787612915, -0.001710098935291171, -0.007300339173525572, 0.10524573177099228, 0.01783694699406624, -0.09354141354560852, 0.18308524787425995, -0.13652534782886505, -0.37097251415252686, -0.13911493122577667, -0.18057456612586975, -0.05449081212282181, 0.05712554603815079, 0.11679314076900482, -0.12011238187551498, -0.018752124160528183, 0.01578843593597412, 0.10931742936372757, -0.08449502289295197, 0.0021454424131661654, -0.06880278885364532, 0.0321490578353405, -0.10310184955596924, -0.09194442629814148, -0.055416494607925415, -0.031392451375722885, -0.08001253753900528, 0.1423761546611786, -0.10777941346168518, 0.04476889222860336, 0.20262959599494934, 0.04653622955083847, 0.05625178664922714, -0.044105201959609985, 0.19377262890338898, -0.11264272034168243, -0.01661740615963936, 0.19215328991413116, -0.048360925167798996, 0.07476246356964111, 0.1232115849852562, -0.006348740309476852, -0.08765771239995956, 0.03011748194694519, -0.02085109055042267, -0.07988511025905609, -0.23219464719295502, -0.13938382267951965, -0.12429051846265793, 0.09477275609970093, 0.028005298227071762, 0.056365787982940674, 0.17219258844852448, 0.06577219814062119, -0.038416244089603424, 0.006410336587578058, 0.02959546446800232, 0.08237514644861221, 0.23417828977108002, -0.06035616248846054, 0.1364797055721283, -0.03420931473374367, -0.14982740581035614, 0.08169995993375778, 0.0713929831981659, 0.10213395953178406, 0.06678459793329239, 0.0804823637008667, 0.0149586396291852, 0.06188136339187622, 0.1311223804950714, 0.08191446959972382, 0.019586285576224327, -0.02480296604335308, -0.03388110175728798, -0.025523077696561813, -0.05937909707427025, 0.040128443390131, 0.06589099019765854, -0.16763372719287872, -0.039227183908224106, -0.09338314831256866, 0.09657008945941925, 0.0873042419552803, 0.06609832495450974, -0.1842060089111328, -0.008006223477423191, 0.08488986641168594, -0.03854905813932419, -0.13727426528930664, 0.09535189718008041, 0.01523482333868742, -0.15144726634025574, 0.03139317408204079, -0.04061909019947052, 0.12188644707202911, -0.07804752141237259, 0.09809603542089462, -0.08108244836330414, -0.07448557764291763, 0.02123199962079525, 0.1261177361011505, -0.30527687072753906, 0.20240111649036407, -0.0024993624538183212, -0.06486981362104416, -0.1243603527545929, -0.0032166161108762026, 0.002410882618278265, 0.07357452809810638, 0.10519039630889893, -0.007196315098553896, 0.001897757756523788, -0.06300821900367737, -0.01829923689365387, 0.032471053302288055, 0.13080233335494995, -0.0401318334043026, -0.021158374845981598, -0.050194524228572845, -0.001653497340157628, -0.03173094615340233, -0.06934895366430283, 0.02002747356891632, -0.19509181380271912, 0.08751901984214783, 0.04166261479258537, 0.09648149460554123, 0.029994789510965347, 0.004265148192644119, -0.09651939570903778, 0.24698667228221893, -0.07148019969463348, -0.10072879493236542, -0.10919588059186935, -0.046813901513814926, 0.03569883480668068, -0.05628936365246773, 0.04309194162487984, -0.0788632407784462, 0.028997479006648064, -0.06352769583463669, -0.19235502183437347, 0.12410202622413635, -0.09027006477117538, -0.04412810131907463, -0.02371402643620968, 0.2110891044139862, -0.05598580464720726, 0.010335659608244896, 0.02930437959730625, 0.01208863127976656, -0.11645778268575668, -0.09678568691015244, 0.031018631532788277, -0.007351789623498917, 0.050603240728378296, 0.041841957718133926, -0.05915454775094986, -0.017138581722974777, -0.052199993282556534, -0.022926922887563705, 0.3496883809566498, 0.14231905341148376, -0.043836336582899094, 0.19347235560417175, 0.12347975373268127, -0.07452994585037231, -0.3159443140029907, -0.1066238060593605, -0.10937739163637161, -0.04680149629712105, -0.07012093812227249, -0.2002030611038208, 0.06474938243627548, 0.00662544509395957, -0.013415241613984108, 0.12749312818050385, -0.2561831772327423, -0.07571036368608475, 0.15906259417533875, -0.017980827018618584, 0.3745945692062378, -0.1168576180934906, -0.10926306992769241, -0.03950892388820648, -0.14175476133823395, 0.16968177258968353, -0.01989765651524067, 0.11221715062856674, -0.009765521623194218, 0.14388824999332428, 0.05548359826207161, -0.023479344323277473, 0.08544106781482697, 0.004999885335564613, -0.03290518373250961, -0.10304180532693863, -0.05676887184381485, 0.007092386484146118, 0.02477436140179634, 0.018026655539870262, -0.041834570467472076, 0.02227151393890381, -0.11731979995965958, -0.04657655209302902, -0.08982590585947037, 0.04431166127324104, 0.03899754583835602, -0.07325074821710587, -0.002380647463724017, -0.07165111601352692, -0.012272949330508709, 0.022334342822432518, 0.20356793701648712, -0.08029330521821976, 0.16448934376239777, 0.09239562600851059, 0.12419285625219345, -0.14376309514045715, -0.00019283240544609725, -0.0762530043721199, -0.05611240118741989, 0.07737895101308823, -0.09433035552501678, 0.058893077075481415, 0.10901971161365509, -0.04567738622426987, 0.08828683942556381, 0.10377411544322968, 0.008936077356338501, 0.003213887568563223, 0.10916902124881744, -0.2667325437068939, -0.0296600554138422, -0.07532413303852081, 0.000883326749317348, 0.09092561900615692, 0.08562852442264557, 0.18840822577476501, 0.025361526757478714, -0.04293036088347435, -0.002770674182102084, 0.028597986325621605, -0.039021048694849014, 0.051667019724845886, 0.001123449532315135, 0.01947369985282421, -0.1530752182006836, 0.072522833943367, 0.01490565575659275, -0.15215420722961426, 0.021316176280379295, 0.16572684049606323, -0.11656328290700912, -0.1283872276544571, -0.06520111113786697, 0.08313824236392975, -0.11755692958831787, -0.01578943058848381, -0.03279297426342964, -0.13145680725574493, 0.07992171496152878, 0.12629036605358124, 0.05557859688997269, 0.0972496047616005, -0.06061713397502899, -0.020469192415475845, -0.018721895292401314, -0.014099318534135818, -0.012384648434817791, -0.007667020428925753, -0.055978111922740936, 0.0590752474963665, -0.026677248999476433, 0.1425808072090149, -0.09221141785383224, -0.1037059873342514, -0.16142144799232483, 0.0374140702188015, -0.11013076454401016, -0.08825794607400894, -0.08821134269237518, -0.050188567489385605, 0.002360827289521694, -0.019856395199894905, -0.04037635400891304, -0.05829505994915962, -0.12300454825162888, 0.0338277705013752, -0.040771447122097015, 0.024727050215005875, -0.07512269169092178, 0.015856385231018066, 0.08507686108350754, -0.03285100311040878, 0.15655414760112762, 0.1450488418340683, -0.1006515845656395, 0.10741901397705078, -0.14806775748729706, -0.09138492494821548, 0.11116421222686768, 0.015329592861235142, 0.0449691042304039, 0.09723787009716034, 0.013362943194806576, 0.0635865181684494, 0.032776717096567154, 0.05308786407113075, 0.027619892731308937, -0.11959987878799438, 0.06483134627342224, -0.03626115620136261, -0.14700546860694885, -0.049338050186634064, -0.05282869189977646, 0.01647452637553215, 0.013054544106125832, 0.09622690081596375, -0.05301849544048309, 0.10698331147432327, -0.04055701196193695, 0.0346808135509491, 0.017554637044668198, -0.1730053424835205, -0.03816922754049301, -0.08538098633289337, 0.03681723028421402, 0.014741539023816586, 0.25266793370246887, 0.030072299763560295, 0.012416383251547813, 0.032671261578798294, 0.08285367488861084, 0.03899408504366875, 0.010228337720036507, 0.17482228577136993, 0.1162426546216011, -0.06621865928173065, -0.10445023328065872, 0.0729617029428482, 0.016332454979419708, 0.01286179106682539, 0.13617953658103943, 0.008365051820874214, 0.005795429926365614, 0.08649782836437225, -0.016865963116288185, 0.009968153201043606, -0.10052056610584259, -0.13426925241947174, -0.022176474332809448, 0.05151832848787308, -0.04655967652797699, 0.11727844923734665, 0.1406494379043579, -0.01806013658642769, 0.03222079202532768, -0.021771740168333054, -0.05699979141354561, -0.1683429479598999, -0.1429590880870819, -0.06883849948644638, -0.13416796922683716, 0.00897989235818386, -0.11180389672517776, 0.05395037308335304, 0.06001098081469536, 0.06750501692295074, -0.06899319589138031, 0.10220931470394135, 0.04626858979463577, -0.11440542340278625, 0.06264589726924896, -0.0296088308095932, 0.09430401772260666, -0.02759445086121559, -0.019505485892295837, -0.09039592742919922, 0.014574515633285046, 0.011419114656746387, 0.06245238706469536, -0.04707273095846176, 0.007463190704584122, -0.14696238934993744, -0.08972041308879852, -0.0523175448179245, 0.0718572810292244, -0.050409089773893356, 0.14282815158367157, 0.00775480642914772, -0.0170906875282526, 0.039554283022880554, 0.22787313163280487, -0.07476283609867096, -0.04778539761900902, -0.05269690603017807, 0.20717895030975342, 0.02975541539490223, 0.1171872541308403, -0.022938819602131844, -0.006106364540755749, -0.0919521227478981, 0.3764844834804535, 0.30030161142349243, -0.09031439572572708, 0.011794124729931355, 0.02137952297925949, 0.04502861574292183, 0.1316293478012085, 0.1216534823179245, 0.10318691283464432, 0.3006802201271057, -0.07452366501092911, -0.04653361067175865, -0.012629742734134197, -0.023858042433857918, -0.09059546142816544, 0.1021224707365036, 0.04839762672781944, -0.06382183730602264, -0.03313443064689636, 0.0954432487487793, -0.25862133502960205, 0.1277991235256195, -0.12311873584985733, -0.17578600347042084, -0.06654827296733856, 0.009760108776390553, 0.10465722531080246, 0.015642458572983742, 0.0946015790104866, 0.007128213066607714, -0.11252258718013763, 0.06305865943431854, 0.03397420793771744, -0.22762253880500793, 0.0006893770187161863, 0.06642123311758041, -0.07006710022687912, -0.0024247700348496437, -0.026499588042497635, 0.05657242611050606, 0.0656052976846695, 0.054629553109407425, -0.00971333310008049, 0.03816632181406021, 0.0034184439573436975, -0.0585215799510479, 0.016623929142951965, 0.05121519789099693, 0.02472509816288948, -0.09763528406620026, 0.06927435845136642, -0.1574270874261856, 0.04766253009438515, -0.0030655991286039352, -0.04124255105853081, 0.006064958870410919, 0.008823691867291927, -0.06491616368293762, 0.05165379121899605, 0.07916834205389023, -0.0016257909592241049, -0.0062433634884655476, -0.057178743183612823, -0.02632102556526661, -0.027755750343203545, -0.09291748702526093, -0.10495562851428986, -0.14682936668395996, -0.11640441417694092, 0.09368976950645447, -0.01011267676949501, -0.1848134547472, 0.022154374048113823, -0.08606051653623581, 0.08319322764873505, -0.1670055389404297, 0.08040720224380493, 0.07041648775339127, 0.013038921169936657, -0.0031511052511632442, -0.02002427540719509, 0.054132770746946335, 0.086809903383255, -0.10407156497240067, -0.07400695979595184 ]
null
null
transformers
# Captain Price DialoGPT Model
{"tags": ["conversational"]}
text-generation
Corvus/DialoGPT-medium-CaptainPrice
[ "transformers", "pytorch", "gpt2", "text-generation", "conversational", "autotrain_compatible", "endpoints_compatible", "text-generation-inference", "region:us" ]
2022-03-02T23:29:04+00:00
[]
[]
TAGS #transformers #pytorch #gpt2 #text-generation #conversational #autotrain_compatible #endpoints_compatible #text-generation-inference #region-us
# Captain Price DialoGPT Model
[ "# Captain Price DialoGPT Model" ]
[ "TAGS\n#transformers #pytorch #gpt2 #text-generation #conversational #autotrain_compatible #endpoints_compatible #text-generation-inference #region-us \n", "# Captain Price DialoGPT Model" ]
[ 51, 8 ]
[ "passage: TAGS\n#transformers #pytorch #gpt2 #text-generation #conversational #autotrain_compatible #endpoints_compatible #text-generation-inference #region-us \n# Captain Price DialoGPT Model" ]
[ -0.02316492423415184, 0.0967726781964302, -0.005312357097864151, 0.02210048958659172, 0.11939656734466553, 0.002171665895730257, 0.20246313512325287, 0.11292384564876556, -0.03350645303726196, -0.019977344200015068, 0.07415059208869934, 0.18927347660064697, 0.05874168127775192, 0.1656884104013443, -0.05422927066683769, -0.2798726558685303, 0.0490867979824543, 0.054103367030620575, 0.05435772240161896, 0.12955112755298615, 0.11108456552028656, -0.05147012323141098, 0.07378561049699783, -0.02974977344274521, -0.09752171486616135, -0.0010666567832231522, 0.014192705042660236, -0.1548534333705902, 0.11706648766994476, 0.0562099888920784, 0.09117469191551208, 0.03455650433897972, -0.043648552149534225, -0.1331699639558792, 0.03614961728453636, -0.03660048916935921, -0.06524594873189926, 0.038849376142024994, -0.06814250349998474, -0.0591312013566494, 0.16689489781856537, 0.13539385795593262, 0.05359873175621033, 0.039877381175756454, -0.14657002687454224, -0.024020686745643616, 0.024745989590883255, 0.1317695677280426, 0.09633759409189224, 0.07487929612398148, -0.017553839832544327, 0.11646752804517746, -0.09274416416883469, 0.05395231023430824, 0.06654231995344162, -0.4029717743396759, -0.01546699833124876, 0.14522922039031982, 0.023266363888978958, 0.0747050791978836, -0.060194168239831924, 0.06840883940458298, -0.006819941569119692, 0.01837257295846939, -0.015645528212189674, -0.04632439836859703, -0.10357683897018433, 0.04563361406326294, -0.11734326928853989, -0.013565147295594215, 0.2804641127586365, -0.02402316965162754, 0.03171361982822418, -0.07776102423667908, -0.06340023875236511, -0.09738937765359879, -0.06908015161752701, -0.04429744556546211, -0.046253420412540436, 0.09486254304647446, 0.015034902840852737, -0.03985763341188431, -0.13103201985359192, -0.02140815742313862, -0.21436242759227753, 0.18563678860664368, 0.020749462768435478, 0.051896996796131134, -0.1962757706642151, 0.08391328155994415, -0.042972367256879807, -0.07607501745223999, -0.02469002828001976, -0.1005055159330368, 0.001210964866913855, 0.0032288767397403717, 0.0015137314330786467, -0.05234501138329506, 0.022436412051320076, 0.05216285586357117, 0.009290146641433239, 0.01642308570444584, -0.0008829754078760743, 0.10088809579610825, 0.04353870823979378, 0.07298325002193451, 0.003173321485519409, -0.06637465953826904, 0.040118977427482605, -0.030578266829252243, 0.04708221182227135, -0.0661809965968132, -0.1926928609609604, 0.016388917341828346, 0.06213177368044853, 0.03203894942998886, 0.0099180918186903, 0.08613250404596329, -0.09149233996868134, -0.028272720053792, 0.11372285336256027, -0.013074787333607674, -0.04814393073320389, 0.02137603424489498, -0.018101682886481285, 0.1006985455751419, 0.041155099868774414, 0.044357094913721085, -0.07737111300230026, 0.05350648984313011, -0.03933219239115715, -0.051865819841623306, -0.011491183191537857, -0.04775914549827576, 0.026953086256980896, 0.02772744558751583, -0.01914242096245289, -0.13652797043323517, -0.15887859463691711, -0.004061135929077864, -0.0016084065428003669, -0.04021257534623146, -0.15272659063339233, -0.09818512946367264, -0.025475414469838142, 0.01201726496219635, -0.06933434307575226, 0.008868277072906494, -0.07512988895177841, 0.07032955437898636, -0.06799963116645813, 0.12101688235998154, -0.032763294875621796, 0.05099174380302429, -0.09388484805822372, -0.08601661771535873, -0.12878036499023438, 0.105815589427948, -0.019623003900051117, 0.06476788967847824, -0.00757643161341548, -0.039494313299655914, -0.14792507886886597, 0.08364937454462051, -0.08691675215959549, 0.2270967960357666, -0.11378967761993408, -0.12165019661188126, 0.3103327751159668, -0.07450754940509796, -0.08240020275115967, 0.07471807301044464, -0.014871559105813503, 0.0675186887383461, 0.17196373641490936, 0.1155034601688385, 0.026585374027490616, -0.10264331847429276, 0.076591357588768, 0.13019613921642303, -0.1129319816827774, -0.08477126806974411, 0.04420839995145798, -0.03152747452259064, -0.07697911560535431, 0.018639372661709785, 0.06449901312589645, 0.021984321996569633, -0.04992019757628441, -0.01490466482937336, 0.04802634194493294, -0.05579183250665665, 0.04161342978477478, 0.012744110077619553, 0.12688086926937103, -0.06506145000457764, -0.08536547422409058, -0.014696404337882996, 0.008308900520205498, -0.005044889636337757, 0.010679910890758038, -0.0947495847940445, 0.1017797589302063, 0.05527374520897865, 0.07087977975606918, -0.09020562469959259, -0.050079040229320526, -0.003961855545639992, 0.11876379698514938, 0.07793159782886505, 0.17671743035316467, 0.04773486405611038, -0.01554080005735159, -0.03427767753601074, 0.04624924808740616, 0.17242185771465302, -0.029651237651705742, -0.06825632601976395, -0.1391601264476776, 0.043209854513406754, -0.04555191472172737, 0.08502138406038284, -0.045737702399492264, 0.014735511504113674, 0.08537295460700989, 0.06193837523460388, -0.02400405891239643, 0.024803755804896355, 0.0445832684636116, -0.016730429604649544, -0.03354015201330185, -0.0008662245818413794, 0.07157708704471588, 0.015024573542177677, -0.0821901336312294, 0.2652926743030548, -0.18434178829193115, 0.17712867259979248, 0.19315047562122345, -0.2232908457517624, -0.022681908681988716, -0.10726945102214813, -0.0260283425450325, -0.010763891041278839, 0.026690002530813217, -0.03479308634996414, 0.20306172966957092, 0.0164643544703722, 0.13827481865882874, -0.043150123208761215, -0.027633987367153168, -0.011357675306499004, -0.03603111580014229, 0.013627516105771065, 0.07023324072360992, 0.04239008203148842, -0.17759692668914795, 0.13061057031154633, 0.03633331134915352, 0.08577118068933487, 0.1582445353269577, 0.07438299059867859, 0.03299890086054802, 0.06252337247133255, 0.028022585436701775, -0.034396540373563766, -0.02438165247440338, -0.2451246976852417, -0.07059060037136078, 0.08267609775066376, 0.0069741141051054, 0.08040599524974823, -0.1366139054298401, -0.0678577721118927, 0.029911590740084648, -0.005257813725620508, 0.0017724445788189769, 0.11339397728443146, 0.015303672291338444, 0.13616997003555298, 0.006714493036270142, -0.078282929956913, 0.06706466525793076, -0.0377357043325901, -0.06001230329275131, 0.19572323560714722, -0.08748885244131088, -0.29983097314834595, -0.13037459552288055, -0.18836230039596558, 0.01382325030863285, 0.05827025696635246, 0.07475180178880692, -0.14687372744083405, -0.026138342916965485, -0.005588672589510679, 0.05666714534163475, -0.06779449433088303, -0.02641965076327324, -0.052004169672727585, -0.016467252746224403, -0.15323568880558014, -0.10530219227075577, -0.0822543352842331, -0.06588248908519745, -0.02578914910554886, 0.13433758914470673, -0.14447227120399475, -0.01889660954475403, 0.2844812572002411, 0.008402357809245586, 0.06239379569888115, -0.0790870264172554, 0.18462535738945007, -0.05130690708756447, -0.024946531280875206, 0.15672238171100616, 0.047749508172273636, 0.06401392072439194, 0.13590329885482788, 0.02926955744624138, -0.10417232662439346, 0.02648302912712097, -0.032516203820705414, -0.07660827785730362, -0.21375761926174164, -0.10435572266578674, -0.12265963852405548, 0.05295499414205551, 0.02502124197781086, 0.04672139883041382, 0.1396193951368332, 0.045693494379520416, -0.010701187886297703, 0.04968118295073509, 0.1207546666264534, 0.08216765522956848, 0.2877366244792938, -0.05334286764264107, 0.15154139697551727, -0.02583087794482708, -0.11355506628751755, 0.09201453626155853, 0.0024752484168857336, 0.030061697587370872, 0.05024179443717003, 0.059873051941394806, 0.013832866214215755, 0.03257346153259277, 0.14831893146038055, 0.08069108426570892, 0.056144632399082184, -0.030762439593672752, -0.03399968892335892, -0.04033626988530159, -0.0742141380906105, 0.03684880584478378, 0.06626570969820023, -0.1323395073413849, -0.03698943182826042, -0.004018462263047695, -0.005385028198361397, 0.08736556023359299, 0.04950212314724922, -0.1586284637451172, -0.02214597538113594, 0.0758323073387146, -0.027534278109669685, -0.07912532985210419, 0.1001528650522232, -0.07939029484987259, -0.14037981629371643, 0.05778639391064644, -0.010124272666871548, 0.10441749542951584, -0.07375933974981308, 0.06209583953022957, -0.08446414768695831, -0.030018040910363197, 0.009729152545332909, 0.0993858352303505, -0.22034111618995667, 0.21335290372371674, -0.025194784626364708, -0.012374889105558395, -0.09867678582668304, -0.03475061431527138, -0.025944070890545845, 0.06511876732110977, 0.10488219559192657, -0.002257860731333494, 0.01407098863273859, 0.012746099382638931, -0.07110191881656647, 0.010064668022096157, 0.04283757507801056, -0.0418003611266613, -0.013612241484224796, 0.007634440902620554, -0.0016398379812017083, -0.027199488133192062, -0.1094590499997139, 0.0739542543888092, -0.15427011251449585, 0.07383561879396439, 0.02633434720337391, 0.08681724220514297, -0.002169279148802161, -0.07739080488681793, -0.08029579371213913, 0.2325693517923355, 0.006863821297883987, -0.10724233090877533, -0.05736595392227173, -0.00569306593388319, 0.03622693940997124, -0.04941917955875397, 0.02065829001367092, -0.07193900644779205, 0.055765893310308456, -0.06569506227970123, -0.1408960223197937, 0.08096157759428024, -0.05800699070096016, -0.039324626326560974, -0.025877978652715683, 0.214082270860672, -0.004391815047711134, 0.04055142030119896, 0.003533995244652033, -0.006158428266644478, -0.0949602723121643, -0.0819106325507164, 0.02424796111881733, -0.024904048070311546, 0.020988425239920616, 0.06855006515979767, 0.0331261120736599, -0.019550757482647896, -0.05487770214676857, -0.015238858759403229, 0.26019027829170227, 0.20054315030574799, -0.035130955278873444, 0.15102440118789673, 0.10381828993558884, -0.026433782652020454, -0.2506463825702667, -0.1532389372587204, -0.12971536815166473, -0.019654354080557823, -0.06911730021238327, -0.11740165203809738, 0.0520833395421505, -0.08940043300390244, -0.03933129459619522, 0.07564042508602142, -0.2752700448036194, -0.11453748494386673, 0.19980166852474213, -0.00951472856104374, 0.4115307033061981, -0.11384141445159912, -0.06947655230760574, -0.043614987283945084, -0.22372379899024963, 0.16466090083122253, 0.0038953933399170637, 0.12774020433425903, -0.0271998830139637, 0.1943085640668869, 0.036380551755428314, -0.02593555860221386, 0.039496660232543945, -0.021030044183135033, -0.08878638595342636, -0.08292849361896515, -0.04499553143978119, 0.016459837555885315, 0.04116503894329071, 0.020035995170474052, -0.043789591640233994, -0.023283621296286583, -0.10978583991527557, -0.05838847905397415, -0.07564682513475418, 0.019322417676448822, 0.01395974587649107, -0.04528563469648361, -0.009831740520894527, -0.02612902596592903, 0.010635302402079105, 0.023543108254671097, 0.16776391863822937, -0.08222880959510803, 0.17947407066822052, 0.09922914206981659, 0.16171476244926453, -0.11624566465616226, -0.06709296256303787, -0.0658639520406723, -0.06383025646209717, 0.08127648383378983, -0.13341408967971802, -0.024479709565639496, 0.10397571325302124, 0.0018401489360257983, 0.06780213862657547, 0.10420610010623932, -0.06757468730211258, 0.005846918560564518, 0.11923564225435257, -0.2134883850812912, -0.10244853794574738, -0.01751290075480938, 0.08010654151439667, 0.07831012457609177, 0.05080387368798256, 0.1337919384241104, -0.04974663630127907, -0.03466710075736046, 0.05367404595017433, 0.0034368303604424, -0.0789153203368187, 0.09737014025449753, 0.024098139256238937, 0.049960121512413025, -0.16490915417671204, 0.11620131134986877, 0.01201658509671688, -0.07100611925125122, 0.0315987691283226, 0.09881417453289032, -0.11662696301937103, -0.11141908913850784, -0.04329301044344902, 0.08332947641611099, -0.1203082948923111, -0.005606173537671566, -0.04622964560985565, -0.1684238165616989, 0.09236080199480057, 0.0754152312874794, 0.05292992666363716, 0.07743699103593826, -0.11112619936466217, -0.008917522616684437, 0.011357263661921024, -0.047778788954019547, 0.08374150097370148, -0.027118368074297905, -0.05510662868618965, 0.007976967841386795, -0.022944118827581406, 0.12178811430931091, -0.09721919894218445, -0.08666795492172241, -0.1559039056301117, 0.06269307434558868, -0.06594520062208176, -0.0667080357670784, -0.0820072740316391, -0.04096229001879692, -0.0383184552192688, -0.03325797989964485, -0.057981230318546295, -0.04976338893175125, -0.13552600145339966, 0.08416865766048431, -0.035644691437482834, 0.019305452704429626, -0.09007139503955841, 0.027566207572817802, 0.0700899139046669, -0.019766736775636673, 0.11115677654743195, 0.1226760745048523, -0.08901478350162506, 0.11687519401311874, -0.09673205763101578, -0.020045945420861244, 0.10836165398359299, 0.011228860355913639, 0.07965350896120071, 0.0906016081571579, 0.005268194247037172, 0.06351787596940994, 0.022116539999842644, 0.05231020972132683, 0.04810403659939766, -0.08510265499353409, 0.00851976964622736, -0.031495485454797745, -0.08961895853281021, -0.03997880220413208, -0.009744340553879738, 0.07638230919837952, 0.016128338873386383, 0.10886001586914062, -0.05400407686829567, 0.05276113003492355, -0.10155534744262695, 0.027266714721918106, 0.02636185847222805, -0.1505776196718216, -0.0331944115459919, -0.07089365273714066, 0.056492988020181656, 0.002255826722830534, 0.25897398591041565, 0.03576824069023132, 0.009476732462644577, 0.03462676703929901, 0.07464088499546051, 0.09563366323709488, 0.01750640571117401, 0.17761389911174774, 0.10040371119976044, -0.044935572892427444, -0.04688531532883644, 0.03944244235754013, 0.022048011422157288, -0.05788214132189751, 0.14019788801670074, 0.03319774568080902, -0.018774552270770073, 0.0796661451458931, -0.0005997201660647988, 0.03173189237713814, -0.0865279883146286, -0.10917596518993378, -0.0489170141518116, 0.02177521400153637, -0.05474912375211716, 0.15409117937088013, 0.14388875663280487, -0.04152727127075195, 0.052922703325748444, -0.033910710364580154, -0.06997766345739365, -0.20829135179519653, -0.19089575111865997, -0.05755101516842842, -0.13351228833198547, 0.03046056255698204, -0.09565079212188721, 0.0637158751487732, -0.007389530073851347, 0.08741501718759537, -0.05623142421245575, 0.04984608665108681, -0.027993788942694664, -0.08056165277957916, 0.07558144629001617, -0.03744048997759819, 0.04013561084866524, -0.05991847813129425, 0.021529577672481537, -0.04405014216899872, 0.03346727043390274, 0.0065096174366772175, 0.044318076223134995, -0.04721560329198837, 0.03369669243693352, -0.0858466848731041, -0.07648395746946335, -0.0364217646420002, 0.042177964001894, -0.03400254249572754, 0.11592821776866913, 0.007231514435261488, -0.018171148374676704, 0.02970942109823227, 0.17954353988170624, -0.049749765545129776, -0.1634165644645691, -0.04364176467061043, 0.1974160075187683, 0.007005063351243734, 0.10493610054254532, -0.03258705884218216, 0.040653206408023834, -0.07158352434635162, 0.38144606351852417, 0.33331364393234253, -0.09281881153583527, 0.018114710226655006, 0.04204436019062996, 0.0365118533372879, 0.0787559524178505, 0.12041803449392319, 0.09566366672515869, 0.25415799021720886, -0.09718833118677139, 0.03258967399597168, -0.022830229252576828, -0.012160924263298512, -0.08136191964149475, 0.008237713016569614, 0.0998091772198677, -0.029184220358729362, -0.03984151408076286, 0.1064361035823822, -0.23610128462314606, 0.04226035624742508, -0.14766518771648407, -0.21838593482971191, -0.05040808022022247, -0.04561832174658775, 0.07727622985839844, 0.04255853220820427, 0.09110032767057419, -0.025999773293733597, -0.07063429057598114, 0.06702885776758194, -0.0029495684430003166, -0.24012857675552368, -0.04588962718844414, 0.05266270041465759, -0.05351775139570236, -0.04617001488804817, -0.06581516563892365, 0.0809323713183403, 0.07559390366077423, 0.0556253083050251, 0.03900081291794777, 0.013147353194653988, 0.0006080903694964945, -0.05387212336063385, -0.024017924442887306, 0.018233085051178932, 0.0025406829081475735, -0.0678807869553566, 0.06264417618513107, -0.10094448924064636, 0.022135792300105095, -0.08651324361562729, -0.026656290516257286, -0.023359209299087524, 0.02514781430363655, -0.050421588122844696, 0.06542641669511795, 0.09852921217679977, -0.009330729953944683, -0.012110069394111633, -0.027629412710666656, -0.0004401761689223349, 0.0014820708893239498, -0.03796800598502159, -0.08116824179887772, -0.16008040308952332, -0.11327382922172546, 0.11610206961631775, 0.011439717374742031, -0.20735126733779907, 0.013292817398905754, -0.1432051807641983, 0.07163631170988083, -0.12186679244041443, 0.09913185238838196, 0.08237623423337936, 0.06495688855648041, -0.00827957596629858, -0.08003243803977966, 0.03551019728183746, 0.1269998699426651, -0.18311069905757904, -0.08064215630292892 ]
null
null
transformers
### Description A Multi-label text classification model trained on a customer feedback data using DistilBert. Possible labels are: - Delivery (delivery status, time of arrival, etc.) - Return (return confirmation, return label requests, etc.) - Product (quality, complaint, etc.) - Monetary (pending transactions, refund, etc.) ### Usage ``` from transformers import AutoTokenizer, AutoModelForSequenceClassification tokenizer = AutoTokenizer.from_pretrained("CouchCat/ma_mlc_v7_distil") model = AutoModelForSequenceClassification.from_pretrained("CouchCat/ma_mlc_v7_distil") ```
{"language": "en", "license": "mit", "tags": ["multi-label"], "widget": [{"text": "I would like to return these pants and shoes"}]}
text-classification
CouchCat/ma_mlc_v7_distil
[ "transformers", "pytorch", "distilbert", "text-classification", "multi-label", "en", "license:mit", "autotrain_compatible", "endpoints_compatible", "region:us" ]
2022-03-02T23:29:04+00:00
[]
[ "en" ]
TAGS #transformers #pytorch #distilbert #text-classification #multi-label #en #license-mit #autotrain_compatible #endpoints_compatible #region-us
### Description A Multi-label text classification model trained on a customer feedback data using DistilBert. Possible labels are: - Delivery (delivery status, time of arrival, etc.) - Return (return confirmation, return label requests, etc.) - Product (quality, complaint, etc.) - Monetary (pending transactions, refund, etc.) ### Usage
[ "### Description\nA Multi-label text classification model trained on a customer feedback data using DistilBert.\nPossible labels are:\n- Delivery (delivery status, time of arrival, etc.)\n- Return (return confirmation, return label requests, etc.)\n- Product (quality, complaint, etc.)\n- Monetary (pending transactions, refund, etc.)", "### Usage" ]
[ "TAGS\n#transformers #pytorch #distilbert #text-classification #multi-label #en #license-mit #autotrain_compatible #endpoints_compatible #region-us \n", "### Description\nA Multi-label text classification model trained on a customer feedback data using DistilBert.\nPossible labels are:\n- Delivery (delivery status, time of arrival, etc.)\n- Return (return confirmation, return label requests, etc.)\n- Product (quality, complaint, etc.)\n- Monetary (pending transactions, refund, etc.)", "### Usage" ]
[ 49, 83, 4 ]
[ "passage: TAGS\n#transformers #pytorch #distilbert #text-classification #multi-label #en #license-mit #autotrain_compatible #endpoints_compatible #region-us \n### Description\nA Multi-label text classification model trained on a customer feedback data using DistilBert.\nPossible labels are:\n- Delivery (delivery status, time of arrival, etc.)\n- Return (return confirmation, return label requests, etc.)\n- Product (quality, complaint, etc.)\n- Monetary (pending transactions, refund, etc.)### Usage" ]
[ 0.032840702682733536, -0.004924245644360781, -0.0020455082412809134, 0.048599064350128174, 0.18496829271316528, 0.017105909064412117, 0.1476125717163086, 0.044995881617069244, 0.03235979378223419, -0.03639267757534981, 0.05045714229345322, 0.1440349519252777, -0.0070227631367743015, 0.23267211019992828, -0.08157926052808762, -0.2964014708995819, 0.03338509425520897, 0.013228152878582478, 0.1436033993959427, 0.15137013792991638, 0.13079003989696503, -0.09610293805599213, 0.07466138899326324, 0.018040305003523827, -0.14003919064998627, -0.069346122443676, 0.044808439910411835, -0.14177672564983368, 0.07540968060493469, 0.01885320246219635, 0.19556497037410736, 0.05166563019156456, 0.025343647226691246, -0.15019898116588593, 0.007957525551319122, -0.03753574192523956, -0.06378296762704849, -0.0011822398519143462, -0.0001448320981580764, -0.07435169816017151, 0.16103719174861908, 0.06663622707128525, 0.11816699802875519, 0.05082504451274872, -0.06553333252668381, -0.15111702680587769, -0.05568361654877663, 0.12006412446498871, 0.11806235462427139, 0.017424587160348892, -0.006825671531260014, 0.056406084448099136, -0.16135312616825104, 0.10028236359357834, 0.07675763964653015, -0.2957400679588318, 0.022586284205317497, 0.09150980412960052, 0.06285108625888824, -0.012183468788862228, -0.0669262632727623, 0.03288757801055908, 0.06382311135530472, 0.04933760687708855, -0.012980449944734573, -0.04647183045744896, -0.020152589306235313, 0.036393821239471436, -0.17428052425384521, -0.02460971102118492, 0.3616746962070465, -0.011844193562865257, -0.09868355095386505, -0.10286764055490494, 0.021411018446087837, -0.10648008435964584, -0.07503338903188705, -0.0454157255589962, -0.007122765760868788, -0.02507936768233776, 0.015539100393652916, 0.07031219452619553, -0.10872699320316315, -0.028952522203326225, -0.18282513320446014, 0.22416472434997559, 0.0074812569655478, 0.04996340349316597, -0.14125242829322815, 0.05287928506731987, -0.01639426313340664, -0.035736873745918274, -0.0034856239799410105, -0.10065791755914688, -0.011523517780005932, -0.08991650491952896, -0.06802864372730255, -0.08940444886684418, 0.03293169289827347, 0.11552468687295914, 0.0508875772356987, 0.005005147773772478, -0.07589736580848694, 0.06692712754011154, 0.07442357391119003, 0.14618779718875885, 0.045566949993371964, -0.057044561952352524, -0.05399220436811447, -0.05973527580499649, 0.015606332570314407, -0.029637319967150688, -0.20867358148097992, 0.06972628831863403, 0.09395322948694229, 0.06602725386619568, -0.023265106603503227, 0.11874208599328995, -0.1037106141448021, -0.05485310032963753, 0.14649538695812225, -0.07036872953176498, -0.032848671078681946, -0.03516552969813347, -0.06261708587408066, 0.05733383074402809, -0.018733607605099678, 0.008215945214033127, 0.02070804499089718, 0.1751847267150879, -0.058061111718416214, -0.016218574717640877, -0.06584405899047852, -0.10261470824480057, 0.06203121691942215, -0.04533270373940468, -0.025438297539949417, -0.08081074059009552, -0.18384109437465668, -0.027261530980467796, 0.0114377336576581, -0.03301714360713959, -0.028712723404169083, -0.0077568660490214825, -0.00315553555265069, 0.0471874438226223, -0.04296861216425896, 0.027173204347491264, -0.10018611699342728, 0.07011556625366211, -0.07031545788049698, 0.10023233294487, -0.08456719666719437, 0.04592535272240639, -0.08969219028949738, -0.05808892101049423, -0.1592901051044464, -0.00393659109249711, -0.11415041238069534, 0.11848358064889908, -0.05972899869084358, -0.09275685250759125, 0.005338755901902914, 0.05141262337565422, -0.15418900549411774, 0.1623522788286209, -0.19742541015148163, -0.0869949460029602, 0.144649475812912, -0.1454533338546753, -0.07725974917411804, 0.10274241864681244, -0.033592015504837036, 0.09861146658658981, 0.14207008481025696, 0.05704516917467117, 0.07093831151723862, -0.14462721347808838, 0.07859000563621521, 0.14342254400253296, -0.14120295643806458, -0.04931386187672615, 0.07060763239860535, -0.03797508403658867, -0.12208735197782516, 0.07282380759716034, 0.0891077071428299, -0.06735726445913315, -0.06256169825792313, -0.02852638065814972, -0.0018149446696043015, -0.03228430077433586, 0.11205070465803146, 0.003417584579437971, 0.05440916493535042, -0.02929437719285488, -0.04084980487823486, 0.09473380446434021, -0.01434987410902977, 0.059922512620687485, 0.011095854453742504, -0.09605162590742111, 0.11764135211706161, 0.09948049485683441, -0.0032856627367436886, -0.20508547127246857, -0.10216684639453888, 0.04280015826225281, 0.030148334801197052, 0.025300122797489166, 0.1551145315170288, -0.01188086997717619, -0.04191453382372856, -0.006823925767093897, 0.058705322444438934, 0.10376130044460297, 0.013826824724674225, -0.06430122256278992, -0.12242022156715393, -0.013696030713617802, -0.07007358968257904, 0.033674221485853195, -0.008103198371827602, -0.005192377604544163, 0.2085012048482895, 0.011470845900475979, 0.05338075011968613, 0.06818895041942596, 0.03293900936841965, 0.09179726988077164, -0.016251876950263977, 0.03252054750919342, 0.10922650247812271, -0.04637672379612923, -0.15400473773479462, 0.08168282359838486, -0.039978209882974625, 0.1796647012233734, 0.14327070116996765, -0.07365928590297699, -0.0826035663485527, -0.10534471273422241, -0.039940811693668365, 0.003814451163634658, -0.08801280707120895, -0.004854719620198011, 0.07070823013782501, 0.04542440548539162, 0.11378274857997894, -0.04331463947892189, 0.031233690679073334, 0.007038991432636976, -0.020543642342090607, -0.0836939662694931, 0.06556708365678787, -0.0011263573542237282, -0.15758618712425232, 0.07893583178520203, 0.1648360639810562, 0.0358252115547657, 0.13971981406211853, -0.016115078702569008, 0.04766058921813965, 0.022047214210033417, -0.008523511700332165, -0.02607117034494877, -0.0024228906258940697, -0.1256660372018814, -0.03794096037745476, 0.10618533194065094, 0.02253033220767975, 0.022044353187084198, -0.13613200187683105, -0.017510317265987396, -0.018982240930199623, -0.023987101390957832, -0.06169392541050911, 0.06042535975575447, 0.015868084505200386, 0.1058925911784172, 0.051005519926548004, -0.14467455446720123, 0.12098181992769241, -0.01141747459769249, -0.058493223041296005, 0.21179276704788208, -0.13005167245864868, -0.349943071603775, -0.21099410951137543, -0.18443435430526733, -0.0401991605758667, 0.040839146822690964, 0.06724908202886581, -0.046396225690841675, -0.06615597754716873, -0.01653110794723034, 0.03932201489806175, -0.08715629577636719, -0.028604989871382713, -0.1764885038137436, 0.0401872918009758, -0.10705872625112534, -0.09427603334188461, -0.048722151666879654, -0.05431279167532921, -0.02962496317923069, 0.07965226471424103, -0.09920726716518402, 0.08938448876142502, 0.24304358661174774, 0.012249331921339035, 0.02325490117073059, -0.09971322119235992, 0.09703076630830765, -0.04542488977313042, -0.03915151208639145, 0.16068494319915771, 0.03538001328706741, 0.06106261536478996, 0.23687978088855743, 0.060017503798007965, -0.07371947914361954, 0.05890486761927605, -0.007600182201713324, -0.09104039520025253, -0.14881950616836548, -0.15861886739730835, -0.0646272823214531, 0.029909973964095116, 0.00046757925883866847, 0.03442470356822014, 0.05024231970310211, 0.010262444615364075, 0.04679062217473984, 0.043248437345027924, 0.05493529886007309, 0.09749037027359009, 0.2291553020477295, -0.022749993950128555, 0.17777583003044128, -0.02361409179866314, -0.06096741929650307, 0.09658272564411163, -0.006807409692555666, 0.23303571343421936, 0.07292930036783218, 0.06272809207439423, 0.172014519572258, -0.04404272884130478, 0.14932683110237122, 0.04950983449816704, 0.060930799692869186, -0.0199994295835495, -0.04759059101343155, -0.03900671750307083, -0.0761406421661377, 0.03785235062241554, 0.012641473673284054, -0.09319210797548294, -0.10959453880786896, -0.12565866112709045, 0.013392886146903038, 0.07091466337442398, 0.01856829971075058, -0.1785220205783844, -0.009309101849794388, 0.06381232291460037, -0.010318413376808167, -0.02176361344754696, 0.13063085079193115, -0.11418364942073822, -0.19622802734375, 0.12467315793037415, -0.05702660605311394, 0.12065817415714264, -0.06595183163881302, 0.04931845888495445, 0.007927602156996727, -0.11482875794172287, 0.0033670812845230103, 0.10542646050453186, -0.21966248750686646, 0.2642503082752228, -0.00022111355792731047, -0.050058022141456604, -0.07117404043674469, -0.013255502097308636, -0.045850735157728195, 0.24601106345653534, 0.12452960014343262, -0.0425775982439518, -0.0911484807729721, -0.14099350571632385, 0.08962070196866989, -0.03601857274770737, 0.13343088328838348, 0.019214505329728127, 0.006323477253317833, -0.006586937699466944, 0.0019313484663143754, -0.022663574665784836, -0.024870259687304497, -0.07964034378528595, -0.12803535163402557, 0.08174267411231995, -0.03858937695622444, 0.02013651467859745, -0.04429362714290619, -0.08369030058383942, -0.08203256130218506, 0.07519550621509552, -0.08521727472543716, -0.07699605822563171, -0.1272386908531189, -0.06425575166940689, 0.06755440682172775, -0.04471902921795845, 0.04743050038814545, -0.07822193950414658, 0.04666965827345848, -0.0015771770849823952, -0.09056013822555542, 0.030413812026381493, -0.06461015343666077, -0.08854127675294876, -0.05276330187916756, 0.08728208392858505, -0.021073970943689346, 0.016913393512368202, 0.03259258344769478, -0.023870475590229034, -0.06367399543523788, -0.13249768316745758, -0.06266681849956512, 0.07418926060199738, 0.1671215295791626, 0.13308805227279663, -0.12652938067913055, -0.1636095941066742, -0.0466579832136631, 0.018484745174646378, 0.0852089375257492, 0.08040734380483627, -0.05606956034898758, 0.2288055270910263, 0.09104051440954208, -0.04320884123444557, -0.23515081405639648, -0.11164332181215286, -0.02637770213186741, -0.00232542771846056, -0.05545754358172417, -0.0338825024664402, 0.15529708564281464, 0.009806082583963871, -0.08751998841762543, 0.03258224204182625, -0.21824082732200623, -0.1464470475912094, 0.15844416618347168, 0.033263642340898514, 0.10855879634618759, -0.10048861056566238, -0.08473124355077744, -0.11111210286617279, -0.2585383653640747, 0.19129317998886108, 0.020986003801226616, 0.06533261388540268, -0.03615935891866684, 0.1256314516067505, 0.01088197436183691, -0.040362998843193054, 0.06510064750909805, 0.09259452670812607, 0.05971721187233925, -0.06951303780078888, -0.13249872624874115, 0.09262606501579285, 0.011405771598219872, 0.0752277821302414, 0.015720875933766365, 0.00007357045979006216, -0.10646823048591614, -0.08642632514238358, -0.022867336869239807, 0.08765818923711777, -0.04930540546774864, -0.051955271512269974, -0.07040151953697205, 0.06552428007125854, -0.062001071870326996, -0.05671795830130577, 0.17285937070846558, -0.11244306713342667, 0.1290484219789505, 0.16216276586055756, 0.1317025125026703, -0.16357789933681488, -0.047516338527202606, -0.09649424999952316, -0.07884521037340164, 0.0707322284579277, -0.15133890509605408, 0.005076566245406866, 0.06183646246790886, -0.011926461011171341, 0.15305925905704498, 0.09463652968406677, 0.01869487203657627, 0.012153306044638157, 0.1416480541229248, -0.06449060887098312, -0.11436780542135239, -0.004192712251096964, -0.02092975191771984, -0.07767827063798904, 0.07970845699310303, 0.0641273707151413, 0.013702649623155594, -0.031144345179200172, -0.005841786041855812, 0.025171618908643723, 0.003359513357281685, 0.08651256561279297, 0.030624719336628914, 0.07845193892717361, -0.137705460190773, 0.011370268650352955, 0.08497637510299683, -0.08304021507501602, -0.06521384418010712, -0.06719515472650528, -0.17747291922569275, -0.10216416418552399, 0.008072801865637302, 0.11110058426856995, -0.13046857714653015, -0.06995900720357895, -0.004384225234389305, -0.15709398686885834, 0.058628927916288376, 0.18953882157802582, 0.13185934722423553, 0.11917740106582642, -0.07613229006528854, -0.06541255116462708, 0.04457132890820503, 0.02551892213523388, 0.017468586564064026, -0.018984012305736542, -0.12394262850284576, 0.12364032119512558, 0.018128059804439545, 0.09213262051343918, -0.09985657781362534, -0.04261169210076332, -0.1665811687707901, 0.015610014088451862, -0.03862006962299347, 0.05145329609513283, -0.022651752457022667, 0.05113554373383522, 0.01647004671394825, 0.013118968345224857, -0.0316728837788105, -0.022352445870637894, -0.1152225211262703, 0.04399258270859718, 0.04280002787709236, 0.12689308822155, -0.11323967576026917, -0.01493994239717722, 0.0918269008398056, 0.025883225724101067, 0.032833971083164215, 0.011427393183112144, -0.036012161523103714, 0.1146894097328186, -0.1637570559978485, 0.049348197877407074, 0.031960565596818924, 0.023883868008852005, 0.07228319346904755, 0.019157225266098976, 0.033505942672491074, 0.06125722452998161, -0.005278553813695908, 0.09380299597978592, -0.04914039000868797, -0.16234555840492249, -0.027870913967490196, -0.012863936834037304, -0.12854816019535065, -0.05348692089319229, 0.028559662401676178, 0.10764297097921371, 0.05939918011426926, 0.16880902647972107, -0.0351782888174057, -0.002121035009622574, 0.03336134925484657, -0.026029283180832863, -0.03523677587509155, -0.12194456160068512, -0.11157932877540588, -0.09657584130764008, -0.01646474190056324, 0.011508497409522533, 0.2684844732284546, 0.14244624972343445, 0.1605532169342041, 0.03269725292921066, 0.17312295734882355, 0.04223133623600006, -0.022225892171263695, 0.1593732237815857, 0.0412776805460453, -0.00016498935292474926, 0.03110894188284874, 0.028041794896125793, -0.043113067746162415, -0.0859518051147461, 0.15575826168060303, 0.13588042557239532, -0.12984104454517365, 0.06043083593249321, 0.007577636279165745, 0.0009233909659087658, -0.0845261961221695, -0.06982486695051193, -0.0035038511268794537, 0.10577628016471863, -0.05320281162858009, 0.01766662672162056, 0.040321994572877884, -0.06523413956165314, 0.09420252591371536, 0.03413601592183113, -0.08185851573944092, -0.13416345417499542, -0.1092793270945549, -0.07682265341281891, -0.07770568877458572, 0.024723472073674202, -0.06811245530843735, -0.013697966001927853, 0.07856516540050507, 0.011027496308088303, -0.02416985109448433, -0.008052229881286621, -0.273837149143219, -0.021958235651254654, 0.0970129519701004, -0.03971460461616516, -0.026004033163189888, -0.02976027876138687, 0.009343679063022137, -0.08625904470682144, -0.0671921968460083, -0.04158095270395279, -0.0019899627659469843, 0.01309291273355484, -0.04428420960903168, -0.1107824519276619, -0.022202100604772568, 0.013386092148721218, 0.028650211170315742, 0.05367375537753105, 0.09132375568151474, 0.013813236728310585, -0.023928198963403702, 0.014396867714822292, 0.2564878463745117, -0.022367039695382118, -0.1219983696937561, -0.067421093583107, 0.3238065540790558, 0.08345049619674683, 0.07363343983888626, -0.020752064883708954, -0.012925669550895691, -0.03932934254407883, 0.2234567105770111, 0.2391539067029953, 0.02092370018362999, -0.005753242876380682, 0.04612898826599121, 0.021094290539622307, 0.10941939055919647, 0.16052153706550598, -0.0355062261223793, 0.2683134973049164, 0.033202506601810455, 0.061101529747247696, -0.03256269544363022, -0.014798378571867943, -0.1001763865351677, -0.0050593046471476555, 0.09416091442108154, -0.09403973817825317, -0.04865727201104164, 0.17808812856674194, -0.17488831281661987, -0.014556169509887695, 0.04015664383769035, -0.08055517822504044, -0.07947731763124466, -0.011054130271077156, 0.12341957539319992, 0.015570526011288166, 0.08109281212091446, -0.03700050339102745, -0.02347041852772236, 0.09163451194763184, 0.012196036987006664, -0.2085123062133789, -0.041155628859996796, 0.07721193879842758, 0.051998186856508255, 0.05847007408738136, -0.011207036674022675, 0.1517987698316574, 0.08182823657989502, 0.02984555996954441, 0.02902652509510517, 0.09540455043315887, -0.014428678900003433, -0.04764331877231598, 0.10117567330598831, 0.01719842664897442, 0.026476794853806496, -0.01069235522300005, 0.007660786155611277, -0.17760545015335083, 0.06938514858484268, -0.07040174305438995, -0.015527382493019104, -0.09345915168523788, 0.09766017645597458, -0.13614420592784882, 0.08319447189569473, 0.16644230484962463, 0.01922651194036007, -0.041843753308057785, -0.008622153662145138, 0.10451775044202805, 0.025188662111759186, -0.05316711217164993, -0.045664723962545395, -0.04226463660597801, -0.06360094994306564, -0.01463745441287756, -0.06018174812197685, -0.24766074120998383, -0.0041478220373392105, -0.029426509514451027, 0.0696122944355011, -0.0784132331609726, 0.0638883039355278, 0.02356051467359066, 0.011152843944728374, -0.03399111330509186, -0.14206640422344208, 0.05074648931622505, 0.050433192402124405, -0.14491505920886993, -0.06018495187163353 ]
null
null
transformers
### Description A Named Entity Recognition model trained on a customer feedback data using DistilBert. Possible labels are: - PRD: for certain products - BRND: for brands ### Usage ``` from transformers import AutoTokenizer, AutoModelForTokenClassification tokenizer = AutoTokenizer.from_pretrained("CouchCat/ma_ner_v6_distil") model = AutoModelForTokenClassification.from_pretrained("CouchCat/ma_ner_v6_distil") ```
{"language": "en", "license": "mit", "tags": ["ner"], "widget": [{"text": "These shoes from Adidas fit quite well"}]}
token-classification
CouchCat/ma_ner_v6_distil
[ "transformers", "pytorch", "distilbert", "token-classification", "ner", "en", "license:mit", "autotrain_compatible", "endpoints_compatible", "region:us" ]
2022-03-02T23:29:04+00:00
[]
[ "en" ]
TAGS #transformers #pytorch #distilbert #token-classification #ner #en #license-mit #autotrain_compatible #endpoints_compatible #region-us
### Description A Named Entity Recognition model trained on a customer feedback data using DistilBert. Possible labels are: - PRD: for certain products - BRND: for brands ### Usage
[ "### Description\nA Named Entity Recognition model trained on a customer feedback data using DistilBert.\nPossible labels are:\n- PRD: for certain products\n- BRND: for brands", "### Usage" ]
[ "TAGS\n#transformers #pytorch #distilbert #token-classification #ner #en #license-mit #autotrain_compatible #endpoints_compatible #region-us \n", "### Description\nA Named Entity Recognition model trained on a customer feedback data using DistilBert.\nPossible labels are:\n- PRD: for certain products\n- BRND: for brands", "### Usage" ]
[ 48, 45, 4 ]
[ "passage: TAGS\n#transformers #pytorch #distilbert #token-classification #ner #en #license-mit #autotrain_compatible #endpoints_compatible #region-us \n### Description\nA Named Entity Recognition model trained on a customer feedback data using DistilBert.\nPossible labels are:\n- PRD: for certain products\n- BRND: for brands### Usage" ]
[ -0.030819425359368324, -0.028863931074738503, -0.001822149264626205, 0.06314468383789062, 0.16856597363948822, 0.015393683686852455, 0.11938537657260895, 0.0002749574196059257, 0.15765535831451416, -0.018046420067548752, 0.08473888039588928, 0.12054011970758438, -0.016250548884272575, 0.10833695530891418, -0.063860684633255, -0.2673256993293762, 0.07179740071296692, 0.042583953589200974, 0.10510121285915375, 0.12655788660049438, 0.11663099378347397, -0.07581751048564911, 0.12441914528608322, 0.058102626353502274, -0.1731378585100174, -0.056945718824863434, 0.03871137648820877, -0.14480985701084137, 0.12603965401649475, -0.0003007617488037795, 0.19021274149417877, 0.06766393780708313, 0.0801757425069809, -0.14701196551322937, 0.010568443685770035, -0.09824896603822708, -0.0694110319018364, 0.004377828445285559, 0.03199857473373413, -0.08165588229894638, 0.09203708916902542, 0.11670520156621933, 0.08751197904348373, -0.006665002554655075, -0.06876314431428909, -0.23284025490283966, -0.01599363051354885, 0.1732867807149887, -0.017490554600954056, 0.010284795425832272, 0.01652960479259491, 0.058085113763809204, -0.17435020208358765, 0.056185632944107056, 0.02776336669921875, -0.20070916414260864, -0.001958316657692194, 0.08596834540367126, -0.0020262894686311483, -0.11245745420455933, -0.0101137300953269, -0.000558820553123951, 0.011194195598363876, 0.06425140798091888, 0.04225044324994087, -0.008935123682022095, -0.0028517930768430233, 0.030544713139533997, -0.10557098686695099, 0.020949600264430046, 0.27422916889190674, 0.0052921040914952755, -0.012252109125256538, -0.0690523311495781, 0.017862221226096153, -0.12195461243391037, -0.03162755072116852, -0.13596682250499725, -0.03040478378534317, 0.0012070793891325593, -0.03023747354745865, 0.10677201300859451, -0.058307938277721405, -0.05780266225337982, -0.20634815096855164, 0.23172366619110107, 0.022862393409013748, 0.09709320962429047, -0.10765194892883301, -0.019152235239744186, -0.08693920075893402, -0.03523407131433487, -0.05789583548903465, -0.14486007392406464, -0.007168792653828859, -0.080169677734375, -0.02218729257583618, 0.1320437490940094, 0.08240478485822678, 0.18350116908550262, 0.0311305969953537, -0.012846304103732109, -0.0053877150639891624, 0.04763736203312874, 0.006149932276457548, 0.22123479843139648, 0.017969738692045212, 0.04834890365600586, -0.05429739132523537, -0.0790930911898613, -0.04130448028445244, 0.021506542339920998, -0.21014869213104248, 0.001442701555788517, 0.14318782091140747, 0.004173173103481531, -0.08903874456882477, 0.15328429639339447, -0.11816249042749405, -0.03686310723423958, 0.11382563412189484, -0.03804684430360794, 0.02497013844549656, 0.022754164412617683, -0.05836237594485283, 0.05691938102245331, -0.040608081966638565, -0.018211867660284042, 0.03600431606173515, 0.16067418456077576, -0.012100670486688614, -0.02498459629714489, -0.03126702085137367, -0.09720077365636826, 0.03520757332444191, -0.04423131048679352, 0.05035403370857239, -0.21542666852474213, -0.16999167203903198, 0.017896292731165886, 0.029583903029561043, -0.03596298024058342, 0.00935132522135973, -0.038308512419462204, -0.006244379095733166, -0.004392601549625397, -0.05949654057621956, -0.1156083270907402, -0.06415196508169174, 0.03502711281180382, -0.00798440258949995, 0.10095253586769104, -0.1939902901649475, 0.0993971899151802, -0.10821110010147095, -0.0044811787083745, 0.011824076063930988, 0.00480751832947135, -0.0995359718799591, 0.09514196217060089, -0.08086549490690231, -0.08929017931222916, -0.08159718662500381, 0.0433136448264122, -0.09708918631076813, 0.08288519084453583, -0.13819462060928345, -0.10315752029418945, 0.06899446249008179, -0.13661451637744904, -0.11477808654308319, 0.05760908126831055, -0.010827090591192245, 0.11623746901750565, 0.11263702064752579, 0.13183103501796722, 0.0722239688038826, -0.10539476573467255, 0.05723269283771515, 0.06931278854608536, -0.1891825646162033, -0.08275724202394485, 0.03924908488988876, 0.018018677830696106, -0.15240056812763214, 0.10570728033781052, -0.02825826220214367, -0.015614144504070282, -0.07557941228151321, -0.06323980540037155, 0.02147180773317814, -0.018180428072810173, 0.11707902699708939, 0.013731952756643295, 0.08273757994174957, 0.007161829620599747, -0.032229382544755936, 0.10790139436721802, -0.0172459464520216, 0.048468876630067825, -0.008277753368020058, -0.11642958968877792, 0.1678631752729416, 0.08908113837242126, 0.00008018020889721811, -0.18497468531131744, -0.05807136371731758, 0.04561132937669754, 0.02801670879125595, 0.03118373639881611, 0.02959064394235611, 0.014780467376112938, -0.06480184197425842, 0.03608899936079979, 0.010494024492800236, 0.0731358677148819, 0.043423980474472046, 0.018603624776005745, -0.0952247902750969, -0.035550203174352646, -0.06282655894756317, -0.026178263127803802, -0.026153206825256348, -0.00829617865383625, 0.11900945752859116, -0.0015100428136065602, 0.03609652817249298, 0.09923261404037476, -0.09085549414157867, 0.10776994377374649, -0.025772947818040848, 0.044999007135629654, 0.12755315005779266, -0.06021677330136299, -0.10342326760292053, 0.08975941687822342, 0.03467597812414169, 0.19664905965328217, 0.1512836068868637, -0.1236286535859108, -0.07441835850477219, -0.13213063776493073, -0.025226902216672897, 0.016815269365906715, -0.023626696318387985, 0.012606825679540634, 0.0497371107339859, 0.01587729901075363, 0.07810917496681213, -0.030321858823299408, 0.02074156329035759, -0.004306572023779154, -0.001636234112083912, -0.12818235158920288, 0.06794676929712296, 0.07740803807973862, -0.1257975697517395, 0.14187544584274292, 0.19093334674835205, 0.022501664236187935, 0.03357020765542984, -0.036159053444862366, 0.03964320197701454, 0.014901315793395042, -0.004401608370244503, -0.02402442693710327, 0.030266087502241135, -0.1056390181183815, -0.023580169305205345, 0.08400456607341766, 0.004111072514206171, -0.01731259375810623, -0.10977587848901749, -0.005998298991471529, 0.024310877546668053, -0.0058157118037343025, -0.053971193730831146, 0.07253816723823547, -0.004558668937534094, 0.07029135525226593, 0.07896970957517624, -0.2574841380119324, 0.1361483782529831, 0.004304987378418446, -0.05597316101193428, 0.14655254781246185, -0.11104773730039597, -0.2510490119457245, -0.16082578897476196, -0.15542501211166382, -0.04754555597901344, 0.05788467079401016, 0.054251138120889664, -0.04000373184680939, -0.047158773988485336, 0.04650557413697243, 0.07912857085466385, -0.06476783007383347, 0.01978856511414051, -0.1208786740899086, 0.010127836838364601, -0.08575694262981415, -0.07582902163267136, -0.05445488914847374, -0.09151794761419296, -0.022588523104786873, 0.1369321495294571, -0.14593200385570526, 0.10153399407863617, 0.1406589299440384, -0.01825374737381935, 0.027648715302348137, -0.05831285938620567, 0.1461402177810669, -0.013320510275661945, -0.04547768458724022, 0.08758091181516647, -0.026668820530176163, 0.03361223638057709, 0.26173755526542664, 0.038308512419462204, -0.07741332054138184, 0.00984320417046547, -0.08056043833494186, -0.09566763043403625, -0.07762350887060165, -0.15249671041965485, -0.02040717378258705, 0.004531987942755222, 0.11076808720827103, 0.038518767803907394, 0.06748515367507935, 0.048915017396211624, 0.08837386220693588, 0.059626225382089615, 0.021090524271130562, 0.08502555638551712, 0.2750290036201477, 0.02205025590956211, 0.12725630402565002, 0.02476401999592781, -0.06952454149723053, 0.049834441393613815, 0.04751354828476906, 0.2627626657485962, 0.12695622444152832, 0.08530355244874954, 0.11844335496425629, 0.08927846699953079, 0.19032791256904602, 0.06416929513216019, 0.017682837322354317, 0.01721794903278351, 0.014754447154700756, -0.03529125079512596, -0.06160188093781471, 0.06588046252727509, 0.02087102085351944, -0.04618458449840546, -0.05799025669693947, -0.13067248463630676, 0.02084478922188282, 0.11505430191755295, -0.007155167870223522, -0.28279414772987366, -0.03906938061118126, -0.012652353383600712, 0.0013824732741340995, 0.004134357441216707, 0.07164834439754486, -0.10020703077316284, -0.104462631046772, 0.07582603394985199, 0.008644307032227516, 0.09878050535917282, -0.04060627892613411, 0.05474472418427467, 0.10785425454378128, -0.12724581360816956, 0.056697893887758255, 0.04620877653360367, -0.2474820464849472, 0.28016197681427, -0.01672593504190445, -0.0268904659897089, -0.046019360423088074, -0.05937576666474342, -0.020021865144371986, 0.20413225889205933, 0.10199785977602005, 0.002150055719539523, -0.14664413034915924, -0.15694917738437653, 0.04491828382015228, 0.02108038403093815, 0.07449986785650253, -0.013026059605181217, -0.05049894005060196, -0.025534220039844513, 0.006737511605024338, 0.02933238446712494, 0.06294775754213333, -0.09429162740707397, -0.08097590506076813, -0.02226870134472847, 0.03861771896481514, 0.14272388815879822, -0.007734429091215134, -0.05530774965882301, -0.1564762443304062, -0.0017175129614770412, -0.12763699889183044, -0.024576695635914803, -0.12348441779613495, -0.001608417951501906, -0.014640464447438717, -0.06417500227689743, 0.05077460780739784, -0.07318983227014542, 0.011013324372470379, 0.024790780618786812, -0.14816194772720337, 0.0718575268983841, -0.026249485090374947, -0.06842312216758728, -0.03744092583656311, 0.05211395397782326, 0.041102319955825806, 0.028978319838643074, 0.0865706354379654, -0.0015703359385952353, -0.05239619314670563, -0.07560619711875916, 0.004973614122718573, 0.10547024011611938, 0.022362690418958664, 0.06594130396842957, -0.1437254399061203, -0.20621828734874725, -0.019300872460007668, 0.06971665471792221, 0.08200196921825409, 0.10191161930561066, -0.07747258991003036, 0.15780696272850037, 0.13723061978816986, 0.008230953477323055, -0.271345853805542, -0.08156363666057587, -0.023922068998217583, 0.015880795195698738, -0.08703307807445526, -0.08251868933439255, 0.17889370024204254, 0.051799558103084564, -0.06028154492378235, 0.020964335650205612, -0.12517063319683075, -0.11806715279817581, 0.23696595430374146, 0.05199524015188217, 0.1651121973991394, -0.03886076435446739, -0.08248448371887207, -0.07687252014875412, -0.23833322525024414, 0.20120109617710114, 0.07510527968406677, 0.014223069883883, -0.07116756588220596, 0.16287127137184143, -0.00001513563074695412, 0.010557975620031357, 0.06739511340856552, 0.15533292293548584, 0.08710262179374695, -0.04172681272029877, -0.10233286023139954, 0.05886854603886604, 0.025883905589580536, 0.06565013527870178, 0.06935866177082062, -0.0025762508157640696, -0.013795747421681881, -0.07077574729919434, -0.07132333517074585, 0.16197985410690308, -0.010864066891372204, -0.08057097345590591, -0.04635327309370041, 0.05330182984471321, -0.040227390825748444, -0.04137274622917175, 0.13180823624134064, -0.07497945427894592, 0.07705140113830566, 0.04802462458610535, 0.08695848286151886, -0.02402900531888008, 0.05019538104534149, -0.0787011981010437, -0.08020098507404327, 0.15143612027168274, -0.024378232657909393, 0.03114895150065422, 0.11542025208473206, -0.021019943058490753, 0.10228348523378372, 0.13028159737586975, 0.022567350417375565, -0.03715534508228302, 0.12726952135562897, -0.02994106337428093, -0.08106602728366852, -0.005544628947973251, -0.025472769513726234, 0.009173011407256126, 0.0826808512210846, 0.024630777537822723, -0.010961323045194149, -0.05780871957540512, -0.004108629655092955, -0.012603981420397758, -0.03992718085646629, 0.01244373805820942, 0.04852036014199257, 0.028447480872273445, -0.12436604499816895, -0.01232897862792015, 0.028209194540977478, -0.06046111881732941, -0.07976127415895462, -0.09405391663312912, -0.19171056151390076, -0.12456890940666199, -0.0210163164883852, 0.14773006737232208, -0.18315674364566803, -0.10123712569475174, 0.08706264197826385, -0.19030670821666718, 0.07247666269540787, 0.14092358946800232, 0.1403045803308487, 0.09982319176197052, -0.009465864859521389, -0.0424133837223053, 0.011925640515983105, 0.020010264590382576, -0.08186429738998413, 0.04371817037463188, -0.1273656189441681, -0.0728110820055008, -0.04206841439008713, 0.09167204052209854, -0.1024554893374443, -0.070889413356781, -0.21382425725460052, 0.011787363328039646, -0.16345669329166412, 0.019298046827316284, -0.051018983125686646, 0.061762891709804535, 0.06837163120508194, -0.01291715819388628, -0.024176783859729767, 0.0008303307113237679, -0.11530186980962753, 0.020033327862620354, 0.04772146791219711, 0.08508941531181335, -0.09584498405456543, -0.028933227062225342, 0.06993958353996277, 0.02571686916053295, 0.09845373779535294, 0.074740469455719, -0.04212268814444542, 0.09410794079303741, -0.17689986526966095, -0.0379023440182209, 0.06199072673916817, 0.038865722715854645, 0.09703873842954636, -0.009866992011666298, 0.020076511427760124, 0.07200951874256134, -0.048767589032649994, 0.07515935599803925, 0.056022897362709045, -0.10494136810302734, 0.01399031188338995, -0.09799153357744217, -0.10769668221473694, -0.03124811500310898, -0.0022498276084661484, 0.10002950578927994, 0.12516628205776215, 0.1753484606742859, -0.025012440979480743, -0.011822789907455444, 0.06609801948070526, -0.006282666232436895, -0.0306418277323246, -0.12811459600925446, -0.10100054740905762, -0.0704839676618576, -0.04566983878612518, 0.023865237832069397, 0.28475162386894226, 0.11856720596551895, -0.020543931052088737, 0.025778403505682945, 0.11658351123332977, -0.1254372000694275, -0.004086322616785765, 0.23790889978408813, 0.05785388499498367, 0.024293169379234314, 0.056043945252895355, 0.054565392434597015, -0.05095219239592552, -0.0007533195894211531, 0.0883525162935257, 0.1769641637802124, -0.09549584239721298, 0.03405848145484924, 0.12154641002416611, 0.005238512065261602, -0.08347958326339722, -0.16588371992111206, -0.01923271268606186, 0.06970855593681335, 0.006381204351782799, 0.10427308082580566, -0.01601501740515232, -0.043154872953891754, 0.07083293050527573, -0.03386630862951279, -0.06275025755167007, -0.12974928319454193, -0.21528489887714386, -0.09457694739103317, -0.12168261408805847, 0.04136771336197853, -0.015255452133715153, -0.14233174920082092, 0.07655173540115356, 0.01646069809794426, -0.05277791991829872, -0.038925591856241226, -0.21790635585784912, -0.018084684386849403, 0.06846540421247482, -0.045238085091114044, -0.10520002245903015, -0.05556622892618179, 0.003945392556488514, -0.10318532586097717, -0.01094068493694067, -0.0443696454167366, -0.03214515745639801, -0.04769713431596756, -0.08790673315525055, -0.10615862160921097, -0.030711324885487556, -0.007870630361139774, 0.04481847211718559, -0.08234992623329163, 0.044405773282051086, -0.00034927166416309774, -0.026808537542819977, 0.05560809746384621, 0.18110181391239166, 0.020421285182237625, -0.11425033211708069, -0.07350104302167892, 0.2967298924922943, 0.03485336899757385, 0.07892173528671265, -0.027792617678642273, -0.004701612517237663, -0.010012874379754066, 0.16720572113990784, 0.25500109791755676, 0.00256150308996439, 0.03126780316233635, -0.029389631003141403, 0.021512065082788467, 0.020156024023890495, 0.09888431429862976, 0.030862726271152496, 0.17292512953281403, -0.002862069057300687, 0.004051844589412212, -0.013364131562411785, 0.014163834974169731, -0.07704967260360718, -0.0845712348818779, 0.09843578934669495, -0.12240501493215561, -0.15641666948795319, 0.10758150368928909, -0.24459676444530487, 0.07103640586137772, 0.1763504147529602, -0.005194904748350382, -0.095798559486866, -0.049439068883657455, -0.020364802330732346, 0.01766444928944111, 0.06437302380800247, -0.08205518126487732, -0.025386208668351173, 0.031956449151039124, -0.0058992840349674225, -0.24495641887187958, 0.0329299233853817, 0.11348224431276321, 0.14539438486099243, 0.05036076903343201, -0.025021793320775032, 0.14627406001091003, 0.06732747703790665, 0.12958943843841553, -0.009458077140152454, 0.08077579736709595, -0.003508360357955098, -0.014552619308233261, 0.023986436426639557, -0.025496089830994606, 0.03487103059887886, -0.016578108072280884, 0.04371584951877594, -0.22954341769218445, 0.03280846029520035, 0.018279051408171654, -0.05599968135356903, -0.12252727150917053, 0.06563681364059448, -0.06604768335819244, 0.07847002893686295, 0.10946971923112869, 0.026666000485420227, -0.06100218743085861, -0.013941689394414425, 0.0705367773771286, 0.039960406720638275, -0.06298348307609558, -0.06148988753557205, -0.0041424063965678215, -0.07568040490150452, 0.030256101861596107, -0.06748060882091522, -0.15922993421554565, -0.0345039926469326, -0.09527001529932022, 0.02845403365790844, -0.030605876818299294, 0.07104036957025528, 0.05165454372763634, 0.06046443060040474, -0.008428730070590973, -0.10351352393627167, 0.05151122063398361, 0.05806247144937515, -0.0964837372303009, -0.08064260333776474 ]
null
null
transformers
### Description A Named Entity Recognition model trained on a customer feedback data using DistilBert. Possible labels are in BIO-notation. Performance of the PERS tag could be better because of low data samples: - PROD: for certain products - BRND: for brands - PERS: people names The following tags are simply in place to help better categorize the previous tags - MATR: relating to materials, e.g. cloth, leather, seam, etc. - TIME: time related entities - MISC: any other entity that might skew the results ### Usage ``` from transformers import AutoTokenizer, AutoModelForTokenClassification tokenizer = AutoTokenizer.from_pretrained("CouchCat/ma_ner_v7_distil") model = AutoModelForTokenClassification.from_pretrained("CouchCat/ma_ner_v7_distil") ```
{"language": "en", "license": "mit", "tags": ["ner"], "widget": [{"text": "These shoes I recently bought from Tommy Hilfiger fit quite well. The shirt, however, has got a hole"}]}
token-classification
CouchCat/ma_ner_v7_distil
[ "transformers", "pytorch", "distilbert", "token-classification", "ner", "en", "license:mit", "autotrain_compatible", "endpoints_compatible", "region:us" ]
2022-03-02T23:29:04+00:00
[]
[ "en" ]
TAGS #transformers #pytorch #distilbert #token-classification #ner #en #license-mit #autotrain_compatible #endpoints_compatible #region-us
### Description A Named Entity Recognition model trained on a customer feedback data using DistilBert. Possible labels are in BIO-notation. Performance of the PERS tag could be better because of low data samples: - PROD: for certain products - BRND: for brands - PERS: people names The following tags are simply in place to help better categorize the previous tags - MATR: relating to materials, e.g. cloth, leather, seam, etc. - TIME: time related entities - MISC: any other entity that might skew the results ### Usage
[ "### Description\n\nA Named Entity Recognition model trained on a customer feedback data using DistilBert.\nPossible labels are in BIO-notation. Performance of the PERS tag could be better because of low data samples:\n\n- PROD: for certain products\n- BRND: for brands\n- PERS: people names\n\nThe following tags are simply in place to help better categorize the previous tags\n\n- MATR: relating to materials, e.g. cloth, leather, seam, etc.\n- TIME: time related entities\n- MISC: any other entity that might skew the results", "### Usage" ]
[ "TAGS\n#transformers #pytorch #distilbert #token-classification #ner #en #license-mit #autotrain_compatible #endpoints_compatible #region-us \n", "### Description\n\nA Named Entity Recognition model trained on a customer feedback data using DistilBert.\nPossible labels are in BIO-notation. Performance of the PERS tag could be better because of low data samples:\n\n- PROD: for certain products\n- BRND: for brands\n- PERS: people names\n\nThe following tags are simply in place to help better categorize the previous tags\n\n- MATR: relating to materials, e.g. cloth, leather, seam, etc.\n- TIME: time related entities\n- MISC: any other entity that might skew the results", "### Usage" ]
[ 48, 132, 4 ]
[ "passage: TAGS\n#transformers #pytorch #distilbert #token-classification #ner #en #license-mit #autotrain_compatible #endpoints_compatible #region-us \n### Description\n\nA Named Entity Recognition model trained on a customer feedback data using DistilBert.\nPossible labels are in BIO-notation. Performance of the PERS tag could be better because of low data samples:\n\n- PROD: for certain products\n- BRND: for brands\n- PERS: people names\n\nThe following tags are simply in place to help better categorize the previous tags\n\n- MATR: relating to materials, e.g. cloth, leather, seam, etc.\n- TIME: time related entities\n- MISC: any other entity that might skew the results### Usage" ]
[ -0.023989593610167503, -0.01527614239603281, -0.0012175139272585511, -0.0025511940475553274, 0.13597966730594635, -0.005081793759018183, 0.09656303375959396, 0.041506651788949966, 0.07972075045108795, 0.051089975982904434, 0.04766560718417168, 0.07960894703865051, 0.024743009358644485, 0.2113410234451294, -0.043910786509513855, -0.2378602921962738, 0.06727499514818192, 0.05336081236600876, 0.09044300764799118, 0.153738871216774, 0.11209922283887863, -0.09545040875673294, 0.12525072693824768, 0.08690131455659866, -0.18313056230545044, -0.05705714225769043, -0.017471347004175186, -0.1278076320886612, 0.13407492637634277, -0.010210074484348297, 0.15832877159118652, 0.041340507566928864, 0.06427964568138123, -0.13441890478134155, 0.0367560088634491, -0.007688819896429777, -0.006688893772661686, 0.044392332434654236, 0.0768192708492279, -0.06440401077270508, 0.11798565834760666, 0.0711396336555481, 0.05016706511378288, 0.050562627613544464, -0.08367718756198883, -0.23007898032665253, -0.026353992521762848, 0.09970439225435257, -0.034723155200481415, 0.026912448927760124, -0.02668514847755432, 0.10666828602552414, -0.1497264802455902, 0.054459720849990845, 0.1672758311033249, -0.22426040470600128, -0.017567550763487816, 0.08799588680267334, 0.06933549791574478, -0.08898503333330154, -0.06305209547281265, -0.012358122505247593, 0.010293954983353615, 0.03407067805528641, 0.07156950980424881, -0.0009926850907504559, 0.07706069201231003, 0.0431252121925354, -0.1981077790260315, 0.03607749938964844, 0.27297574281692505, 0.006954922806471586, -0.057189419865608215, -0.09127367287874222, -0.04396096244454384, -0.09012527018785477, -0.06265664100646973, -0.10542850941419601, 0.0060212817043066025, -0.02922861836850643, 0.03646540641784668, 0.05655431002378464, -0.07843296974897385, -0.04239176958799362, -0.17832046747207642, 0.21561631560325623, 0.03929875046014786, 0.0583353191614151, -0.09695937484502792, -0.013433735817670822, -0.07175302505493164, -0.009570025838911533, -0.08103148639202118, -0.13925600051879883, -0.08129901438951492, -0.07785110175609589, -0.08207674324512482, 0.06695107370615005, 0.025609854608774185, 0.21407949924468994, 0.04758235067129135, 0.0041552041657269, 0.04399652034044266, 0.04496005177497864, 0.02508772723376751, 0.2005239874124527, -0.027871813625097275, -0.022201066836714745, -0.02539397031068802, -0.0638294517993927, -0.05675166845321655, 0.01211262121796608, -0.11704675108194351, -0.029475068673491478, 0.13597577810287476, -0.015949508175253868, -0.07524314522743225, 0.11060100793838501, -0.11859725415706635, -0.045088671147823334, 0.1599855124950409, -0.08374513685703278, -0.0370422825217247, 0.030813118442893028, -0.0959516242146492, 0.05651070177555084, 0.022370358929038048, -0.028274672105908394, 0.004190478939563036, 0.10424608737230301, -0.06391530483961105, -0.04915924742817879, -0.04189026728272438, -0.10182630270719528, 0.03920634463429451, -0.12095023691654205, -0.0038762646727263927, -0.1490074098110199, -0.18414069712162018, -0.0040185656398534775, 0.019278600811958313, -0.03838974982500076, -0.0005364102544263005, 0.025363292545080185, -0.0056658778339624405, -0.009713179431855679, -0.03958069533109665, 0.010246863588690758, -0.06996683031320572, 0.028521627187728882, -0.05374521389603615, 0.1381659358739853, -0.06754357367753983, 0.11007970571517944, -0.13108454644680023, -0.02451706863939762, -0.05534502863883972, 0.002957091899588704, -0.10078700631856918, -0.009361057542264462, -0.1651604026556015, -0.07568094879388809, -0.17824074625968933, 0.010736136697232723, -0.11939407885074615, 0.0597158782184124, -0.12375108152627945, -0.12518310546875, 0.09199477732181549, -0.07123389840126038, -0.019879277795553207, 0.06271831691265106, -0.007601081393659115, 0.10443096607923508, 0.0875827893614769, 0.1307159662246704, 0.00014562577416654676, -0.06415387243032455, 0.026719417423009872, 0.027092786505818367, -0.10459775477647781, -0.06358635425567627, 0.09851738065481186, 0.00557266129180789, -0.004672836046665907, 0.0797317698597908, -0.01673971861600876, -0.017488660290837288, -0.05359945073723793, -0.044780150055885315, 0.010339262895286083, -0.00427769310772419, 0.17750079929828644, 0.02902747131884098, 0.08346862345933914, 0.04022563248872757, -0.05411745607852936, 0.16756494343280792, -0.002210798440501094, 0.05606253445148468, 0.0070408424362540245, -0.09910478442907333, 0.13068798184394836, 0.04723665490746498, 0.02767985686659813, -0.27630743384361267, -0.07498638331890106, 0.0499461367726326, -0.04006332904100418, 0.05609254166483879, 0.0912662148475647, 0.035496119409799576, -0.02634562738239765, 0.02619544230401516, 0.07710373401641846, 0.04555608704686165, 0.01340130902826786, -0.03249736130237579, -0.1393318623304367, 0.002283252775669098, -0.04975523054599762, 0.13303124904632568, -0.03297087550163269, 0.02196321077644825, 0.10065631568431854, 0.0705065056681633, 0.0646456927061081, -0.01320996880531311, 0.038065843284130096, 0.07465177029371262, -0.021008925512433052, 0.029410865157842636, 0.09562525898218155, -0.0811658725142479, -0.08901596814393997, 0.1389549821615219, -0.04741142317652702, 0.05588800087571144, 0.12464986741542816, -0.01506135519593954, -0.11700249463319778, -0.01325139682739973, -0.05861009657382965, 0.002053650561720133, -0.07289276272058487, -0.001414753496646881, 0.11855537444353104, 0.05764145404100418, 0.0867442786693573, -0.06830549985170364, -0.08201570808887482, -0.013969923369586468, -0.014634322375059128, -0.09103310108184814, 0.11888863891363144, 0.08693293482065201, -0.1344071924686432, 0.12183668464422226, 0.16213349997997284, 0.03736093267798424, 0.08999774605035782, 0.006465479731559753, -0.04941340535879135, 0.03780042380094528, -0.008390086703002453, -0.01834193617105484, 0.04023773968219757, -0.1480737030506134, -0.04614517465233803, 0.09326961636543274, -0.015010851435363293, -0.02390366792678833, -0.14241193234920502, 0.05978245288133621, 0.020855873823165894, -0.012833110988140106, -0.027812587097287178, 0.10000059753656387, 0.002055488293990493, 0.08376111090183258, 0.1015625, -0.1630934178829193, 0.04679961875081062, 0.03290204703807831, -0.09738824516534805, 0.19374066591262817, -0.06628546863794327, -0.1537933051586151, -0.17420130968093872, -0.13189157843589783, -0.07622960209846497, 0.029981017112731934, 0.033891577273607254, -0.039239827543497086, -0.08162158727645874, -0.007397596724331379, 0.12800075113773346, -0.01986547000706196, 0.029058434069156647, -0.04025978967547417, -0.014991997741162777, -0.0517355315387249, -0.06392153352499008, -0.026820043101906776, -0.08387327939271927, 0.027958380058407784, 0.11608219891786575, -0.1268700808286667, 0.13763517141342163, 0.15859882533550262, -0.016095636412501335, -0.012762000784277916, -0.05893610045313835, 0.2382328063249588, -0.056642916053533554, -0.0032983131241053343, 0.1735769808292389, -0.009936829097568989, 0.05276498571038246, 0.16369523108005524, 0.027479324489831924, -0.06023063883185387, 0.020465712994337082, 0.06471378356218338, -0.08667514473199844, -0.13085420429706573, -0.1338171660900116, -0.05479788780212402, -0.019681047648191452, 0.0691722184419632, 0.062384575605392456, -0.0261879600584507, 0.004611512646079063, -0.010451194830238819, 0.06269232928752899, 0.08088748902082443, 0.08227915316820145, 0.11108270287513733, 0.009794764220714569, 0.1737304925918579, 0.007217212580144405, -0.07160134613513947, 0.10872422903776169, 0.06014874577522278, 0.3000176250934601, 0.09868904203176498, 0.09777016192674637, 0.15139290690422058, 0.013669977895915508, 0.1694239228963852, 0.035134851932525635, -0.049238353967666626, 0.018818652257323265, -0.024571752175688744, -0.030767902731895447, -0.020848281681537628, 0.037835922092199326, -0.05230921879410744, -0.08433002233505249, -0.0011765446979552507, -0.1521165370941162, 0.016063593327999115, 0.19722411036491394, -0.03396597132086754, -0.2894604504108429, -0.05665726214647293, 0.008723975159227848, -0.01310346182435751, -0.016344524919986725, 0.004042650572955608, -0.10765982419252396, -0.127390056848526, 0.10398796200752258, -0.05089552327990532, 0.09540431201457977, -0.014647222124040127, 0.05455267056822777, 0.019443510100245476, -0.04702481999993324, -0.005320778116583824, 0.05137502774596214, -0.0946505144238472, 0.2300623059272766, -0.002005917252972722, -0.05897689610719681, -0.09124134480953217, -0.04051782935857773, 0.009105105884373188, 0.18267907202243805, 0.1068970188498497, -0.021754920482635498, -0.14352470636367798, -0.2509955167770386, 0.0283676628023386, -0.03202658146619797, 0.11004014313220978, 0.03230628743767738, 0.02508576214313507, -0.047897450625896454, 0.013532365672290325, 0.004292020574212074, 0.025949029251933098, -0.0948357880115509, -0.0746479406952858, 0.06660477817058563, 0.024960888549685478, 0.03859328478574753, 0.008207306265830994, -0.06100147217512131, -0.1581004559993744, 0.06382077932357788, -0.19704680144786835, -0.04557416960597038, -0.17653237283229828, -0.05110880732536316, 0.04775642976164818, -0.09387120604515076, 0.06225956603884697, -0.09494850784540176, 0.1584547460079193, -0.010298707522451878, -0.1769542545080185, 0.029426556080579758, -0.01840684935450554, -0.07774277031421661, -0.005745428614318371, -0.018904071301221848, 0.04786708578467369, 0.09713367372751236, 0.02051599696278572, 0.0008128615445457399, -0.1604154258966446, -0.06083383411169052, 0.0309126153588295, 0.16052031517028809, 0.05117756128311157, 0.04185941442847252, -0.23338280618190765, -0.1706320345401764, -0.008486328646540642, 0.015296997502446175, 0.08235880732536316, 0.11953950673341751, -0.07785047590732574, 0.18525147438049316, 0.13263405859470367, 0.009571535512804985, -0.34677061438560486, -0.01467319205403328, 0.03468560799956322, 0.0729571059346199, -0.05735296383500099, -0.09980998188257217, 0.1350143998861313, 0.13922324776649475, -0.06802784651517868, 0.007753624580800533, -0.17389917373657227, -0.14604052901268005, 0.16774210333824158, 0.03640100359916687, 0.14029045403003693, -0.06798753142356873, -0.0413883738219738, -0.09423565119504929, -0.09335413575172424, 0.09797505289316177, -0.04340633004903793, 0.07963279634714127, -0.04236145317554474, 0.13273738324642181, -0.01900123618543148, -0.005925802048295736, 0.09510054439306259, 0.0863715186715126, 0.06445421278476715, -0.010420100763440132, -0.0587252601981163, 0.10214841365814209, -0.012360144406557083, 0.10044354200363159, 0.11066953092813492, -0.025908824056386948, -0.008911284618079662, -0.07280516624450684, -0.06255129724740982, 0.1195065900683403, 0.020786650478839874, -0.058579981327056885, -0.08368793874979019, 0.08108022809028625, -0.04541907086968422, -0.07765667885541916, 0.15560436248779297, -0.10231392085552216, 0.08901958912611008, 0.0882592722773552, 0.09269114583730698, -0.10026954114437103, 0.01840757392346859, -0.03653512895107269, -0.038520582020282745, 0.08642105013132095, -0.1458873450756073, 0.030389482155442238, 0.0873776525259018, -0.01252096239477396, 0.12323322147130966, 0.09224855154752731, -0.050506532192230225, -0.01934078335762024, 0.10836616903543472, -0.06704234331846237, -0.13820646703243256, 0.028430435806512833, -0.059760671108961105, -0.13471026718616486, 0.06322149932384491, 0.06310927867889404, -0.01457385066896677, -0.057958509773015976, 0.023193495348095894, 0.021803222596645355, 0.015326980501413345, 0.11629052460193634, 0.017731783911585808, 0.037516117095947266, -0.13691765069961548, 0.047944922000169754, 0.08083370327949524, 0.07733368128538132, -0.07422495633363724, -0.11236483603715897, -0.19919365644454956, -0.0939602255821228, -0.00240038032643497, 0.12245228886604309, -0.18739180266857147, -0.047667499631643295, 0.004906558897346258, -0.16976390779018402, 0.07746963948011398, 0.2330247014760971, 0.13151846826076508, 0.05385473743081093, 0.0062553007155656815, -0.057598523795604706, 0.007131878286600113, 0.044161953032016754, -0.034550100564956665, 0.06596449017524719, -0.08625428378582001, 0.029831113293766975, -0.048900604248046875, 0.07353594154119492, -0.1029021143913269, -0.019787851721048355, -0.1609804481267929, -0.0020630883518606424, -0.015360681340098381, 0.008357835933566093, -0.04347982257604599, 0.03434175252914429, 0.01264400128275156, 0.01622932031750679, -0.011673455126583576, 0.012087574228644371, -0.12132981419563293, -0.00508461520075798, -0.012714843265712261, 0.09486616402864456, -0.1342727541923523, -0.01647643931210041, 0.09993166476488113, 0.018497653305530548, 0.05396467074751854, 0.04092831909656525, -0.012372542172670364, 0.06622804701328278, -0.1427479237318039, -0.039853427559137344, 0.10163279622793198, 0.07508291304111481, 0.07285536080598831, -0.019868507981300354, 0.009546581655740738, 0.0027792188338935375, -0.06161920726299286, 0.08014140278100967, 0.03354314714670181, -0.11152071505784988, -0.026259278878569603, -0.1491485834121704, -0.04365106672048569, -0.041430145502090454, 0.022332854568958282, 0.09030010551214218, 0.13856817781925201, 0.15048934519290924, -0.00923856720328331, -0.03865981101989746, -0.018795909360051155, 0.008830488659441471, -0.02584734745323658, -0.16715817153453827, -0.11822973936796188, -0.09323715418577194, -0.010623292997479439, 0.04532195255160332, 0.28996920585632324, 0.04373542591929436, 0.10410688072443008, 0.044303588569164276, 0.12721608579158783, -0.0513569675385952, -0.032595325261354446, 0.11660641431808472, 0.08961962908506393, 0.005452895071357489, 0.13583257794380188, 0.09288491308689117, -0.020773712545633316, -0.046803027391433716, 0.1471337527036667, 0.21506288647651672, -0.07084114849567413, 0.02637292444705963, 0.04258749261498451, -0.030179591849446297, -0.08183246850967407, -0.004023583140224218, -0.03269576653838158, 0.04450637474656105, -0.018315497785806656, 0.153080016374588, 0.07681505382061005, -0.11134496331214905, 0.07412305474281311, 0.005563502199947834, -0.025654247030615807, -0.17647302150726318, -0.11493613570928574, -0.08479754626750946, -0.058927372097969055, -0.005896896123886108, -0.04607123136520386, -0.1053253635764122, 0.06540818512439728, 0.03416293114423752, 0.02763292007148266, 0.03451315313577652, -0.2927108705043793, -0.06321202218532562, 0.03309210017323494, -0.01952296495437622, -0.09931657463312149, -0.09395115822553635, 0.0019482288043946028, 0.0024029817432165146, -0.04089692607522011, 0.03534451499581337, -0.06361750513315201, -0.010127423331141472, -0.03164282441139221, -0.12149307131767273, -0.04515129327774048, 0.003498916979879141, 0.03729325905442238, -0.07100007683038712, -0.04904194176197052, 0.021732883527874947, -0.04429200291633606, 0.015017625875771046, 0.17118912935256958, 0.029783641919493675, -0.04693225771188736, -0.08402813225984573, 0.20082660019397736, 0.1149861067533493, 0.04327782616019249, -0.031101489439606667, -0.06328678876161575, 0.017468111589550972, 0.21220476925373077, 0.13675621151924133, -0.0004858923493884504, 0.0107112443074584, 0.010957167483866215, 0.03215908631682396, 0.037786927074193954, 0.0600455142557621, 0.014089978300035, 0.16434751451015472, -0.01814914494752884, 0.003272267524152994, -0.0041266800835728645, 0.02329445444047451, -0.14315803349018097, 0.024799974635243416, 0.12592697143554688, -0.07972651720046997, -0.1159006804227829, 0.05929024517536163, -0.1433725506067276, -0.09790395945310593, 0.08726388961076736, -0.08400573581457138, -0.12221469730138779, -0.07226774096488953, -0.06650163978338242, -0.022646481171250343, 0.07448652386665344, -0.030145321041345596, 0.008002848364412785, 0.04286503419280052, 0.06321071833372116, -0.2003311961889267, -0.04543047398328781, 0.07702409476041794, 0.20965099334716797, 0.04576482996344566, -0.057745739817619324, 0.02745089866220951, 0.06934051960706711, 0.0358109176158905, -0.05199151486158371, 0.07248247414827347, -0.0188213549554348, -0.06439444422721863, 0.033404890447854996, 0.04304695501923561, -0.009325212799012661, 0.06442490965127945, 0.04962731897830963, -0.11443610489368439, 0.04867864400148392, -0.08877204358577728, -0.057803913950920105, -0.04898248612880707, 0.10536012053489685, -0.05421946942806244, 0.08316267281770706, 0.17477747797966003, 0.025441734120249748, -0.06740882247686386, -0.04586949944496155, 0.04732858017086983, 0.034783538430929184, -0.014659297652542591, -0.05820835381746292, -0.08000045269727707, -0.025830619037151337, -0.030324626713991165, 0.00936274416744709, -0.23658138513565063, -0.07272729277610779, -0.01713681034743786, 0.046663157641887665, -0.050219107419252396, 0.07957994192838669, 0.06120723485946655, 0.03572923317551613, -0.021305568516254425, -0.23294858634471893, 0.06347430497407913, 0.06992530077695847, -0.1148982122540474, -0.05345882102847099 ]
null
null
transformers
### Description A Sentiment Analysis model trained on customer feedback data using DistilBert. Possible sentiments are: * negative * neutral * positive ### Usage ``` from transformers import AutoTokenizer, AutoModelForSequenceClassification tokenizer = AutoTokenizer.from_pretrained("CouchCat/ma_sa_v7_distil") model = AutoModelForSequenceClassification.from_pretrained("CouchCat/ma_sa_v7_distil") ```
{"language": "en", "license": "mit", "tags": ["sentiment-analysis"], "widget": [{"text": "I am disappointed in the terrible quality of my dress"}]}
text-classification
CouchCat/ma_sa_v7_distil
[ "transformers", "pytorch", "distilbert", "text-classification", "sentiment-analysis", "en", "license:mit", "autotrain_compatible", "endpoints_compatible", "region:us" ]
2022-03-02T23:29:04+00:00
[]
[ "en" ]
TAGS #transformers #pytorch #distilbert #text-classification #sentiment-analysis #en #license-mit #autotrain_compatible #endpoints_compatible #region-us
### Description A Sentiment Analysis model trained on customer feedback data using DistilBert. Possible sentiments are: * negative * neutral * positive ### Usage
[ "### Description\nA Sentiment Analysis model trained on customer feedback data using DistilBert.\nPossible sentiments are:\n* negative\n* neutral\n* positive", "### Usage" ]
[ "TAGS\n#transformers #pytorch #distilbert #text-classification #sentiment-analysis #en #license-mit #autotrain_compatible #endpoints_compatible #region-us \n", "### Description\nA Sentiment Analysis model trained on customer feedback data using DistilBert.\nPossible sentiments are:\n* negative\n* neutral\n* positive", "### Usage" ]
[ 51, 33, 4 ]
[ "passage: TAGS\n#transformers #pytorch #distilbert #text-classification #sentiment-analysis #en #license-mit #autotrain_compatible #endpoints_compatible #region-us \n### Description\nA Sentiment Analysis model trained on customer feedback data using DistilBert.\nPossible sentiments are:\n* negative\n* neutral\n* positive### Usage" ]
[ -0.0092539731413126, 0.05498874932527542, -0.004982537589967251, 0.009297776035964489, 0.12868240475654602, 0.011900193057954311, 0.02306751348078251, 0.0954328402876854, 0.11093372106552124, -0.03680957108736038, 0.04679618030786514, 0.14161895215511322, 0.004361275117844343, 0.003092158352956176, -0.14880269765853882, -0.21914899349212646, -0.02740444429218769, 0.10740453749895096, 0.17148782312870026, 0.1718456745147705, 0.14803655445575714, -0.06886573135852814, 0.1347496509552002, 0.04449162632226944, -0.05378997325897217, -0.016901111230254173, 0.0576772466301918, -0.04885214939713478, 0.1379600316286087, 0.00496361730620265, 0.11811669170856476, 0.06504637002944946, -0.011409612372517586, -0.1936696618795395, 0.04437565058469772, -0.03162534907460213, -0.015533114783465862, 0.014728819020092487, 0.06792416423559189, -0.15025874972343445, 0.22476784884929657, 0.07716763764619827, 0.07697829604148865, 0.09239743649959564, -0.09456200897693634, -0.12877938151359558, -0.09273283928632736, 0.10693912953138351, 0.06318960338830948, 0.0614490732550621, -0.06322848051786423, 0.11894506961107254, -0.234466090798378, 0.06648185849189758, 0.12273966521024704, -0.055231574922800064, 0.0044706156477332115, -0.009143054485321045, -0.04840230941772461, -0.06717415899038315, -0.13944914937019348, -0.014530498534440994, 0.05452452600002289, 0.02577008306980133, -0.027578212320804596, -0.03205522894859314, 0.05699172243475914, 0.03152653947472572, -0.02573610655963421, -0.07332779467105865, 0.28136423230171204, 0.08422870188951492, -0.053309015929698944, -0.1302071362733841, 0.02446744777262211, -0.07835862040519714, -0.007549196947365999, -0.08402549475431442, 0.0053475284948945045, 0.05338788405060768, -0.06280175596475601, 0.10376628488302231, -0.12434185296297073, 0.05470138043165207, -0.20530469715595245, 0.12437400221824646, -0.07538150250911713, -0.005791729781776667, -0.03645149618387222, 0.05643455311655998, -0.0269576795399189, -0.06046800687909126, -0.04883156716823578, -0.11964859068393707, 0.12324031442403793, -0.05248123034834862, -0.0739845260977745, 0.04066818580031395, -0.01805069111287594, 0.003717810148373246, -0.018478047102689743, -0.019361577928066254, -0.01908094622194767, -0.011031766422092915, 0.1359151005744934, 0.14646196365356445, 0.0506066232919693, -0.03284167870879173, -0.1076292023062706, -0.06868502497673035, 0.04420749470591545, 0.051396045833826065, -0.03811576962471008, 0.04541588947176933, 0.0683184266090393, 0.035416703671216965, -0.0997886210680008, 0.09695444256067276, -0.2146395444869995, -0.0043810345232486725, -0.008975498378276825, 0.013328042812645435, 0.011804934591054916, 0.051723845303058624, -0.08898031711578369, 0.2507527470588684, -0.06959550827741623, 0.005204313900321722, 0.0156197939068079, 0.1289171427488327, 0.0022214155178517103, 0.0031053496059030294, -0.0610312893986702, -0.05161897465586662, 0.10709530860185623, -0.005776287522166967, 0.08393055945634842, -0.12542936205863953, -0.1981223225593567, -0.004316880367696285, 0.014270479790866375, -0.08375626802444458, -0.05526663735508919, -0.04451361298561096, 0.00987844169139862, 0.07574152946472168, -0.03254740685224533, -0.06187053397297859, -0.07653217762708664, 0.08787855505943298, -0.04453909024596214, 0.06762680411338806, -0.032926853746175766, 0.03102567233145237, -0.20233407616615295, -0.018414393067359924, 0.017325574532151222, 0.01709597557783127, -0.06550183147192001, 0.20691540837287903, -0.03245190903544426, -0.1157904714345932, -0.056098226457834244, 0.01989441178739071, -0.12934011220932007, 0.2055034190416336, -0.1887417733669281, -0.1041727289557457, 0.003635214641690254, -0.12439756095409393, -0.0713362768292427, 0.18168208003044128, -0.04547819122672081, 0.14294299483299255, 0.1624750792980194, 0.10684755444526672, -0.05982348695397377, -0.11685721576213837, -0.038422320038080215, 0.1166793704032898, -0.12738366425037384, 0.10100460052490234, -0.007454245816916227, 0.0616767480969429, -0.0940445140004158, 0.060705143958330154, 0.05568532273173332, 0.03126922622323036, -0.06175492703914642, -0.08066117763519287, -0.028743211179971695, -0.024857038632035255, 0.163911372423172, 0.13192065060138702, 0.003470596158877015, -0.11588775366544724, -0.07058841735124588, -0.07994571328163147, 0.05429791286587715, 0.01430719718337059, -0.025096867233514786, -0.09034053981304169, 0.12525762617588043, 0.1232038214802742, -0.031821705400943756, -0.12227906286716461, 0.055986013263463974, -0.04698081687092781, 0.03435826674103737, 0.032055847346782684, 0.23259323835372925, 0.0374419242143631, -0.17080385982990265, -0.02601519785821438, 0.006737415678799152, 0.08180160075426102, 0.022409027442336082, 0.016895612701773643, -0.20198088884353638, 0.0887385755777359, -0.02667243219912052, 0.14576737582683563, -0.053962524980306625, -0.031898971647024155, 0.26795631647109985, 0.04953211545944214, -0.0026081660762429237, 0.0847477912902832, -0.003606220940127969, 0.05760222300887108, -0.05175216495990753, 0.02539057284593582, 0.11030428856611252, -0.03535125404596329, -0.14736057817935944, 0.15699699521064758, -0.06736122071743011, 0.10343033075332642, 0.1731126457452774, -0.19405895471572876, -0.05947118252515793, -0.034503862261772156, -0.020400986075401306, 0.06255985796451569, -0.010034006088972092, 0.07076874375343323, 0.09025765210390091, -0.01058038230985403, 0.044130727648735046, -0.04129485413432121, -0.04589410498738289, -0.0027978841681033373, -0.07012445479631424, -0.09212726354598999, 0.0900716483592987, -0.017597679048776627, -0.15644018352031708, 0.1769484579563141, 0.2645758390426636, 0.022077474743127823, 0.10792715102434158, 0.011827478185296059, 0.040689270943403244, -0.0013969533611088991, -0.07888660579919815, -0.08796423673629761, 0.0565444715321064, -0.1942104995250702, -0.0032848967239260674, 0.04481944441795349, -0.03832123428583145, -0.01766042225062847, -0.11383277922868729, -0.03051087073981762, 0.05252992361783981, -0.009576598182320595, -0.05078892782330513, 0.08559311926364899, 0.03486308827996254, 0.08313097059726715, -0.010975643992424011, -0.04823193699121475, 0.08269704133272171, -0.007952064275741577, -0.1027793437242508, 0.09935976564884186, -0.10860378295183182, -0.30963999032974243, -0.07146161794662476, -0.13692402839660645, -0.05632554739713669, 0.016579197719693184, 0.06957495212554932, -0.184987410902977, -0.0682353749871254, -0.00832041073590517, 0.08452034741640091, -0.005770638585090637, -0.05021461099386215, -0.10340316593647003, 0.02985592745244503, -0.010678475722670555, -0.10607080161571503, -0.04493563622236252, -0.07495094835758209, -0.04101254418492317, 0.052112821489572525, -0.09766069054603577, 0.06609019637107849, 0.2021302431821823, 0.05014198273420334, -0.017063992097973824, -0.09154927730560303, 0.18931013345718384, -0.11741352826356888, -0.07060233503580093, 0.10032813251018524, -0.02915515936911106, 0.06359259784221649, 0.22997942566871643, 0.050715114921331406, -0.1173013299703598, 0.04079267010092735, 0.031262367963790894, -0.04194938391447067, -0.1580984890460968, -0.1276293694972992, -0.04371558874845505, 0.07242122292518616, -0.0039020543918013573, 0.038899149745702744, 0.10828103125095367, 0.11142773926258087, -0.017990591004490852, -0.1698477864265442, -0.06544092297554016, 0.08096570521593094, 0.26809823513031006, -0.06089594587683678, 0.07858031988143921, -0.025341955944895744, -0.04897211864590645, 0.1713404655456543, -0.04734492674469948, 0.04099513590335846, -0.001119289780035615, 0.16769520938396454, 0.0606098473072052, 0.1790042519569397, 0.08773959428071976, 0.010158098302781582, -0.044358186423778534, -0.0776633694767952, -0.05522194877266884, 0.03355124592781067, -0.15428364276885986, 0.057654835283756256, 0.060907308012247086, 0.05939909815788269, -0.09211517125368118, -0.20863084495067596, 0.1139930784702301, 0.11112968623638153, 0.03128383308649063, -0.1699238419532776, -0.0931013748049736, 0.05933579429984093, -0.03048602305352688, 0.022620124742388725, 0.05531003326177597, -0.092981718480587, -0.118942029774189, 0.1464560329914093, -0.02403806522488594, 0.11621064692735672, -0.13440623879432678, 0.04236464574933052, -0.12221416085958481, -0.12673504650592804, 0.014482320286333561, 0.07794080674648285, -0.21222692728042603, 0.22332432866096497, -0.011719304136931896, -0.03598584607243538, -0.11943337321281433, -0.06870871782302856, 0.08176452666521072, 0.11929626017808914, 0.07042648643255234, 0.01586175709962845, 0.10709089040756226, -0.11901344358921051, 0.07292686402797699, 0.010815774090588093, 0.037308476865291595, 0.02244865521788597, -0.009174678474664688, -0.0003721029497683048, 0.03791782259941101, 0.01606610231101513, 0.04969685897231102, -0.04611397907137871, -0.08386188745498657, 0.023636069148778915, 0.02648071199655533, 0.0922536849975586, 0.006493555381894112, -0.07678743451833725, -0.08407806605100632, 0.1353512704372406, -0.04407983273267746, -0.014596536755561829, -0.11711705476045609, 0.03553130850195885, -0.06244666874408722, -0.011847724206745625, -0.029977397993206978, -0.05423903092741966, 0.025665387511253357, 0.020239662379026413, -0.09842628240585327, 0.04508554935455322, -0.064393050968647, -0.14143913984298706, -0.041280943900346756, 0.13701824843883514, 0.06729508191347122, 0.07269946485757828, 0.02675321139395237, -0.04373342916369438, -0.07880622148513794, -0.09652428328990936, 0.011080138385295868, 0.06878764182329178, -0.021548375487327576, 0.042464226484298706, 0.06742030382156372, -0.06522013992071152, -0.1010531336069107, -0.04751729592680931, 0.07889112085103989, 0.15906766057014465, -0.027588071301579475, 0.16178712248802185, 0.08649951964616776, -0.01632837764918804, -0.19641751050949097, -0.06177067011594772, -0.06642463058233261, 0.01174253597855568, 0.11327633261680603, -0.033181048929691315, 0.12976694107055664, -0.02397000603377819, -0.02134263701736927, -0.11844561994075775, -0.09526503086090088, -0.05382585525512695, 0.19893354177474976, 0.1033957377076149, 0.3527616262435913, -0.05549638345837593, -0.04354354739189148, -0.0033568530343472958, -0.23040829598903656, 0.18184243142604828, 0.060030851513147354, 0.017724011093378067, -0.005898388102650642, 0.34076446294784546, 0.04402172565460205, 0.007248200010508299, 0.14931853115558624, 0.019663281738758087, 0.10164879262447357, -0.15703539550304413, -0.05484972894191742, 0.007700617425143719, 0.03403094410896301, 0.046485915780067444, -0.06529248505830765, -0.016469040885567665, -0.07781334221363068, -0.058774203062057495, -0.1406121850013733, 0.050380632281303406, -0.00030441483249887824, -0.05527154728770256, -0.14020699262619019, 0.043057337403297424, 0.011920126155018806, -0.07177536934614182, 0.05918023735284805, -0.10201326012611389, 0.03012927807867527, 0.030759122222661972, 0.285492867231369, -0.047479625791311264, -0.03198086842894554, -0.033107690513134, -0.08916517347097397, 0.04204462841153145, -0.13620150089263916, 0.03134722262620926, 0.084618479013443, -0.0058107939548790455, 0.15327148139476776, 0.07861095666885376, -0.04067607969045639, 0.04223310574889183, 0.08774842321872711, -0.10637222230434418, -0.09763027727603912, -0.05987396463751793, 0.0006345536676235497, -0.04686732962727547, -0.08493109792470932, 0.08838174492120743, -0.0012947627110406756, -0.035266581922769547, 0.008824773132801056, 0.034937258809804916, -0.008456897921860218, 0.02250855788588524, -0.013644286431372166, -0.03504190221428871, -0.14066046476364136, -0.02511068992316723, -0.04171622171998024, -0.3198116719722748, 0.007422355469316244, -0.05210444703698158, -0.10583052039146423, -0.08996360003948212, -0.04696715623140335, 0.19790996611118317, -0.16359931230545044, -0.07706417143344879, -0.03695231303572655, -0.23026812076568604, 0.05389707162976265, 0.14188729226589203, 0.15215744078159332, 0.1630624383687973, -0.11411537975072861, -0.009954352863132954, 0.0062524485401809216, 0.06096459552645683, 0.15106970071792603, -0.07156307250261307, -0.09914521872997284, -0.10074089467525482, 0.03582020103931427, 0.034201476722955704, -0.08049023896455765, -0.06338594108819962, -0.04955405369400978, -0.02656618505716324, -0.16822855174541473, -0.049693942070007324, -0.1379479169845581, 0.06069309636950493, 0.05681890621781349, -0.004338087048381567, -0.032965704798698425, -0.06285303086042404, -0.1151345744729042, 0.08331873267889023, 0.07721897214651108, 0.1272466629743576, -0.07987785339355469, 0.0012687022099271417, 0.12328489869832993, -0.010074157267808914, 0.13576678931713104, 0.10239408165216446, -0.07698243856430054, 0.086729496717453, -0.326664000749588, -0.011523302644491196, 0.1055774912238121, -0.026843726634979248, 0.03058309108018875, -0.046046722680330276, -0.024053946137428284, 0.08078791201114655, -0.006452600937336683, 0.050141144543886185, 0.05177601799368858, -0.06949140131473541, 0.04806789383292198, 0.17126482725143433, -0.12724655866622925, -0.08886127918958664, 0.013766314834356308, 0.060436856001615524, 0.031882964074611664, 0.2045508772134781, -0.022113097831606865, -0.031139535829424858, 0.010163787752389908, -0.006384515669196844, -0.003201579675078392, -0.08214025944471359, -0.23246760666370392, -0.09619632363319397, -0.026099100708961487, 0.03162708505988121, 0.23737774789333344, 0.05745301395654678, 0.011771704070270061, 0.04797191917896271, 0.21629293262958527, 0.000007396870842057979, -0.056267205625772476, 0.13396519422531128, 0.009721585549414158, -0.03368205204606056, -0.03298778831958771, 0.042789772152900696, -0.016983363777399063, -0.00401939544826746, 0.12608328461647034, 0.08963099867105484, 0.1154261901974678, 0.04361942782998085, -0.10812507569789886, 0.09002102166414261, 0.05177421495318413, -0.02249361202120781, -0.10333967953920364, 0.09622199833393097, -0.022026827558875084, 0.20409713685512543, 0.06940001994371414, 0.00828581117093563, 0.07406366616487503, -0.0714295282959938, -0.04672353342175484, -0.0847238302230835, -0.2971789538860321, -0.06885973364114761, -0.17131732404232025, 0.056156452745199203, -0.10776311159133911, 0.0019960396457463503, -0.029801521450281143, 0.07675166428089142, -0.14451006054878235, -0.03420446068048477, -0.12217561155557632, -0.10829191654920578, 0.1225232481956482, -0.005590113345533609, -0.04747961834073067, -0.11193367838859558, 0.03807111829519272, -0.12549546360969543, 0.011091927997767925, -0.014311800710856915, 0.02152179181575775, -0.06443533301353455, -0.09137191623449326, -0.1366834044456482, -0.07666021585464478, 0.009647929109632969, 0.02851451374590397, 0.0028101808857172728, 0.1509006917476654, -0.03414710611104965, 0.0751340314745903, 0.05730443447828293, 0.17222203314304352, -0.03393521532416344, 0.01877262070775032, -0.0846695676445961, 0.1568422168493271, -0.015521645545959473, 0.01519742514938116, 0.014537710696458817, -0.04570256918668747, 0.03880693018436432, 0.21495845913887024, 0.15783773362636566, -0.04913966357707977, 0.01281821820884943, -0.11225597560405731, 0.05531881004571915, 0.04376071318984032, 0.022296763956546783, 0.03266511484980583, 0.17825435101985931, -0.14444027841091156, 0.0931304544210434, -0.05609775334596634, -0.03453134000301361, 0.057130005210638046, -0.023016002029180527, 0.10119548439979553, -0.10141795128583908, -0.13995389640331268, 0.19429372251033783, -0.17581400275230408, 0.09287996590137482, 0.13681088387966156, -0.10788001865148544, -0.024747900664806366, 0.013610855676233768, 0.17366065084934235, 0.14682000875473022, 0.06960638612508774, -0.02472851239144802, -0.038893382996320724, 0.18759863078594208, 0.020503796637058258, -0.28944388031959534, -0.014693453907966614, 0.16280896961688995, 0.03665227070450783, -0.01770338974893093, -0.04307889938354492, 0.06232409551739693, 0.1270974576473236, 0.030373400077223778, -0.01812475360929966, 0.05811084061861038, 0.06739785522222519, -0.13096895813941956, 0.018583834171295166, 0.1298101544380188, 0.07508495450019836, 0.0036170738749206066, 0.03681271895766258, -0.28660643100738525, 0.07257410138845444, -0.055173393338918686, -0.06411208212375641, -0.10799168050289154, 0.15143772959709167, -0.08295813202857971, 0.030550111085176468, 0.08742184937000275, 0.01588459499180317, -0.031663678586483, -0.07809342443943024, -0.004846963100135326, -0.006369410548359156, -0.1320774406194687, 0.05776602402329445, -0.05004395544528961, -0.06694205850362778, 0.1831803321838379, -0.07268156856298447, -0.15305036306381226, -0.023412976413965225, -0.048419758677482605, 0.03200154006481171, -0.054622795432806015, 0.030166001990437508, -0.03070351853966713, 0.04574417322874069, 0.033953309059143066, -0.08069228380918503, 0.04224085062742233, 0.12317162752151489, -0.05105827748775482, -0.04095040261745453 ]
null
null
null
Arthur Morgan DialoGPT Model
{"tags": ["conversational"]}
text-generation
Coyotl/DialoGPT-test-last-arthurmorgan
[ "conversational", "region:us" ]
2022-03-02T23:29:04+00:00
[]
[]
TAGS #conversational #region-us
Arthur Morgan DialoGPT Model
[]
[ "TAGS\n#conversational #region-us \n" ]
[ 10 ]
[ "passage: TAGS\n#conversational #region-us \n" ]
[ 0.04639962688088417, 0.010033470578491688, -0.010517087765038013, -0.09196841716766357, 0.07825888693332672, 0.025966141372919083, 0.0816626027226448, 0.03981694206595421, 0.1679982990026474, -0.043665021657943726, 0.11948301643133163, 0.05959230661392212, -0.03424782678484917, -0.034178510308265686, -0.03257700800895691, -0.1518038958311081, 0.018241867423057556, -0.03490595519542694, 0.09715951234102249, 0.046818334609270096, -0.022061990574002266, -0.08366407454013824, 0.008475017733871937, -0.06431017816066742, -0.04472750052809715, 0.10980460792779922, 0.019003495573997498, -0.011012797243893147, 0.15410423278808594, -0.0074986726976931095, 0.14888158440589905, 0.009007624350488186, -0.1188141256570816, -0.28230994939804077, 0.02435300685465336, -0.021203843876719475, -0.07150904089212418, 0.0029600884299725294, 0.03619120270013809, -0.10715486854314804, 0.004403713159263134, 0.13426031172275543, 0.04114455729722977, 0.10832296311855316, -0.2866811156272888, -0.07511094957590103, -0.01938454620540142, -0.07511914521455765, 0.0601775124669075, 0.018052373081445694, -0.038240283727645874, 0.1376611739397049, -0.2073964774608612, 0.014560118317604065, -0.006958445999771357, -0.24119918048381805, 0.02869522012770176, 0.1752537488937378, 0.009645363315939903, 0.1909479796886444, -0.06857001781463623, 0.11254259198904037, 0.02171272039413452, -0.030739247798919678, -0.2002624124288559, -0.06604453176259995, -0.07298440486192703, 0.1499089151620865, -0.045723117887973785, -0.0578390471637249, 0.34621670842170715, 0.040796760469675064, 0.04295415058732033, 0.07716298848390579, -0.04492316022515297, -0.055111076682806015, 0.04104352369904518, -0.046185605227947235, -0.031033141538500786, 0.15494981408119202, 0.09487586468458176, -0.09688284248113632, -0.14496852457523346, 0.03130095824599266, -0.21760596334934235, 0.1465475857257843, -0.02235398069024086, 0.11142805963754654, -0.2653426229953766, -0.05278157815337181, -0.14670948684215546, -0.002750956919044256, 0.02518310956656933, -0.09457869827747345, -0.04452421888709068, -0.026268228888511658, 0.0005124040762893856, 0.050814010202884674, 0.048315394669771194, 0.07558848708868027, -0.06942778080701828, 0.05394355580210686, -0.06892558932304382, 0.12330366671085358, 0.11638157814741135, 0.05569762736558914, 0.13839077949523926, 0.022933602333068848, -0.11806239187717438, -0.17838133871555328, -0.019715335220098495, -0.0601036474108696, -0.10126364231109619, 0.08322658389806747, -0.1737145632505417, 0.1338171660900116, 0.0012900691945105791, -0.049971867352724075, -0.12574702501296997, 0.08353690057992935, -0.10762350261211395, 0.015366755425930023, -0.07289839535951614, 0.014196229167282581, 0.014544172212481499, 0.09311159700155258, -0.14271733164787292, 0.045371901243925095, 0.08196624368429184, 0.008659054525196552, -0.10070403665304184, -0.020334109663963318, -0.061532121151685715, 0.07091420143842697, 0.0486479289829731, -0.06415147334337234, 0.032452572137117386, -0.09036554396152496, -0.024567680433392525, -0.027267752215266228, -0.025782402604818344, -0.021218160167336464, 0.07835555076599121, -0.055066075176000595, 0.09253078699111938, -0.04640072211623192, -0.041711848229169846, -0.11547397822141647, -0.08965431153774261, 0.08147980272769928, 0.027172693982720375, 0.06959657371044159, -0.12756861746311188, 0.02954922616481781, -0.07777036726474762, 0.09570813924074173, -0.006574113853275776, -0.0012808392057195306, 0.004620495717972517, 0.1427043229341507, 0.08222948759794235, 0.09464042633771896, -0.22559843957424164, 0.03648834675550461, -0.12657727301120758, 0.24771882593631744, -0.12381736189126968, -0.044696640223264694, 0.2730959355831146, -0.02501245029270649, -0.1168116107583046, 0.06332620233297348, 0.0016639905516058207, 0.08099539577960968, 0.11538345366716385, 0.41944384574890137, -0.22503520548343658, -0.10161785036325455, 0.09927807748317719, 0.24778489768505096, -0.14139696955680847, -0.0006701856036670506, 0.06758461147546768, -0.15533412992954254, -0.136672705411911, -0.006923824083060026, 0.1993810385465622, 0.04563012346625328, -0.09049045294523239, -0.0581219419836998, 0.07278088480234146, 0.00251517235301435, 0.13227328658103943, 0.04847939684987068, 0.010761215351521969, -0.09316329658031464, 0.046553950756788254, -0.037219900637865067, 0.036988820880651474, 0.1257375329732895, -0.011618656106293201, -0.05261800438165665, 0.03806666284799576, 0.013964165933430195, 0.033028051257133484, -0.1064353734254837, -0.12926249206066132, -0.05708497390151024, 0.1741386204957962, 0.1096852496266365, 0.20943976938724518, 0.08182037621736526, -0.12570415437221527, 0.0029703727923333645, 0.045532144606113434, 0.05547904968261719, 0.04228522256016731, 0.019039174541831017, -0.04716009274125099, 0.13804899156093597, -0.0858609527349472, 0.010859129019081593, -0.09182798862457275, -0.042282480746507645, 0.13651718199253082, 0.041210491210222244, 0.07498065382242203, -0.010899536311626434, 0.015351326204836369, 0.028546204790472984, 0.08829564601182938, -0.004360926803201437, 0.10361789911985397, -0.01836715266108513, -0.07148222625255585, 0.15339210629463196, -0.13760370016098022, 0.13399995863437653, 0.11577713489532471, -0.25445905327796936, 0.024489950388669968, -0.16331978142261505, -0.048566605895757675, -0.0037442597094923258, 0.09262824058532715, -0.07037632167339325, 0.1059286817908287, 0.009663842618465424, -0.008387367241084576, -0.007202888373285532, 0.011079453863203526, -0.11152531206607819, -0.05292370170354843, -0.10301605612039566, 0.10126874595880508, 0.05541692301630974, -0.14166110754013062, 0.16527962684631348, 0.3414488136768341, 0.17333562672138214, 0.27744242548942566, -0.057956866919994354, -0.03626478835940361, 0.010029622353613377, -0.00044385663932189345, -0.09770774841308594, 0.09110020101070404, -0.31978389620780945, -0.03541385754942894, 0.02267313003540039, 0.007412234786897898, 0.1255423128604889, -0.13101543486118317, -0.09881267696619034, -0.010800042189657688, 0.025675276294350624, -0.03900112956762314, 0.03929384797811508, -0.014210461638867855, 0.08690384775400162, 0.0927920937538147, -0.036249399185180664, 0.14510478079319, -0.011207361705601215, -0.05273498222231865, 0.03845807909965515, -0.19859567284584045, -0.2588069438934326, -0.03773140534758568, -0.13656504452228546, -0.0028873272240161896, 0.04133884236216545, 0.03800595924258232, -0.1847713142633438, -0.0074713281355798244, 0.11246740072965622, 0.11249840259552002, -0.2133566290140152, -0.06725399941205978, -0.004905305802822113, 0.07729097455739975, -0.13444942235946655, -0.017578812316060066, -0.031222449615597725, -0.08281540870666504, -0.04920298978686333, 0.03066551499068737, -0.13418962061405182, 0.06677845120429993, 0.2178623527288437, 0.12527887523174286, 0.049752127379179, -0.0385160967707634, 0.16139256954193115, -0.15277819335460663, -0.1438697725534439, 0.042516376823186874, -0.07740364223718643, 0.05806797742843628, 0.21390840411186218, 0.032026711851358414, -0.07256529480218887, -0.0132212582975626, -0.012072612531483173, -0.07205180823802948, -0.24367475509643555, -0.10030107945203781, -0.09424323588609695, 0.19197365641593933, -0.0990254282951355, 0.03203873708844185, 0.14764715731143951, -0.06457089632749557, 0.08433501422405243, -0.19763901829719543, -0.010215999558568, 0.01770659349858761, 0.22750094532966614, -0.15916487574577332, 0.00014442045358009636, -0.04882880300283432, -0.05247480422258377, 0.09052883088588715, 0.11802905797958374, -0.02051357924938202, 0.273624449968338, 0.16127364337444305, 0.06911300867795944, 0.07706662267446518, 0.10484999418258667, -0.04469823092222214, 0.0611993744969368, -0.05855664238333702, -0.006833828054368496, 0.004713037051260471, -0.047871965914964676, 0.016841065138578415, 0.2382238805294037, -0.24595330655574799, 0.03640567511320114, -0.16953878104686737, 0.13202151656150818, -0.11020241677761078, 0.08590279519557953, 0.07235612720251083, 0.0316399447619915, 0.1150963231921196, 0.030863238498568535, -0.08577798306941986, 0.16981296241283417, 0.10846661031246185, -0.12081541866064072, -0.06076256185770035, 0.06473146378993988, 0.08517883718013763, -0.04448635131120682, 0.12020564824342728, -0.21790917217731476, -0.14890499413013458, 0.02830875851213932, 0.09715487062931061, -0.20258614420890808, 0.30610308051109314, 0.03891199454665184, -0.15730910003185272, -0.0673779845237732, -0.12655381858348846, -0.05232610926032066, 0.05670171231031418, 0.10477700084447861, 0.042930278927087784, -0.0985770970582962, -0.04290907457470894, 0.04275950416922569, -0.004747000988572836, 0.19975899159908295, 0.003670648904517293, -0.15413632988929749, -0.04198495298624039, 0.03424621373414993, -0.06237080693244934, -0.0023813066072762012, 0.003565198974683881, -0.1303248107433319, 0.024640655145049095, 0.050463344901800156, -0.016641467809677124, 0.040866199880838394, 0.10756327211856842, -0.014962024055421352, 0.07353220880031586, 0.038472678512334824, 0.04593467339873314, -0.07964198291301727, -0.15523113310337067, 0.016211804002523422, -0.023164959624409676, -0.022165657952427864, -0.09395032376050949, -0.08139438927173615, -0.13410617411136627, -0.09676485508680344, 0.10384535789489746, -0.06187068298459053, 0.1079651489853859, -0.04443218186497688, 0.22777260839939117, -0.01876998320221901, 0.0707821175456047, -0.0014519646065309644, 0.017383376136422157, -0.04173330217599869, -0.05079682916402817, 0.13796241581439972, -0.16388940811157227, 0.03631523996591568, 0.1287132054567337, 0.020674366503953934, -0.011654446832835674, -0.020724603906273842, -0.10179019719362259, 0.2584770619869232, 0.2532082200050354, 0.008431713096797466, 0.20354236662387848, 0.2779310643672943, -0.03405376151204109, -0.23847854137420654, -0.06443439424037933, -0.24608860909938812, -0.10001913458108902, 0.11060019582509995, -0.17335651814937592, 0.048826683312654495, 0.04266653582453728, -0.057426001876592636, 0.15894554555416107, -0.26584717631340027, 0.018543260172009468, 0.16676761209964752, -0.08710185438394547, 0.556063711643219, -0.08401168882846832, -0.1706315577030182, 0.028705457225441933, -0.11849171668291092, 0.1369921863079071, -0.059715449810028076, 0.05587036535143852, 0.06141930818557739, 0.1030082255601883, 0.0791819840669632, 0.024286393076181412, 0.2086247056722641, -0.030721409246325493, -0.011694102548062801, -0.08707722276449203, -0.2644178867340088, 0.022543715313076973, 0.014050757512450218, -0.15220579504966736, 0.06714692711830139, -0.03763264790177345, -0.12996013462543488, -0.00833086110651493, -0.09469889849424362, -0.03442717716097832, 0.05498296394944191, -0.05582961067557335, -0.04872966185212135, -0.02503621205687523, -0.12678851187229156, 0.0248456709086895, 0.2782087028026581, -0.12460757046937943, 0.20962512493133545, 0.03189510107040405, 0.0826069712638855, -0.11556048691272736, -0.040044378489255905, -0.08514855802059174, -0.04452597722411156, 0.06780480593442917, -0.04552831873297691, 0.01640397682785988, 0.13416710495948792, -0.0347602553665638, 0.11645430326461792, 0.054678838700056076, -0.04116342216730118, 0.0018401920096948743, 0.12186210602521896, -0.19740338623523712, -0.20969319343566895, -0.04371960833668709, 0.03845932334661484, 0.13964368402957916, 0.008396233431994915, 0.07325775921344757, 0.15447303652763367, -0.012220986187458038, 0.017707353457808495, 0.0063921562395989895, -0.10938490182161331, -0.10873667150735855, 0.054379791021347046, 0.013983300887048244, -0.09227976948022842, 0.18084652721881866, 0.03675472363829613, -0.22814933955669403, -0.07893285900354385, 0.202446848154068, -0.030374113470315933, -0.05819692462682724, -0.21532276272773743, 0.09139268845319748, -0.01710049994289875, -0.04101932793855667, 0.09945792704820633, -0.04600068926811218, -0.011849126778542995, 0.2088441699743271, 0.005288805812597275, 0.11521650105714798, 0.02289087511599064, -0.014231379143893719, 0.18881471455097198, -0.05520625784993172, -0.1449955552816391, -0.09115351736545563, -0.029631074517965317, -0.0884295105934143, -0.029015889391303062, 0.16390375792980194, -0.09958739578723907, -0.19185857474803925, -0.27840521931648254, 0.10097097605466843, -0.09882879257202148, -0.14626872539520264, -0.06603177636861801, -0.08046457916498184, 0.06351024657487869, 0.0007621019030921161, -0.021881122142076492, -0.08205366134643555, -0.1492452621459961, 0.13080784678459167, 0.1057455912232399, 0.08206558227539062, -0.016450341790914536, 0.016596172004938126, 0.19690342247486115, 0.026534590870141983, 0.14594069123268127, 0.17451751232147217, -0.05074344202876091, 0.15319328010082245, -0.20988412201404572, -0.07780496776103973, 0.11590725928544998, -0.025719670578837395, 0.04735324904322624, 0.19499944150447845, -0.11897840350866318, -0.006798566784709692, 0.019707852974534035, 0.05558319017291069, -0.0690290778875351, -0.07785819470882416, 0.07048150897026062, 0.04877069592475891, -0.25241997838020325, -0.007160451728850603, -0.17783494293689728, 0.10817551612854004, -0.04739189147949219, -0.0037109223194420338, 0.0740538164973259, 0.08902791887521744, 0.06466685980558395, 0.05149034038186073, 0.03837009146809578, -0.11509545892477036, 0.045814137905836105, -0.08034229278564453, 0.009427596814930439, -0.0007844272186048329, 0.3414205014705658, -0.04865121468901634, -0.012500427663326263, 0.060768552124500275, 0.13266195356845856, -0.040937576442956924, -0.004120932426303625, 0.07744668424129486, 0.11807578802108765, -0.07814747095108032, -0.13197903335094452, 0.0416797399520874, -0.044970154762268066, -0.03262122720479965, 0.10802089422941208, 0.04302893206477165, 0.08631748706102371, 0.037648510187864304, -0.020762383937835693, -0.009974390268325806, 0.06859339028596878, -0.17212650179862976, 0.037296079099178314, -0.045919448137283325, -0.1130448579788208, 0.08897913247346878, 0.16728170216083527, -0.00013685932208318263, 0.05126078054308891, -0.09991825371980667, -0.01692856475710869, -0.12863412499427795, -0.03461017832159996, 0.042484767735004425, -0.11316732317209244, 0.051238011568784714, -0.04773739352822304, 0.047609876841306686, 0.19828583300113678, 0.02608226239681244, -0.07328592985868454, 0.11490452289581299, -0.07990892231464386, -0.14335277676582336, -0.0557478666305542, 0.0005818892968818545, 0.15513694286346436, -0.12246192991733551, -0.07545425742864609, -0.12798281013965607, -0.088837631046772, -0.08355767279863358, 0.0524747408926487, -0.04950229078531265, -0.11297126859426498, -0.17672379314899445, -0.03879760950803757, -0.02510312758386135, 0.11135838180780411, -0.112035371363163, 0.23329482972621918, -0.01199720986187458, 0.05557756870985031, 0.02991287223994732, 0.24918290972709656, -0.022521326318383217, 0.10415615141391754, -0.02151179313659668, 0.05253418907523155, -0.10356061160564423, 0.14413990080356598, -0.0780073031783104, -0.022134484723210335, -0.07592874020338058, 0.26220473647117615, 0.24513402581214905, -0.07298863679170609, -0.015757491812109947, -0.050771016627550125, 0.0689423605799675, 0.1046677827835083, 0.06776474416255951, 0.01116007100790739, 0.30758199095726013, -0.07274506241083145, 0.028703520074486732, 0.05941295251250267, 0.025450630113482475, -0.009023242630064487, -0.00031586099066771567, 0.07820562273263931, -0.02096210978925228, -0.08039145916700363, 0.15984933078289032, -0.2520323693752289, 0.12485187500715256, -0.00880131684243679, -0.2363835871219635, -0.03988468647003174, -0.07471023499965668, 0.1589323729276657, -0.03234702721238136, 0.1501270979642868, -0.02978230081498623, -0.21741677820682526, -0.12460041046142578, 0.03790215402841568, -0.33398324251174927, -0.20619212090969086, 0.13948045670986176, 0.0760318860411644, 0.023805538192391396, -0.021741479635238647, 0.025529982522130013, 0.0032104600686579943, 0.04961394891142845, 0.03460799530148506, 0.02477840706706047, 0.08047868311405182, -0.07015020400285721, -0.22745169699192047, 0.017628446221351624, 0.04063417389988899, -0.024304617196321487, 0.08310901373624802, -0.1729861944913864, -0.011919168755412102, 0.1467619687318802, -0.04285425320267677, 0.047341711819171906, 0.06456191837787628, -0.14956869184970856, 0.022001322358846664, 0.02662065252661705, 0.04635908454656601, -0.03859921917319298, 0.035746656358242035, -0.052021801471710205, 0.009805927984416485, -0.16483484208583832, -0.14164559543132782, 0.07857505232095718, -0.07611528784036636, 0.14186875522136688, -0.05144434794783592, -0.03638307377696037, 0.02091086283326149, 0.01707182452082634, 0.19947703182697296, -0.05914916470646858, 0.018417075276374817, 0.1404166966676712, 0.018141740933060646, 0.03283080831170082, -0.22961781919002533, 0.11031536012887955, 0.013199768029153347, -0.014010419137775898, -0.01816931739449501 ]
null
null
transformers
# Arthur Morgan DialoGPT Model
{"tags": ["conversational"]}
text-generation
Coyotl/DialoGPT-test2-arthurmorgan
[ "transformers", "pytorch", "gpt2", "text-generation", "conversational", "autotrain_compatible", "endpoints_compatible", "text-generation-inference", "region:us" ]
2022-03-02T23:29:04+00:00
[]
[]
TAGS #transformers #pytorch #gpt2 #text-generation #conversational #autotrain_compatible #endpoints_compatible #text-generation-inference #region-us
# Arthur Morgan DialoGPT Model
[ "# Arthur Morgan DialoGPT Model" ]
[ "TAGS\n#transformers #pytorch #gpt2 #text-generation #conversational #autotrain_compatible #endpoints_compatible #text-generation-inference #region-us \n", "# Arthur Morgan DialoGPT Model" ]
[ 51, 8 ]
[ "passage: TAGS\n#transformers #pytorch #gpt2 #text-generation #conversational #autotrain_compatible #endpoints_compatible #text-generation-inference #region-us \n# Arthur Morgan DialoGPT Model" ]
[ -0.025872692465782166, 0.08367463201284409, -0.0055690654553473, 0.0027578501030802727, 0.1115080714225769, 0.021477174013853073, 0.19035068154335022, 0.11717735230922699, 0.0013912968570366502, -0.055128999054431915, 0.14709624648094177, 0.16971853375434875, -0.004984160419553518, 0.06736008077859879, -0.07107032090425491, -0.28846609592437744, 0.03018595278263092, 0.054754845798015594, 0.038947589695453644, 0.12431805580854416, 0.09064505249261856, -0.0533984936773777, 0.07048361003398895, 0.008665858767926693, -0.11266294121742249, -0.004804362542927265, 0.00917789526283741, -0.12025690823793411, 0.11412778496742249, 0.06904543191194534, 0.026835599914193153, 0.04172694310545921, -0.06014489382505417, -0.14070084691047668, 0.035842977464199066, -0.03990025818347931, -0.0340920090675354, 0.04568805918097496, -0.012075715698301792, -0.10819432884454727, 0.16073809564113617, 0.09761472046375275, 0.02346337027847767, 0.028939325362443924, -0.1698673814535141, -0.020531296730041504, 0.007194386329501867, 0.029548829421401024, 0.07947342842817307, 0.12080642580986023, -0.03723786771297455, 0.11722727864980698, -0.04990150406956673, 0.09397591650485992, 0.07960351556539536, -0.34293729066848755, -0.006472209934145212, 0.1248561441898346, 0.03358491510152817, 0.042069338262081146, -0.048380814492702484, 0.0810297355055809, -0.00913850124925375, 0.001167662558145821, -0.014236677438020706, -0.09689182043075562, -0.07109315693378448, 0.040610071271657944, -0.09359588474035263, -0.02023160271346569, 0.2536276578903198, -0.04541056603193283, 0.046414509415626526, -0.11190255731344223, -0.06547807902097702, 0.015206346288323402, -0.046647146344184875, -0.005786397494375706, -0.08502950519323349, 0.068575918674469, -0.017050566151738167, -0.08446352928876877, -0.11113135516643524, -0.00954020768404007, -0.19463536143302917, 0.18292051553726196, 0.027054378762841225, 0.0384666845202446, -0.21362312138080597, 0.10391899943351746, 0.017381634563207626, -0.08831794559955597, 0.03214073181152344, -0.0898488238453865, 0.0032073163893073797, 0.013620658777654171, -0.036733128130435944, -0.08534489572048187, 0.038727279752492905, 0.11816307157278061, -0.012806168757379055, 0.016693638637661934, 0.024224597960710526, 0.046262968331575394, 0.05818863585591316, 0.1098283976316452, -0.011377949267625809, -0.07688707113265991, 0.0332430936396122, -0.07506453990936279, 0.005127038341015577, -0.06389836966991425, -0.18992799520492554, -0.018355751410126686, 0.05406451225280762, 0.040706489235162735, 0.03525495529174805, 0.11650475859642029, -0.020047718659043312, -0.05451994389295578, 0.03583211079239845, -0.003987141419202089, -0.026729432865977287, -0.000158325070515275, -0.012911130674183369, 0.13348229229450226, 0.014714352786540985, 0.050803523510694504, -0.10500403493642807, 0.042729370296001434, -0.058441162109375, -0.02266615442931652, -0.0072952453047037125, -0.056789830327034, -0.009399045258760452, 0.03585270047187805, 0.03538401052355766, -0.13949553668498993, -0.1766018569469452, -0.0012280186638236046, 0.0008006540592759848, -0.04053444415330887, -0.10702323168516159, -0.09299544990062714, -0.0023335260339081287, 0.043465711176395416, -0.057474635541439056, 0.011897713877260685, -0.06568456441164017, 0.07090165466070175, -0.030753999948501587, 0.08235429972410202, -0.10121383517980576, 0.07201473414897919, -0.09339776635169983, -0.047239046543836594, -0.10008317232131958, 0.11400959640741348, 0.02313326485455036, 0.07841752469539642, -0.018552986904978752, 0.0007303276797756553, -0.072181336581707, 0.06092362850904465, -0.04460358992218971, 0.24602223932743073, -0.05329044908285141, -0.12896139919757843, 0.2655494809150696, -0.02780340611934662, -0.12132448703050613, 0.11715112626552582, -0.01592511683702469, 0.06779947876930237, 0.13472576439380646, 0.15760336816310883, -0.0033186825457960367, -0.0200840774923563, 0.08908499777317047, 0.10954366624355316, -0.041004832834005356, -0.0013140359660610557, 0.045441485941410065, -0.01275258045643568, -0.09890452027320862, 0.040472909808158875, 0.0908336192369461, 0.07370717078447342, -0.06278275698423386, -0.009991482831537724, 0.026253338903188705, -0.00371394376270473, 0.09389221668243408, -0.02364950254559517, 0.135416179895401, -0.03504449501633644, -0.09332294017076492, -0.03811461105942726, 0.00744684599339962, -0.04402603209018707, 0.022258875891566277, -0.09169714152812958, 0.07777255773544312, -0.009701721370220184, 0.06443247199058533, -0.12455368041992188, -0.045192062854766846, -0.02397615648806095, 0.1507534682750702, 0.07597953826189041, 0.10125254839658737, 0.061906442046165466, -0.04238804429769516, -0.02671273797750473, 0.038588590919971466, 0.16786466538906097, -0.023961728438735008, -0.0898682251572609, -0.11928220838308334, 0.11708268523216248, -0.0656890720129013, 0.1596919596195221, -0.05951555445790291, 0.009586316533386707, 0.004068590234965086, 0.07252836972475052, -0.010892736725509167, 0.02289079874753952, 0.04002603515982628, -0.021411852911114693, -0.04046204686164856, 0.021731043234467506, 0.09780441969633102, 0.009057486429810524, -0.11910487711429596, 0.24417772889137268, -0.2115081399679184, 0.11662041395902634, 0.19337521493434906, -0.2534250020980835, 0.010806464590132236, -0.15289290249347687, -0.03103255107998848, 0.010440980084240437, 0.07399720698595047, -0.029664795845746994, 0.3088511526584625, -0.012988707050681114, 0.16770102083683014, -0.03710755705833435, -0.06991228461265564, -0.04159846529364586, -0.03238658234477043, 0.002658770652487874, 0.09961700439453125, 0.05888223648071289, -0.1386178731918335, 0.12764984369277954, 0.109422966837883, 0.04503225162625313, 0.14613597095012665, 0.043545134365558624, -0.015701010823249817, 0.05627007409930229, -0.03222871199250221, -0.049500513821840286, -0.05030857399106026, -0.30575108528137207, -0.0434664785861969, 0.07648758590221405, 0.011206956580281258, 0.11525426805019379, -0.09034748375415802, -0.040136758238077164, 0.01089784037321806, 0.010754017159342766, 0.02410534955561161, 0.11694326996803284, 0.026462793350219727, 0.12057086080312729, -0.01779329776763916, -0.046232670545578, 0.04804300144314766, 0.00857853889465332, -0.09463423490524292, 0.20157799124717712, -0.10766874998807907, -0.3543631136417389, -0.0968935638666153, -0.19246609508991241, -0.02710854262113571, 0.03327913209795952, 0.07912789285182953, -0.0828484371304512, -0.023564089089632034, -0.021529294550418854, 0.08892624080181122, -0.10338357090950012, 0.023311452940106392, -0.0183730386197567, -0.017587101086974144, -0.13167399168014526, -0.08411429822444916, -0.0564291812479496, -0.04129564017057419, -0.048451922833919525, 0.13151909410953522, -0.13936102390289307, 0.013320018537342548, 0.23643067479133606, 0.0495993047952652, 0.05229467153549194, -0.04716167598962784, 0.217295303940773, -0.09371203184127808, -0.018690941855311394, 0.1680416613817215, -0.054761264473199844, 0.03957788646221161, 0.09994550049304962, -0.009936199523508549, -0.07152660936117172, 0.026227157562971115, -0.02950563095510006, -0.06476055830717087, -0.22726812958717346, -0.12556597590446472, -0.10919789224863052, 0.08945346623659134, 0.024532096460461617, 0.031519949436187744, 0.130824476480484, 0.04780958220362663, -0.021904094144701958, 0.014847980812191963, 0.068559929728508, 0.0842243954539299, 0.2805938124656677, -0.06889885663986206, 0.1432940810918808, -0.01208020281046629, -0.15264207124710083, 0.06946955621242523, 0.029634982347488403, 0.034472934901714325, 0.05539114773273468, 0.0646609514951706, -0.006261290982365608, -0.02176090143620968, 0.12272509932518005, 0.05284271389245987, 0.0019746064208447933, -0.05299380049109459, -0.05417700484395027, -0.0436573401093483, -0.04104573652148247, 0.06099892035126686, 0.09733251482248306, -0.14692376554012299, -0.041708871722221375, -0.02853672206401825, 0.04868932068347931, -0.016799213364720345, 0.11792264878749847, -0.1730537861585617, -0.024729657918214798, 0.06532149016857147, -0.05282444879412651, -0.1058620736002922, 0.09205422550439835, -0.015334928408265114, -0.1178792417049408, 0.05746431276202202, -0.012200433760881424, 0.11080408096313477, -0.1267804205417633, 0.06452127546072006, -0.13095012307167053, -0.08548609167337418, -0.00009932546527124941, 0.09158656001091003, -0.31773295998573303, 0.20236001908779144, 0.005644503515213728, -0.05885075777769089, -0.1053718775510788, -0.013509174808859825, 0.011022654362022877, 0.07496924698352814, 0.11385637521743774, -0.013349019922316074, 0.06371103972196579, 0.039825860410928726, -0.08005844801664352, 0.028552182018756866, 0.07628324627876282, -0.03986046463251114, 0.0001667321630520746, -0.03002195991575718, -0.0033109381329268217, -0.01035266648977995, -0.04090701788663864, 0.01727564074099064, -0.20836664736270905, 0.08933012932538986, 0.0489940345287323, 0.029714854434132576, 0.019102899357676506, -0.03462797775864601, -0.08802562206983566, 0.21422192454338074, 0.03692686930298805, -0.08261872828006744, -0.08458463847637177, 0.0023674585390836, 0.06131066381931305, -0.06241487339138985, -0.0013925944222137332, -0.06630975008010864, 0.017258403822779655, -0.06921251118183136, -0.15967237949371338, 0.11289032548666, -0.07704215496778488, -0.034022945910692215, -0.05174027010798454, 0.2108369618654251, -0.02011350728571415, 0.04939582198858261, 0.030757863074541092, 0.010810375213623047, -0.12702558934688568, -0.08869648724794388, 0.0283814687281847, 0.020337335765361786, 0.01656981185078621, 0.027280382812023163, 0.004310321994125843, -0.003231372684240341, -0.04572858661413193, -0.020579500123858452, 0.3276131749153137, 0.17329908907413483, -0.031475674360990524, 0.15044130384922028, 0.13426317274570465, -0.06419289112091064, -0.2720597982406616, -0.09055809676647186, -0.09864864498376846, -0.03985543176531792, -0.0807391107082367, -0.16597601771354675, 0.07093273848295212, -0.06534841656684875, -0.004755816888064146, 0.05794095993041992, -0.28717029094696045, -0.11206552386283875, 0.2033347189426422, -0.005015085451304913, 0.43156519532203674, -0.12417203187942505, -0.0775909423828125, -0.04145517200231552, -0.18597503006458282, 0.14838209748268127, -0.010887565091252327, 0.11742955446243286, -0.015436641871929169, 0.1704503446817398, 0.04546119645237923, -0.013854585587978363, 0.07303090393543243, -0.006664070766419172, -0.0673045963048935, -0.07993819564580917, -0.08922603726387024, 0.029096223413944244, 0.030805595219135284, 0.013131961226463318, -0.06852331757545471, 0.03387380391359329, -0.14112742245197296, -0.06771679222583771, -0.06738674640655518, 0.03961236774921417, 0.019704805687069893, -0.07228631526231766, 0.002160235308110714, -0.04531019926071167, -0.01545784343034029, 0.0030693658627569675, 0.14751997590065002, -0.10754571110010147, 0.12450219690799713, 0.058391693979501724, 0.15773925185203552, -0.1405717432498932, 0.018946336582303047, -0.04089337959885597, -0.055107682943344116, 0.05041668191552162, -0.101693294942379, 0.0017638972494751215, 0.11824570596218109, -0.02405218780040741, 0.08736098557710648, 0.0896092876791954, -0.014856094494462013, 0.0028011733666062355, 0.08423307538032532, -0.2748163044452667, -0.07555167376995087, -0.08492110669612885, 0.059764038771390915, 0.06911014020442963, 0.07055005431175232, 0.19281798601150513, 0.0014794421149417758, -0.03625718876719475, 0.022468753159046173, -0.00625334307551384, -0.025715412572026253, 0.08010590821504593, -0.029033776372671127, 0.0208142027258873, -0.1382463127374649, 0.05568806082010269, 0.0031468281522393227, -0.11815638840198517, 0.011089581996202469, 0.145884707570076, -0.09022447466850281, -0.11435758322477341, -0.10309659689664841, 0.13504642248153687, -0.11712150275707245, 0.027821632102131844, -0.053672827780246735, -0.13949215412139893, 0.07259326428174973, 0.08363153040409088, 0.05221034586429596, 0.06002229452133179, -0.10069005191326141, -0.019442539662122726, -0.01855439879000187, 0.013672253116965294, 0.028455529361963272, -0.028265556320548058, -0.013413432985544205, 0.05999528616666794, -0.03141072764992714, 0.09762349724769592, -0.09269487857818604, -0.10560999065637589, -0.151203915476799, 0.04870392754673958, -0.10038667172193527, -0.09097369015216827, -0.10547453910112381, -0.04890018701553345, -0.022239163517951965, -0.042576003819704056, -0.0390072800219059, -0.06666290014982224, -0.10952401906251907, 0.04196081683039665, -0.03125709667801857, 0.01730414107441902, -0.0476100817322731, 0.01986897736787796, 0.05193377658724785, -0.022960737347602844, 0.16962815821170807, 0.14354993402957916, -0.10210273414850235, 0.08711465448141098, -0.15548411011695862, -0.05077868327498436, 0.08030746132135391, 0.017832038924098015, 0.047284238040447235, 0.020118536427617073, 0.013970589265227318, 0.061055347323417664, 0.0420270599424839, 0.061695393174886703, 0.028140602633357048, -0.06638405472040176, 0.021232396364212036, -0.02434474416077137, -0.1330934762954712, -0.040063388645648956, -0.02859000489115715, 0.026606673374772072, 0.03838535398244858, 0.09079326689243317, -0.05244921147823334, 0.07492085546255112, -0.06084313616156578, 0.04309357330203056, 0.021840302273631096, -0.16294655203819275, -0.0012164177605882287, -0.09200220555067062, 0.05866945534944534, 0.008169412612915039, 0.2702833116054535, 0.015039351768791676, -0.03961485996842384, 0.04427137225866318, 0.07992478460073471, 0.09567137807607651, 0.0002425606217002496, 0.18159091472625732, 0.10673896968364716, -0.05335760489106178, -0.09033481776714325, 0.09209833294153214, 0.05255245044827461, 0.07847009599208832, 0.1475827395915985, -0.02423483319580555, 0.015932217240333557, 0.09311961382627487, -0.02398623339831829, 0.03443778306245804, -0.09219430387020111, -0.12749041616916656, -0.02001461572945118, 0.0670699030160904, -0.056671638041734695, 0.18882307410240173, 0.16511903703212738, -0.027201106771826744, 0.01640615053474903, -0.0031240100506693125, -0.06911496818065643, -0.18951857089996338, -0.15487436950206757, -0.06734757870435715, -0.11426207423210144, 0.0056303152814507484, -0.13060705363750458, 0.01734919846057892, -0.015348496846854687, 0.08849985897541046, -0.06219308450818062, 0.06390297412872314, 0.07168760150671005, -0.096218042075634, 0.0956626906991005, -0.028785251080989838, 0.07745162397623062, -0.04132707044482231, 0.01335294358432293, -0.09486108273267746, 0.042170193046331406, 0.002531725214794278, 0.028201492503285408, -0.07340382784605026, 0.008665012195706367, -0.09718483686447144, -0.08709970861673355, -0.05886302888393402, 0.06390605121850967, 0.011794516816735268, 0.14439757168293, 0.00738898990675807, -0.0217722300440073, 0.019871672615408897, 0.25137442350387573, -0.07228130102157593, -0.09084474295377731, -0.054877664893865585, 0.1773722767829895, -0.004039224702864885, 0.0991637334227562, -0.01878337375819683, 0.027094140648841858, -0.06640809029340744, 0.3373396098613739, 0.32419270277023315, -0.11923102289438248, 0.016851024702191353, 0.0395430363714695, 0.04359068721532822, 0.11167612671852112, 0.08696877956390381, 0.09859590977430344, 0.3107733130455017, -0.07047941535711288, -0.03962406516075134, -0.02047407068312168, -0.02297155186533928, -0.020258652046322823, 0.09077422320842743, 0.08261425048112869, -0.06933271139860153, -0.026498086750507355, 0.09511014074087143, -0.2702887952327728, 0.08875212073326111, -0.1947312206029892, -0.2103675901889801, -0.07222827523946762, -0.0042948354966938496, 0.07758860290050507, 0.0319766066968441, 0.08912790566682816, 0.0030918437987565994, -0.06376256048679352, 0.012225233018398285, 0.015415442176163197, -0.19653277099132538, 0.009367427788674831, 0.08666790276765823, -0.06250182539224625, -0.025601861998438835, -0.030005820095539093, 0.07819143682718277, 0.09807116538286209, 0.05937090888619423, -0.012655339203774929, 0.01922117918729782, 0.006454326678067446, -0.06877842545509338, 0.037319034337997437, 0.04588627815246582, 0.02755616419017315, -0.03382767364382744, 0.0956282913684845, -0.08911419659852982, 0.07739784568548203, -0.07292032986879349, -0.06664689630270004, -0.01179499365389347, 0.027011653408408165, -0.06416543573141098, 0.07692558318376541, 0.0908019170165062, -0.013291019015014172, -0.017587874084711075, -0.011014728806912899, -0.03647669777274132, -0.024776814505457878, -0.03442798927426338, -0.09661014378070831, -0.1569531112909317, -0.09721335768699646, 0.08967781811952591, 0.018269788473844528, -0.23472818732261658, 0.01862751878798008, -0.12524333596229553, 0.04856744408607483, -0.1255655735731125, 0.1232825517654419, 0.08553825318813324, 0.01683734729886055, -0.00858762115240097, -0.026167098432779312, 0.037851158529520035, 0.09203405678272247, -0.16088929772377014, -0.08679738640785217 ]
null
null
null
# DialoGPT Arthur Morgan
{"tags": ["conversational"]}
text-generation
Coyotl/DialoGPT-test3-arthurmorgan
[ "conversational", "region:us" ]
2022-03-02T23:29:04+00:00
[]
[]
TAGS #conversational #region-us
# DialoGPT Arthur Morgan
[ "# DialoGPT Arthur Morgan" ]
[ "TAGS\n#conversational #region-us \n", "# DialoGPT Arthur Morgan" ]
[ 10, 7 ]
[ "passage: TAGS\n#conversational #region-us \n# DialoGPT Arthur Morgan" ]
[ 0.014352727681398392, 0.15903842449188232, -0.009075108915567398, -0.053330786526203156, 0.044052429497241974, 0.04267570376396179, 0.2087073028087616, 0.05307405814528465, 0.1646135151386261, -0.0588231086730957, 0.13482777774333954, 0.08209019899368286, -0.017307206988334656, -0.07791920751333237, -0.020780030637979507, -0.14294104278087616, -0.025176873430609703, 0.005670318379998207, 0.11334919929504395, 0.06692881882190704, -0.006862898822873831, -0.07023618370294571, 0.016888191923499107, -0.0728379637002945, -0.048641715198755264, 0.060114990919828415, -0.0024207085371017456, 0.00019949674606323242, 0.14174051582813263, 0.03976964205503464, 0.0705692395567894, 0.0342581681907177, -0.12485209107398987, -0.22529849410057068, 0.03433038666844368, -0.052164413034915924, -0.041464000940322876, 0.020049195736646652, -0.04734458029270172, -0.12080510705709457, 0.118384949862957, 0.09743831306695938, 0.07850047200918198, 0.09485913813114166, -0.2979173958301544, -0.1281552016735077, -0.028902411460876465, -0.05589747428894043, 0.04588891938328743, 0.057439565658569336, -0.01243650633841753, 0.1717117577791214, -0.07866533100605011, -0.016636382788419724, -0.023871682584285736, -0.28332361578941345, 0.02258249744772911, 0.2145530879497528, -0.014610083773732185, 0.1042410284280777, -0.08493223041296005, 0.07141806185245514, -0.06318359822034836, -0.0415705107152462, -0.16826772689819336, -0.10728513449430466, -0.0354597382247448, 0.13564389944076538, -0.03352829068899155, -0.027392461895942688, 0.3366762399673462, 0.021911004558205605, 0.00018465661560185254, 0.012534250505268574, 0.02925330027937889, 0.05149126797914505, 0.021814899519085884, -0.006744100712239742, -0.07825841754674911, 0.10656441748142242, 0.00685197813436389, -0.08838998526334763, -0.10490036010742188, 0.04021348059177399, -0.26013651490211487, 0.2136324942111969, -0.010193428955972195, 0.10628913342952728, -0.21529075503349304, -0.02983047068119049, -0.02820914424955845, -0.009028366766870022, 0.05719088390469551, -0.06288374960422516, -0.07561575621366501, -0.007724928669631481, 0.029020365327596664, -0.06825920939445496, 0.0016684163128957152, 0.10924135148525238, -0.07607122510671616, 0.05175043269991875, 0.03801097348332405, 0.09516418725252151, 0.11080362647771835, 0.10492376238107681, 0.13601401448249817, -0.013061298988759518, -0.012915706261992455, -0.07535465806722641, 0.030473295599222183, -0.08903300017118454, -0.17926941812038422, 0.06401608139276505, -0.10481773316860199, 0.06276484578847885, 0.06464801728725433, -0.038516830652952194, -0.11800625175237656, 0.018104009330272675, -0.04970977455377579, 0.03715464100241661, -0.056397296488285065, -0.018774796277284622, 0.008279378525912762, 0.10043869912624359, -0.09600222855806351, 0.05909188091754913, 0.098582923412323, 0.07703078538179398, -0.11098207533359528, -0.036701057106256485, -0.0126374252140522, 0.03313105180859566, 0.047969382256269455, 0.1608457863330841, 0.052314918488264084, -0.0987553745508194, -0.04620043560862541, -0.030340157449245453, -0.009925425052642822, -0.0010225201258435845, -0.025554271414875984, -0.027783671393990517, 0.0787113755941391, -0.04069414734840393, -0.007723823189735413, -0.08110827207565308, -0.05873764678835869, 0.06377819925546646, 0.03859766945242882, 0.05681406334042549, -0.097423255443573, 0.015166870318353176, -0.05400417372584343, 0.01266292855143547, -0.08504164963960648, 0.0006891794037073851, 0.01329454779624939, 0.15749454498291016, 0.07297241687774658, 0.12590256333351135, -0.17037631571292877, -0.0010876258602365851, -0.11883987486362457, 0.23016592860221863, -0.08022052049636841, -0.09297998994588852, 0.21759189665317535, 0.008633977733552456, -0.0888826996088028, 0.06048739701509476, -0.016213741153478622, 0.029108546674251556, 0.11907778680324554, 0.27201539278030396, -0.1826067417860031, -0.15182152390480042, 0.07349712401628494, 0.21549741923809052, -0.005219218321144581, 0.01033004093915224, 0.10660901665687561, -0.10560403764247894, -0.08867489546537399, -0.0010151092428714037, 0.20358994603157043, 0.10325273871421814, -0.06703099608421326, -0.0013847280060872436, 0.10624594986438751, 0.00009759267413755879, 0.10349626839160919, 0.05879209563136101, 0.020272772759199142, -0.09173520654439926, -0.07263246923685074, -0.0919966921210289, 0.04584392532706261, 0.1097061038017273, -0.02947680652141571, -0.11062006652355194, -0.009483872912824154, 0.048135630786418915, 0.0263015478849411, -0.019981009885668755, -0.11982113867998123, -0.04030848294496536, 0.12505868077278137, 0.16876929998397827, 0.15973396599292755, 0.08272989094257355, -0.1179831251502037, -0.04420841857790947, 0.07127416133880615, 0.07207432389259338, 0.011788195930421352, -0.018950453028082848, -0.15353350341320038, 0.1884436160326004, -0.07318483293056488, 0.19082100689411163, -0.06562241911888123, -0.01965588703751564, 0.13513070344924927, 0.013712831772863865, 0.08152256906032562, -0.060224056243896484, 0.08065351843833923, -0.004914235323667526, 0.0751928836107254, -0.010914532467722893, 0.0699840560555458, 0.038714464753866196, -0.1341007947921753, 0.21643361449241638, -0.21363946795463562, 0.03687737137079239, 0.12212079018354416, -0.24824900925159454, 0.042814843356609344, -0.1991383284330368, -0.034081488847732544, -0.011533694341778755, 0.1413896679878235, -0.03530103340744972, 0.31449058651924133, 0.005796056240797043, 0.006354577373713255, 0.03587554395198822, -0.09370110929012299, -0.13042403757572174, 0.0033648621756583452, -0.08865829557180405, 0.09791409224271774, -0.031186552718281746, -0.14183813333511353, 0.09656860679388046, 0.2995641231536865, 0.12953002750873566, 0.12936155498027802, -0.004639549180865288, -0.034573350101709366, -0.02107711136341095, -0.06722745299339294, -0.07241600751876831, 0.1124018058180809, -0.32729020714759827, -0.022079695016145706, 0.007426991127431393, -0.03475359454751015, 0.11299065500497818, -0.09159884601831436, -0.09876437485218048, 0.01855645701289177, 0.08317741006612778, -0.031650107353925705, 0.07882436364889145, -0.02997717633843422, 0.06026346981525421, 0.0735490620136261, -0.009843889623880386, 0.07292647659778595, -0.012720326893031597, -0.06494239717721939, 0.0692327618598938, -0.155604287981987, -0.26684269309043884, -0.001280112424865365, -0.16242292523384094, 0.03959980979561806, 0.007901136763393879, 0.003963307943195105, -0.1159747764468193, -0.011614538729190826, 0.07551871985197067, 0.055778685957193375, -0.2099018096923828, -0.02203023061156273, 0.054089147597551346, 0.0013884963700547814, -0.13954602181911469, -0.02523006685078144, -0.03492920845746994, -0.057803522795438766, -0.06219557300209999, 0.09568602591753006, -0.11404627561569214, -0.010624771937727928, 0.21220386028289795, 0.10661422461271286, 0.034113310277462006, -0.05546524375677109, 0.2005702704191208, -0.0939573347568512, -0.12696264684200287, 0.034681469202041626, -0.11465766280889511, 0.020814431831240654, 0.08981912583112717, 0.02067345380783081, -0.025952719151973724, -0.02129022777080536, -0.017532845959067345, -0.02674323320388794, -0.25464171171188354, -0.06668541580438614, -0.09522837400436401, 0.18799540400505066, -0.08159361779689789, 0.024656224995851517, 0.07521303743124008, -0.11522388458251953, 0.05829407647252083, -0.13184301555156708, 0.03706791251897812, 0.038367003202438354, 0.2913166582584381, -0.12650464475154877, 0.01711868681013584, -0.02159273438155651, -0.02888052724301815, 0.06952621042728424, 0.028883187100291252, -0.19227468967437744, 0.22229675948619843, 0.12652215361595154, -0.0048734275624156, -0.040948670357465744, 0.08772715926170349, -0.08779185265302658, -0.0031419035512953997, -0.09315477311611176, -0.02283407375216484, -0.021946493536233902, -0.07811908423900604, 0.03921930864453316, 0.23887000977993011, -0.18156316876411438, 0.06891965866088867, -0.09936443716287613, 0.04290744662284851, -0.27806925773620605, 0.10441998392343521, 0.09649955481290817, -0.020708052441477776, 0.07177037000656128, 0.027980957180261612, -0.06344666332006454, 0.13450346887111664, 0.06116306036710739, -0.04956146702170372, 0.00366699555888772, 0.07902540266513824, 0.07627765089273453, -0.1627848893404007, 0.04170230031013489, -0.27409762144088745, -0.12345008552074432, 0.00828853715211153, 0.06704911589622498, -0.30377864837646484, 0.2043190449476242, 0.0611550472676754, -0.12238685041666031, -0.0487976148724556, -0.10097867995500565, -0.056173235177993774, 0.004122255835682154, 0.08049444109201431, 0.047550927847623825, -0.017732711508870125, 0.03836752101778984, -0.09234749525785446, -0.018379952758550644, 0.09922342002391815, 0.02242261916399002, -0.1049204096198082, -0.010681952349841595, 0.018382593989372253, -0.032264433801174164, 0.057152606546878815, 0.016854675486683846, -0.17892517149448395, 0.09172844141721725, 0.05105290561914444, -0.091304711997509, -0.001344547956250608, 0.05577802658081055, -0.015528974123299122, 0.03992602974176407, 0.1303928643465042, 0.03466755524277687, -0.0513131320476532, -0.03715978562831879, 0.010845191776752472, -0.057549625635147095, -0.09006468951702118, -0.05989003926515579, -0.054607562720775604, -0.13880044221878052, -0.07588788121938705, 0.09472426027059555, -0.033905044198036194, 0.09709235280752182, -0.09154387563467026, 0.23047205805778503, 0.0010508160339668393, 0.13030001521110535, -0.029272262006998062, 0.03549277037382126, -0.0905560851097107, -0.04068463668227196, 0.19082677364349365, -0.09647954255342484, 0.00034334068186581135, 0.08513893187046051, 0.11549156904220581, 0.0839124247431755, -0.012781597673892975, -0.08507734537124634, 0.295334130525589, 0.298979252576828, 0.020486406981945038, 0.13206543028354645, 0.16722872853279114, -0.02240138314664364, -0.19935539364814758, -0.011233286932110786, -0.201351597905159, -0.1079106554389, 0.07581748068332672, -0.1403895914554596, 0.04324532672762871, -0.03409562259912491, -0.0427643284201622, 0.09433726966381073, -0.2699604630470276, -0.02577684260904789, 0.1678740382194519, -0.05601364001631737, 0.6245738863945007, -0.15717871487140656, -0.11864303052425385, -0.0008587741176597774, -0.18547339737415314, 0.13361331820487976, -0.007767023053020239, 0.05454444885253906, 0.02458982728421688, 0.12386903166770935, 0.0360444001853466, 0.015032242052257061, 0.13044258952140808, -0.0744660496711731, -0.07299989461898804, -0.06359928101301193, -0.2865959405899048, 0.04496786743402481, 0.020582186058163643, -0.17416898906230927, -0.016943922266364098, -0.015244262292981148, -0.17536112666130066, -0.011783484369516373, -0.059794262051582336, -0.0038694185204803944, 0.021544795483350754, -0.050170887261629105, -0.023700986057519913, -0.020170362666249275, -0.13320226967334747, -0.006665507331490517, 0.2105664312839508, -0.1458955854177475, 0.1937367171049118, -0.05560263991355896, 0.10687892884016037, -0.14181484282016754, 0.0020733908750116825, -0.023547813296318054, -0.055661559104919434, 0.01511506550014019, -0.07239698618650436, -0.026389706879854202, 0.11368876695632935, 0.018983598798513412, 0.10722145438194275, 0.02792716585099697, -0.07500742375850677, 0.002671755850315094, 0.1028405949473381, -0.24555236101150513, -0.22257359325885773, -0.0635971650481224, 0.19966007769107819, 0.10909754037857056, -0.025465942919254303, 0.07655104249715805, 0.12949657440185547, -0.026775065809488297, 0.0748555064201355, -0.05410696193575859, -0.05762048438191414, -0.05479959025979042, 0.014833686873316765, 0.010818678885698318, -0.06993593275547028, 0.12892477214336395, 0.04065508395433426, -0.20423294603824615, -0.09955371916294098, 0.21599289774894714, -0.015643807128071785, -0.05340617150068283, -0.288420170545578, 0.15029646456241608, -0.00484356377273798, 0.08165887743234634, 0.03296349197626114, -0.03301861137151718, -0.017384681850671768, 0.14234641194343567, 0.008020112290978432, 0.08876026421785355, 0.005698028951883316, -0.011955399066209793, 0.13584360480308533, -0.012911653146147728, -0.1152239516377449, -0.06442474573850632, 0.023567605763673782, -0.026893045753240585, -0.0081361448392272, 0.09254097193479538, -0.07503804564476013, -0.1682337075471878, -0.23466891050338745, 0.08484917879104614, 0.024051371961832047, -0.13708710670471191, -0.08644099533557892, -0.050520412623882294, 0.031058067455887794, -0.0679786428809166, -0.00697623984888196, -0.10184399038553238, -0.11999234557151794, 0.08947037905454636, 0.08307377249002457, 0.04991373047232628, 0.025847647339105606, 0.0030811794567853212, 0.16386215388774872, 0.019493630155920982, 0.1857530027627945, 0.15970928966999054, -0.031249603256583214, 0.1090993881225586, -0.21109536290168762, -0.020277950912714005, 0.07170717418193817, -0.0039062094874680042, 0.010286162607371807, 0.09191012382507324, -0.09428673982620239, 0.006636405363678932, 0.03256353735923767, 0.063062384724617, -0.023662928491830826, -0.02501080185174942, 0.008574478328227997, 0.07501688599586487, -0.19942955672740936, 0.011968431062996387, -0.13830935955047607, 0.1136196106672287, -0.015552787110209465, 0.028503715991973877, 0.03849921375513077, 0.03603131324052811, 0.014939273707568645, 0.051485199481248856, 0.04292469099164009, -0.11376805603504181, 0.021752379834651947, -0.05433668941259384, 0.06366661936044693, -0.0031275409273803234, 0.33777326345443726, -0.10182201117277145, -0.1571142077445984, 0.09705545753240585, 0.13615785539150238, 0.07853557169437408, -0.05786876380443573, 0.09939705580472946, 0.10859493166208267, -0.08449965715408325, -0.08706637471914291, 0.04998009651899338, -0.013396446593105793, 0.05684756115078926, 0.14332160353660583, 0.017273101955652237, 0.10263699293136597, 0.037847522646188736, -0.05068763718008995, 0.0047585987485945225, 0.1186782643198967, -0.15598905086517334, 0.028213854879140854, -0.02534301206469536, -0.09552013128995895, 0.2698028087615967, 0.20777975022792816, 0.0056579881347715855, -0.009495288133621216, -0.05033847317099571, -0.009575769305229187, -0.16483308374881744, -0.001264384831301868, 0.031521935015916824, -0.0595133937895298, 0.042100414633750916, -0.04317374527454376, 0.003348903264850378, 0.0166328102350235, 0.014980330131947994, -0.030651232227683067, 0.04916754737496376, 0.06865274161100388, -0.11738904565572739, -0.023004615679383278, -0.014621528796851635, 0.09343869239091873, -0.11397355794906616, -0.014077769592404366, -0.11629375070333481, -0.06052997708320618, -0.040517657995224, 0.01909300871193409, -0.05386051535606384, -0.0678161084651947, -0.1441086083650589, -0.06987518072128296, -0.010184472426772118, 0.11387766897678375, -0.04857904091477394, 0.20205765962600708, -0.026101004332304, 0.07570886611938477, 0.014342272654175758, 0.24128709733486176, -0.03299989178776741, 0.0360422357916832, 0.021173251792788506, 0.023994436487555504, -0.09246470779180527, 0.09372037649154663, -0.09731921553611755, 0.022828640416264534, 0.031076082959771156, 0.1905391812324524, 0.26264774799346924, -0.09580757468938828, -0.0021424260921776295, -0.02413073554635048, 0.0651121735572815, 0.07194434851408005, 0.018622001633048058, 0.029267236590385437, 0.256416380405426, -0.0807419940829277, -0.014194813556969166, 0.044281862676143646, 0.07247994840145111, 0.06653093546628952, -0.001153317978605628, 0.09383808076381683, -0.04990300536155701, -0.05555548518896103, 0.1008097231388092, -0.20569220185279846, 0.0631430521607399, -0.12418456375598907, -0.32758626341819763, -0.014947292394936085, -0.07850152999162674, 0.1288057416677475, 0.0067736138589680195, 0.09538978338241577, 0.002684609265998006, -0.12427479028701782, -0.20224303007125854, -0.01821441575884819, -0.2872655391693115, -0.1691250205039978, 0.12368334084749222, -0.007459738291800022, 0.03238091617822647, -0.044338446110486984, 0.09174223244190216, 0.0747223049402237, 0.05506068095564842, -0.005901284981518984, -0.011605329811573029, 0.05134597420692444, -0.09526066482067108, -0.17959730327129364, 0.03473906219005585, 0.03042999841272831, 0.12237466871738434, 0.11769303679466248, 0.019084790721535683, 0.04871390014886856, -0.00970613956451416, -0.10837391763925552, 0.05648966133594513, 0.07006773352622986, -0.09500332176685333, 0.06479041278362274, 0.03391655161976814, 0.030630990862846375, -0.06884187459945679, 0.05253881961107254, -0.1149415597319603, 0.022662416100502014, -0.029535185545682907, -0.14522850513458252, 0.029913827776908875, -0.04004437476396561, 0.11101426184177399, 0.004936428274959326, -0.11768533289432526, 0.03572360798716545, -0.06841298192739487, 0.10627778619527817, -0.03909861296415329, 0.10062447190284729, 0.10779640823602676, 0.022133000195026398, 0.018038662150502205, -0.24064257740974426, 0.07673753798007965, 0.05533726513385773, -0.09432592988014221, -0.011956105940043926 ]