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
listlengths
1
1.84k
created_at
stringlengths
25
25
arxiv
listlengths
0
201
languages
listlengths
0
1.83k
tags_str
stringlengths
17
9.34k
text_str
stringlengths
0
389k
text_lists
listlengths
0
722
processed_texts
listlengths
1
723
tokens_length
listlengths
1
723
input_texts
listlengths
1
61
embeddings
listlengths
768
768
null
null
transformers
# Wav2Vec2-Large-XLSR-53-Swedish Fine-tuned [facebook/wav2vec2-large-xlsr-53](https://huggingface.co/facebook/wav2vec2-large-xlsr-53) in Swedish using the [NST Swedish Dictation](https://www.nb.no/sprakbanken/en/resource-catalogue/oai-nb-no-sbr-17/). When using this model, make sure that your speech input is sampled at 16kHz. **Note:** We recommend using our newer model [wav2vec2-large-voxrex-swedish](https://huggingface.co/KBLab/wav2vec2-large-voxrex-swedish) for the best performance. ## Usage The model can be used directly (without a language model) as follows: ```python import torch import torchaudio from datasets import load_dataset from transformers import Wav2Vec2ForCTC, Wav2Vec2Processor test_dataset = load_dataset("common_voice", "sv-SE", split="test[:2%]"). processor = Wav2Vec2Processor.from_pretrained("KBLab/wav2vec2-large-xlsr-53-swedish") model = Wav2Vec2ForCTC.from_pretrained("KBLab/wav2vec2-large-xlsr-53-swedish") resampler = torchaudio.transforms.Resample(48_000, 16_000) # Preprocessing the datasets. # We need to read the aduio files as arrays def speech_file_to_array_fn(batch): speech_array, sampling_rate = torchaudio.load(batch["path"]) batch["speech"] = resampler(speech_array).squeeze().numpy() return batch test_dataset = test_dataset.map(speech_file_to_array_fn) inputs = processor(test_dataset["speech"][:2], sampling_rate=16_000, return_tensors="pt", padding=True) with torch.no_grad(): logits = model(inputs.input_values, attention_mask=inputs.attention_mask).logits predicted_ids = torch.argmax(logits, dim=-1) print("Prediction:", processor.batch_decode(predicted_ids)) print("Reference:", test_dataset["sentence"][:2]) ``` ## Evaluation The model can be evaluated as follows on the Swedish test data of Common Voice. ```python import torch import torchaudio from datasets import load_dataset, load_metric from transformers import Wav2Vec2ForCTC, Wav2Vec2Processor import re test_dataset = load_dataset("common_voice", "sv-SE", split="test") wer = load_metric("wer") processor = Wav2Vec2Processor.from_pretrained("KBLab/wav2vec2-large-xlsr-53-swedish") model = Wav2Vec2ForCTC.from_pretrained("KBLab/wav2vec2-large-xlsr-53-swedish") model.to("cuda") chars_to_ignore_regex = '[,?.!\\-;:"“]' resampler = torchaudio.transforms.Resample(48_000, 16_000) # Preprocessing the datasets. # We need to read the aduio files as arrays def speech_file_to_array_fn(batch): batch["sentence"] = re.sub(chars_to_ignore_regex, '', batch["sentence"]).lower() speech_array, sampling_rate = torchaudio.load(batch["path"]) batch["speech"] = resampler(speech_array).squeeze().numpy() return batch test_dataset = test_dataset.map(speech_file_to_array_fn) # Preprocessing the datasets. # We need to read the aduio files as arrays def evaluate(batch): inputs = processor(batch["speech"], sampling_rate=16_000, return_tensors="pt", padding=True) with torch.no_grad(): logits = model(inputs.input_values.to("cuda"), attention_mask=inputs.attention_mask.to("cuda")).logits pred_ids = torch.argmax(logits, dim=-1) batch["pred_strings"] = processor.batch_decode(pred_ids) return batch result = test_dataset.map(evaluate, batched=True, batch_size=8) print("WER: {:2f}".format(100 * wer.compute(predictions=result["pred_strings"], references=result["sentence"]))) print("CER: {:2f}".format(100 * wer.compute(predictions=[" ".join(list(entry)) for entry in result["pred_strings"]], references=[" ".join(list(entry)) for entry in result["sentence"]]))) ``` **WER**: 14.298610% **CER**: 4.925294% ## Training First the XLSR model was further pre-trained for 50 epochs with a corpus consisting of 1000 hours spoken Swedish from various radio stations. Secondly [NST Swedish Dictation](https://www.nb.no/sprakbanken/en/resource-catalogue/oai-nb-no-sbr-17/) was used for fine tuning as well as [Common Voice](https://commonvoice.mozilla.org/en/datasets). Lastly only Common Voice dataset was used for final finetuning. The [Fairseq](https://github.com/fairseq) scripts were used.
{"language": "sv", "license": "apache-2.0", "tags": ["audio", "automatic-speech-recognition", "speech", "xlsr-fine-tuning-week"], "datasets": ["common_voice", "KTH/nst"], "metrics": ["wer", "cer"], "model-index": [{"name": "XLSR Wav2Vec2 Swedish by KBLab", "results": [{"task": {"type": "automatic-speech-recognition", "name": "Speech Recognition"}, "dataset": {"name": "Common Voice sv-SE", "type": "common_voice", "args": "sv-SE"}, "metrics": [{"type": "wer", "value": 14.29861, "name": "Test WER"}, {"type": "cer", "value": 4.925294, "name": "Test CER"}]}]}]}
automatic-speech-recognition
KBLab/wav2vec2-large-xlsr-53-swedish
[ "transformers", "pytorch", "jax", "wav2vec2", "automatic-speech-recognition", "audio", "speech", "xlsr-fine-tuning-week", "sv", "dataset:common_voice", "dataset:KTH/nst", "license:apache-2.0", "model-index", "endpoints_compatible", "region:us" ]
2022-03-02T23:29:04+00:00
[]
[ "sv" ]
TAGS #transformers #pytorch #jax #wav2vec2 #automatic-speech-recognition #audio #speech #xlsr-fine-tuning-week #sv #dataset-common_voice #dataset-KTH/nst #license-apache-2.0 #model-index #endpoints_compatible #region-us
# Wav2Vec2-Large-XLSR-53-Swedish Fine-tuned facebook/wav2vec2-large-xlsr-53 in Swedish using the NST Swedish Dictation. When using this model, make sure that your speech input is sampled at 16kHz. Note: We recommend using our newer model wav2vec2-large-voxrex-swedish for the best performance. ## Usage The model can be used directly (without a language model) as follows: ## Evaluation The model can be evaluated as follows on the Swedish test data of Common Voice. WER: 14.298610% CER: 4.925294% ## Training First the XLSR model was further pre-trained for 50 epochs with a corpus consisting of 1000 hours spoken Swedish from various radio stations. Secondly NST Swedish Dictation was used for fine tuning as well as Common Voice. Lastly only Common Voice dataset was used for final finetuning. The Fairseq scripts were used.
[ "# Wav2Vec2-Large-XLSR-53-Swedish\n\nFine-tuned facebook/wav2vec2-large-xlsr-53 in Swedish using the NST Swedish Dictation.\nWhen using this model, make sure that your speech input is sampled at 16kHz.\n\nNote: We recommend using our newer model wav2vec2-large-voxrex-swedish for the best performance.", "## Usage\n\nThe model can be used directly (without a language model) as follows:", "## Evaluation\n\nThe model can be evaluated as follows on the Swedish test data of Common Voice.\n\n\n\n\nWER: 14.298610%\nCER: 4.925294%", "## Training\n\nFirst the XLSR model was further pre-trained for 50 epochs with a corpus consisting of 1000 hours spoken Swedish from various radio stations. Secondly NST Swedish Dictation was used for fine tuning as well as Common Voice. Lastly only Common Voice dataset was used for final finetuning. The Fairseq scripts were used." ]
[ "TAGS\n#transformers #pytorch #jax #wav2vec2 #automatic-speech-recognition #audio #speech #xlsr-fine-tuning-week #sv #dataset-common_voice #dataset-KTH/nst #license-apache-2.0 #model-index #endpoints_compatible #region-us \n", "# Wav2Vec2-Large-XLSR-53-Swedish\n\nFine-tuned facebook/wav2vec2-large-xlsr-53 in Swedish using the NST Swedish Dictation.\nWhen using this model, make sure that your speech input is sampled at 16kHz.\n\nNote: We recommend using our newer model wav2vec2-large-voxrex-swedish for the best performance.", "## Usage\n\nThe model can be used directly (without a language model) as follows:", "## Evaluation\n\nThe model can be evaluated as follows on the Swedish test data of Common Voice.\n\n\n\n\nWER: 14.298610%\nCER: 4.925294%", "## Training\n\nFirst the XLSR model was further pre-trained for 50 epochs with a corpus consisting of 1000 hours spoken Swedish from various radio stations. Secondly NST Swedish Dictation was used for fine tuning as well as Common Voice. Lastly only Common Voice dataset was used for final finetuning. The Fairseq scripts were used." ]
[ 89, 96, 20, 35, 79 ]
[ "passage: TAGS\n#transformers #pytorch #jax #wav2vec2 #automatic-speech-recognition #audio #speech #xlsr-fine-tuning-week #sv #dataset-common_voice #dataset-KTH/nst #license-apache-2.0 #model-index #endpoints_compatible #region-us \n# Wav2Vec2-Large-XLSR-53-Swedish\n\nFine-tuned facebook/wav2vec2-large-xlsr-53 in Swedish using the NST Swedish Dictation.\nWhen using this model, make sure that your speech input is sampled at 16kHz.\n\nNote: We recommend using our newer model wav2vec2-large-voxrex-swedish for the best performance.## Usage\n\nThe model can be used directly (without a language model) as follows:## Evaluation\n\nThe model can be evaluated as follows on the Swedish test data of Common Voice.\n\n\n\n\nWER: 14.298610%\nCER: 4.925294%## Training\n\nFirst the XLSR model was further pre-trained for 50 epochs with a corpus consisting of 1000 hours spoken Swedish from various radio stations. Secondly NST Swedish Dictation was used for fine tuning as well as Common Voice. Lastly only Common Voice dataset was used for final finetuning. The Fairseq scripts were used." ]
[ -0.10731369256973267, -0.03057524375617504, -0.0021661585196852684, -0.04126929119229317, 0.02624165266752243, -0.059777360409498215, 0.08366524428129196, 0.05982274189591408, -0.037442486733198166, 0.030475130304694176, -0.03471335396170616, -0.05041425675153732, 0.09496916830539703, 0.02433471567928791, -0.004310860298573971, -0.23050008714199066, 0.0431392602622509, -0.08614928275346756, 0.08966291695833206, 0.07624643296003342, 0.1395663172006607, -0.028292153030633926, -0.032455865293741226, 0.04578924551606178, 0.02055337466299534, 0.009744043461978436, 0.029581351205706596, -0.04550470784306526, 0.12896232306957245, 0.04928681254386902, 0.05162912979722023, 0.06641846895217896, 0.0798640325665474, -0.1720816195011139, 0.016667097806930542, -0.0027820405084639788, 0.050582703202962875, -0.013004999607801437, 0.08015073090791702, 0.040459755808115005, 0.16539764404296875, 0.05670546367764473, -0.018159501254558563, 0.051694225519895554, -0.013701633550226688, -0.2024002969264984, -0.09379623085260391, -0.00950764212757349, 0.12565381824970245, 0.07595917582511902, -0.09077899158000946, 0.04136919230222702, -0.12432891875505447, 0.09536562860012054, 0.0381578765809536, -0.18169409036636353, -0.0027947700582444668, 0.1242620199918747, 0.08563782274723053, 0.14133355021476746, -0.051616132259368896, 0.03540538251399994, 0.06278212368488312, 0.02828521654009819, -0.041563063859939575, -0.019360661506652832, -0.14394299685955048, -0.021723123267292976, -0.15858273208141327, 0.037016794085502625, 0.20613618195056915, -0.0009943917393684387, -0.0713781788945198, -0.16930636763572693, 0.010341347195208073, -0.0061886003240942955, 0.03667090833187103, -0.10718821734189987, -0.01262838114053011, 0.01726851426064968, 0.07291701436042786, -0.0392247810959816, -0.15583623945713043, -0.0715244859457016, -0.033686649054288864, 0.04449625685811043, -0.002031107898801565, -0.006787208840250969, -0.009420563466846943, 0.05975857377052307, -0.20185063779354095, -0.05047289654612541, -0.08323750644922256, -0.030270997434854507, -0.1557207703590393, -0.055161453783512115, -0.034758202731609344, -0.24385423958301544, 0.04185539484024048, 0.10476824641227722, -0.021924812346696854, -0.008827399462461472, -0.008515755645930767, 0.013963171280920506, 0.10918638110160828, 0.11723114550113678, -0.03785300254821777, -0.08771956712007523, -0.04016797989606857, -0.038594622164964676, 0.023974766954779625, -0.03001033514738083, -0.009170402772724628, -0.018915405496954918, 0.06137543171644211, 0.03221440315246582, 0.0062638865783810616, -0.06351687759160995, -0.04198009893298149, -0.017438994720578194, 0.156043142080307, -0.1302037537097931, -0.006739377975463867, 0.05050450190901756, 0.029013127088546753, 0.02133307419717312, 0.019680863246321678, 0.10356564074754715, -0.042173951864242554, 0.06886887550354004, 0.060820262879133224, -0.016296792775392532, 0.04559987783432007, -0.10651463270187378, 0.07296711951494217, -0.08265888690948486, -0.014860968105494976, -0.07059557735919952, -0.032069869339466095, -0.14863871037960052, -0.011398645117878914, -0.03941051661968231, -0.03771274536848068, -0.06892687827348709, -0.07170332968235016, 0.036321330815553665, -0.09449747204780579, 0.04524664953351021, -0.05807407945394516, 0.0064619434997439384, -0.05180330201983452, 0.03184107691049576, -0.016125617548823357, 0.03196318820118904, -0.11100836098194122, -0.04771913215517998, -0.03405633196234703, 0.14860183000564575, -0.15069898962974548, -0.10028503090143204, -0.06924418359994888, -0.06038421392440796, -0.11192413419485092, 0.04194004088640213, 0.027547668665647507, 0.059500571340322495, -0.31707388162612915, -0.06476332247257233, 0.12335557490587234, -0.1574936956167221, 0.0346553660929203, 0.19036176800727844, 0.041396960616111755, 0.05099131539463997, 0.1345684677362442, 0.23931758105754852, 0.15974919497966766, -0.1610482782125473, -0.07297441363334656, 0.052802905440330505, -0.017837420105934143, 0.06912532448768616, 0.06756973266601562, -0.0909939855337143, 0.11585766822099686, 0.0003200162318535149, -0.03591300547122955, -0.01985286734998226, 0.02493383176624775, -0.06153502315282822, 0.021147754043340683, -0.04063209518790245, -0.004233972635120153, 0.06628171354532242, -0.06810897588729858, -0.08833237737417221, -0.04074564576148987, -0.00012433163647074252, 0.07619554549455643, -0.07385279983282089, 0.08084047585725784, -0.05342337116599083, 0.016488272696733475, -0.06395542621612549, -0.020915437489748, -0.15132148563861847, -0.010827521793544292, 0.006152374669909477, 0.05114100128412247, 0.053613416850566864, 0.22513636946678162, 0.036686789244413376, 0.013438744470477104, -0.03799884021282196, -0.002087346510961652, 0.033878687769174576, -0.0010233600623905659, -0.02364242635667324, -0.1524830013513565, -0.0029182741418480873, -0.09477464109659195, 0.08893954753875732, -0.12562449276447296, -0.06502854824066162, 0.1294011026620865, 0.03634263947606087, 0.014118794351816177, -0.05649390444159508, 0.043906208127737045, 0.07511625438928604, 0.009397347457706928, 0.030143557116389275, -0.00726754404604435, 0.001698364270851016, -0.08372226357460022, 0.17668567597866058, -0.08846230804920197, -0.19679082930088043, 0.02195519208908081, 0.07205092906951904, -0.0503794327378273, 0.0982871726155281, -0.03771965578198433, -0.04065154865384102, -0.11927922070026398, -0.05729516223073006, 0.18905408680438995, 0.02876507304608822, 0.024164440110325813, -0.10364134609699249, -0.040284208953380585, 0.0004740412114188075, -0.10748135298490524, -0.005280488636344671, 0.13758620619773865, -0.04195983707904816, -0.09519707411527634, -0.010341249406337738, -0.12772086262702942, -0.042560674250125885, 0.2902650833129883, -0.030634043738245964, -0.11392572522163391, 0.055557578802108765, -0.01265872735530138, -0.023771392181515694, 0.0829377993941307, 0.01002656389027834, 0.02404327690601349, 0.05075956881046295, 0.08277292549610138, 0.06417635828256607, -0.11273206025362015, 0.04179001227021217, -0.010759392753243446, -0.14559108018875122, -0.07915882766246796, 0.10276934504508972, -0.0383959598839283, 0.013995814137160778, -0.08313174545764923, -0.06152420863509178, -0.044755712151527405, -0.06323853880167007, -0.1869107037782669, 0.08622483909130096, -0.06664054095745087, -0.1819612979888916, -0.182776540517807, 0.10404211282730103, -0.03501230478286743, 0.03594459965825081, 0.12195839732885361, -0.13712671399116516, -0.05888199433684349, -0.0923130139708519, 0.06414777785539627, 0.08606425672769547, -0.02907881699502468, -0.07515084743499756, -0.0371035560965538, 0.055246032774448395, -0.14699982106685638, 0.011783166788518429, -0.07118794322013855, 0.0005115940002724528, 0.0071751815266907215, 0.03097790665924549, 0.049079302698373795, 0.16604606807231903, 0.05292263999581337, -0.04534672200679779, 0.024915490299463272, 0.23860111832618713, -0.08677107840776443, 0.07376068085432053, 0.09659836441278458, -0.03946628421545029, 0.009936126880347729, 0.16141842305660248, 0.03325816988945007, -0.010456395335495472, -0.010563044808804989, 0.07019232958555222, -0.06636340171098709, -0.27149486541748047, -0.12382179498672485, -0.03181283175945282, -0.04581111669540405, -0.07593654096126556, 0.0351426936686039, -0.05373556911945343, -0.0174768827855587, -0.08154737204313278, -0.17944347858428955, 0.11985068768262863, -0.0374525785446167, 0.035008542239665985, -0.012354903854429722, 0.09388808161020279, -0.052318524569272995, 0.003916652407497168, 0.07412978261709213, 0.004324009642004967, 0.04190502688288689, 0.014363712631165981, 0.05379759892821312, 0.10174562782049179, 0.054138775914907455, 0.04420749470591545, 0.034146491438150406, -0.0374196395277977, -0.021352559328079224, 0.06507314741611481, -0.06116538122296333, -0.032835446298122406, 0.061558905988931656, 0.14354966580867767, -0.0812659040093422, 0.04288320988416672, 0.041326601058244705, 0.015100130811333656, 0.16103678941726685, 0.13665132224559784, -0.06060118228197098, -0.09512324631214142, 0.018094616010785103, -0.11066898703575134, -0.013520859181880951, -0.013739914633333683, 0.11771435290575027, -0.12328722327947617, 0.11221305280923843, 0.014135819859802723, 0.08239651471376419, -0.005648096092045307, -0.016551237553358078, -0.015484304167330265, -0.014518593437969685, 0.0005365643301047385, 0.08577573299407959, -0.07685760408639908, 0.1068679615855217, -0.01790601573884487, 0.15052619576454163, -0.038689397275447845, 0.026502348482608795, -0.027654174715280533, 0.02239375002682209, 0.12383680045604706, 0.042590536177158356, -0.1052989736199379, -0.0396779403090477, -0.11120187491178513, 0.008242789655923843, 0.023311082273721695, -0.04610541835427284, 0.07536415010690689, 0.0065869735553860664, 0.023614417761564255, -0.03518214076757431, -0.10309158265590668, -0.11041973531246185, -0.033610839396715164, 0.06192309781908989, 0.09143806993961334, 0.06589096039533615, -0.01680019125342369, -0.07598260045051575, -0.29044800996780396, 0.10825622826814651, -0.2023586481809616, -0.13180185854434967, -0.06458525359630585, -0.06226656585931778, 0.15214459598064423, -0.053172532469034195, -0.06619331985712051, 0.10955968499183655, 0.1260817050933838, -0.08192521333694458, 0.003992954734712839, -0.019333146512508392, -0.09950145334005356, -0.14934338629245758, 0.047467008233070374, 0.22322997450828552, 0.1495068222284317, 0.06996564567089081, 0.06282097101211548, 0.06532223522663116, 0.02353581041097641, -0.07615571469068527, 0.03966477885842323, 0.08906219899654388, -0.09449055045843124, 0.036465469747781754, 0.06334622949361801, -0.12776294350624084, -0.08853460103273392, -0.07439486682415009, 0.08462069928646088, 0.13294795155525208, -0.04966844618320465, 0.2515850365161896, 0.20530740916728973, -0.08711134642362595, -0.19545426964759827, -0.08483146876096725, 0.1562902331352234, 0.1016068235039711, 0.04643837735056877, -0.08986528217792511, 0.11849737167358398, 0.03244207426905632, -0.051299359649419785, -0.14143754541873932, -0.18394789099693298, -0.13990868628025055, 0.10434459894895554, -0.12269803881645203, 0.05658337101340294, 0.019327016547322273, -0.07715097069740295, -0.0014950988115742803, -0.021461356431245804, -0.021099839359521866, -0.07014305144548416, 0.08908476680517197, 0.06738220155239105, 0.05084838718175888, 0.07040730863809586, 0.0020520563703030348, 0.14361917972564697, 0.0963350459933281, -0.04380912333726883, -0.03887595236301422, 0.18972907960414886, -0.013233629055321217, 0.00019901004270650446, 0.2006053775548935, 0.02190820872783661, 0.005960382986813784, -0.0856010690331459, -0.08880122005939484, -0.07487108558416367, 0.07166639715433121, -0.007119228597730398, -0.03639310970902443, -0.030682630836963654, 0.009680249728262424, 0.08032058924436569, -0.02794817090034485, 0.030140288174152374, -0.18169467151165009, 0.025502139702439308, 0.07788662612438202, 0.2663028836250305, -0.026218941435217857, -0.09932903200387955, -0.0025725197046995163, -0.043070774525403976, 0.04639735072851181, 0.03425217792391777, 0.06705576181411743, 0.09400943666696548, 0.007341757882386446, 0.0923968032002449, -0.05897613242268562, -0.1621185690164566, 0.041028015315532684, 0.08989198505878448, -0.09358590096235275, -0.1107536256313324, -0.026027826592326164, -0.17598159611225128, -0.053286489099264145, 0.027976231649518013, 0.16395266354084015, -0.03348375856876373, -0.0005792496376670897, 0.0012212167493999004, 0.09217733889818192, -0.07549581676721573, 0.21632425487041473, 0.022111926227808, 0.08618279546499252, -0.10621735453605652, 0.0895514190196991, 0.02296416275203228, -0.04438197985291481, 0.04193015769124031, 0.01942548342049122, -0.07299042493104935, -0.01525066513568163, -0.06191866099834442, 0.0033736880868673325, -0.037459298968315125, -0.1386329084634781, -0.0028641261160373688, -0.0978960320353508, -0.016051841899752617, 0.039527423679828644, 0.03826719522476196, 0.05065593123435974, -0.04788798466324806, -0.01895948126912117, -0.06155535206198692, 0.0968438982963562, 0.1263619214296341, 0.018465569242835045, -0.0893014520406723, 0.08994316309690475, -0.0425921231508255, 0.020804917439818382, -0.05236773565411568, 0.0069676111452281475, 0.06126496195793152, 0.028127845376729965, -0.022719785571098328, -0.0002901400439441204, -0.045217737555503845, 0.02754604071378708, 0.0005319707561284304, -0.04582475125789642, -0.004660130478441715, 0.06346046924591064, -0.07185354083776474, 0.04139937832951546, -0.07666071504354477, 0.03954974189400673, -0.1186288595199585, 0.019272545352578163, 0.030816856771707535, -0.02960776723921299, 0.058278638869524, 0.05301591381430626, -0.05497144162654877, 0.10692969709634781, -0.10433190315961838, -0.010804061777889729, 0.07491301000118256, 0.055175647139549255, -0.021742718294262886, -0.1077345609664917, -0.04975371062755585, 0.1107136681675911, 0.008174105547368526, 0.020311346277594566, -0.016257107257843018, -0.046848978847265244, -0.012873845174908638, -0.053480129688978195, -0.039711952209472656, -0.0508304126560688, 0.05623146519064903, 0.07349496334791183, 0.14415380358695984, 0.17987163364887238, -0.09454149007797241, 0.03840027377009392, -0.08833612501621246, 0.02855825051665306, -0.018484922125935555, -0.016439881175756454, -0.07173211127519608, -0.009220263920724392, 0.05451301857829094, -0.0547577440738678, 0.08233917504549026, 0.038442689925432205, -0.006565215531736612, -0.004135897383093834, -0.06496285647153854, 0.012062606401741505, 0.0027772143948823214, 0.1864648014307022, 0.037835072726011276, 0.00033038927358575165, -0.05611170455813408, -0.023081988096237183, -0.04149896651506424, 0.04071773216128349, 0.08547908067703247, 0.07583296298980713, 0.08440346270799637, 0.09571103751659393, 0.06382237374782562, -0.09587322920560837, -0.0349908173084259, 0.04830864071846008, -0.11825147271156311, -0.0022509044501930475, 0.016085466369986534, 0.05864657834172249, 0.16507363319396973, -0.1676391214132309, 0.0666482001543045, 0.022605855017900467, -0.08663502335548401, -0.20729656517505646, -0.1982852667570114, -0.10056473314762115, -0.044165730476379395, 0.0288161039352417, -0.14491862058639526, 0.05630341172218323, 0.018937058746814728, 0.05456941947340965, 0.002354137832298875, 0.13161705434322357, -0.13849620521068573, -0.1149335503578186, 0.04772833362221718, -0.0656508207321167, 0.06193498149514198, 0.040352776646614075, 0.02964893914759159, 0.19333922863006592, 0.07367818057537079, 0.03558731824159622, -0.0048116156831383705, 0.033353302627801895, -0.007283010520040989, -0.0510236956179142, -0.05366812273859978, 0.0010021101916208863, 0.007051436230540276, 0.11925952136516571, 0.10640318691730499, 0.15218360722064972, -0.036406442523002625, 0.013542269356548786, 0.13202135264873505, -0.037368372082710266, -0.15122215449810028, -0.19049623608589172, 0.08663079887628555, -0.003856875468045473, 0.0818791463971138, -0.00915949884802103, -0.12426181882619858, 0.04792245104908943, 0.06566617637872696, 0.12421958148479462, 0.1324998289346695, 0.025280259549617767, -0.06515800952911377, -0.01581781543791294, -0.015094428323209286, -0.016573481261730194, -0.00940865557640791, 0.23987315595149994, 0.0013059672201052308, 0.050181083381175995, -0.05347737669944763, -0.04184321314096451, 0.007239934988319874, 0.10857079178094864, -0.0493883341550827, -0.07876414060592651, -0.04252828285098076, 0.19654931128025055, -0.028910428285598755, -0.17107312381267548, -0.08337591588497162, 0.016456373035907745, -0.11544551700353622, 0.02129794843494892, 0.08757493644952774, 0.06926489621400833, -0.012929369695484638, -0.01691555418074131, 0.016589416190981865, 0.08819703757762909, -0.0023875164333730936, -0.006310081109404564, 0.02088293246924877, 0.004051513504236937, -0.047273971140384674, 0.04676979035139084, 0.038964979350566864, 0.1477535516023636, 0.03304235637187958, 0.050536204129457474, -0.030583925545215607, 0.15450948476791382, 0.014738892205059528, -0.1374693363904953, 0.08198834955692291, 0.23649610579013824, 0.01213130820542574, 0.13774843513965607, 0.08583056181669235, -0.15613792836666107, 0.01180438231676817, 0.03410319983959198, -0.041813820600509644, -0.05903022736310959, 0.10190251469612122, -0.09089577198028564, 0.09928272664546967, 0.0774092972278595, -0.013592506758868694, 0.00920968409627676, -0.054827507585287094, 0.046942710876464844, -0.007948514074087143, 0.03768571466207504, 0.0265670083463192, -0.24945737421512604, -0.009048400446772575, -0.03137550875544548, 0.018590059131383896, -0.06762970238924026, -0.025503316894173622, 0.027442926540970802, -0.02321743220090866, 0.03344462811946869, 0.0719892606139183, 0.04621313139796257, -0.030281124636530876, 0.01709967479109764, -0.0028189055155962706, 0.06318911164999008, 0.0713392123579979, -0.17369768023490906, -0.08043263852596283 ]
null
null
transformers
# Harry Potter DialoGPT Model
{"tags": ["conversational"]}
text-generation
KENNETHFOO/DialoGPT-medium-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
# Model This model utilises T5-base pre-trained model. It was fine tuned using a modified version of the [JFLEG](https://arxiv.org/abs/1702.04066) dataset and [Happy Transformer framework](https://github.com/EricFillion/happy-transformer). This model was fine-tuned for sentence correction on normal English translations and positional English translations of local Caribbean English Creole. This model will be updated periodically as more data is compiled. For more on the Caribbean English Creole checkout the library [Caribe](https://pypi.org/project/Caribe/). ___ # Re-training/Fine Tuning The results of fine-tuning resulted in a final accuracy of 92% # Usage ```python from happytransformer import HappyTextToText, TTSettings pre_trained_model="T5" model = HappyTextToText(pre_trained_model, "KES/T5-KES") arguments = TTSettings(num_beams=4, min_length=1) sentence = "Wat iz your nam" correction = model.generate_text("grammar: "+sentence, args=arguments) if(correction.text.find(" .")): correction.text=correction.text.replace(" .", ".") print(correction.text) # Correction: "What is your name?". ``` ___ # Usage with Transformers ```python from transformers import AutoTokenizer, AutoModelForSeq2SeqLM tokenizer = AutoTokenizer.from_pretrained("KES/T5-KES") model = AutoModelForSeq2SeqLM.from_pretrained("KES/T5-KES") text = "I am lived with my parenmts " inputs = tokenizer("grammar:"+text, truncation=True, return_tensors='pt') output = model.generate(inputs['input_ids'], num_beams=4, max_length=512, early_stopping=True) correction=tokenizer.batch_decode(output, skip_special_tokens=True) print("".join(correction)) #Correction: I am living with my parents. ``` ___
{"language": "en", "license": "cc-by-nc-sa-4.0", "tags": ["sentence correction", "text2text-generation"], "datasets": ["jfleg"]}
text2text-generation
KES/T5-KES
[ "transformers", "pytorch", "safetensors", "t5", "text2text-generation", "sentence correction", "en", "dataset:jfleg", "arxiv:1702.04066", "license:cc-by-nc-sa-4.0", "autotrain_compatible", "endpoints_compatible", "text-generation-inference", "region:us" ]
2022-03-02T23:29:04+00:00
[ "1702.04066" ]
[ "en" ]
TAGS #transformers #pytorch #safetensors #t5 #text2text-generation #sentence correction #en #dataset-jfleg #arxiv-1702.04066 #license-cc-by-nc-sa-4.0 #autotrain_compatible #endpoints_compatible #text-generation-inference #region-us
# Model This model utilises T5-base pre-trained model. It was fine tuned using a modified version of the JFLEG dataset and Happy Transformer framework. This model was fine-tuned for sentence correction on normal English translations and positional English translations of local Caribbean English Creole. This model will be updated periodically as more data is compiled. For more on the Caribbean English Creole checkout the library Caribe. ___ # Re-training/Fine Tuning The results of fine-tuning resulted in a final accuracy of 92% # Usage ___ # Usage with Transformers ___
[ "# Model\nThis model utilises T5-base pre-trained model. It was fine tuned using a modified version of the JFLEG dataset and Happy Transformer framework. This model was fine-tuned for sentence correction on normal English translations and positional English translations of local Caribbean English Creole. This model will be updated periodically as more data is compiled. For more on the Caribbean English Creole checkout the library Caribe.\n\n___", "# Re-training/Fine Tuning\n\nThe results of fine-tuning resulted in a final accuracy of 92%", "# Usage \n\n\n\n\n___", "# Usage with Transformers\n\n\n___" ]
[ "TAGS\n#transformers #pytorch #safetensors #t5 #text2text-generation #sentence correction #en #dataset-jfleg #arxiv-1702.04066 #license-cc-by-nc-sa-4.0 #autotrain_compatible #endpoints_compatible #text-generation-inference #region-us \n", "# Model\nThis model utilises T5-base pre-trained model. It was fine tuned using a modified version of the JFLEG dataset and Happy Transformer framework. This model was fine-tuned for sentence correction on normal English translations and positional English translations of local Caribbean English Creole. This model will be updated periodically as more data is compiled. For more on the Caribbean English Creole checkout the library Caribe.\n\n___", "# Re-training/Fine Tuning\n\nThe results of fine-tuning resulted in a final accuracy of 92%", "# Usage \n\n\n\n\n___", "# Usage with Transformers\n\n\n___" ]
[ 88, 101, 27, 5, 9 ]
[ "passage: TAGS\n#transformers #pytorch #safetensors #t5 #text2text-generation #sentence correction #en #dataset-jfleg #arxiv-1702.04066 #license-cc-by-nc-sa-4.0 #autotrain_compatible #endpoints_compatible #text-generation-inference #region-us \n# Model\nThis model utilises T5-base pre-trained model. It was fine tuned using a modified version of the JFLEG dataset and Happy Transformer framework. This model was fine-tuned for sentence correction on normal English translations and positional English translations of local Caribbean English Creole. This model will be updated periodically as more data is compiled. For more on the Caribbean English Creole checkout the library Caribe.\n\n___# Re-training/Fine Tuning\n\nThe results of fine-tuning resulted in a final accuracy of 92%# Usage \n\n\n\n\n___# Usage with Transformers\n\n\n___" ]
[ -0.05511532723903656, 0.05481685325503349, -0.006641200743615627, 0.02365206368267536, 0.1402553766965866, -0.009257393889129162, -0.06953519582748413, 0.03133264183998108, -0.10690929740667343, 0.026197822764515877, 0.0258785430341959, 0.094535693526268, 0.0593692883849144, 0.03669906407594681, -0.031483594328165054, -0.17516262829303741, 0.06778788566589355, 0.057682305574417114, -0.009494220837950706, 0.14182190597057343, 0.0999586433172226, -0.030196938663721085, 0.047189414501190186, 0.02558787167072296, -0.15121614933013916, 0.05563830956816673, 0.058197882026433945, -0.13866592943668365, 0.1224585473537445, 0.09036367386579514, 0.14367088675498962, 0.09725360572338104, 0.03066881000995636, -0.16524802148342133, 0.013711916282773018, 0.03537134826183319, -0.02200227603316307, 0.009024541825056076, 0.016775313764810562, -0.03157692030072212, 0.1418680101633072, -0.07636868208646774, 0.046718377619981766, 0.08015547692775726, -0.17554043233394623, -0.0867428258061409, -0.05695892870426178, -0.09941177070140839, 0.046805910766124725, 0.053187377750873566, -0.03322935476899147, 0.155042365193367, -0.14048270881175995, 0.10136181861162186, 0.1269501894712448, -0.32730722427368164, 0.035380493849515915, 0.09236755222082138, 0.09167151153087616, -0.011490097269415855, -0.032278724014759064, 0.04757899045944214, 0.06890155375003815, 0.020106442272663116, 0.11420074105262756, -0.04444516822695732, -0.0666557252407074, -0.03130311518907547, -0.1287742704153061, -0.04970875754952431, 0.18173150718212128, -0.015011703595519066, -0.07903993129730225, -0.05995360389351845, -0.07865747809410095, 0.013933582231402397, -0.05347641557455063, -0.04875771328806877, 0.01719290018081665, 0.013182954862713814, 0.03602210432291031, -0.022009985521435738, -0.0853438526391983, -0.08518416434526443, -0.14752309024333954, 0.2002899944782257, 0.02796238660812378, -0.013268901966512203, -0.10012593120336533, 0.05139685794711113, -0.09814144670963287, -0.08698781579732895, -0.026458319276571274, -0.020071497187018394, 0.006970956921577454, -0.007764015346765518, -0.03262961655855179, -0.09117117524147034, 0.0237277802079916, -0.057350486516952515, -0.11275187879800797, -0.008919177576899529, -0.07261686027050018, -0.02016209252178669, 0.052654609084129333, 0.12298572063446045, -0.1088068038225174, 0.04824577644467354, 0.08776117116212845, -0.051324982196092606, 0.015544417314231396, -0.021966736763715744, -0.06184692308306694, -0.035180725157260895, 0.0840689018368721, 0.12421836704015732, -0.04792327061295509, 0.040088851004838943, -0.038487646728754044, -0.03850473463535309, 0.13926082849502563, -0.09635341167449951, -0.039514005184173584, 0.05427563562989235, 0.022640252485871315, 0.05281364545226097, 0.09280303865671158, -0.017231138423085213, -0.09839644283056259, -0.026714099571108818, -0.07932817190885544, -0.08702218532562256, -0.03944684937596321, -0.18036922812461853, -0.03134341910481453, -0.05913383886218071, -0.01580711081624031, -0.14926031231880188, -0.12069971114397049, -0.04887566342949867, -0.12439428269863129, -0.021402373909950256, -0.08870053291320801, -0.050134964287281036, -0.05810194090008736, -0.0023227273486554623, -0.0019048807444050908, -0.04527521878480911, -0.04592914134263992, 0.1468896120786667, 0.06380536407232285, 0.021917693316936493, -0.03590694069862366, 0.04351913556456566, -0.09471393376588821, -0.026314126327633858, -0.05047658830881119, 0.10709991306066513, 0.033028215169906616, -0.02007712796330452, -0.0938357412815094, -0.08758369088172913, -0.11550227552652359, 0.0651702731847763, 0.006894960533827543, 0.178925022482872, -0.2011762410402298, -0.05993229150772095, 0.28859037160873413, -0.09716638922691345, -0.02980152703821659, 0.14065887033939362, 0.004873599391430616, 0.06522133946418762, 0.11865251511335373, 0.019090985879302025, -0.017218148335814476, -0.09605982899665833, 0.11164197325706482, -0.03728324919939041, -0.041959356516599655, 0.040059708058834076, 0.007692525628954172, -0.06768424808979034, -0.14463721215724945, 0.00899958610534668, -0.09332064539194107, 0.09827152639627457, -0.03415873646736145, 0.02318115532398224, 0.009406470693647861, 0.02922625094652176, 0.04649807885289192, 0.016728829592466354, -0.0664534792304039, -0.057512398809194565, -0.0691404864192009, 0.03874583542346954, 0.05117648094892502, -0.05269450694322586, 0.046471741050481796, -0.15666593611240387, 0.1502482295036316, 0.01557919941842556, -0.0009247615817002952, -0.12196390330791473, -0.01844659075140953, -0.004532189574092627, 0.09802476316690445, 0.0012920565204694867, -0.05199258774518967, 0.005074391141533852, -0.000786031479947269, 0.002834938932210207, 0.015563737601041794, 0.027591897174715996, 0.020194515585899353, -0.005721168592572212, -0.05750248581171036, 0.09083262085914612, -0.012894952669739723, 0.11236325651407242, -0.13527804613113403, 0.010483819991350174, 0.12791331112384796, 0.0859098955988884, 0.0021559339947998524, 0.013238124549388885, 0.07883253693580627, 0.07114322483539581, -0.003165604779496789, -0.052264560014009476, 0.06196928024291992, 0.04712352529168129, -0.05513167008757591, 0.23660381138324738, -0.2581271529197693, 0.03599056601524353, 0.14571236073970795, -0.0033899759873747826, -0.04370522126555443, 0.027226174250245094, 0.05973885580897331, 0.05388379469513893, -0.013217354193329811, 0.020536795258522034, 0.10174481570720673, 0.05927411839365959, 0.17246060073375702, -0.14266692101955414, -0.002950709080323577, 0.06119677424430847, -0.0420718789100647, -0.037319257855415344, 0.03228052332997322, -0.05568675324320793, -0.19223062694072723, 0.020731132477521896, 0.12634561955928802, 0.03430018946528435, 0.18386417627334595, 0.004411551170051098, -0.08505856245756149, -0.007114747539162636, 0.019225068390369415, -0.012549693696200848, 0.03651335835456848, -0.10033649951219559, -0.03166166692972183, 0.024356935173273087, -0.022521642968058586, 0.06357433646917343, -0.07409318536520004, 0.008931603282690048, 0.09716635942459106, -0.057319801300764084, -0.0899924486875534, 0.10673046857118607, 0.037403419613838196, 0.0632067397236824, -0.04249045252799988, -0.04946519806981087, -0.0016677886014804244, -0.00027825628058053553, -0.09875853359699249, 0.22374044358730316, -0.11626426875591278, -0.2811547517776489, -0.1174992173910141, -0.035876255482435226, 0.020874155685305595, 0.01960185542702675, 0.07805415987968445, -0.11857602000236511, -0.04938740283250809, -0.06440763920545578, 0.07540467381477356, -0.049506448209285736, -0.08003722131252289, -0.1405840516090393, -0.0004305207694415003, -0.02970721386373043, -0.16772957146167755, 0.015149072743952274, -0.021430430933833122, -0.17417675256729126, 0.08343858271837234, -0.14799673855304718, 0.08473575860261917, 0.2213311791419983, -0.014563255943357944, -0.006735031493008137, -0.036105927079916, 0.18863125145435333, -0.05724981799721718, -0.057307448238134384, 0.16552193462848663, 0.042998068034648895, 0.006061455234885216, 0.0839550793170929, -0.006580749060958624, -0.08664477616548538, 0.02484457939863205, 0.048798948526382446, -0.019702453166246414, -0.20875334739685059, -0.10786864906549454, -0.02470577135682106, -0.09223880618810654, -0.03710469231009483, 0.00579547556117177, 0.057708729058504105, 0.028386641293764114, -0.044867001473903656, -0.06857817620038986, 0.036540720611810684, 0.06675995886325836, 0.2736217975616455, -0.035984426736831665, 0.08397085219621658, -0.013722911477088928, -0.07292686402797699, 0.07393194735050201, -0.10132157057523727, -0.036721039563417435, -0.006899250205606222, 0.16309529542922974, 0.07447651773691177, 0.17988155782222748, 0.06056007742881775, 0.11615370959043503, -0.02691272459924221, 0.0077032409608364105, -0.036977171897888184, -0.05296701565384865, -0.143694669008255, -0.0944296345114708, 0.0709320455789566, -0.0133128697052598, -0.09402187168598175, -0.018116487190127373, 0.028376379981637, 0.0662221610546112, 0.040701042860746384, -0.17853842675685883, -0.04162012040615082, 0.023655913770198822, 0.030470076948404312, -0.1992010921239853, 0.1023760512471199, 0.059731680899858475, -0.0828642025589943, 0.010686551220715046, 0.017841234803199768, 0.09731511771678925, 0.04794394597411156, -0.0008289547404274344, -0.09038382023572922, 0.02873311936855316, -0.024432716891169548, 0.0848974660038948, -0.2312670797109604, 0.19850261509418488, 0.04410495236515999, 0.0045839822851121426, 0.0074766892939805984, -0.036578468978405, -0.05100514367222786, 0.2133564054965973, 0.13531212508678436, 0.026323853060603142, 0.1410249024629593, -0.13961465656757355, -0.01165555790066719, 0.03325333818793297, 0.024888576939702034, 0.008802743628621101, 0.11255045235157013, 0.014520079828798771, 0.029762787744402885, 0.0055655427277088165, -0.07326790690422058, -0.18600384891033173, -0.07959190011024475, -0.0046140230260789394, -0.008265691809356213, 0.10436268150806427, -0.08430492877960205, -0.058039311319589615, -0.06278480589389801, 0.07161888480186462, -0.11310440301895142, -0.0560092031955719, -0.12380072474479675, -0.02306349016726017, 0.12868645787239075, -0.06228281930088997, 0.048121724277734756, -0.022150572389364243, 0.10961306840181351, -0.005729467608034611, -0.013840719126164913, 0.11709960550069809, -0.03892388194799423, -0.055858153849840164, -0.019503047689795494, 0.21605263650417328, 0.0012141786282882094, -0.02359531633555889, 0.07283936440944672, 0.012567060999572277, 0.0446685329079628, -0.08952156454324722, -0.06673917919397354, -0.018557563424110413, 0.03523724526166916, 0.11668919771909714, -0.06514706462621689, -0.1324290931224823, -0.09485375881195068, -0.0150817995890975, 0.21556773781776428, 0.08467838168144226, -0.03847174346446991, 0.0627003014087677, 0.17336899042129517, -0.08996063470840454, -0.13151222467422485, -0.15065759420394897, -0.02754763700067997, 0.09531740844249725, 0.051847703754901886, -0.10058522969484329, -0.0346430167555809, -0.03132716566324234, 0.024886924773454666, -0.15394137799739838, -0.2869803309440613, -0.10601524263620377, 0.21062211692333221, 0.059372998774051666, 0.20492656528949738, -0.10423380136489868, -0.08066404610872269, -0.04821913316845894, -0.25856107473373413, 0.1910174936056137, -0.1687414050102234, 0.052354492247104645, -0.018861815333366394, 0.08774672448635101, 0.07881360501050949, 0.022511348128318787, 0.06271599978208542, -0.05938751623034477, 0.012541188858449459, -0.040227364748716354, -0.0661609098315239, 0.040212713181972504, 0.01122292410582304, 0.04004450887441635, 0.07684598118066788, 0.07258135080337524, -0.10984981060028076, -0.05224713683128357, -0.08874215930700302, 0.08283046633005142, -0.06707421690225601, 0.008203629404306412, 0.028972908854484558, -0.016174864023923874, 0.01769094727933407, -0.08481768518686295, -0.001547086052596569, -0.1313299834728241, 0.07592105865478516, 0.10075037181377411, 0.17178060114383698, -0.038470976054668427, -0.04512592405080795, 0.05138387158513069, -0.0078095667995512486, 0.07337484508752823, -0.04880543425679207, 0.09226766228675842, 0.0347290113568306, 0.06099448725581169, 0.07469239085912704, 0.022532900795340538, -0.10326089709997177, -0.037068918347358704, 0.060025654733181, -0.0849965512752533, -0.025354327633976936, -0.06101779267191887, 0.030492916703224182, 0.028134603053331375, -0.042956359684467316, 0.14905934035778046, -0.019721657037734985, -0.07663173973560333, -0.018239755183458328, 0.0061866058968007565, -0.0032763322815299034, 0.09563525766134262, 0.08187804371118546, 0.009999566711485386, -0.11336398124694824, 0.024914346635341644, 0.05240543186664581, -0.13626112043857574, -0.024961596354842186, 0.04666701331734657, -0.12622666358947754, -0.056652288883924484, 0.04035529866814613, 0.10517772287130356, -0.13000409305095673, -0.07100171595811844, -0.02006058767437935, -0.13013911247253418, -0.023463431745767593, 0.28366202116012573, 0.03512895852327347, 0.09604401141405106, -0.06474655866622925, -0.06808049231767654, -0.06330107152462006, 0.03263415768742561, 0.06851629912853241, -0.023391781374812126, -0.11998806893825531, 0.20975734293460846, 0.019840743392705917, 0.06574677675962448, -0.061968814581632614, -0.030832968652248383, -0.0313163585960865, 0.010659023188054562, -0.03557996079325676, 0.04284244403243065, -0.08306003361940384, 0.018821027129888535, -0.045325711369514465, -0.022817378863692284, -0.035948745906353, 0.003725101239979267, -0.05459372699260712, 0.024112414568662643, -0.02833179198205471, 0.0839085802435875, -0.041515983641147614, -0.014890287071466446, 0.042497195303440094, -0.046120062470436096, 0.07041091471910477, 0.0218864306807518, -0.021848853677511215, 0.13430272042751312, -0.13718941807746887, -0.03202216327190399, 0.05599546059966087, 0.003315491136163473, 0.01620049960911274, -0.16826975345611572, 0.053576741367578506, 0.051630400121212006, 0.0016654798528179526, -0.015904678031802177, 0.1281694918870926, -0.11690521240234375, -0.09431371837854385, 0.009908420033752918, -0.027731340378522873, -0.005868915002793074, 0.02894650585949421, 0.06648893654346466, 0.03880548104643822, 0.14589998126029968, -0.06419268995523453, -0.025379544124007225, -0.11652397364377975, -0.004991502501070499, -0.06617461144924164, -0.0003322965349070728, -0.15349996089935303, 0.02416631206870079, 0.039567433297634125, 0.025910034775733948, 0.12098133563995361, 0.013614348135888577, 0.06596067547798157, 0.016696762293577194, -0.01620897278189659, 0.021789487451314926, -0.03384998068213463, 0.23389312624931335, 0.03288309648633003, 0.01749202236533165, 0.0009129649843089283, -0.016343872994184494, -0.04974200949072838, 0.046698249876499176, 0.021689362823963165, 0.00989222526550293, 0.11443348973989487, 0.10420063883066177, -0.001458459417335689, -0.029005279764533043, 0.1646113395690918, -0.004613861441612244, -0.023989161476492882, 0.0013677950482815504, 0.024396831169724464, 0.049579959362745285, 0.20946960151195526, -0.06517784297466278, 0.07092085480690002, 0.012235218659043312, -0.08142870664596558, -0.18996776640415192, 0.023505834862589836, -0.07667967677116394, -0.09846080839633942, 0.016459304839372635, -0.15833494067192078, 0.07393432408571243, -0.0072691068053245544, 0.007292422465980053, -0.004193298518657684, 0.07280904054641724, -0.023947104811668396, -0.20727935433387756, 0.08633965253829956, 0.0035508417058736086, 0.08383370190858841, -0.008496789261698723, 0.09329476207494736, 0.06684903800487518, 0.05955642834305763, 0.027772126719355583, 0.08631717413663864, 0.0690566748380661, 0.11709289997816086, -0.15579842031002045, -0.051177021116018295, -0.013005796819925308, 0.0829881951212883, 0.055456019937992096, 0.12212440371513367, 0.05342436209321022, -0.04047684744000435, 0.018106801435351372, 0.23261331021785736, -0.00752269197255373, -0.1387847661972046, -0.10374772548675537, 0.17497889697551727, 0.12315496057271957, 0.0806189700961113, 0.002507871948182583, -0.06693828850984573, 0.10547898709774017, 0.22055990993976593, 0.050961967557668686, -0.010455289855599403, 0.00575374998152256, -0.016412099823355675, 0.001956463325768709, 0.055386733263731, 0.04439733922481537, 0.06097830832004547, 0.16601110994815826, -0.017777705565094948, -0.023582926020026207, -0.09082085639238358, 0.007598633412271738, -0.04357694089412689, 0.08005621284246445, -0.007901483215391636, -0.0761616975069046, 0.00046113214921206236, 0.15015429258346558, -0.0029925410635769367, -0.062627412378788, -0.08152639120817184, -0.06186327338218689, -0.034727778285741806, -0.09970349073410034, -0.060437895357608795, 0.08826352655887604, 0.04090161249041557, -0.02330269291996956, -0.05606183037161827, 0.14451923966407776, 0.030385227873921394, -0.13966910541057587, -0.040635623037815094, 0.04514135792851448, 0.018203532323241234, 0.1542714536190033, 0.05399243161082268, 0.117461659014225, 0.05126318335533142, 0.03218020871281624, -0.06329501420259476, 0.13251838088035583, -0.05258049815893173, 0.09606049954891205, 0.09070638567209244, 0.055968109518289566, 0.03431442379951477, -0.0899951159954071, 0.0019345444161444902, -0.1690601408481598, 0.12610282003879547, -0.021554432809352875, -0.06270735710859299, -0.09524988383054733, 0.0941111221909523, -0.08576308935880661, 0.06130803003907204, 0.1304352879524231, -0.027708925306797028, 0.016326410695910454, -0.09700783342123032, -0.023090431466698647, 0.017238447442650795, 0.10745005309581757, 0.013756764121353626, -0.11325619369745255, 0.02801220677793026, 0.006556790322065353, -0.08222626894712448, -0.21282440423965454, 0.07307524234056473, 0.01456365454941988, -0.03652830794453621, -0.07397272437810898, 0.14493682980537415, 0.014741911552846432, 0.04007992148399353, -0.003650844329968095, 0.01779579557478428, 0.019081395119428635, 0.15483127534389496, -0.13934367895126343, -0.09513473510742188 ]
null
null
transformers
# Trinidad English Creole Parser This model was trained as a parser to Trinidad English Creole. --- # Model This model utilises T5-base pre-trained model. It was fine tuned using a combination of a custom dataset and creolised [JFLEG](https://arxiv.org/abs/1702.04066) dataset. JFLEG dataset was creolised using the file encoding feature of the Caribe library. For more on Caribbean Creole checkout the library [Caribe](https://pypi.org/project/Caribe/). ___ # Usage with Transformers ```python from transformers import AutoTokenizer, AutoModelForSeq2SeqLM tokenizer = AutoTokenizer.from_pretrained("KES/T5-TTParser") model = AutoModelForSeq2SeqLM.from_pretrained("KES/T5-TTParser") txt = "Ah have live with mi paremnts en London" inputs = tokenizer("grammar:"+txt, truncation=True, return_tensors='pt') output = model.generate(inputs['input_ids'], num_beams=4, max_length=512, early_stopping=True) correction=tokenizer.batch_decode(output, skip_special_tokens=True) print("".join(correction)) #Correction: Ah live with meh parents in London. ```
{"language": "en", "license": "cc-by-nc-sa-4.0", "tags": ["Trinidad and Tobago English Parser", "text2text-generation", "Caribe"], "datasets": ["Custom dataset", "Creolised JFLEG"]}
text2text-generation
KES/T5-TTParser
[ "transformers", "pytorch", "t5", "text2text-generation", "Trinidad and Tobago English Parser", "Caribe", "en", "arxiv:1702.04066", "license:cc-by-nc-sa-4.0", "autotrain_compatible", "endpoints_compatible", "text-generation-inference", "region:us" ]
2022-03-02T23:29:04+00:00
[ "1702.04066" ]
[ "en" ]
TAGS #transformers #pytorch #t5 #text2text-generation #Trinidad and Tobago English Parser #Caribe #en #arxiv-1702.04066 #license-cc-by-nc-sa-4.0 #autotrain_compatible #endpoints_compatible #text-generation-inference #region-us
# Trinidad English Creole Parser This model was trained as a parser to Trinidad English Creole. --- # Model This model utilises T5-base pre-trained model. It was fine tuned using a combination of a custom dataset and creolised JFLEG dataset. JFLEG dataset was creolised using the file encoding feature of the Caribe library. For more on Caribbean Creole checkout the library Caribe. ___ # Usage with Transformers
[ "# Trinidad English Creole Parser\nThis model was trained as a parser to Trinidad English Creole.\n\n---", "# Model\nThis model utilises T5-base pre-trained model. It was fine tuned using a combination of a custom dataset and creolised JFLEG dataset. JFLEG dataset was creolised using the file encoding feature of the Caribe library. For more on Caribbean Creole checkout the library Caribe.\n\n___", "# Usage with Transformers" ]
[ "TAGS\n#transformers #pytorch #t5 #text2text-generation #Trinidad and Tobago English Parser #Caribe #en #arxiv-1702.04066 #license-cc-by-nc-sa-4.0 #autotrain_compatible #endpoints_compatible #text-generation-inference #region-us \n", "# Trinidad English Creole Parser\nThis model was trained as a parser to Trinidad English Creole.\n\n---", "# Model\nThis model utilises T5-base pre-trained model. It was fine tuned using a combination of a custom dataset and creolised JFLEG dataset. JFLEG dataset was creolised using the file encoding feature of the Caribe library. For more on Caribbean Creole checkout the library Caribe.\n\n___", "# Usage with Transformers" ]
[ 85, 25, 76, 7 ]
[ "passage: TAGS\n#transformers #pytorch #t5 #text2text-generation #Trinidad and Tobago English Parser #Caribe #en #arxiv-1702.04066 #license-cc-by-nc-sa-4.0 #autotrain_compatible #endpoints_compatible #text-generation-inference #region-us \n# Trinidad English Creole Parser\nThis model was trained as a parser to Trinidad English Creole.\n\n---# Model\nThis model utilises T5-base pre-trained model. It was fine tuned using a combination of a custom dataset and creolised JFLEG dataset. JFLEG dataset was creolised using the file encoding feature of the Caribe library. For more on Caribbean Creole checkout the library Caribe.\n\n___# Usage with Transformers" ]
[ -0.08138272911310196, 0.14658339321613312, -0.0042164986953139305, 0.12019607424736023, 0.1414867490530014, 0.044385895133018494, -0.00691602798178792, 0.09519926458597183, -0.11950776726007462, -0.045965954661369324, 0.07957232743501663, 0.14021511375904083, 0.05906577408313751, 0.10726628452539444, 0.01643657498061657, -0.2225121110677719, 0.014952409081161022, 0.0836506187915802, -0.027977354824543, 0.16140678524971008, 0.09991622716188431, 0.003553584683686495, 0.10044938325881958, 0.0026112303603440523, -0.20859888195991516, 0.07062217593193054, -0.009517844766378403, -0.1219620406627655, 0.06299486756324768, 0.057960521429777145, 0.08224339783191681, 0.09066584706306458, 0.03497125580906868, -0.0435352623462677, 0.015555489808321, 0.028697358444333076, -0.07135553658008575, 0.037998560816049576, 0.01622406579554081, -0.08928656578063965, 0.19378356635570526, -0.06881844997406006, 0.053367942571640015, 0.06027669087052345, -0.17702993750572205, -0.19899795949459076, -0.04034847021102905, -0.08941896259784698, 0.030535606667399406, 0.04808848351240158, 0.005805372726172209, 0.0922105461359024, -0.06885860860347748, 0.12789426743984222, 0.1070718914270401, -0.32340943813323975, -0.030837921425700188, 0.1328548938035965, 0.11601486057043076, 0.05267702415585518, 0.020377997308969498, 0.016212699934840202, 0.024945873767137527, 0.022343864664435387, 0.16479331254959106, -0.08722752332687378, -0.09711719304323196, -0.026656605303287506, -0.1156330406665802, -0.01952090486884117, 0.2364896535873413, -0.08265113085508347, -0.04175998643040657, -0.01105271466076374, -0.045173972845077515, -0.020132320001721382, -0.023364011198282242, -0.0370856337249279, 0.010612232610583305, 0.009589997120201588, 0.041547991335392, -0.030065538361668587, -0.04499564692378044, -0.07603882998228073, -0.19985663890838623, 0.12333855777978897, 0.026751825585961342, 0.0492035448551178, -0.1108521893620491, 0.03988933935761452, -0.11262010782957077, -0.07704955339431763, -0.016393719241023064, -0.06131915748119354, 0.02355988323688507, -0.00500985374674201, 0.00016633477935101837, -0.18475230038166046, 0.0056932116858661175, -0.01469614077359438, -0.08491064608097076, -0.016323629766702652, -0.00859901960939169, -0.0007958273054100573, 0.046520739793777466, 0.11153548210859299, -0.09095238149166107, -0.01271930430084467, 0.07216872274875641, -0.147569939494133, -0.07717131078243256, -0.015327727422118187, -0.12625138461589813, -0.04281412437558174, 0.002321555744856596, 0.054075583815574646, -0.029112249612808228, 0.04858271777629852, -0.02600269205868244, -0.06919600814580917, 0.048297230154275894, -0.07596477121114731, -0.0001460532221244648, -0.010260965675115585, -0.012249375693500042, 0.032898545265197754, 0.129721999168396, -0.03040599636733532, -0.12089680135250092, -0.08427219837903976, -0.059155236929655075, -0.06097092479467392, -0.06586719304323196, -0.18989989161491394, -0.026722347363829613, -0.1902659684419632, -0.010628174990415573, -0.15950654447078705, -0.23517151176929474, -0.043316081166267395, -0.007174638099968433, -0.035668306052684784, -0.06010301411151886, -0.08164922147989273, -0.014586334116756916, 0.020204370841383934, 0.01254772674292326, -0.03069031983613968, -0.062082305550575256, 0.09680650383234024, -0.02695336379110813, 0.1070130243897438, -0.1296243965625763, 0.06107734516263008, -0.06403230130672455, -0.036379072815179825, -0.13301318883895874, 0.161200150847435, -0.0029095513746142387, -0.015077712014317513, -0.1392265409231186, -0.10795881599187851, -0.05130774900317192, 0.009545573964715004, -0.00042181790922768414, 0.16368894279003143, -0.20746587216854095, -0.055169444531202316, 0.23861901462078094, -0.06434944272041321, -0.04510810226202011, 0.11238926649093628, -0.0007225734880194068, 0.16398724913597107, 0.11194974929094315, 0.1352320909500122, 0.10623259842395782, -0.0604252927005291, 0.13765743374824524, 0.06817474216222763, -0.055991798639297485, -0.07581546157598495, 0.08749227225780487, -0.04058598726987839, -0.13045978546142578, 0.011598696932196617, -0.06389740109443665, 0.08803018927574158, -0.0655323937535286, 0.017137249931693077, 0.022060314193367958, -0.01054339949041605, 0.07407055050134659, 0.015466656535863876, 0.02030324377119541, -0.01950274035334587, -0.03897538036108017, 0.051677074283361435, 0.014076014049351215, -0.05894728749990463, 0.02441197820007801, -0.11720674484968185, 0.08665060997009277, -0.011433218605816364, 0.011334331706166267, -0.11117995530366898, 0.061364151537418365, -0.02734868973493576, 0.09412769973278046, 0.03588739037513733, -0.08601026237010956, 0.00960525218397379, -0.01870911195874214, 0.00855183880776167, 0.04338620603084564, 0.036711208522319794, 0.01911599561572075, -0.028497321531176567, -0.11080335080623627, 0.04513194411993027, 0.008125589229166508, 0.08479386568069458, -0.02822548896074295, 0.039172135293483734, 0.053017936646938324, 0.058829113841056824, 0.011854417622089386, 0.017626145854592323, 0.07498176395893097, 0.0953465923666954, 0.017794227227568626, -0.06540436297655106, 0.04261478781700134, 0.04924323409795761, -0.03126322105526924, 0.22514848411083221, -0.13351264595985413, 0.05381793901324272, 0.12383503466844559, -0.05623633414506912, -0.021085703745484352, 0.10336662083864212, 0.05385027453303337, 0.03159673511981964, 0.023991191759705544, 0.06128295138478279, 0.1226312592625618, 0.014934034086763859, 0.21339350938796997, -0.1297256201505661, -0.047583624720573425, 0.06067214533686638, -0.03447399660944939, 0.006040145177394152, 0.05344327539205551, 0.0191341619938612, -0.14819194376468658, 0.07553066313266754, 0.10085218399763107, 0.03256732225418091, 0.2080206274986267, 0.0353984609246254, -0.07818090915679932, -0.035996295511722565, -0.06835845112800598, -0.009993316605687141, 0.01424939651042223, -0.19314122200012207, -0.0580378882586956, 0.04825272038578987, -0.03602537885308266, 0.03832069784402847, -0.037638917565345764, -0.002983113517984748, 0.0864865854382515, -0.027879515662789345, -0.07879408448934555, 0.10560294985771179, 0.0046248240396380424, 0.05569987744092941, -0.023542331531643867, -0.04872504994273186, 0.008812183514237404, 0.03218689560890198, -0.11058396846055984, 0.2245793640613556, -0.18637380003929138, -0.32709455490112305, -0.07565836608409882, -0.08920243382453918, 0.050960782915353775, 0.014659757725894451, 0.09560993313789368, -0.07404818385839462, -0.03458496928215027, -0.06754413992166519, 0.019678518176078796, -0.08065644651651382, -0.04250214993953705, -0.10756024718284607, -0.01487844530493021, -0.055076975375413895, -0.160394087433815, 0.0181803647428751, 0.027945205569267273, -0.10223647952079773, 0.12306368350982666, -0.21215969324111938, 0.07515104860067368, 0.17043782770633698, -0.041962701827287674, 0.06475656479597092, -0.07632755488157272, 0.26898232102394104, -0.04915040358901024, -0.020720573142170906, 0.12763723731040955, 0.026117276400327682, -0.0028827281203120947, 0.025521114468574524, -0.000719130621291697, -0.06205592304468155, 0.0011125828605145216, -0.03894319385290146, -0.04913923144340515, -0.2427273541688919, -0.09038502722978592, -0.0570291131734848, 0.03773927316069603, 0.0583132840692997, -0.009098179638385773, 0.047797538340091705, 0.058104272931814194, 0.021176684647798538, 0.1267474889755249, 0.07438668608665466, 0.08549970388412476, 0.17456300556659698, -0.016780218109488487, 0.05685209482908249, -0.036666352301836014, 0.0010059135966002941, 0.10130206495523453, -0.02985994890332222, 0.024384992197155952, 0.0008594038081355393, 0.16564816236495972, 0.09481165558099747, 0.1660551130771637, 0.07932400703430176, 0.12579098343849182, -0.019271820783615112, 0.06459848582744598, -0.026371600106358528, -0.04142285883426666, -0.11460499465465546, -0.1121181845664978, -0.019417650997638702, -0.017966553568840027, -0.09107130020856857, 0.043587345629930496, -0.0046843369491398335, 0.0624409057199955, -0.005148658994585276, -0.2339424043893814, -0.032739728689193726, -0.02715556137263775, 0.03738394379615784, -0.1827934980392456, 0.05734774470329285, 0.07597142457962036, -0.07600530982017517, 0.019826184958219528, 0.021906176581978798, 0.10865693539381027, 0.041905708611011505, -0.028019344434142113, -0.022569751366972923, -0.029484368860721588, -0.021117212250828743, 0.07087133079767227, -0.2676241397857666, 0.15485700964927673, 0.03978658467531204, 0.010565830394625664, -0.025358807295560837, -0.033327847719192505, -0.06484971940517426, 0.24436511099338531, 0.15498216450214386, 0.057324428111314774, 0.21505077183246613, -0.035885684192180634, -0.045787516981363297, 0.0037500846665352583, -0.007877878844738007, -0.04691437631845474, 0.05451519414782524, 0.03160969913005829, 0.01043663453310728, -0.04475186765193939, -0.04844542220234871, -0.10881679505109787, -0.10297021269798279, 0.04044439271092415, -0.048539891839027405, 0.05466294288635254, -0.038278140127658844, -0.06900261342525482, -0.11417664587497711, 0.09327218681573868, -0.10956435650587082, -0.11458545923233032, -0.13540560007095337, 0.0034067267552018166, 0.12248403578996658, -0.05516283959150314, 0.10019553452730179, -0.00758028170093894, 0.03908894956111908, 0.007830511778593063, -0.11325860023498535, 0.09610487520694733, -0.05692476034164429, 0.02430664747953415, -0.026988862082362175, 0.09527070820331573, 0.02064293622970581, 0.008232289925217628, 0.09794829785823822, 0.01333573367446661, -0.05429430678486824, -0.05341625586152077, -0.08171489834785461, -0.009225393645465374, 0.05304546654224396, 0.14826707541942596, -0.02961563505232334, -0.1631414294242859, -0.009769580326974392, -0.01827653869986534, 0.2081993818283081, -0.01915830373764038, -0.08505899459123611, 0.12938717007637024, 0.08263061940670013, -0.13537469506263733, -0.1710505485534668, -0.09482674300670624, 0.03745916858315468, 0.07154017686843872, 0.0014016086934134364, -0.16821682453155518, -0.00016795680858194828, 0.019073428586125374, 0.05601950362324715, -0.12986862659454346, -0.361906498670578, -0.08590684831142426, 0.15196329355239868, 0.06763545423746109, 0.23463386297225952, -0.0885276347398758, -0.055416084825992584, -0.04630881920456886, -0.2742770314216614, 0.2096160650253296, -0.2709365785121918, 0.03666619583964348, -0.05421933904290199, 0.04142739996314049, 0.030617576092481613, 0.03127680718898773, 0.05396857485175133, 0.019197825342416763, -0.003011469030752778, -0.053888704627752304, -0.014096681028604507, 0.1360001266002655, -0.013035436160862446, 0.08578617870807648, 0.051885150372982025, 0.05692993849515915, -0.23252597451210022, -0.024606827646493912, -0.06328290700912476, 0.03226594254374504, -0.040277089923620224, -0.015567821450531483, 0.012937278486788273, -0.006732841953635216, 0.06232694908976555, -0.04072822630405426, -0.017429029569029808, -0.0727337971329689, 0.0877099558711052, 0.07679960876703262, 0.19781209528446198, -0.05202803760766983, -0.02950189635157585, 0.034280695021152496, -0.0021951778326183558, 0.05260073393583298, -0.15394040942192078, 0.06287897378206253, 0.08244659006595612, 0.030748188495635986, 0.09120123088359833, 0.03679213672876358, -0.04196999967098236, -0.03634849190711975, 0.07854163646697998, -0.09827570617198944, 0.038449209183454514, -0.07726846635341644, -0.06935945153236389, 0.06055586412549019, -0.014974330551922321, 0.14212512969970703, -0.03411980718374252, -0.08953343331813812, -0.021527474746108055, -0.02378740906715393, -0.05426536500453949, 0.10371964424848557, 0.07157473266124725, -0.01793571189045906, -0.14312566816806793, 0.020742716267704964, 0.08172918111085892, -0.03490809351205826, -0.029416874051094055, 0.14856396615505219, -0.15423156321048737, -0.09106852114200592, 0.0760895311832428, 0.16039593517780304, -0.13810507953166962, -0.030192339792847633, -0.0154483113437891, -0.09130460768938065, 0.044214800000190735, 0.30883845686912537, 0.03263421356678009, 0.07420461624860764, -0.03105037286877632, -0.06489735841751099, -0.07471349835395813, 0.04336835816502571, 0.023694980889558792, -0.017421318218111992, -0.062286484986543655, 0.22050385177135468, -0.008068522438406944, 0.10711934417486191, -0.06314234435558319, -0.04114402085542679, -0.06943850219249725, 0.03227715939283371, -0.0011899946257472038, 0.08022978156805038, -0.07645699381828308, 0.01618623360991478, -0.03233001381158829, -0.020378943532705307, -0.023404136300086975, 0.02913604862987995, -0.06846702098846436, 0.015045969747006893, -0.011852110736072063, 0.09381245076656342, -0.0014202659949660301, -0.0363454632461071, -0.012750339694321156, -0.010340140201151371, 0.09336597472429276, 0.03755392134189606, -0.042778126895427704, 0.06451305001974106, -0.10854445397853851, -0.03585689887404442, 0.003164522582665086, 0.023240095004439354, 0.05328866466879845, -0.06583238393068314, 0.05038886517286301, 0.04780175909399986, -0.02872357703745365, 0.01882021129131317, 0.10037262737751007, -0.0645931288599968, -0.03738243877887726, -0.01439590472728014, 0.02335444837808609, -0.016655460000038147, 0.09588918089866638, 0.06994973123073578, 0.05448159947991371, 0.130610853433609, -0.045952603220939636, 0.007732148747891188, -0.10527632385492325, -0.04058970883488655, -0.028305798768997192, -0.01641378365457058, -0.14703097939491272, -0.03585953265428543, 0.03875022381544113, 0.025985021144151688, 0.15880951285362244, 0.15864335000514984, 0.029215514659881592, -0.026733342558145523, 0.03702610358595848, -0.006234262604266405, -0.050284143537282944, 0.23932413756847382, 0.004499251954257488, 0.022815195843577385, 0.03828321769833565, 0.05987713113427162, -0.02748939022421837, 0.09129763394594193, -0.020327098667621613, -0.06200889125466347, 0.1415516585111618, 0.06942035257816315, -0.02256108820438385, 0.03581662476062775, 0.08203819394111633, -0.03617067635059357, 0.028186483308672905, 0.05852396413683891, 0.04116945341229439, 0.016839558258652687, 0.1077902764081955, -0.09183884412050247, 0.08412674814462662, 0.0763903260231018, -0.09668605029582977, -0.18610195815563202, -0.08332423120737076, -0.07184000313282013, -0.12965601682662964, -0.014415164478123188, -0.18799112737178802, 0.062325820326805115, -0.052617158740758896, 0.0650956779718399, 0.00757949473336339, 0.0005683523486368358, -0.06587370485067368, -0.2071574628353119, 0.11461494117975235, -0.00020680195302702487, 0.08442675322294235, -0.1069466844201088, 0.11468054354190826, 0.020341355353593826, 0.07885283976793289, 0.019523516297340393, 0.033380042761564255, 0.08385531604290009, 0.05832969397306442, -0.1228647455573082, -0.05657963454723358, -0.03154785558581352, 0.08025918900966644, -0.0024138304870575666, 0.14308834075927734, 0.052353888750076294, -0.06305889040231705, 0.0358465276658535, 0.16833151876926422, 0.02113625966012478, -0.13233083486557007, -0.10935716331005096, 0.08219249546527863, 0.11981724202632904, 0.03419965133070946, 0.019967133179306984, -0.04396955668926239, 0.06879625469446182, 0.2176005244255066, 0.15776324272155762, 0.016179611906409264, 0.005857136100530624, 0.055956728756427765, -0.0010940727079287171, 0.10273852944374084, 0.08332929015159607, 0.09449874609708786, 0.11585304141044617, -0.05371980741620064, -0.01267290860414505, -0.09677040576934814, 0.008162676356732845, -0.08282557129859924, -0.030590446665883064, -0.014356812462210655, -0.0979437530040741, 0.06977325677871704, 0.16333724558353424, -0.1282462626695633, -0.019785035401582718, 0.011921442113816738, -0.0841304361820221, -0.05348395183682442, -0.1291564404964447, -0.07460689544677734, 0.08093779534101486, -0.010791001841425896, -0.0037838220596313477, -0.01672416739165783, 0.16204635798931122, 0.031039070338010788, -0.18419545888900757, -0.08739594370126724, 0.06684349477291107, -0.13711339235305786, 0.12097872048616409, -0.0006766376900486648, 0.1105019822716713, 0.02120600827038288, 0.052401456981897354, -0.07826821506023407, 0.03862021863460541, -0.08159840106964111, 0.15180498361587524, 0.0754307210445404, 0.008690202608704567, 0.008390168659389019, -0.03596971556544304, -0.02476237155497074, -0.06469901651144028, 0.05872154235839844, 0.0866517424583435, -0.05083903670310974, -0.04363284260034561, 0.05713579058647156, -0.08838039636611938, 0.055847764015197754, 0.14642107486724854, -0.022847604006528854, -0.006035804282873869, -0.11211702227592468, -0.02652922086417675, 0.014175676740705967, 0.05970128998160362, -0.019954198971390724, -0.08834414184093475, -0.025512605905532837, -0.031369827687740326, -0.0014669090742245317, -0.12694379687309265, 0.075772225856781, -0.08264706283807755, -0.06500083208084106, -0.1026381403207779, 0.14051583409309387, 0.04020819067955017, 0.04720908775925636, -0.010316457599401474, -0.025308597832918167, 0.00018735812045633793, 0.1359757035970688, -0.15014809370040894, -0.06555778533220291 ]
null
null
transformers
# Model Card for ke-t5-base-ko # Model Details ## Model Description - **Developed by:** Korea Electronics Technology Institute Artificial Intelligence Research Center - **Shared by [Optional]:** More information needed - **Model type:** Text2Text Generation - **Language(s) (NLP):** More information needed - **License:** More information needed - **Related Models:** - **Parent Model:** T5 - **Resources for more information:** - [GitHub Repo](https://github.com/google-research/text-to-text-transfer-transformer#released-model-checkpoints) - [KE-T5 Github Repo](https://github.com/AIRC-KETI/ke-t5) - [Paper](https://aclanthology.org/2021.findings-emnlp.33/) - [Associated Paper](https://jmlr.org/papers/volume21/20-074/20-074.pdf) - [Blog Post](https://ai.googleblog.com/2020/02/exploring-transfer-learning-with-t5.html) # Uses ## Direct Use This model can be used for the task of Text2Text Generation ## 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. # Training Details ## Training Data The model is pre-trained on the [Colossal Clean Crawled Corpus (C4)](https://www.tensorflow.org/datasets/catalog/c4), which was developed and released in the context of the same [research paper](https://jmlr.org/papers/volume21/20-074/20-074.pdf) as T5. The model was pre-trained on a on a **multi-task mixture of unsupervised (1.) and supervised tasks (2.)**. See the [t5-base model card](https://huggingface.co/t5-base?text=My+name+is+Wolfgang+and+I+live+in+Berlin) for further information. ## Training Procedure ### 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:** ```bibtex @inproceedings{kim-etal-2021-model-cross, title = "A Model of Cross-Lingual Knowledge-Grounded Response Generation for Open-Domain Dialogue Systems", author = "Kim, San and Jang, Jin Yea and Jung, Minyoung and Shin, Saim", booktitle = "Findings of the Association for Computational Linguistics: EMNLP 2021", month = nov, year = "2021", address = "Punta Cana, Dominican Republic", publisher = "Association for Computational Linguistics", url = "https://aclanthology.org/2021.findings-emnlp.33", doi = "10.18653/v1/2021.findings-emnlp.33", pages = "352--365", abstract = "Research on open-domain dialogue systems that allow free topics is challenging in the field of natural language processing (NLP). The performance of the dialogue system has been improved recently by the method utilizing dialogue-related knowledge; however, non-English dialogue systems suffer from reproducing the performance of English dialogue systems because securing knowledge in the same language with the dialogue system is relatively difficult. Through experiments with a Korean dialogue system, this paper proves that the performance of a non-English dialogue system can be improved by utilizing English knowledge, highlighting the system uses cross-lingual knowledge. For the experiments, we 1) constructed a Korean version of the Wizard of Wikipedia dataset, 2) built Korean-English T5 (KE-T5), a language model pre-trained with Korean and English corpus, and 3) developed a knowledge-grounded Korean dialogue model based on KE-T5. We observed the performance improvement in the open-domain Korean dialogue model even only English knowledge was given. The experimental results showed that the knowledge inherent in cross-lingual language models can be helpful for generating responses in open dialogue systems.", } ``` ```bibtex @article{2020t5, author = {Colin Raffel and Noam Shazeer and Adam Roberts and Katherine Lee and Sharan Narang and Michael Matena and Yanqi Zhou and Wei Li and Peter J. Liu}, title = {Exploring the Limits of Transfer Learning with a Unified Text-to-Text Transformer}, journal = {Journal of Machine Learning Research}, year = {2020}, volume = {21}, number = {140}, pages = {1-67}, url = {http://jmlr.org/papers/v21/20-074.html} } ``` **APA:** ``` - Raffel, C., Shazeer, N., Roberts, A., Lee, K., Narang, S., Matena, M., ... & Liu, P. J. (2020). Exploring the limits of transfer learning with a unified text-to-text transformer. J. Mach. Learn. Res., 21(140), 1-67. ``` # Glossary [optional] More information needed # More Information [optional] More information needed # Model Card Authors [optional] Korea Electronics Technology Institute Artificial Intelligence Research Center in collaboration with Ezi Ozoani and the Hugging Face team # 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 AutoTokenizer, AutoModelForSeq2SeqLM tokenizer = AutoTokenizer.from_pretrained("KETI-AIR/ke-t5-base-ko") model = AutoModelForSeq2SeqLM.from_pretrained("KETI-AIR/ke-t5-base-ko") ``` </details>
{"language": "ko", "license": "apache-2.0", "tags": ["t5"], "eos_token": "</s>", "widget": [{"text": "\uc544\ubc84\uc9c0\uac00 \ubc29\uc5d0 \ub4e4\uc5b4\uac00\uc2e0\ub2e4.</s>"}]}
text2text-generation
KETI-AIR/ke-t5-base-ko
[ "transformers", "pytorch", "tf", "jax", "safetensors", "t5", "text2text-generation", "ko", "arxiv:1910.09700", "license:apache-2.0", "autotrain_compatible", "endpoints_compatible", "has_space", "text-generation-inference", "region:us" ]
2022-03-02T23:29:04+00:00
[ "1910.09700" ]
[ "ko" ]
TAGS #transformers #pytorch #tf #jax #safetensors #t5 #text2text-generation #ko #arxiv-1910.09700 #license-apache-2.0 #autotrain_compatible #endpoints_compatible #has_space #text-generation-inference #region-us
# Model Card for ke-t5-base-ko # Model Details ## Model Description - Developed by: Korea Electronics Technology Institute Artificial Intelligence Research Center - Shared by [Optional]: More information needed - Model type: Text2Text Generation - Language(s) (NLP): More information needed - License: More information needed - Related Models: - Parent Model: T5 - Resources for more information: - GitHub Repo - KE-T5 Github Repo - Paper - Associated Paper - Blog Post # Uses ## Direct Use This model can be used for the task of Text2Text Generation ## 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. # Training Details ## Training Data The model is pre-trained on the Colossal Clean Crawled Corpus (C4), which was developed and released in the context of the same research paper as T5. The model was pre-trained on a on a multi-task mixture of unsupervised (1.) and supervised tasks (2.). See the t5-base model card for further information. ## Training Procedure ### 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: APA: # Glossary [optional] More information needed # More Information [optional] More information needed # Model Card Authors [optional] Korea Electronics Technology Institute Artificial Intelligence Research Center in collaboration with Ezi Ozoani and the Hugging Face team # 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 ke-t5-base-ko", "# Model Details", "## Model Description\n \n \n- Developed by: Korea Electronics Technology Institute Artificial Intelligence Research Center\n- Shared by [Optional]: More information needed\n- Model type: Text2Text Generation\n- Language(s) (NLP): More information needed\n- License: More information needed\n- Related Models:\n - Parent Model: T5\n- Resources for more information: \n - GitHub Repo\n - KE-T5 Github Repo\n - Paper\n - Associated Paper\n - Blog Post", "# Uses", "## Direct Use\n \nThis model can be used for the task of Text2Text Generation", "## 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.", "# Training Details", "## Training Data\n \nThe model is pre-trained on the Colossal Clean Crawled Corpus (C4), which was developed and released in the context of the same research paper as T5.\n \nThe model was pre-trained on a on a multi-task mixture of unsupervised (1.) and supervised tasks (2.).\n \n See the t5-base model card for further information.", "## Training Procedure", "### Preprocessing\n \nMore information needed", "### Speeds, Sizes, Times\n \nMore information needed", "# Evaluation", "## Testing Data, Factors & Metrics", "### Testing Data\n \nMore information needed", "### Factors", "### Metrics\n \nMore information needed", "## Results \n \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\nMore information needed\n \nBibTeX:\n \n \n\n\n \n \nAPA:", "# Glossary [optional]\nMore information needed", "# More Information [optional]\n \nMore information needed", "# Model Card Authors [optional]\n \n \nKorea Electronics Technology Institute Artificial Intelligence Research Center in collaboration with Ezi Ozoani and the Hugging Face team", "# 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</details>" ]
[ "TAGS\n#transformers #pytorch #tf #jax #safetensors #t5 #text2text-generation #ko #arxiv-1910.09700 #license-apache-2.0 #autotrain_compatible #endpoints_compatible #has_space #text-generation-inference #region-us \n", "# Model Card for ke-t5-base-ko", "# Model Details", "## Model Description\n \n \n- Developed by: Korea Electronics Technology Institute Artificial Intelligence Research Center\n- Shared by [Optional]: More information needed\n- Model type: Text2Text Generation\n- Language(s) (NLP): More information needed\n- License: More information needed\n- Related Models:\n - Parent Model: T5\n- Resources for more information: \n - GitHub Repo\n - KE-T5 Github Repo\n - Paper\n - Associated Paper\n - Blog Post", "# Uses", "## Direct Use\n \nThis model can be used for the task of Text2Text Generation", "## 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.", "# Training Details", "## Training Data\n \nThe model is pre-trained on the Colossal Clean Crawled Corpus (C4), which was developed and released in the context of the same research paper as T5.\n \nThe model was pre-trained on a on a multi-task mixture of unsupervised (1.) and supervised tasks (2.).\n \n See the t5-base model card for further information.", "## Training Procedure", "### Preprocessing\n \nMore information needed", "### Speeds, Sizes, Times\n \nMore information needed", "# Evaluation", "## Testing Data, Factors & Metrics", "### Testing Data\n \nMore information needed", "### Factors", "### Metrics\n \nMore information needed", "## Results \n \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\nMore information needed\n \nBibTeX:\n \n \n\n\n \n \nAPA:", "# Glossary [optional]\nMore information needed", "# More Information [optional]\n \nMore information needed", "# Model Card Authors [optional]\n \n \nKorea Electronics Technology Institute Artificial Intelligence Research Center in collaboration with Ezi Ozoani and the Hugging Face team", "# 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</details>" ]
[ 82, 11, 3, 97, 3, 16, 11, 28, 87, 41, 3, 86, 4, 8, 12, 3, 11, 8, 4, 8, 5, 8, 68, 9, 10, 8, 6, 13, 11, 10, 32, 7, 41 ]
[ "passage: TAGS\n#transformers #pytorch #tf #jax #safetensors #t5 #text2text-generation #ko #arxiv-1910.09700 #license-apache-2.0 #autotrain_compatible #endpoints_compatible #has_space #text-generation-inference #region-us \n# Model Card for ke-t5-base-ko# Model Details## Model Description\n \n \n- Developed by: Korea Electronics Technology Institute Artificial Intelligence Research Center\n- Shared by [Optional]: More information needed\n- Model type: Text2Text Generation\n- Language(s) (NLP): More information needed\n- License: More information needed\n- Related Models:\n - Parent Model: T5\n- Resources for more information: \n - GitHub Repo\n - KE-T5 Github Repo\n - Paper\n - Associated Paper\n - Blog Post# Uses## Direct Use\n \nThis model can be used for the task of Text2Text Generation## 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.# Training Details## Training Data\n \nThe model is pre-trained on the Colossal Clean Crawled Corpus (C4), which was developed and released in the context of the same research paper as T5.\n \nThe model was pre-trained on a on a multi-task mixture of unsupervised (1.) and supervised tasks (2.).\n \n See the t5-base model card for further information.## Training Procedure### Preprocessing\n \nMore information needed### Speeds, Sizes, Times\n \nMore information needed# Evaluation## Testing Data, Factors & Metrics" ]
[ 0.0027053384110331535, 0.12785528600215912, -0.0045834872871637344, 0.012799510732293129, 0.04226657748222351, -0.020700084045529366, 0.04754243046045303, 0.1301189512014389, -0.01251860149204731, 0.064702108502388, -0.0019652172923088074, 0.024665188044309616, 0.1252310574054718, 0.06349730491638184, 0.010632732883095741, -0.20385926961898804, 0.02959676831960678, -0.06353548169136047, 0.0467226579785347, 0.12733030319213867, 0.1308281123638153, -0.03390622138977051, 0.06857635080814362, 0.004448278807103634, -0.005413456819951534, 0.0005775043973699212, -0.08036890625953674, -0.046023495495319366, 0.03650087118148804, 0.04428509622812271, 0.05975564569234848, 0.01297815516591072, 0.05050087720155716, -0.2614222764968872, 0.026146546006202698, 0.07852761447429657, 0.001205693231895566, 0.06078176945447922, 0.054705433547496796, -0.015519981272518635, 0.1171623170375824, -0.15525898337364197, 0.08559804409742355, 0.06104080379009247, -0.053597766906023026, -0.14574719965457916, -0.1131601482629776, 0.12623588740825653, 0.07293470203876495, 0.057443223893642426, -0.038258977234363556, 0.18234023451805115, -0.045032814145088196, 0.02378625050187111, 0.13585804402828217, -0.1378522664308548, -0.04972115159034729, 0.011960786767303944, 0.07525402307510376, 0.04596487432718277, -0.07778897881507874, 0.012565075419843197, 0.02691640518605709, 0.0061592888087034225, 0.041375257074832916, -0.033655427396297455, 0.07369178533554077, -0.01421276293694973, -0.11131883412599564, -0.02659638598561287, 0.0689859688282013, 0.05572988837957382, -0.09366189688444138, -0.23993106186389923, -0.007221447303891182, 0.06308656185865402, 0.014640793204307556, -0.10150930285453796, 0.036821916699409485, -0.03310215845704079, 0.11658549308776855, -0.10032089054584503, -0.08304963260889053, 0.004730375949293375, -0.0005324464873410761, 0.16073593497276306, 0.05703887343406677, -0.020615041255950928, 0.0013593243202194571, 0.09304686635732651, 0.06875298172235489, -0.10342027246952057, -0.10710448026657104, -0.09645280241966248, -0.09959810972213745, -0.045189134776592255, 0.022911693900823593, -0.039943162351846695, -0.0011700903996825218, 0.17426909506320953, -0.029651839286088943, 0.03983629494905472, -0.019484151154756546, -0.009262127801775932, 0.11776244640350342, 0.060434505343437195, -0.06440763175487518, -0.028169158846139908, 0.02508881315588951, 0.044999197125434875, -0.02089061588048935, -0.03279104828834534, -0.02304792031645775, -0.02106190100312233, 0.059585943818092346, 0.10678131878376007, 0.09213783591985703, 0.05716802179813385, -0.026455562561750412, -0.06572374701499939, 0.12312919646501541, -0.15205812454223633, -0.018952757120132446, -0.028050372377038002, -0.038782134652137756, 0.03336679935455322, 0.03298787772655487, 0.003566037630662322, -0.07782253623008728, 0.012872263789176941, -0.04886462539434433, -0.03468627110123634, -0.06462662667036057, -0.036587394773960114, 0.05659937486052513, -0.020908363163471222, -0.00986444391310215, -0.13474419713020325, -0.15820631384849548, -0.08113650977611542, 0.02673485316336155, -0.09508964419364929, -0.030145443975925446, 0.0006662061787210405, -0.07366055995225906, -0.004805439151823521, -0.030606992542743683, 0.04547662287950516, -0.004913332872092724, 0.06187507510185242, -0.09507810324430466, -0.00037336372770369053, 0.13052897155284882, 0.003665527328848839, -0.09101635217666626, 0.020848706364631653, -0.16956207156181335, 0.11228181421756744, -0.07529503107070923, -0.038678109645843506, -0.13725273311138153, -0.04143707454204559, 0.017070824280381203, 0.03753150999546051, -0.023941487073898315, 0.1426638662815094, -0.15101252496242523, 0.015966756269335747, 0.15724247694015503, -0.09597937762737274, -0.07514501363039017, 0.08824730664491653, -0.05481089651584625, 0.17229339480400085, 0.07717426121234894, 0.0585494190454483, 0.08047644793987274, -0.15147562325000763, -0.0540672168135643, -0.011336850933730602, -0.05326864868402481, 0.2119137942790985, 0.06331702321767807, -0.032086364924907684, 0.04460245370864868, -0.008043553680181503, -0.07135733962059021, -0.022914163768291473, -0.01283218152821064, -0.05239878222346306, 0.02508617378771305, -0.018796343356370926, 0.06436309218406677, -0.0035678385756909847, -0.05259637534618378, -0.02043471671640873, -0.20933228731155396, -0.028984293341636658, 0.08727960288524628, -0.020167052745819092, 0.009407605975866318, -0.11116140335798264, -0.0261995792388916, 0.062216244637966156, 0.01898309588432312, -0.1481812596321106, -0.06643840670585632, 0.022479552775621414, -0.188846617937088, 0.10675228387117386, 0.032795462757349014, 0.025897715240716934, 0.022132176905870438, -0.06536689400672913, 0.010325416922569275, -0.03482957184314728, 0.03557959198951721, -0.02220376767218113, -0.17248477041721344, -0.013455906882882118, -0.016543883830308914, 0.10080567002296448, -0.15373879671096802, 0.02454724721610546, 0.09237375855445862, 0.1281556934118271, 0.013839088380336761, -0.03628610447049141, 0.06602191179990768, -0.014715745113790035, 0.0049367630854249, -0.05896665155887604, -0.022690683603286743, -0.02325955592095852, -0.043882884085178375, 0.10907768458127975, -0.15707072615623474, -0.10683953762054443, 0.06886068731546402, 0.07014276832342148, -0.14903709292411804, -0.003332908032462001, -0.016325028613209724, -0.057054243981838226, -0.04641501232981682, -0.07210549712181091, 0.17830294370651245, 0.02241218462586403, 0.053601544350385666, -0.11139173060655594, -0.12962493300437927, -0.01594967395067215, -0.028391897678375244, -0.014252226799726486, 0.03308098018169403, -0.03376167267560959, -0.23172008991241455, 0.07749100029468536, 0.05473080277442932, 0.05685164034366608, 0.18690446019172668, 0.012253444641828537, -0.09838411211967468, -0.04204721748828888, 0.034006405621767044, -0.013633022084832191, 0.07113601267337799, 0.005362263880670071, 0.04488211125135422, 0.05743671953678131, 0.010047384537756443, 0.021389517933130264, -0.028661686927080154, 0.01333854254335165, 0.038898929953575134, 0.001289603766053915, 0.017000233754515648, 0.02187686413526535, 0.05106107145547867, 0.08745358139276505, 0.047560326755046844, 0.08702023327350616, 0.01022210530936718, -0.0494767427444458, -0.11411673575639725, 0.13952258229255676, -0.06487125903367996, -0.274253785610199, -0.09225651621818542, 0.04898110032081604, 0.03946966677904129, -0.045889414846897125, 0.02043614163994789, -0.08295521885156631, -0.087770015001297, -0.1230056881904602, 0.05196903645992279, 0.01720905676484108, -0.09366696327924728, -0.07865307480096817, 0.08453135192394257, 0.0169052854180336, -0.11889654397964478, 0.013613415881991386, 0.02064647153019905, -0.0751715749502182, -0.012033588252961636, 0.07503655552864075, 0.10545101016759872, 0.06052301824092865, -0.020703092217445374, -0.05548251420259476, -0.023035354912281036, 0.09108632802963257, -0.1523054987192154, 0.10706908255815506, 0.15653376281261444, -0.11667349934577942, 0.048844240605831146, 0.09967876970767975, 0.008749481290578842, -0.03690488263964653, 0.0321732759475708, 0.06465339660644531, -0.035283163189888, -0.2932403087615967, -0.045729439705610275, -0.004346237052232027, -0.052983757108449936, 0.04017006233334541, 0.051102664321660995, 0.08603048324584961, 0.026145217940211296, -0.13448087871074677, -0.011156568303704262, 0.06000756844878197, 0.09544485807418823, 0.04325786978006363, 0.008298731409013271, 0.041947849094867706, -0.034411195665597916, -0.0028224210254848003, 0.10524041205644608, -0.005492104683071375, 0.22947978973388672, -0.02661365084350109, 0.13994473218917847, 0.09567557275295258, 0.06511388719081879, 0.025448819622397423, 0.004450076725333929, 0.034562528133392334, 0.04625020921230316, -0.0424242839217186, -0.08124351501464844, -0.01544160209596157, 0.10359019041061401, 0.003151542041450739, -0.034828491508960724, 0.014060601592063904, -0.03909693658351898, 0.062204085290431976, 0.1527225226163864, -0.0399773046374321, -0.06989005208015442, -0.04212547466158867, 0.06419215351343155, -0.11192581057548523, -0.09652218967676163, 0.00610212329775095, 0.07409600913524628, -0.20639783143997192, 0.06494276225566864, -0.004855882376432419, 0.0851895809173584, -0.18463245034217834, -0.022774748504161835, 0.0007372641703113914, 0.031923308968544006, 0.003197678364813328, 0.09824225306510925, -0.13394644856452942, 0.09240442514419556, 0.01645476743578911, 0.07432875037193298, -0.1213194876909256, 0.0601482018828392, 0.0237839724868536, -0.060526106506586075, 0.16303622722625732, 0.009589441120624542, -0.013725463300943375, -0.07700197398662567, -0.08634158968925476, 0.012958517298102379, 0.10248538851737976, -0.1049075797200203, 0.10345599055290222, -0.02123713493347168, 0.006938452832400799, -0.0402088537812233, -0.09695480763912201, -0.1793886125087738, -0.16053426265716553, 0.0658070296049118, -0.1744287610054016, 0.020974479615688324, -0.07482568174600601, -0.04446250572800636, -0.023409519344568253, 0.23569448292255402, -0.18868596851825714, -0.1056547462940216, -0.11380019783973694, 0.0032846606336534023, 0.10693641752004623, -0.0767175555229187, 0.012054919265210629, 0.026583369821310043, 0.10563952475786209, -0.0017092057969421148, -0.07977630198001862, 0.02200155332684517, -0.04900498688220978, -0.16498145461082458, -0.03247443586587906, 0.09682486951351166, 0.13747239112854004, 0.059539057314395905, 0.020704708993434906, 0.0004152656765654683, 0.020693909376859665, -0.12137704342603683, 0.005857779644429684, 0.15719179809093475, 0.09060743451118469, 0.06852330267429352, -0.012304440140724182, -0.047221265733242035, -0.1021965965628624, -0.060962118208408356, 0.04239176958799362, 0.15832474827766418, -0.027127793058753014, 0.1304868757724762, 0.1574116051197052, -0.09819719195365906, -0.20996101200580597, -0.014100834727287292, 0.056354910135269165, -0.010538253001868725, 0.06750111281871796, -0.17335128784179688, 0.03319372981786728, 0.05037892609834671, -0.0019470612751320004, 0.04858541861176491, -0.09896662086248398, -0.14306750893592834, 0.10953383147716522, -0.006529184989631176, -0.09895148873329163, -0.10755287855863571, -0.07058135420084, 0.020131953060626984, -0.14343568682670593, 0.13003385066986084, -0.12895667552947998, 0.016584638506174088, 0.031457532197237015, -0.016901711001992226, 0.05618817359209061, -0.010290628299117088, 0.137820303440094, 0.004477262496948242, 0.051459863781929016, -0.12258169054985046, -0.012349330820143223, 0.025694450363516808, -0.03914806246757507, 0.14098414778709412, 0.024784086272120476, 0.03546915575861931, -0.07479993253946304, -0.058811336755752563, -0.08609981834888458, 0.03799887001514435, -0.07561542093753815, -0.08415354788303375, -0.10100285708904266, 0.12671618163585663, 0.07745908200740814, -0.03709626570343971, 0.06048046797513962, -0.07115277647972107, -0.012243581004440784, 0.1519542932510376, 0.21937322616577148, 0.05409365892410278, -0.03890647739171982, -0.029552560299634933, -0.02956284210085869, 0.08059921115636826, -0.16908732056617737, 0.007593393325805664, 0.02249590866267681, 0.01464790292084217, 0.10297869890928268, -0.04774284362792969, -0.19111225008964539, -0.014506411738693714, 0.01767098531126976, -0.10056453943252563, -0.18036803603172302, -0.03434513136744499, -0.03117476776242256, -0.10083602368831635, -0.10642370581626892, 0.13794463872909546, -0.028358737006783485, -0.047396160662174225, 0.018836183473467827, 0.07028166949748993, 0.02730446681380272, 0.03285214677453041, 0.04327758029103279, 0.06587723642587662, -0.0623006634414196, 0.08133694529533386, 0.08312365412712097, -0.07246431708335876, 0.10301245748996735, 0.08747507631778717, -0.061294712126255035, -0.05173829197883606, -0.012345083057880402, 0.04946046322584152, 0.03404683247208595, -0.03666861727833748, 0.028047818690538406, -0.06770551204681396, 0.01872856169939041, 0.08377117663621902, 0.020302237942814827, 0.029238004237413406, 0.05326257646083832, 0.042547374963760376, -0.06085231527686119, 0.10892433673143387, 0.006079256068915129, 0.009916841983795166, -0.060232046991586685, -0.0008609744254499674, 0.038299039006233215, 0.04363132268190384, -0.021253187209367752, -0.0030264602974057198, -0.06344950199127197, -0.014694181270897388, -0.15633025765419006, -0.01080276444554329, -0.09086908400058746, 0.01572570763528347, -0.0044773044064641, -0.044249050319194794, 0.014312850311398506, 0.019307376816868782, -0.019989624619483948, -0.04995480179786682, 0.00969411339610815, 0.09589031338691711, -0.13634487986564636, 0.002526187803596258, 0.08524947613477707, -0.10648559033870697, 0.09570136666297913, -0.009697834961116314, -0.03407963737845421, 0.04698573797941208, -0.08170238137245178, 0.04187837243080139, -0.02685236930847168, 0.03329670429229736, 0.01897340454161167, -0.16521503031253815, -0.003537642303854227, -0.027426879853010178, -0.01686975359916687, 0.020809177309274673, 0.002423758851364255, -0.08093339204788208, 0.033837080001831055, 0.028059761971235275, -0.02781752496957779, -0.0774814784526825, 0.05145787075161934, 0.09137691557407379, -0.014769254252314568, 0.10463964194059372, -0.01683029718697071, 0.06356368958950043, -0.168815016746521, -0.02942562848329544, 0.033823661506175995, 0.05108094587922096, 0.10576283931732178, -0.042081065475940704, 0.054475463926792145, -0.0337405726313591, 0.1697225421667099, -0.008271160535514355, 0.005915907211601734, 0.07247911393642426, -0.0043124728836119175, -0.015571540221571922, 0.0520290806889534, -0.03994803875684738, -0.006337365135550499, -0.020430218428373337, -0.0383441224694252, -0.08114132285118103, -0.04374729096889496, -0.2101718783378601, 0.1236453503370285, 0.163006991147995, 0.11867266148328781, -0.004970809910446405, 0.05739965662360191, -0.05127370357513428, -0.08730337023735046, 0.09256449341773987, 0.004012898541986942, -0.02055448666214943, -0.060701414942741394, 0.03753625229001045, 0.17360848188400269, -0.13603475689888, 0.09766047447919846, -0.03852485865354538, -0.048764266073703766, -0.09713050723075867, -0.20701172947883606, -0.055383678525686264, 0.0009666257537901402, 0.005561421159654856, -0.08245740085840225, 0.06169545650482178, 0.09051738679409027, 0.012560311704874039, -0.028308779001235962, 0.09770798683166504, -0.0326695516705513, -0.09786860644817352, 0.09352567791938782, 0.03131780028343201, 0.01788674294948578, -0.013585876673460007, 0.02497531846165657, 0.03197111934423447, 0.10377578437328339, 0.05101511627435684, 0.06260669231414795, 0.0014754988951608539, 0.007979689165949821, -0.10445162653923035, -0.10737380385398865, 0.030063848942518234, 0.020984672009944916, 0.019587766379117966, 0.1478702425956726, 0.04991757869720459, -0.012321735732257366, -0.02082253433763981, 0.20029228925704956, 0.01108417846262455, -0.06984029710292816, -0.15380677580833435, 0.026422806084156036, -0.005567839369177818, 0.007874060422182083, 0.08801046013832092, -0.1099051982164383, 0.04172321408987045, 0.15205341577529907, 0.12812530994415283, -0.0076498300768435, 0.02510729804635048, 0.015799079090356827, 0.010653877630829811, -0.025403141975402832, 0.08562316000461578, 0.051331959664821625, 0.18462561070919037, -0.052282631397247314, 0.07670895755290985, 0.019696194678544998, -0.06355893611907959, -0.022365467622876167, 0.14854156970977783, -0.010210382752120495, 0.031697213649749756, -0.07096575200557709, 0.11514894664287567, -0.03829681873321533, -0.2570785582065582, 0.0229067150503397, -0.046565085649490356, -0.11981000006198883, 0.005934566725045443, 0.027741380035877228, -0.027285214513540268, 0.021029474213719368, 0.056818753480911255, -0.04168161004781723, 0.18011555075645447, 0.03559983894228935, -0.023556150496006012, -0.0328812450170517, 0.09916003048419952, -0.038870133459568024, 0.22461546957492828, 0.03251383826136589, 0.10412377119064331, 0.09471887350082397, -0.04366079717874527, -0.15043669939041138, 0.003005692735314369, 0.06027298420667648, -0.01802702620625496, 0.06330755352973938, 0.2522551417350769, 0.013895916752517223, 0.08451516926288605, 0.13821889460086823, -0.03990744799375534, 0.02561366930603981, -0.08732841908931732, -0.060766786336898804, -0.10471105575561523, 0.13991370797157288, -0.09152136743068695, 0.13238027691841125, 0.15702855587005615, -0.04949922114610672, 0.0352095328271389, -0.05186563357710838, 0.016888685524463654, -0.013797490857541561, 0.07827652245759964, 0.03343561291694641, -0.1058371365070343, 0.01151941530406475, 0.040205176919698715, 0.13603323698043823, -0.19470611214637756, -0.046397559344768524, 0.05606000870466232, -0.02280101180076599, -0.04636150598526001, 0.11265412718057632, 0.019621726125478745, -0.0016073030419647694, -0.014063075184822083, -0.11144104599952698, 0.0011566977482289076, 0.08251721411943436, -0.1254207193851471, 0.01294494979083538 ]
null
null
transformers
# ke-t5 base Pretrained T5 Model on Korean and English. See [Github](https://github.com/AIRC-KETI/ke-t5) and [Paper](https://aclanthology.org/2021.findings-emnlp.33/) [Korean paper](https://koreascience.kr/article/CFKO202130060717834.pdf) for more details. ## How to use ```python from transformers import AutoModel, AutoTokenizer model = AutoModel.from_pretrained("KETI-AIR/ke-t5-base-newslike") tokenizer = AutoTokenizer.from_pretrained("KETI-AIR/ke-t5-base-newslike") ``` ## BibTeX entry and citation info ```bibtex @inproceedings{kim-etal-2021-model-cross, title = "A Model of Cross-Lingual Knowledge-Grounded Response Generation for Open-Domain Dialogue Systems", author = "Kim, San and Jang, Jin Yea and Jung, Minyoung and Shin, Saim", booktitle = "Findings of the Association for Computational Linguistics: EMNLP 2021", month = nov, year = "2021", address = "Punta Cana, Dominican Republic", publisher = "Association for Computational Linguistics", url = "https://aclanthology.org/2021.findings-emnlp.33", doi = "10.18653/v1/2021.findings-emnlp.33", pages = "352--365", abstract = "Research on open-domain dialogue systems that allow free topics is challenging in the field of natural language processing (NLP). The performance of the dialogue system has been improved recently by the method utilizing dialogue-related knowledge; however, non-English dialogue systems suffer from reproducing the performance of English dialogue systems because securing knowledge in the same language with the dialogue system is relatively difficult. Through experiments with a Korean dialogue system, this paper proves that the performance of a non-English dialogue system can be improved by utilizing English knowledge, highlighting the system uses cross-lingual knowledge. For the experiments, we 1) constructed a Korean version of the Wizard of Wikipedia dataset, 2) built Korean-English T5 (KE-T5), a language model pre-trained with Korean and English corpus, and 3) developed a knowledge-grounded Korean dialogue model based on KE-T5. We observed the performance improvement in the open-domain Korean dialogue model even only English knowledge was given. The experimental results showed that the knowledge inherent in cross-lingual language models can be helpful for generating responses in open dialogue systems.", } ```
{"language": ["ko", "en"], "license": "apache-2.0", "tags": ["t5"], "eos_token": "</s>", "widget": [{"text": "\uc544\ubc84\uc9c0\uac00 \ubc29\uc5d0 \ub4e4\uc5b4\uac00\uc2e0\ub2e4.</s>"}]}
text2text-generation
KETI-AIR/ke-t5-base-newslike
[ "transformers", "pytorch", "tf", "jax", "safetensors", "t5", "text2text-generation", "ko", "en", "license:apache-2.0", "autotrain_compatible", "endpoints_compatible", "text-generation-inference", "region:us" ]
2022-03-02T23:29:04+00:00
[]
[ "ko", "en" ]
TAGS #transformers #pytorch #tf #jax #safetensors #t5 #text2text-generation #ko #en #license-apache-2.0 #autotrain_compatible #endpoints_compatible #text-generation-inference #region-us
# ke-t5 base Pretrained T5 Model on Korean and English. See Github and Paper Korean paper for more details. ## How to use ## BibTeX entry and citation info
[ "# ke-t5 base\nPretrained T5 Model on Korean and English. See Github and Paper Korean paper for more details.", "## How to use", "## BibTeX entry and citation info" ]
[ "TAGS\n#transformers #pytorch #tf #jax #safetensors #t5 #text2text-generation #ko #en #license-apache-2.0 #autotrain_compatible #endpoints_compatible #text-generation-inference #region-us \n", "# ke-t5 base\nPretrained T5 Model on Korean and English. See Github and Paper Korean paper for more details.", "## How to use", "## BibTeX entry and citation info" ]
[ 71, 29, 4, 10 ]
[ "passage: TAGS\n#transformers #pytorch #tf #jax #safetensors #t5 #text2text-generation #ko #en #license-apache-2.0 #autotrain_compatible #endpoints_compatible #text-generation-inference #region-us \n# ke-t5 base\nPretrained T5 Model on Korean and English. See Github and Paper Korean paper for more details.## How to use## BibTeX entry and citation info" ]
[ 0.06612182408571243, -0.1278143674135208, -0.0021329254377633333, 0.06371603161096573, 0.11104313284158707, -0.028121890500187874, 0.17559394240379333, 0.08742236346006393, 0.0016528447158634663, -0.0670410543680191, 0.10216837376356125, 0.16416338086128235, 0.06558725237846375, 0.2203771471977234, -0.07000799477100372, -0.33671292662620544, 0.006343409419059753, 0.051484666764736176, 0.21806535124778748, 0.12383438646793365, 0.13802817463874817, 0.007178040686994791, 0.11733999103307724, -0.015269270166754723, -0.10452686995267868, 0.0728193074464798, -0.00047758518485352397, -0.13175424933433533, 0.06592218577861786, 0.012082863599061966, -0.015961458906531334, 0.08371413499116898, -0.016089914366602898, -0.06376414000988007, 0.028370438143610954, -0.011480825021862984, -0.09900008141994476, 0.03508232161402702, -0.023337936028838158, -0.06142289564013481, 0.2226497083902359, -0.06432688981294632, -0.04820175841450691, -0.0076377554796636105, -0.03966040909290314, -0.06299351155757904, -0.01486061792820692, 0.19826124608516693, 0.15005463361740112, 0.025604726746678352, -0.0008364001987501979, 0.14749236404895782, 0.002659344580024481, 0.1504426896572113, 0.16118864715099335, -0.39335745573043823, -0.03606436774134636, 0.055631399154663086, 0.039143599569797516, 0.13041774928569794, 0.02034335769712925, 0.014972865581512451, 0.09763379395008087, 0.009790077805519104, 0.09037955850362778, -0.11588460952043533, -0.1382027119398117, 0.03103644587099552, -0.06181081384420395, 0.055253997445106506, 0.24973414838314056, -0.0078109633177518845, -0.05407882481813431, -0.06385926902294159, -0.021890051662921906, 0.02540748193860054, -0.0013538202038034797, -0.048232220113277435, -0.023713892325758934, -0.01929032988846302, 0.051958851516246796, -0.13416001200675964, -0.07820596545934677, -0.048788510262966156, -0.12737980484962463, 0.17293041944503784, 0.03158097341656685, 0.004201485775411129, -0.14343804121017456, 0.11195933073759079, -0.06594502180814743, -0.14623062312602997, -0.034023210406303406, -0.10649479180574417, 0.08761648833751678, 0.009757708758115768, 0.03769401088356972, -0.06540071219205856, 0.06273706257343292, 0.09184519201517105, 0.08442468196153641, 0.009230438619852066, -0.11293699592351913, 0.04143892973661423, 0.03981844335794449, -0.005700588691979647, -0.06821683794260025, -0.023025523871183395, 0.1368914246559143, -0.02779267355799675, 0.05009094625711441, -0.0035241390578448772, -0.15590554475784302, -0.10501212626695633, 0.1016479879617691, 0.08812408894300461, -0.005943394266068935, 0.16648249328136444, 0.05220288038253784, 0.011581509374082088, 0.14363695681095123, -0.09533469378948212, -0.07817842066287994, -0.08040452748537064, 0.010676318779587746, 0.007959078997373581, 0.087731271982193, 0.03708987310528755, -0.11637138575315475, 0.04526695981621742, -0.02794821374118328, -0.05010375753045082, 0.0164130087941885, -0.05223032459616661, 0.022149886935949326, -0.1555781215429306, 0.09176420420408249, -0.2078399509191513, -0.21038192510604858, 0.0337197370827198, -0.03778567165136337, -0.06649455428123474, -0.07792749255895615, -0.04388916492462158, -0.08623595535755157, 0.0014398847706615925, -0.09039880335330963, 0.09443094581365585, -0.029611356556415558, 0.04680519551038742, -0.0733526423573494, 0.07367508858442307, -0.13483649492263794, 0.009278700686991215, -0.12239449471235275, -0.050326231867074966, -0.10660477727651596, 0.016958408057689667, 0.005412415135651827, 0.0656040832400322, -0.08816500753164291, -0.022556575015187263, -0.09388613700866699, 0.02118695341050625, -0.0049818819388747215, 0.16139103472232819, -0.06449798494577408, -0.027212198823690414, 0.20014511048793793, -0.09946642071008682, -0.23203688859939575, 0.1011042445898056, 0.005649405997246504, 0.19523105025291443, 0.06887030601501465, 0.12877456843852997, 0.02967686764895916, -0.1224556639790535, 0.05069752410054207, 0.13718949258327484, -0.10721001029014587, -0.023607974871993065, 0.008839759975671768, 0.08211860805749893, -0.1951953023672104, 0.03128068149089813, -0.006169013679027557, 0.04007255285978317, -0.013706674799323082, 0.02030596137046814, -0.06005599722266197, -0.03443656861782074, 0.005039360839873552, -0.02747979573905468, 0.08895470201969147, -0.05850041285157204, -0.02435687743127346, 0.10801998525857925, -0.019659437239170074, 0.022754095494747162, 0.01755780354142189, -0.027444448322057724, -0.008627260103821754, -0.013890326023101807, 0.04124213010072708, -0.039143163710832596, 0.05904051288962364, -0.012697399593889713, 0.14406847953796387, 0.0748528242111206, 0.009092523716390133, 0.03899815306067467, -0.04978334158658981, -0.10291428864002228, 0.019425153732299805, 0.1425822228193283, 0.07950901240110397, -0.029874149709939957, -0.1375129371881485, 0.07831604778766632, -0.025223825126886368, -0.09658487886190414, -0.03373769298195839, 0.023510463535785675, 0.02234884351491928, 0.0983089730143547, -0.005028127692639828, 0.10823164135217667, 0.08247365057468414, 0.006929265335202217, -0.03091510757803917, -0.01502405945211649, 0.0054290094412863255, 0.05519811436533928, -0.1154848113656044, 0.31118521094322205, -0.09141138941049576, 0.13204167783260345, 0.1777982860803604, 0.02319720946252346, -0.04218067601323128, -0.030245784670114517, -0.02686631679534912, -0.05892184004187584, 0.01745329052209854, -0.018397480249404907, 0.03916388750076294, -0.05478992313146591, 0.17241808772087097, -0.14429046213626862, -0.0917230173945427, 0.048887062817811966, -0.07101105153560638, -0.04011375829577446, 0.09654638171195984, 0.04193800687789917, -0.36008793115615845, 0.10744311660528183, 0.12863194942474365, -0.01991944946348667, 0.27598491311073303, 0.029084917157888412, -0.03150680288672447, 0.00853790994733572, 0.03361281380057335, -0.03192611038684845, 0.0013177254004403949, -0.12254531681537628, 0.006056987214833498, 0.06788421422243118, 0.015136229805648327, 0.04300602898001671, -0.04831136763095856, -0.058976735919713974, -0.026118814945220947, -0.01083179097622633, -0.04365239664912224, 0.15711528062820435, 0.016248662024736404, 0.14007899165153503, 0.014169861562550068, 0.021948300302028656, 0.040237173438072205, 0.015065903775393963, -0.15314894914627075, 0.16952459514141083, -0.0692431703209877, -0.17892132699489594, -0.05849548801779747, -0.07168402522802353, 0.030648740008473396, -0.04472000524401665, 0.11266399919986725, -0.06795039772987366, 0.004520128946751356, -0.09290099143981934, -0.016163617372512817, -0.010658323764801025, 0.037206150591373444, -0.07318782806396484, 0.060471609234809875, -0.1193898469209671, -0.07928157597780228, -0.06380655616521835, -0.004433223977684975, -0.05434272438287735, 0.08460987359285355, -0.20777982473373413, 0.005473501048982143, 0.03620045259594917, -0.03217757120728493, 0.04549669474363327, -0.09434090554714203, 0.1096639484167099, -0.060702454298734665, 0.13953980803489685, 0.18264564871788025, -0.05169947072863579, 0.023375650867819786, 0.12133291363716125, -0.028749434277415276, 0.026598410680890083, 0.12226218730211258, -0.0384073480963707, -0.10335828363895416, -0.27267926931381226, 0.03359619155526161, -0.08821199089288712, 0.1091444194316864, 0.035076502710580826, 0.02312680520117283, 0.1591317504644394, 0.10203974694013596, -0.038242507725954056, 0.1479022353887558, 0.11245788633823395, 0.105585478246212, 0.018697557970881462, 0.06531916558742523, 0.08178547769784927, -0.10035460442304611, -0.03964509442448616, 0.09938093274831772, 0.06593801081180573, 0.042027268558740616, -0.027376478537917137, -0.05914764478802681, 0.07642044872045517, 0.08629951626062393, 0.0767110288143158, 0.18187783658504486, -0.09223887324333191, 0.007682577706873417, -0.03506312146782875, -0.10446298122406006, 0.09162159264087677, 0.09097234159708023, -0.14825376868247986, -0.058722659945487976, -0.021188724786043167, -0.009907837957143784, 0.08046694099903107, 0.09865497797727585, 0.040181826800107956, -0.12187289446592331, -0.03719006106257439, 0.054335519671440125, -0.03731005638837814, -0.10988764464855194, 0.0675622969865799, 0.047780830413103104, -0.16451279819011688, 0.19508372247219086, 0.03569460287690163, 0.07619764655828476, 0.03949875384569168, -0.002636413322761655, -0.05524686351418495, -0.05742138996720314, -0.054754938930273056, 0.07516099512577057, -0.359374463558197, 0.17490945756435394, 0.010279010981321335, 0.010696898214519024, -0.12841695547103882, -0.012783706188201904, 0.021056486293673515, 0.09935958683490753, 0.18035295605659485, -0.009661060757935047, 0.047814760357141495, 0.08897887915372849, -0.034424446523189545, 0.08395124971866608, 0.04172590747475624, -0.04641013592481613, -0.017112143337726593, -0.008311021141707897, -0.046719178557395935, -0.018057717010378838, -0.03880732133984566, -0.15776808559894562, -0.056121159344911575, 0.017247529700398445, 0.013847040943801403, -0.04618649557232857, 0.008190466091036797, -0.07163791358470917, 0.002280011773109436, 0.15766650438308716, -0.11399147659540176, -0.1616264134645462, -0.10099263489246368, 0.020073063671588898, 0.047640714794397354, -0.08156716823577881, 0.01967518962919712, -0.07439462095499039, -0.027773134410381317, -0.02199157327413559, -0.21177074313163757, 0.09583849459886551, -0.067139632999897, -0.09156407415866852, 0.044175997376441956, 0.1216769590973854, -0.03865187615156174, -0.03255776688456535, 0.0269453302025795, -0.036409664899110794, -0.044998619705438614, -0.11812085658311844, 0.01444922387599945, -0.06238878518342972, 0.11970356106758118, -0.000024390965336351655, -0.12433747947216034, -0.21168312430381775, -0.049267545342445374, -0.10526783764362335, 0.05809382349252701, 0.12534748017787933, -0.018317872658371925, 0.07662685960531235, 0.11932980269193649, -0.05992821976542473, -0.17669150233268738, -0.12138243019580841, -0.06119052693247795, 0.020361606031656265, -0.040648508816957474, -0.04870368912816048, 0.04786962270736694, -0.008394485339522362, -0.020202282816171646, -0.04075439274311066, -0.07919546216726303, -0.19085845351219177, 0.13472414016723633, 0.034435298293828964, 0.2515579164028168, -0.06680343300104141, -0.0830480232834816, 0.015793805941939354, -0.2398843765258789, 0.14394359290599823, -0.22120197117328644, 0.027142059057950974, -0.023774446919560432, 0.003046780824661255, 0.006924014072865248, 0.0058261859230697155, -0.017652783542871475, -0.021932631731033325, -0.009668081067502499, -0.13728109002113342, -0.15452465415000916, -0.07236401736736298, -0.025500984862446785, 0.21019671857357025, -0.1760403960943222, 0.09328858554363251, -0.0605723038315773, -0.06785847246646881, -0.11020206660032272, 0.033865854144096375, -0.004092012066394091, -0.12776628136634827, -0.05653231218457222, 0.011027751490473747, -0.0205797478556633, -0.053397130221128464, 0.19152003526687622, -0.06346811354160309, 0.08483200520277023, 0.14837349951267242, 0.1934094876050949, -0.04798955097794533, 0.31959980726242065, -0.05461866408586502, -0.11227598786354065, 0.04597515985369682, -0.2189147025346756, -0.0031319528352469206, 0.032866284251213074, 0.002154167043045163, 0.03747517615556717, 0.04099522531032562, -0.059749383479356766, -0.021868018433451653, 0.11652397364377975, -0.2044343799352646, -0.045871563255786896, -0.12498553097248077, -0.10206075012683868, 0.08967853337526321, 0.10144159942865372, 0.17533732950687408, -0.1314026564359665, -0.06901653110980988, -0.004194973967969418, 0.013721327297389507, -0.07565439492464066, -0.047984253615140915, 0.09865698963403702, 0.009441188536584377, -0.033672213554382324, 0.04983820766210556, 0.010246504098176956, 0.025904322043061256, 0.0673050731420517, 0.14403128623962402, -0.15792681276798248, -0.0656357854604721, 0.08780096471309662, 0.052351370453834534, -0.007448015734553337, -0.06407301127910614, -0.017360620200634003, -0.10383729636669159, 0.0253401268273592, 0.29460445046424866, 0.0014398887287825346, 0.05251043289899826, 0.04846729338169098, -0.022012077271938324, -0.029805362224578857, 0.09182838350534439, -0.04018004238605499, 0.048172660171985626, -0.07410991191864014, 0.052013348788022995, -0.012534516863524914, 0.19334745407104492, -0.08988310396671295, 0.06948985904455185, -0.1598750799894333, -0.018452368676662445, -0.05994858965277672, -0.005474896170198917, -0.1344243884086609, -0.04069773480296135, -0.03707844763994217, -0.13621197640895844, -0.06381363421678543, 0.03786217421293259, -0.04231748357415199, 0.06058176979422569, -0.022483158856630325, 0.07410816848278046, -0.07329002022743225, -0.008855297230184078, 0.08284371346235275, -0.03901302441954613, 0.14703209698200226, 0.09137488156557083, -0.10002193599939346, 0.13065871596336365, -0.1495506763458252, 0.09732349961996078, 0.05784465745091438, -0.0031016774009913206, 0.04046860709786415, 0.018740208819508553, 0.028253722935914993, 0.04802419990301132, 0.04677194729447365, 0.040803708136081696, 0.07691527903079987, -0.0968342050909996, -0.028224123641848564, -0.005956051405519247, -0.036074116826057434, -0.07786162942647934, 0.07577589154243469, 0.03984934091567993, -0.03086904250085354, 0.0015374720096588135, -0.08867292106151581, 0.0007029061089269817, -0.10554274171590805, 0.02660267986357212, -0.004827996250241995, -0.167170912027359, 0.0015238391933962703, -0.060180868953466415, 0.018598705530166626, -0.0196963120251894, 0.19138114154338837, 0.044568903744220734, -0.10804351419210434, 0.036603011190891266, -0.03912742808461189, 0.036825619637966156, 0.01303895004093647, 0.21671131253242493, -0.06708358228206635, -0.04667427018284798, -0.22047993540763855, -0.04461514204740524, -0.06870962679386139, -0.06742323189973831, 0.10403132438659668, 0.05082051455974579, -0.028490159660577774, 0.06557109951972961, 0.07060371339321136, 0.03674770146608353, 0.009382760152220726, -0.17878347635269165, -0.03860674798488617, 0.052636392414569855, -0.012687986716628075, 0.013976575806736946, 0.2829166650772095, -0.055385541170835495, -0.0236640777438879, 0.034959401935338974, -0.04914432764053345, -0.16815754771232605, -0.188664048910141, -0.10390053689479828, -0.09216929972171783, 0.019746264442801476, -0.09922444820404053, 0.03504723682999611, -0.09341370314359665, 0.11659068614244461, -0.029955077916383743, 0.09023994952440262, 0.12884323298931122, -0.10368867963552475, 0.1974344104528427, -0.007536717224866152, 0.03143073618412018, -0.06160340458154678, 0.022547531872987747, -0.047714609652757645, -0.04091746360063553, -0.08468684554100037, 0.01485565584152937, -0.017015796154737473, 0.028346417471766472, -0.05375833064317703, -0.042954567819833755, -0.006775259505957365, 0.025952987372875214, 0.028423523530364037, 0.06328505277633667, 0.055587369948625565, -0.042066916823387146, 0.052578870207071304, 0.22812440991401672, -0.007031851913779974, -0.16762815415859222, -0.11161883920431137, 0.14822080731391907, 0.018198253586888313, 0.010934331454336643, 0.04156701639294624, -0.009754086844623089, -0.005580171011388302, 0.2805003225803375, 0.18818292021751404, 0.07125119119882584, 0.0473225936293602, -0.02236628532409668, 0.025077160447835922, 0.11812638491392136, 0.10008957237005234, 0.08187349885702133, 0.2268797606229782, 0.0005457788938656449, 0.07797370851039886, -0.012203770689666271, 0.03730632737278938, -0.0027522598393261433, 0.1290377825498581, 0.06328970938920975, -0.14039292931556702, 0.010506784543395042, 0.12708859145641327, -0.14506466686725616, 0.0103891771286726, -0.12016766518354416, -0.0563897080719471, -0.09242933243513107, -0.008809373714029789, 0.033809464424848557, 0.011184503324329853, 0.00891474261879921, -0.0017912412295117974, 0.003103055525571108, -0.008330165408551693, 0.060444559901952744, -0.08667925745248795, 0.010620063170790672, 0.025665223598480225, 0.002609002636745572, 0.02275911159813404, 0.010458513163030148, 0.06694602966308594, 0.07751498371362686, 0.0002802374365273863, -0.08716869354248047, 0.11422816663980484, 0.012899777851998806, 0.11221756041049957, 0.09677041321992874, 0.0183238722383976, 0.005930110812187195, -0.10478366911411285, 0.031000535935163498, -0.007509908638894558, 0.027109436690807343, 0.05283840000629425, -0.07460930943489075, -0.13789249956607819, 0.11821745336055756, -0.09409499913454056, 0.06578479707241058, 0.12100158631801605, -0.0867326557636261, 0.024628348648548126, -0.07416296750307083, 0.04509832337498665, 0.006734821014106274, -0.05659640207886696, 0.02842903509736061, -0.004285134840756655, -0.03637675195932388, 0.07972239702939987, 0.06377146393060684, -0.2359248548746109, 0.06875868141651154, -0.15099021792411804, -0.013937469571828842, -0.21137864887714386, 0.03440539911389351, 0.14113232493400574, 0.007452974561601877, 0.019398804754018784, -0.1455567479133606, 0.03916611894965172, 0.04372188821434975, -0.1450013965368271, -0.08470725268125534 ]
null
null
transformers
# Model Card for ke-t5-base # Model Details ## Model Description The developers of the Text-To-Text Transfer Transformer (T5) [write](https://ai.googleblog.com/2020/02/exploring-transfer-learning-with-t5.html): > With T5, we propose reframing all NLP tasks into a unified text-to-text-format where the input and output are always text strings, in contrast to BERT-style models that can only output either a class label or a span of the input. Our text-to-text framework allows us to use the same model, loss function, and hyperparameters on any NLP task. T5-Base is the checkpoint with 220 million parameters. - **Developed by:** Colin Raffel, Noam Shazeer, Adam Roberts, Katherine Lee, Sharan Narang, Michael Matena, Yanqi Zhou, Wei Li, Peter J. Liu. - **Shared by [Optional]:** Korea Electronics Technology Institute Artificial Intelligence Research Center - **Model type:** Text Generation - **Language(s) (NLP):**More information needed - **License:** More information needed - **Related Models:** - **Parent Model:** T5 - **Resources for more information:** - [GitHub Repo](https://github.com/google-research/text-to-text-transfer-transformer#released-model-checkpoints) - [KE-T5 Github Repo](https://github.com/AIRC-KETI/ke-t5) - [Paper](https://aclanthology.org/2021.findings-emnlp.33/) - [Associated Paper](https://jmlr.org/papers/volume21/20-074/20-074.pdf) - [Blog Post](https://ai.googleblog.com/2020/02/exploring-transfer-learning-with-t5.html) # Uses ## Direct Use The developers write in a [blog post](https://ai.googleblog.com/2020/02/exploring-transfer-learning-with-t5.html) that the model: > Our text-to-text framework allows us to use the same model, loss function, and hyperparameters on any NLP task, including machine translation, document summarization, question answering, and classification tasks (e.g., sentiment analysis). We can even apply T5 to regression tasks by training it to predict the string representation of a number instead of the number itself ## 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. # Training Details ## Training Data The model is pre-trained on the [Colossal Clean Crawled Corpus (C4)](https://www.tensorflow.org/datasets/catalog/c4), which was developed and released in the context of the same [research paper](https://jmlr.org/papers/volume21/20-074/20-074.pdf) as T5. The model was pre-trained on a on a **multi-task mixture of unsupervised (1.) and supervised tasks (2.)**. See the [t5-base model card](https://huggingface.co/t5-base?text=My+name+is+Wolfgang+and+I+live+in+Berlin) for further information. ## Training Procedure ### Preprocessing More information needed ### Speeds, Sizes, Times More information needed # Evaluation ## Testing Data, Factors & Metrics ### Testing Data The developers evaluated the model on 24 tasks, see the [research paper](https://jmlr.org/papers/volume21/20-074/20-074.pdf) for full details. ### Factors More information needed ### Metrics More information needed ## Results For full results for T5-Base, see the [research paper](https://jmlr.org/papers/volume21/20-074/20-074.pdf), Table 14. # 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:** Google Cloud TPU Pods - **Hours used:** More information needed - **Cloud Provider:** GCP - **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:** ```bibtex @inproceedings{kim-etal-2021-model-cross, title = "A Model of Cross-Lingual Knowledge-Grounded Response Generation for Open-Domain Dialogue Systems", author = "Kim, San and Jang, Jin Yea and Jung, Minyoung and Shin, Saim", booktitle = "Findings of the Association for Computational Linguistics: EMNLP 2021", month = nov, year = "2021", address = "Punta Cana, Dominican Republic", publisher = "Association for Computational Linguistics", url = "https://aclanthology.org/2021.findings-emnlp.33", doi = "10.18653/v1/2021.findings-emnlp.33", pages = "352--365", abstract = "Research on open-domain dialogue systems that allow free topics is challenging in the field of natural language processing (NLP). The performance of the dialogue system has been improved recently by the method utilizing dialogue-related knowledge; however, non-English dialogue systems suffer from reproducing the performance of English dialogue systems because securing knowledge in the same language with the dialogue system is relatively difficult. Through experiments with a Korean dialogue system, this paper proves that the performance of a non-English dialogue system can be improved by utilizing English knowledge, highlighting the system uses cross-lingual knowledge. For the experiments, we 1) constructed a Korean version of the Wizard of Wikipedia dataset, 2) built Korean-English T5 (KE-T5), a language model pre-trained with Korean and English corpus, and 3) developed a knowledge-grounded Korean dialogue model based on KE-T5. We observed the performance improvement in the open-domain Korean dialogue model even only English knowledge was given. The experimental results showed that the knowledge inherent in cross-lingual language models can be helpful for generating responses in open dialogue systems.", } ``` ```bibtex @article{2020t5, author = {Colin Raffel and Noam Shazeer and Adam Roberts and Katherine Lee and Sharan Narang and Michael Matena and Yanqi Zhou and Wei Li and Peter J. Liu}, title = {Exploring the Limits of Transfer Learning with a Unified Text-to-Text Transformer}, journal = {Journal of Machine Learning Research}, year = {2020}, volume = {21}, number = {140}, pages = {1-67}, url = {http://jmlr.org/papers/v21/20-074.html} } ``` **APA:** - Raffel, C., Shazeer, N., Roberts, A., Lee, K., Narang, S., Matena, M., ... & Liu, P. J. (2020). Exploring the limits of transfer learning with a unified text-to-text transformer. J. Mach. Learn. Res., 21(140), 1-67. # Glossary [optional] More information needed # More Information [optional] More information needed # Model Card Authors [optional] Korea Electronics Technology Institute Artificial Intelligence Research Center in collaboration with Ezi Ozoani and the Hugging Face team # 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 AutoTokenizer, AutoModelForSeq2SeqLM tokenizer = AutoTokenizer.from_pretrained("KETI-AIR/ke-t5-base") model = AutoModelForSeq2SeqLM.from_pretrained("KETI-AIR/ke-t5-base") ``` See the [Hugging Face T5](https://huggingface.co/docs/transformers/model_doc/t5#transformers.T5Model) docs and a [Colab Notebook](https://colab.research.google.com/github/google-research/text-to-text-transfer-transformer/blob/main/notebooks/t5-trivia.ipynb) created by the model developers for more examples. </details>
{"language": ["en", "ko"], "license": "apache-2.0", "tags": ["t5"], "eos_token": "</s>", "widget": [{"text": "\uc544\ubc84\uc9c0\uac00 \ubc29\uc5d0 \ub4e4\uc5b4\uac00\uc2e0\ub2e4.</s>"}]}
text2text-generation
KETI-AIR/ke-t5-base
[ "transformers", "pytorch", "tf", "jax", "safetensors", "t5", "text2text-generation", "en", "ko", "arxiv:1910.09700", "license:apache-2.0", "autotrain_compatible", "endpoints_compatible", "text-generation-inference", "region:us" ]
2022-03-02T23:29:04+00:00
[ "1910.09700" ]
[ "en", "ko" ]
TAGS #transformers #pytorch #tf #jax #safetensors #t5 #text2text-generation #en #ko #arxiv-1910.09700 #license-apache-2.0 #autotrain_compatible #endpoints_compatible #text-generation-inference #region-us
# Model Card for ke-t5-base # Model Details ## Model Description The developers of the Text-To-Text Transfer Transformer (T5) write: > With T5, we propose reframing all NLP tasks into a unified text-to-text-format where the input and output are always text strings, in contrast to BERT-style models that can only output either a class label or a span of the input. Our text-to-text framework allows us to use the same model, loss function, and hyperparameters on any NLP task. T5-Base is the checkpoint with 220 million parameters. - Developed by: Colin Raffel, Noam Shazeer, Adam Roberts, Katherine Lee, Sharan Narang, Michael Matena, Yanqi Zhou, Wei Li, Peter J. Liu. - Shared by [Optional]: Korea Electronics Technology Institute Artificial Intelligence Research Center - Model type: Text Generation - Language(s) (NLP):More information needed - License: More information needed - Related Models: - Parent Model: T5 - Resources for more information: - GitHub Repo - KE-T5 Github Repo - Paper - Associated Paper - Blog Post # Uses ## Direct Use The developers write in a blog post that the model: > Our text-to-text framework allows us to use the same model, loss function, and hyperparameters on any NLP task, including machine translation, document summarization, question answering, and classification tasks (e.g., sentiment analysis). We can even apply T5 to regression tasks by training it to predict the string representation of a number instead of the number itself ## 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. # Training Details ## Training Data The model is pre-trained on the Colossal Clean Crawled Corpus (C4), which was developed and released in the context of the same research paper as T5. The model was pre-trained on a on a multi-task mixture of unsupervised (1.) and supervised tasks (2.). See the t5-base model card for further information. ## Training Procedure ### Preprocessing More information needed ### Speeds, Sizes, Times More information needed # Evaluation ## Testing Data, Factors & Metrics ### Testing Data The developers evaluated the model on 24 tasks, see the research paper for full details. ### Factors More information needed ### Metrics More information needed ## Results For full results for T5-Base, see the research paper, Table 14. # 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: Google Cloud TPU Pods - Hours used: More information needed - Cloud Provider: GCP - 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: APA: - Raffel, C., Shazeer, N., Roberts, A., Lee, K., Narang, S., Matena, M., ... & Liu, P. J. (2020). Exploring the limits of transfer learning with a unified text-to-text transformer. J. Mach. Learn. Res., 21(140), 1-67. # Glossary [optional] More information needed # More Information [optional] More information needed # Model Card Authors [optional] Korea Electronics Technology Institute Artificial Intelligence Research Center in collaboration with Ezi Ozoani and the Hugging Face team # 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> See the Hugging Face T5 docs and a Colab Notebook created by the model developers for more examples. </details>
[ "# Model Card for ke-t5-base", "# Model Details", "## Model Description\n \nThe developers of the Text-To-Text Transfer Transformer (T5) write: \n \n> With T5, we propose reframing all NLP tasks into a unified text-to-text-format where the input and output are always text strings, in contrast to BERT-style models that can only output either a class label or a span of the input. Our text-to-text framework allows us to use the same model, loss function, and hyperparameters on any NLP task.\n \nT5-Base is the checkpoint with 220 million parameters. \n \n \n- Developed by: Colin Raffel, Noam Shazeer, Adam Roberts, Katherine Lee, Sharan Narang, Michael Matena, Yanqi Zhou, Wei Li, Peter J. Liu. \n- Shared by [Optional]: Korea Electronics Technology Institute Artificial Intelligence Research Center\n- Model type: Text Generation\n- Language(s) (NLP):More information needed\n- License: More information needed\n- Related Models: \n - Parent Model: T5\n- Resources for more information: \n - GitHub Repo\n - KE-T5 Github Repo\n - Paper\n - Associated Paper\n - Blog Post", "# Uses", "## Direct Use\n \nThe developers write in a blog post that the model: \n \n> Our text-to-text framework allows us to use the same model, loss function, and hyperparameters on any NLP task, including machine translation, document summarization, question answering, and classification tasks (e.g., sentiment analysis). We can even apply T5 to regression tasks by training it to predict the string representation of a number instead of the number itself", "## 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.", "# Training Details", "## Training Data\n \nThe model is pre-trained on the Colossal Clean Crawled Corpus (C4), which was developed and released in the context of the same research paper as T5.\n \nThe model was pre-trained on a on a multi-task mixture of unsupervised (1.) and supervised tasks (2.).\n \n See the t5-base model card for further information.", "## Training Procedure", "### Preprocessing\n \nMore information needed", "### Speeds, Sizes, Times\n \nMore information needed", "# Evaluation", "## Testing Data, Factors & Metrics", "### Testing Data\n \nThe developers evaluated the model on 24 tasks, see the research paper for full details.", "### Factors\nMore information needed", "### Metrics\n \nMore information needed", "## Results \n \nFor full results for T5-Base, see the research paper, Table 14.", "# 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: Google Cloud TPU Pods\n- Hours used: More information needed\n- Cloud Provider: GCP\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\nMore information needed\n \nBibTeX:\n\n\n\n\n \nAPA:\n- Raffel, C., Shazeer, N., Roberts, A., Lee, K., Narang, S., Matena, M., ... & Liu, P. J. (2020). Exploring the limits of transfer learning with a unified text-to-text transformer. J. Mach. Learn. Res., 21(140), 1-67.", "# Glossary [optional]\nMore information needed", "# More Information [optional]\n \nMore information needed", "# Model Card Authors [optional]\n \n \nKorea Electronics Technology Institute Artificial Intelligence Research Center in collaboration with Ezi Ozoani and the Hugging Face team", "# 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 \nSee the Hugging Face T5 docs and a Colab Notebook created by the model developers for more examples.\n</details>" ]
[ "TAGS\n#transformers #pytorch #tf #jax #safetensors #t5 #text2text-generation #en #ko #arxiv-1910.09700 #license-apache-2.0 #autotrain_compatible #endpoints_compatible #text-generation-inference #region-us \n", "# Model Card for ke-t5-base", "# Model Details", "## Model Description\n \nThe developers of the Text-To-Text Transfer Transformer (T5) write: \n \n> With T5, we propose reframing all NLP tasks into a unified text-to-text-format where the input and output are always text strings, in contrast to BERT-style models that can only output either a class label or a span of the input. Our text-to-text framework allows us to use the same model, loss function, and hyperparameters on any NLP task.\n \nT5-Base is the checkpoint with 220 million parameters. \n \n \n- Developed by: Colin Raffel, Noam Shazeer, Adam Roberts, Katherine Lee, Sharan Narang, Michael Matena, Yanqi Zhou, Wei Li, Peter J. Liu. \n- Shared by [Optional]: Korea Electronics Technology Institute Artificial Intelligence Research Center\n- Model type: Text Generation\n- Language(s) (NLP):More information needed\n- License: More information needed\n- Related Models: \n - Parent Model: T5\n- Resources for more information: \n - GitHub Repo\n - KE-T5 Github Repo\n - Paper\n - Associated Paper\n - Blog Post", "# Uses", "## Direct Use\n \nThe developers write in a blog post that the model: \n \n> Our text-to-text framework allows us to use the same model, loss function, and hyperparameters on any NLP task, including machine translation, document summarization, question answering, and classification tasks (e.g., sentiment analysis). We can even apply T5 to regression tasks by training it to predict the string representation of a number instead of the number itself", "## 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.", "# Training Details", "## Training Data\n \nThe model is pre-trained on the Colossal Clean Crawled Corpus (C4), which was developed and released in the context of the same research paper as T5.\n \nThe model was pre-trained on a on a multi-task mixture of unsupervised (1.) and supervised tasks (2.).\n \n See the t5-base model card for further information.", "## Training Procedure", "### Preprocessing\n \nMore information needed", "### Speeds, Sizes, Times\n \nMore information needed", "# Evaluation", "## Testing Data, Factors & Metrics", "### Testing Data\n \nThe developers evaluated the model on 24 tasks, see the research paper for full details.", "### Factors\nMore information needed", "### Metrics\n \nMore information needed", "## Results \n \nFor full results for T5-Base, see the research paper, Table 14.", "# 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: Google Cloud TPU Pods\n- Hours used: More information needed\n- Cloud Provider: GCP\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\nMore information needed\n \nBibTeX:\n\n\n\n\n \nAPA:\n- Raffel, C., Shazeer, N., Roberts, A., Lee, K., Narang, S., Matena, M., ... & Liu, P. J. (2020). Exploring the limits of transfer learning with a unified text-to-text transformer. J. Mach. Learn. Res., 21(140), 1-67.", "# Glossary [optional]\nMore information needed", "# More Information [optional]\n \nMore information needed", "# Model Card Authors [optional]\n \n \nKorea Electronics Technology Institute Artificial Intelligence Research Center in collaboration with Ezi Ozoani and the Hugging Face team", "# 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 \nSee the Hugging Face T5 docs and a Colab Notebook created by the model developers for more examples.\n</details>" ]
[ 80, 9, 3, 252, 3, 100, 11, 28, 87, 41, 3, 86, 4, 8, 12, 3, 11, 25, 7, 8, 18, 8, 70, 9, 10, 8, 6, 97, 11, 10, 32, 7, 66 ]
[ "passage: TAGS\n#transformers #pytorch #tf #jax #safetensors #t5 #text2text-generation #en #ko #arxiv-1910.09700 #license-apache-2.0 #autotrain_compatible #endpoints_compatible #text-generation-inference #region-us \n# Model Card for ke-t5-base# Model Details## Model Description\n \nThe developers of the Text-To-Text Transfer Transformer (T5) write: \n \n> With T5, we propose reframing all NLP tasks into a unified text-to-text-format where the input and output are always text strings, in contrast to BERT-style models that can only output either a class label or a span of the input. Our text-to-text framework allows us to use the same model, loss function, and hyperparameters on any NLP task.\n \nT5-Base is the checkpoint with 220 million parameters. \n \n \n- Developed by: Colin Raffel, Noam Shazeer, Adam Roberts, Katherine Lee, Sharan Narang, Michael Matena, Yanqi Zhou, Wei Li, Peter J. Liu. \n- Shared by [Optional]: Korea Electronics Technology Institute Artificial Intelligence Research Center\n- Model type: Text Generation\n- Language(s) (NLP):More information needed\n- License: More information needed\n- Related Models: \n - Parent Model: T5\n- Resources for more information: \n - GitHub Repo\n - KE-T5 Github Repo\n - Paper\n - Associated Paper\n - Blog Post# Uses## Direct Use\n \nThe developers write in a blog post that the model: \n \n> Our text-to-text framework allows us to use the same model, loss function, and hyperparameters on any NLP task, including machine translation, document summarization, question answering, and classification tasks (e.g., sentiment analysis). We can even apply T5 to regression tasks by training it to predict the string representation of a number instead of the number itself## 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.", "passage: # 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.# Training Details## Training Data\n \nThe model is pre-trained on the Colossal Clean Crawled Corpus (C4), which was developed and released in the context of the same research paper as T5.\n \nThe model was pre-trained on a on a multi-task mixture of unsupervised (1.) and supervised tasks (2.).\n \n See the t5-base model card for further information.## Training Procedure### Preprocessing\n \nMore information needed### Speeds, Sizes, Times\n \nMore information needed# Evaluation## Testing Data, Factors & Metrics### Testing Data\n \nThe developers evaluated the model on 24 tasks, see the research paper for full details.### Factors\nMore information needed### Metrics\n \nMore information needed## Results \n \nFor full results for T5-Base, see the research paper, Table 14.# 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: Google Cloud TPU Pods\n- Hours used: More information needed\n- Cloud Provider: GCP\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\nMore information needed\n \nBibTeX:\n\n\n\n\n \nAPA:\n- Raffel, C., Shazeer, N., Roberts, A., Lee, K., Narang, S., Matena, M., ... & Liu, P. J. (2020). Exploring the limits of transfer learning with a unified text-to-text transformer. J. Mach. Learn. Res., 21(140), 1-67.# Glossary [optional]\nMore information needed# More Information [optional]\n \nMore information needed# Model Card Authors [optional]\n \n \nKorea Electronics Technology Institute Artificial Intelligence Research Center in collaboration with Ezi Ozoani and the Hugging Face team# Model Card Contact\n \nMore information needed" ]
[ -0.01726704090833664, 0.16893580555915833, -0.0028741995338350534, 0.022430192679166794, 0.0710984617471695, -0.03540709242224693, 0.07956871390342712, 0.08640680462121964, -0.03242557495832443, 0.07377128303050995, 0.010139327496290207, 0.01727558672428131, 0.11158585548400879, 0.10413593053817749, 0.06011467054486275, -0.2074853777885437, 0.04125814139842987, -0.08610881865024567, 0.03250248730182648, 0.1088787317276001, 0.11066752672195435, -0.048734355717897415, 0.07637883722782135, -0.006879057735204697, -0.031046971678733826, 0.005458415485918522, -0.06455037742853165, -0.038828469812870026, 0.0506877675652504, 0.053228627890348434, 0.06673424690961838, 0.03047059290111065, 0.033842768520116806, -0.23768897354602814, 0.024731457233428955, 0.07915604114532471, -0.0029169395565986633, 0.03953896462917328, 0.05510619655251503, 0.00862713810056448, 0.174002006649971, -0.11083389818668365, 0.07333405315876007, 0.05581025406718254, -0.04122578725218773, -0.1337810754776001, -0.08002503216266632, 0.1127605140209198, 0.04366706311702728, 0.07353779673576355, -0.031432732939720154, 0.16214361786842346, -0.015861108899116516, 0.03839177265763283, 0.09890882670879364, -0.11681514978408813, -0.05065203830599785, -0.0009858920238912106, 0.052687451243400574, 0.10044267773628235, -0.08052477985620499, 0.01379766408354044, 0.022805240005254745, 0.0024493837263435125, 0.06841369718313217, -0.025827744975686073, 0.015906469896435738, 0.0013914438895881176, -0.10914786159992218, -0.034546710550785065, 0.1309555470943451, 0.03388792276382446, -0.08130135387182236, -0.183465838432312, -0.023058487102389336, 0.025528818368911743, 0.015260661952197552, -0.084854356944561, 0.01784910261631012, -0.022475536912679672, 0.06900732219219208, -0.10164637863636017, -0.11327781528234482, -0.01052714604884386, -0.01898915506899357, 0.12843921780586243, 0.05107267200946808, 0.004523443058133125, 0.0017941202968358994, 0.08899880200624466, 0.030554290860891342, -0.08664751797914505, -0.0804557353258133, -0.08214227855205536, -0.1042281985282898, -0.016504455357789993, 0.0032352921552956104, -0.04466371238231659, -0.0036676705349236727, 0.13191372156143188, 0.016667719930410385, 0.03046262264251709, 0.008988446556031704, -0.009771207347512245, 0.09866742789745331, 0.07734260708093643, -0.0454188697040081, -0.043938204646110535, 0.0062456922605633736, 0.025199566036462784, -0.0036875861696898937, -0.04235553368926048, -0.009395474568009377, -0.00932091474533081, 0.052518632262945175, 0.08531242609024048, 0.06172417476773262, 0.05494106560945511, -0.0170581191778183, -0.04126565903425217, 0.13823094964027405, -0.13403090834617615, -0.034820590168237686, -0.026668481528759003, -0.007923006080091, 0.026842275634407997, 0.04162239283323288, -0.005694969557225704, -0.06303685903549194, -0.012627996504306793, -0.05987914651632309, -0.06353294849395752, -0.0713893473148346, -0.025613639503717422, 0.05087555944919586, -0.023797785863280296, -0.010998686775565147, -0.10979316383600235, -0.12406012415885925, -0.06628585606813431, 0.026272593066096306, -0.03198177367448807, -0.03493507578969002, 0.02065861225128174, -0.0460127517580986, -0.0368502102792263, -0.03251030296087265, 0.055425986647605896, -0.005404360592365265, 0.05051608756184578, -0.06078886240720749, 0.012908260338008404, 0.08534853160381317, 0.015202946960926056, -0.08278919011354446, 0.0059326281771063805, -0.19805362820625305, 0.09383045136928558, -0.11082431674003601, -0.00999279972165823, -0.12033829838037491, -0.00857536680996418, 0.003681909292936325, 0.034875236451625824, -0.03016972914338112, 0.10643254965543747, -0.122406005859375, -0.013919687829911709, 0.08446303009986877, -0.11307607591152191, -0.042701028287410736, 0.10672299563884735, -0.02698700875043869, 0.12732753157615662, 0.08274438977241516, 0.06115098297595978, 0.11799561977386475, -0.1308910995721817, -0.06701578199863434, 0.00162797374650836, -0.03594402223825455, 0.10383719950914383, 0.07815688103437424, -0.005937295034527779, 0.00005525723099708557, 0.03042713552713394, -0.06178165227174759, -0.035245440900325775, -0.005288594868034124, -0.06838405132293701, 0.007542433217167854, -0.04500366374850273, 0.014814093708992004, 0.0011222418397665024, -0.03518853336572647, 0.0025108978152275085, -0.1492668092250824, -0.0026958021335303783, 0.1069025844335556, -0.025524910539388657, 0.008218178525567055, -0.08125309646129608, -0.010872074402868748, 0.015178779140114784, -0.0034774267114698887, -0.15762393176555634, -0.10137741267681122, 0.0562264621257782, -0.19501248002052307, 0.11055406183004379, 0.027437875047326088, 0.0017548530595377088, 0.04466576129198074, -0.05703891068696976, 0.027806488797068596, -0.03177199140191078, 0.013824060559272766, -0.03695086017251015, -0.15372809767723083, -0.014203090220689774, -0.026915138587355614, 0.08804650604724884, -0.1189166009426117, 0.02129936031997204, 0.09182552993297577, 0.08669865131378174, 0.006914117839187384, -0.06602155417203903, 0.04923442006111145, -0.025165122002363205, -0.005911900196224451, -0.03380730748176575, -0.0027076476253569126, 0.0015414415393024683, -0.04167104512453079, 0.07097747176885605, -0.15548062324523926, -0.09427440166473389, 0.07411612570285797, 0.12030332535505295, -0.13014785945415497, -0.011478135362267494, -0.03368370607495308, -0.047536831349134445, -0.06353132426738739, -0.045094236731529236, 0.1797594428062439, 0.007093928754329681, 0.03232245892286301, -0.1140967532992363, -0.09586796909570694, 0.0021272795274853706, 0.007813403382897377, -0.03104691207408905, 0.07524266839027405, 0.04092094302177429, -0.16746847331523895, 0.08129923790693283, 0.002365684136748314, 0.033225156366825104, 0.17241501808166504, -0.002253178507089615, -0.09533219784498215, -0.0429609939455986, 0.02764067053794861, -0.006605271250009537, 0.09796935319900513, -0.04245571419596672, 0.03956923633813858, 0.05534862354397774, -0.014953289180994034, 0.045930165797472, -0.05678113177418709, 0.014126474037766457, 0.022771546617150307, -0.003617763053625822, -0.01045364048331976, -0.00745767867192626, 0.005269455257803202, 0.08083701878786087, 0.0164171252399683, 0.08802157640457153, -0.013454069383442402, -0.039958737790584564, -0.12306733429431915, 0.1359858512878418, -0.06346023827791214, -0.21755078434944153, -0.12506890296936035, 0.1028023511171341, -0.03385401889681816, -0.036242201924324036, 0.013092851266264915, -0.06996104121208191, -0.09415008127689362, -0.13062404096126556, 0.03211561217904091, 0.007407643366605043, -0.07522769272327423, -0.049136899411678314, 0.0443369597196579, -0.017443113029003143, -0.1101103127002716, 0.016375964507460594, 0.012133875861763954, -0.05780492722988129, -0.023832673206925392, 0.03382313251495361, 0.12033889442682266, 0.064547598361969, -0.002347376197576523, -0.04986833408474922, -0.01226297952234745, 0.14546145498752594, -0.12232278287410736, 0.12328801304101944, 0.17029261589050293, -0.052437230944633484, 0.058893606066703796, 0.10239478945732117, 0.0037630025763064623, -0.028150763362646103, 0.05389194190502167, 0.04828353226184845, -0.04891098290681839, -0.28225672245025635, -0.03879491984844208, -0.018836524337530136, -0.044113460928201675, 0.02858910709619522, 0.05453748255968094, 0.07569088041782379, 0.04938681796193123, -0.12288179993629456, -0.0030960883013904095, 0.058328356593847275, 0.0899638831615448, 0.017137402668595314, -0.0005075316876173019, 0.04983459413051605, -0.058519426733255386, 0.001680969726294279, 0.12509039044380188, 0.009291503578424454, 0.21782250702381134, -0.02047443948686123, 0.14614850282669067, 0.073618084192276, 0.10680961608886719, 0.03239074721932411, 0.021427791565656662, -0.0009458698332309723, 0.050883274525403976, -0.038393884897232056, -0.07702745497226715, -0.02199462242424488, 0.1043914407491684, 0.018534043803811073, -0.053856126964092255, 0.00919490959495306, -0.03215211257338524, 0.04073304682970047, 0.18093055486679077, -0.04417053610086441, -0.09921491146087646, -0.07493805140256882, 0.0449594110250473, -0.09234139323234558, -0.0789853185415268, 0.015017514117062092, 0.11738856136798859, -0.1643831431865692, 0.06485216319561005, -0.008219734765589237, 0.056844331324100494, -0.11386004090309143, -0.013886143453419209, -0.010372349992394447, 0.06496772170066833, -0.0070344228297472, 0.10049405694007874, -0.11339536309242249, 0.11042020469903946, 0.014026499353349209, 0.07634028792381287, -0.10504917055368423, 0.05131527781486511, 0.023703748360276222, -0.016114994883537292, 0.15919019281864166, 0.009256765246391296, -0.09089022874832153, -0.07503148913383484, -0.10103100538253784, 0.03738105669617653, 0.10400129109621048, -0.10901114344596863, 0.06932783126831055, -0.01718785986304283, 0.007261257618665695, -0.024382170289754868, -0.054288849234580994, -0.15616154670715332, -0.18092221021652222, 0.0642223209142685, -0.12864287197589874, 0.004915023222565651, -0.06518104672431946, -0.04945231229066849, -0.02269023098051548, 0.1936485469341278, -0.15801097452640533, -0.10128556191921234, -0.13073837757110596, -0.04406686872243881, 0.11298368126153946, -0.08702976256608963, -0.0005607134662568569, -0.02510673552751541, 0.11976516246795654, -0.014235414564609528, -0.07881545275449753, 0.017078418284654617, -0.032345566898584366, -0.15640218555927277, -0.03229114040732384, 0.08802391588687897, 0.12097350507974625, 0.05316589027643204, -0.0064111086539924145, -0.005746395792812109, 0.0014565885066986084, -0.13024842739105225, -0.019435828551650047, 0.1479978859424591, 0.07232192158699036, 0.056277427822351456, -0.056611355394124985, -0.06179991364479065, -0.10792304575443268, -0.07955809682607651, 0.048642054200172424, 0.13351553678512573, -0.03344520553946495, 0.12942105531692505, 0.21883341670036316, -0.08951438218355179, -0.23760277032852173, -0.026750244200229645, 0.03311936929821968, -0.022628089413046837, 0.06715891510248184, -0.1728024035692215, 0.05556894466280937, 0.057978305965662, 0.000296906684525311, -0.007492015138268471, -0.09637095034122467, -0.15256434679031372, 0.07361413538455963, 0.058905430138111115, -0.05146803706884384, -0.11221487075090408, -0.049364808946847916, -0.011579357087612152, -0.0826692134141922, 0.14014187455177307, -0.06640554219484329, 0.04461928829550743, 0.04006131365895271, 0.008667044341564178, 0.03175920248031616, -0.03643888607621193, 0.13222524523735046, 0.011103822849690914, 0.05709903687238693, -0.07000426948070526, -0.031114177778363228, 0.033478014171123505, -0.04603093862533569, 0.13003568351268768, 0.011874198913574219, 0.04955453425645828, -0.05171656981110573, -0.07788410782814026, -0.08782683312892914, 0.04745341092348099, -0.06554501503705978, -0.08338895440101624, -0.11743570119142532, 0.11909102648496628, 0.07499441504478455, -0.04275289922952652, 0.017059452831745148, -0.06327435374259949, 0.008139166980981827, 0.15753823518753052, 0.18775668740272522, 0.05846342444419861, -0.032375648617744446, -0.030018215999007225, -0.02961788699030876, 0.07348891347646713, -0.16796819865703583, 0.01616717502474785, 0.06137639284133911, 0.009305240586400032, 0.07032124698162079, -0.04574252665042877, -0.17584222555160522, -0.021179543808102608, 0.016040777787566185, -0.09048376977443695, -0.24635306000709534, -0.046574413776397705, -0.029634300619363785, -0.09782135486602783, -0.05024627223610878, 0.0897720605134964, -0.05746394395828247, -0.0337505042552948, 0.005090776830911636, 0.06487296521663666, 0.04428072273731232, 0.051504675298929214, 0.039844922721385956, 0.043834928423166275, -0.07507608830928802, 0.11269903182983398, 0.0936194509267807, -0.07763499021530151, 0.059466950595378876, 0.08191314339637756, -0.07278761267662048, -0.052675701677799225, 0.0297499131411314, 0.052555330097675323, 0.001865096390247345, -0.04282987490296364, 0.012622859328985214, -0.06769982725381851, 0.014499979093670845, 0.13287487626075745, 0.012467265129089355, 0.01967529207468033, 0.02302435413002968, 0.04512663930654526, -0.07136748731136322, 0.08719561994075775, -0.007439213804900646, 0.010980155318975449, -0.05770052969455719, 0.03504735231399536, 0.039600055664777756, 0.04806855320930481, -0.026095662266016006, -0.02097243443131447, -0.05574364215135574, -0.03578583896160126, -0.10746968537569046, -0.005642652045935392, -0.07618861645460129, 0.00774600962176919, -0.009381396695971489, -0.055896859616041183, -0.01177184283733368, 0.03007115051150322, -0.033186521381139755, -0.022549131885170937, -0.005967144854366779, 0.10474477708339691, -0.13052429258823395, 0.01754342019557953, 0.09325499832630157, -0.08309299498796463, 0.10283541679382324, 0.002123893704265356, -0.018949931487441063, 0.05518322438001633, -0.08682920783758163, 0.06592076271772385, -0.05439034476876259, 0.06113974004983902, 0.004226761870086193, -0.12304793298244476, -0.0065794093534350395, -0.00988919846713543, -0.006949503440409899, 0.0035715645644813776, 0.04538098722696304, -0.08156704902648926, 0.028225377202033997, 0.03126472234725952, -0.03820366412401199, -0.08999558538198471, 0.03134351968765259, 0.08699759840965271, -0.01372466515749693, 0.09879501909017563, -0.01456630602478981, 0.038965485990047455, -0.1695786416530609, -0.005944515578448772, 0.038912247866392136, 0.007063952274620533, 0.03634508326649666, -0.04901302605867386, 0.04820913076400757, -0.010456068441271782, 0.17047135531902313, -0.03879958763718605, 0.022302109748125076, 0.0578891858458519, 0.004325767979025841, -0.026598535478115082, 0.015064901672303677, -0.023572448641061783, 0.0279861893504858, 0.010168496519327164, 0.023285917937755585, -0.07839617878198624, -0.04382042586803436, -0.10697190463542938, 0.14271201193332672, 0.1443387120962143, 0.11658566445112228, 0.010466014966368675, 0.06654802709817886, -0.025452936068177223, -0.0708516389131546, 0.06785500049591064, -0.04296678304672241, 0.0025631729513406754, -0.05665774643421173, 0.04968744516372681, 0.15173915028572083, -0.1397869884967804, 0.11626926064491272, -0.018105043098330498, -0.06615236401557922, -0.08267238736152649, -0.2267341911792755, -0.046241603791713715, 0.007098071277141571, 0.006421554833650589, -0.08005820214748383, 0.03360724821686745, 0.06338723748922348, 0.02016294375061989, -0.035099536180496216, 0.0994361937046051, -0.08245758712291718, -0.07789245247840881, 0.07686223834753036, 0.021876828745007515, 0.011070072650909424, -0.006781361997127533, 0.0030473172664642334, 0.039764441549777985, 0.09077847748994827, 0.05926284193992615, 0.060809120535850525, 0.007919486612081528, 0.008159687742590904, -0.04982328414916992, -0.0780782699584961, 0.001609687926247716, -0.020178962498903275, 0.003900831798091531, 0.13958975672721863, 0.031000502407550812, -0.011052394285798073, -0.001451812218874693, 0.17559176683425903, 0.004269309341907501, -0.05382326617836952, -0.14917460083961487, 0.07865536957979202, -0.03695749491453171, -0.0029785968363285065, 0.08289055526256561, -0.09813284873962402, -0.00632024509832263, 0.1957341730594635, 0.10598957538604736, -0.004448709078133106, 0.015647349879145622, 0.010509900748729706, 0.010202101431787014, -0.034100860357284546, 0.099566251039505, 0.03436235338449478, 0.19907084107398987, -0.043073683977127075, 0.09574949741363525, 0.018129432573914528, -0.024357471615076065, -0.02619628608226776, 0.1552833914756775, -0.019830696284770966, 0.008332107216119766, -0.0681903064250946, 0.08408671617507935, -0.0545404851436615, -0.3072417676448822, 0.01035862136632204, -0.025426944717764854, -0.11991684883832932, 0.023325132206082344, 0.04724128544330597, -0.0324191115796566, 0.006209729239344597, 0.047886233776807785, 0.0013021216727793217, 0.1489139199256897, 0.037837278097867966, -0.06186994910240173, -0.031013183295726776, 0.12440567463636398, 0.0004367940127849579, 0.2055288553237915, 0.01277201622724533, 0.06789891421794891, 0.0841141939163208, -0.042345888912677765, -0.13612788915634155, 0.04745633527636528, 0.07195290923118591, -0.07091756910085678, 0.03844721242785454, 0.19996309280395508, 0.001578188268467784, 0.10283690690994263, 0.09577108919620514, 0.01220044493675232, 0.03336542099714279, -0.03900561481714249, -0.03339601680636406, -0.07224293053150177, 0.10225950181484222, -0.11362669616937637, 0.13675779104232788, 0.13055558502674103, -0.03483501076698303, 0.00801286194473505, -0.06494747847318649, 0.026080651208758354, -0.01946883089840412, 0.08702317625284195, 0.03237302601337433, -0.11975559592247009, -0.003500710241496563, -0.012023936957120895, 0.11421473324298859, -0.20397400856018066, -0.04241262376308441, 0.04368576407432556, -0.023479517549276352, -0.05148881673812866, 0.09528489410877228, 0.03177139163017273, 0.0013237735256552696, -0.024216454476118088, -0.14179575443267822, -0.010897167026996613, 0.06926316767930984, -0.1297919601202011, -0.010555380955338478 ]
null
null
transformers
# ke-t5 base Pretrained T5 Model on Korean and English. See [Github](https://github.com/AIRC-KETI/ke-t5) and [Paper](https://aclanthology.org/2021.findings-emnlp.33/) [Korean paper](https://koreascience.kr/article/CFKO202130060717834.pdf) for more details. ## How to use ```python from transformers import AutoModel, AutoTokenizer model = AutoModel.from_pretrained("KETI-AIR/ke-t5-large-ko") tokenizer = AutoTokenizer.from_pretrained("KETI-AIR/ke-t5-large-ko") ``` ## BibTeX entry and citation info ```bibtex @inproceedings{kim-etal-2021-model-cross, title = "A Model of Cross-Lingual Knowledge-Grounded Response Generation for Open-Domain Dialogue Systems", author = "Kim, San and Jang, Jin Yea and Jung, Minyoung and Shin, Saim", booktitle = "Findings of the Association for Computational Linguistics: EMNLP 2021", month = nov, year = "2021", address = "Punta Cana, Dominican Republic", publisher = "Association for Computational Linguistics", url = "https://aclanthology.org/2021.findings-emnlp.33", doi = "10.18653/v1/2021.findings-emnlp.33", pages = "352--365", abstract = "Research on open-domain dialogue systems that allow free topics is challenging in the field of natural language processing (NLP). The performance of the dialogue system has been improved recently by the method utilizing dialogue-related knowledge; however, non-English dialogue systems suffer from reproducing the performance of English dialogue systems because securing knowledge in the same language with the dialogue system is relatively difficult. Through experiments with a Korean dialogue system, this paper proves that the performance of a non-English dialogue system can be improved by utilizing English knowledge, highlighting the system uses cross-lingual knowledge. For the experiments, we 1) constructed a Korean version of the Wizard of Wikipedia dataset, 2) built Korean-English T5 (KE-T5), a language model pre-trained with Korean and English corpus, and 3) developed a knowledge-grounded Korean dialogue model based on KE-T5. We observed the performance improvement in the open-domain Korean dialogue model even only English knowledge was given. The experimental results showed that the knowledge inherent in cross-lingual language models can be helpful for generating responses in open dialogue systems.", } ```
{"language": "ko", "license": "apache-2.0", "tags": ["t5"], "eos_token": "</s>", "widget": [{"text": "\uc544\ubc84\uc9c0\uac00 \ubc29\uc5d0 \ub4e4\uc5b4\uac00\uc2e0\ub2e4.</s>"}]}
text2text-generation
KETI-AIR/ke-t5-large-ko
[ "transformers", "pytorch", "tf", "jax", "t5", "text2text-generation", "ko", "license:apache-2.0", "autotrain_compatible", "endpoints_compatible", "text-generation-inference", "region:us" ]
2022-03-02T23:29:04+00:00
[]
[ "ko" ]
TAGS #transformers #pytorch #tf #jax #t5 #text2text-generation #ko #license-apache-2.0 #autotrain_compatible #endpoints_compatible #text-generation-inference #region-us
# ke-t5 base Pretrained T5 Model on Korean and English. See Github and Paper Korean paper for more details. ## How to use ## BibTeX entry and citation info
[ "# ke-t5 base\n\nPretrained T5 Model on Korean and English. See Github and Paper Korean paper for more details.", "## How to use", "## BibTeX entry and citation info" ]
[ "TAGS\n#transformers #pytorch #tf #jax #t5 #text2text-generation #ko #license-apache-2.0 #autotrain_compatible #endpoints_compatible #text-generation-inference #region-us \n", "# ke-t5 base\n\nPretrained T5 Model on Korean and English. See Github and Paper Korean paper for more details.", "## How to use", "## BibTeX entry and citation info" ]
[ 64, 29, 4, 10 ]
[ "passage: TAGS\n#transformers #pytorch #tf #jax #t5 #text2text-generation #ko #license-apache-2.0 #autotrain_compatible #endpoints_compatible #text-generation-inference #region-us \n# ke-t5 base\n\nPretrained T5 Model on Korean and English. See Github and Paper Korean paper for more details.## How to use## BibTeX entry and citation info" ]
[ 0.0764734074473381, -0.1314580887556076, -0.002469573635607958, 0.06187906116247177, 0.1127307116985321, -0.014799998141825199, 0.17305655777454376, 0.09770999103784561, 0.020164797082543373, -0.08518704771995544, 0.0951065644621849, 0.15694071352481842, 0.07624107599258423, 0.1912154257297516, -0.04464636743068695, -0.37031471729278564, -0.0019238205859437585, 0.06163514778017998, 0.20623600482940674, 0.12135739624500275, 0.13632765412330627, 0.02364491857588291, 0.118878573179245, 0.0032479139044880867, -0.12492126226425171, 0.08225502818822861, -0.01725323311984539, -0.1208568811416626, 0.058469127863645554, 0.014962890185415745, -0.026509860530495644, 0.06904402375221252, -0.03595367819070816, -0.06291566044092178, 0.02417120710015297, -0.014894908294081688, -0.09750465303659439, 0.03619561716914177, -0.026689400896430016, -0.05129723995923996, 0.25211432576179504, -0.04918837174773216, -0.058108020573854446, -0.005646470468491316, -0.0383484922349453, -0.05808066204190254, -0.008284184150397778, 0.19363105297088623, 0.12332702428102493, 0.020616136491298676, 0.00023318042804021388, 0.12370463460683823, -0.01594715565443039, 0.14958441257476807, 0.15773583948612213, -0.38014084100723267, -0.03475620970129967, 0.06851404905319214, 0.04531082883477211, 0.1420421153306961, 0.02519906312227249, 0.016018250957131386, 0.08506786078214645, 0.01433720625936985, 0.06321849673986435, -0.12121282517910004, -0.14539596438407898, 0.05078429728746414, -0.05603465437889099, 0.05962437391281128, 0.26944395899772644, -0.015654757618904114, -0.03652988001704216, -0.05053864046931267, -0.015349579975008965, 0.006513321306556463, 0.009258047677576542, -0.05224243178963661, -0.023511001840233803, -0.009678998962044716, 0.05126137286424637, -0.157675638794899, -0.0654882863163948, -0.05571848154067993, -0.14233775436878204, 0.1738772839307785, 0.03692542016506195, 0.0030379812233150005, -0.1462501734495163, 0.11869766563177109, -0.08392533659934998, -0.1366765797138214, -0.04368547350168228, -0.10293547064065933, 0.06923206895589828, 0.021572643890976906, 0.0284177977591753, -0.049681439995765686, 0.054328229278326035, 0.08013514429330826, 0.11120255291461945, 0.013572897762060165, -0.10161764174699783, 0.04684268310666084, 0.053041841834783554, 0.008111260831356049, -0.07188784331083298, -0.01735999993979931, 0.10386674851179123, -0.04347889497876167, 0.020736103877425194, -0.0077300118282437325, -0.17318063974380493, -0.11785607039928436, 0.07488665729761124, 0.07637238502502441, -0.007141901180148125, 0.16005957126617432, 0.06104092299938202, -0.01085691712796688, 0.12582863867282867, -0.08862993866205215, -0.07770311087369919, -0.09119829535484314, -0.004472612868994474, 0.039856430143117905, 0.08338049799203873, 0.030838074162602425, -0.12757565081119537, 0.021756095811724663, -0.03255629912018776, -0.050484683364629745, 0.008575277402997017, -0.04835008829832077, 0.01123666763305664, -0.18147918581962585, 0.0930471271276474, -0.19020937383174896, -0.2034103274345398, 0.03180626779794693, -0.037536125630140305, -0.0800679624080658, -0.0864192321896553, -0.05018439516425133, -0.08965542912483215, 0.002543310634791851, -0.09112441539764404, 0.11016542464494705, -0.024613065645098686, 0.034839339554309845, -0.07919621467590332, 0.06657790392637253, -0.13620038330554962, 0.024102866649627686, -0.10712414234876633, -0.06028103083372116, -0.12178000062704086, 0.04496196657419205, 0.003000100841745734, 0.04388268291950226, -0.09452902525663376, -0.022147830575704575, -0.09541033953428268, 0.027637621387839317, -0.008756672032177448, 0.147370383143425, -0.06687610596418381, -0.04168493673205376, 0.16711631417274475, -0.07598991692066193, -0.21036040782928467, 0.09457522630691528, 0.009278669022023678, 0.20463760197162628, 0.054613642394542694, 0.14036601781845093, 0.04909413307905197, -0.11262249201536179, 0.06040315702557564, 0.15644827485084534, -0.09364186972379684, -0.03229386731982231, 0.014757408760488033, 0.07134100794792175, -0.1786922961473465, 0.03590412065386772, -0.01822708174586296, 0.04480012506246567, -0.016292685642838478, 0.025793002918362617, -0.05891638621687889, -0.019389592111110687, -0.007332297042012215, -0.025572337210178375, 0.10498674213886261, -0.038914840668439865, -0.015627101063728333, 0.14125370979309082, -0.01126496959477663, 0.02696811594069004, 0.023962443694472313, -0.021414093673229218, -0.021135037764906883, -0.0011995353270322084, 0.04486751928925514, -0.036459390074014664, 0.0851031169295311, -0.007017503958195448, 0.1318003088235855, 0.09436499327421188, 0.06126033887267113, 0.031888969242572784, -0.07808887958526611, -0.10475359857082367, 0.041790008544921875, 0.10651510208845139, 0.07895545661449432, -0.026330674067139626, -0.14058338105678558, 0.07297243922948837, -0.013762322254478931, -0.11775292456150055, -0.01127990148961544, 0.021142663434147835, 0.02461383491754532, 0.10091697424650192, -0.015772435814142227, 0.11289450526237488, 0.0752502977848053, 0.020238926634192467, -0.031430236995220184, -0.006560453679412603, 0.003143210895359516, 0.04862393066287041, -0.11314743012189865, 0.3342067003250122, -0.06311751902103424, 0.08417483419179916, 0.17480166256427765, 0.015327400527894497, -0.021192587912082672, -0.030195722356438637, -0.02909330651164055, -0.06672787666320801, 0.03588308021426201, -0.024658070877194405, 0.0653800368309021, -0.05393433943390846, 0.1680305451154709, -0.14170722663402557, -0.08483202010393143, 0.040879372507333755, -0.062427375465631485, -0.0325477197766304, 0.10670921206474304, 0.07138927280902863, -0.3535120189189911, 0.1046261265873909, 0.12261892110109329, -0.02016151137650013, 0.2989034354686737, 0.028502073138952255, -0.032812051475048065, -0.0007299887947738171, 0.013370966538786888, -0.05189884826540947, -0.002625748049467802, -0.15774166584014893, -0.005005857907235622, 0.067530557513237, 0.029623480513691902, 0.06034541875123978, -0.03944934159517288, -0.05501445010304451, -0.02407439425587654, -0.011708840727806091, -0.04762847349047661, 0.16484501957893372, 0.02046819031238556, 0.11968187242746353, 0.017781445756554604, 0.033844709396362305, 0.033100519329309464, 0.019716227427124977, -0.1369747519493103, 0.16458532214164734, -0.08135001361370087, -0.15881343185901642, -0.05952589586377144, -0.07080928981304169, 0.0322643481194973, -0.05701582878828049, 0.10653958469629288, -0.07633674889802933, 0.017640316858887672, -0.07363471388816833, 0.013525804504752159, -0.055806372314691544, 0.026889769360423088, -0.07746420800685883, 0.05039810761809349, -0.14565399289131165, -0.08907604217529297, -0.061693981289863586, -0.007333560846745968, -0.06330671161413193, 0.06934715062379837, -0.2339051514863968, -0.013733274303376675, 0.04319154843688011, -0.019760295748710632, 0.053527265787124634, -0.09736422449350357, 0.1111760064959526, -0.06844475120306015, 0.1370442509651184, 0.17679361999034882, -0.03169548884034157, 0.019164692610502243, 0.09908773005008698, -0.0291170384734869, 0.040652476251125336, 0.10812907665967941, -0.024926580488681793, -0.10739803314208984, -0.28867843747138977, 0.04421962425112724, -0.11017289757728577, 0.11764663457870483, 0.02674075961112976, 0.021069513633847237, 0.15964418649673462, 0.09404824674129486, -0.024272246286273003, 0.1653488129377365, 0.08607400953769684, 0.09087923914194107, 0.04383201524615288, 0.06189097836613655, 0.07448586076498032, -0.09510484337806702, -0.021087491884827614, 0.09993787109851837, 0.08783277869224548, 0.052637260407209396, -0.02082342654466629, -0.02859731949865818, 0.0783228948712349, 0.08798821270465851, 0.07563299685716629, 0.15449777245521545, -0.09949101507663727, 0.018682129681110382, -0.03965648263692856, -0.09894882142543793, 0.10116802155971527, 0.09784463793039322, -0.10455098003149033, -0.08623066544532776, -0.0075166733004152775, -0.013265911489725113, 0.07541389018297195, 0.10295875370502472, 0.03842456266283989, -0.09316547960042953, -0.028344999998807907, 0.04329930245876312, -0.04527408629655838, -0.11225837469100952, 0.06707759201526642, 0.04686949402093887, -0.1750929057598114, 0.19287216663360596, 0.04622199386358261, 0.08662039786577225, 0.026718970388174057, -0.0026296291034668684, -0.033361803740262985, -0.05015763267874718, -0.04500015079975128, 0.07659732550382614, -0.36717239022254944, 0.17905744910240173, 0.005057753063738346, -0.008456521667540073, -0.13090403378009796, -0.013996551744639874, 0.019061904400587082, 0.08537698537111282, 0.15836156904697418, 0.0022868604864925146, 0.07396771758794785, 0.10373722016811371, -0.026510942727327347, 0.08229496330022812, 0.04599208012223244, -0.0661822259426117, -0.03291791304945946, -0.0018131878459826112, -0.033296212553977966, -0.024060556665062904, -0.01609698124229908, -0.15708938241004944, -0.05361896753311157, 0.03934125229716301, 0.007363367360085249, -0.06358446925878525, 0.026747308671474457, -0.07544087618589401, 0.002776642329990864, 0.1513877511024475, -0.1066332757472992, -0.1578461080789566, -0.09953625500202179, 0.023813853040337563, 0.0719173401594162, -0.07892762124538422, 0.013168834149837494, -0.0819006860256195, -0.05440172553062439, -0.01779744029045105, -0.2142932116985321, 0.09813033044338226, -0.05021730437874794, -0.08331820368766785, 0.05679319053888321, 0.12225398421287537, -0.027317196130752563, -0.027710042893886566, 0.011983550153672695, -0.036574702709913254, -0.05258956179022789, -0.11823377013206482, 0.022810373455286026, -0.059929464012384415, 0.08853144943714142, 0.019703656435012817, -0.11690714210271835, -0.15765127539634705, -0.047731395810842514, -0.11769593507051468, 0.047957759350538254, 0.09101281315088272, -0.01547311432659626, 0.08632263541221619, 0.10685273259878159, -0.07625872641801834, -0.1526240110397339, -0.11658760160207748, -0.04171929135918617, 0.02967967838048935, -0.03994330018758774, -0.10163938999176025, 0.03470843285322189, -0.004775418434292078, -0.009283223189413548, -0.04554944485425949, -0.1017572432756424, -0.19497819244861603, 0.12002383172512054, 0.005759016145020723, 0.23855486512184143, -0.04907779395580292, -0.09390780329704285, 0.037430085241794586, -0.25650209188461304, 0.14364877343177795, -0.21006447076797485, 0.05140405893325806, -0.03265329450368881, 0.02037561871111393, 0.006041386630386114, 0.025651641190052032, -0.010836212895810604, 0.013807283714413643, -0.027490245178341866, -0.12865017354488373, -0.1663471758365631, -0.07448948919773102, -0.021039187908172607, 0.19792315363883972, -0.17794650793075562, 0.085728719830513, -0.09696365147829056, -0.06167395040392876, -0.1197071224451065, 0.021615011617541313, -0.0014227547217160463, -0.1271049827337265, -0.07092529535293579, 0.01685512810945511, -0.03313535451889038, -0.0547199547290802, 0.19582855701446533, -0.06296277046203613, 0.06847568601369858, 0.15310245752334595, 0.1784297674894333, -0.03247074410319328, 0.303821325302124, -0.06238493323326111, -0.0981135442852974, 0.05026916414499283, -0.22344841063022614, -0.025057608261704445, 0.04273688420653343, 0.005644518882036209, 0.03919753432273865, 0.040432825684547424, -0.07714574038982391, -0.021834954619407654, 0.10055743157863617, -0.17966432869434357, -0.05842283368110657, -0.1345929205417633, -0.1312161386013031, 0.10842201858758926, 0.09254258871078491, 0.18176859617233276, -0.13166697323322296, -0.07052917033433914, 0.007239718921482563, -0.003830548608675599, -0.08614011108875275, -0.04822224751114845, 0.09178817272186279, 0.005557446740567684, -0.03495129570364952, 0.05511908978223801, 0.013818791136145592, 0.039414577186107635, 0.06938107311725616, 0.15768763422966003, -0.14600419998168945, -0.05501629784703255, 0.07783850282430649, 0.043825868517160416, -0.024283600971102715, -0.045915450900793076, -0.015926938503980637, -0.10470650345087051, 0.03873865678906441, 0.27507296204566956, -0.0017386415274813771, 0.05777275934815407, 0.026370633393526077, -0.015518253669142723, -0.006430516019463539, 0.07495803385972977, -0.050028130412101746, 0.04050992429256439, -0.061730120331048965, 0.04805869236588478, -0.007168222218751907, 0.2114393562078476, -0.08406230807304382, 0.05333186313509941, -0.1553705632686615, -0.012373413890600204, -0.05211953818798065, -0.028960222378373146, -0.13449856638908386, -0.04507486894726753, -0.038072530180215836, -0.15018366277217865, -0.07242772728204727, 0.034317489713430405, -0.054530564695596695, 0.05888102948665619, -0.025742536410689354, 0.09006740152835846, -0.05611928552389145, 0.007330548949539661, 0.09028828144073486, -0.03686831146478653, 0.151350736618042, 0.09646683931350708, -0.10276654362678528, 0.13153421878814697, -0.10672613978385925, 0.09937932342290878, 0.04741248860955238, 0.0019458597525954247, 0.0433540865778923, 0.014945059083402157, 0.02337217889726162, 0.03191306069493294, 0.06287356466054916, 0.03608109429478645, 0.06626765429973602, -0.10213284194469452, -0.04921429231762886, -0.00439935689792037, -0.03654995188117027, -0.0852367952466011, 0.09579092264175415, 0.041918348520994186, -0.004060262814164162, -0.01938973367214203, -0.06337784230709076, -0.0016126016853377223, -0.10215102136135101, 0.024722987785935402, 0.00042628642404451966, -0.15638767182826996, 0.03562825918197632, -0.07638765126466751, 0.01737108640372753, -0.02460337243974209, 0.20164211094379425, 0.04682327061891556, -0.12577120959758759, 0.03211192414164543, -0.029157008975744247, 0.017754897475242615, 0.007825934328138828, 0.20991148054599762, -0.05668754130601883, -0.039865169674158096, -0.21851134300231934, -0.036373335868120193, -0.0826600193977356, -0.04943043366074562, 0.11880164593458176, 0.04129506275057793, -0.008437278680503368, 0.07504306733608246, 0.08749370276927948, 0.02544592320919037, 0.00918660406023264, -0.164422869682312, -0.02293328009545803, 0.07537415623664856, -0.02989639900624752, 0.014065999537706375, 0.26527729630470276, -0.0658927634358406, -0.005564905237406492, 0.04709744080901146, -0.05657147616147995, -0.16427014768123627, -0.18771567940711975, -0.09136984497308731, -0.10936868190765381, 0.017291653901338577, -0.1004563719034195, 0.057265955954790115, -0.08548528701066971, 0.12640845775604248, -0.030505364760756493, 0.06746473908424377, 0.13534267246723175, -0.1261543482542038, 0.21238094568252563, -0.015870412811636925, 0.04504121094942093, -0.09727133065462112, 0.022112589329481125, -0.04948139935731888, -0.026676006615161896, -0.09129033237695694, 0.016679467633366585, -0.022077852860093117, 0.012105358764529228, -0.05711344629526138, -0.03608392924070358, -0.011514543555676937, 0.019277984276413918, 0.026296768337488174, 0.05367819219827652, 0.05382530391216278, -0.05013830214738846, 0.043253783136606216, 0.2190442830324173, -0.005590144079178572, -0.15007871389389038, -0.10522135347127914, 0.1307467222213745, 0.026840148493647575, 0.005398131441324949, 0.0476907342672348, 0.00047856621677055955, -0.03226837143301964, 0.2732408046722412, 0.20309603214263916, 0.06608594208955765, 0.035746149718761444, 0.0013236959930509329, 0.025644943118095398, 0.13712869584560394, 0.10497540235519409, 0.06463688611984253, 0.20542012155056, 0.007950006052851677, 0.07978195697069168, -0.01793641410768032, 0.025964772328734398, 0.017673877999186516, 0.13283714652061462, 0.08289974927902222, -0.1606575846672058, 0.013228530995547771, 0.12386272102594376, -0.168036550283432, 0.013027943670749664, -0.11474249511957169, -0.06282046437263489, -0.10319355875253677, -0.021065397188067436, 0.03798632323741913, 0.02443479187786579, 0.01226220652461052, -0.007359957788139582, 0.002915303222835064, -0.0020627095364034176, 0.06691420078277588, -0.09923940896987915, -0.010520044714212418, 0.05279433727264404, 0.006486947648227215, -0.024566393345594406, 0.0019372570095583797, 0.06080975756049156, 0.06842002272605896, 0.017990615218877792, -0.07411405444145203, 0.08433887362480164, 0.012389428913593292, 0.11909545958042145, 0.07523491978645325, 0.0201640073210001, 0.0113943787291646, -0.10966925323009491, 0.029456118121743202, 0.011859032325446606, 0.02716788277029991, 0.05383355915546417, -0.06673651933670044, -0.14166691899299622, 0.1064007431268692, -0.10384789109230042, 0.06201623007655144, 0.14378397166728973, -0.07517050206661224, 0.010975608602166176, -0.07589905709028244, 0.030400382354855537, 0.0015466598561033607, -0.060596954077482224, 0.014625709503889084, 0.015513553284108639, -0.0480760857462883, 0.08377346396446228, 0.06348980218172073, -0.20466159284114838, 0.06719427555799484, -0.14038711786270142, -0.014554787427186966, -0.1934739202260971, 0.045151397585868835, 0.12600257992744446, 0.0112202949821949, 0.026109563186764717, -0.14758937060832977, 0.043607231229543686, 0.035509929060935974, -0.16070975363254547, -0.07268580049276352 ]
null
null
transformers
# ke-t5 base Pretrained T5 Model on Korean and English. See [Github](https://github.com/AIRC-KETI/ke-t5) and [Paper](https://aclanthology.org/2021.findings-emnlp.33/) [Korean paper](https://koreascience.kr/article/CFKO202130060717834.pdf) for more details. ## How to use ```python from transformers import AutoModel, AutoTokenizer model = AutoModel.from_pretrained("KETI-AIR/ke-t5-large-newslike") tokenizer = AutoTokenizer.from_pretrained("KETI-AIR/ke-t5-large-newslike") ``` ## BibTeX entry and citation info ```bibtex @inproceedings{kim-etal-2021-model-cross, title = "A Model of Cross-Lingual Knowledge-Grounded Response Generation for Open-Domain Dialogue Systems", author = "Kim, San and Jang, Jin Yea and Jung, Minyoung and Shin, Saim", booktitle = "Findings of the Association for Computational Linguistics: EMNLP 2021", month = nov, year = "2021", address = "Punta Cana, Dominican Republic", publisher = "Association for Computational Linguistics", url = "https://aclanthology.org/2021.findings-emnlp.33", doi = "10.18653/v1/2021.findings-emnlp.33", pages = "352--365", abstract = "Research on open-domain dialogue systems that allow free topics is challenging in the field of natural language processing (NLP). The performance of the dialogue system has been improved recently by the method utilizing dialogue-related knowledge; however, non-English dialogue systems suffer from reproducing the performance of English dialogue systems because securing knowledge in the same language with the dialogue system is relatively difficult. Through experiments with a Korean dialogue system, this paper proves that the performance of a non-English dialogue system can be improved by utilizing English knowledge, highlighting the system uses cross-lingual knowledge. For the experiments, we 1) constructed a Korean version of the Wizard of Wikipedia dataset, 2) built Korean-English T5 (KE-T5), a language model pre-trained with Korean and English corpus, and 3) developed a knowledge-grounded Korean dialogue model based on KE-T5. We observed the performance improvement in the open-domain Korean dialogue model even only English knowledge was given. The experimental results showed that the knowledge inherent in cross-lingual language models can be helpful for generating responses in open dialogue systems.", } ```
{"language": ["ko", "en"], "license": "apache-2.0", "tags": ["t5"], "eos_token": "</s>", "widget": [{"text": "\uc544\ubc84\uc9c0\uac00 \ubc29\uc5d0 \ub4e4\uc5b4\uac00\uc2e0\ub2e4.</s>"}]}
text2text-generation
KETI-AIR/ke-t5-large-newslike
[ "transformers", "pytorch", "tf", "jax", "safetensors", "t5", "text2text-generation", "ko", "en", "license:apache-2.0", "autotrain_compatible", "endpoints_compatible", "text-generation-inference", "region:us" ]
2022-03-02T23:29:04+00:00
[]
[ "ko", "en" ]
TAGS #transformers #pytorch #tf #jax #safetensors #t5 #text2text-generation #ko #en #license-apache-2.0 #autotrain_compatible #endpoints_compatible #text-generation-inference #region-us
# ke-t5 base Pretrained T5 Model on Korean and English. See Github and Paper Korean paper for more details. ## How to use ## BibTeX entry and citation info
[ "# ke-t5 base\nPretrained T5 Model on Korean and English. See Github and Paper Korean paper for more details.", "## How to use", "## BibTeX entry and citation info" ]
[ "TAGS\n#transformers #pytorch #tf #jax #safetensors #t5 #text2text-generation #ko #en #license-apache-2.0 #autotrain_compatible #endpoints_compatible #text-generation-inference #region-us \n", "# ke-t5 base\nPretrained T5 Model on Korean and English. See Github and Paper Korean paper for more details.", "## How to use", "## BibTeX entry and citation info" ]
[ 71, 29, 4, 10 ]
[ "passage: TAGS\n#transformers #pytorch #tf #jax #safetensors #t5 #text2text-generation #ko #en #license-apache-2.0 #autotrain_compatible #endpoints_compatible #text-generation-inference #region-us \n# ke-t5 base\nPretrained T5 Model on Korean and English. See Github and Paper Korean paper for more details.## How to use## BibTeX entry and citation info" ]
[ 0.06612182408571243, -0.1278143674135208, -0.0021329254377633333, 0.06371603161096573, 0.11104313284158707, -0.028121890500187874, 0.17559394240379333, 0.08742236346006393, 0.0016528447158634663, -0.0670410543680191, 0.10216837376356125, 0.16416338086128235, 0.06558725237846375, 0.2203771471977234, -0.07000799477100372, -0.33671292662620544, 0.006343409419059753, 0.051484666764736176, 0.21806535124778748, 0.12383438646793365, 0.13802817463874817, 0.007178040686994791, 0.11733999103307724, -0.015269270166754723, -0.10452686995267868, 0.0728193074464798, -0.00047758518485352397, -0.13175424933433533, 0.06592218577861786, 0.012082863599061966, -0.015961458906531334, 0.08371413499116898, -0.016089914366602898, -0.06376414000988007, 0.028370438143610954, -0.011480825021862984, -0.09900008141994476, 0.03508232161402702, -0.023337936028838158, -0.06142289564013481, 0.2226497083902359, -0.06432688981294632, -0.04820175841450691, -0.0076377554796636105, -0.03966040909290314, -0.06299351155757904, -0.01486061792820692, 0.19826124608516693, 0.15005463361740112, 0.025604726746678352, -0.0008364001987501979, 0.14749236404895782, 0.002659344580024481, 0.1504426896572113, 0.16118864715099335, -0.39335745573043823, -0.03606436774134636, 0.055631399154663086, 0.039143599569797516, 0.13041774928569794, 0.02034335769712925, 0.014972865581512451, 0.09763379395008087, 0.009790077805519104, 0.09037955850362778, -0.11588460952043533, -0.1382027119398117, 0.03103644587099552, -0.06181081384420395, 0.055253997445106506, 0.24973414838314056, -0.0078109633177518845, -0.05407882481813431, -0.06385926902294159, -0.021890051662921906, 0.02540748193860054, -0.0013538202038034797, -0.048232220113277435, -0.023713892325758934, -0.01929032988846302, 0.051958851516246796, -0.13416001200675964, -0.07820596545934677, -0.048788510262966156, -0.12737980484962463, 0.17293041944503784, 0.03158097341656685, 0.004201485775411129, -0.14343804121017456, 0.11195933073759079, -0.06594502180814743, -0.14623062312602997, -0.034023210406303406, -0.10649479180574417, 0.08761648833751678, 0.009757708758115768, 0.03769401088356972, -0.06540071219205856, 0.06273706257343292, 0.09184519201517105, 0.08442468196153641, 0.009230438619852066, -0.11293699592351913, 0.04143892973661423, 0.03981844335794449, -0.005700588691979647, -0.06821683794260025, -0.023025523871183395, 0.1368914246559143, -0.02779267355799675, 0.05009094625711441, -0.0035241390578448772, -0.15590554475784302, -0.10501212626695633, 0.1016479879617691, 0.08812408894300461, -0.005943394266068935, 0.16648249328136444, 0.05220288038253784, 0.011581509374082088, 0.14363695681095123, -0.09533469378948212, -0.07817842066287994, -0.08040452748537064, 0.010676318779587746, 0.007959078997373581, 0.087731271982193, 0.03708987310528755, -0.11637138575315475, 0.04526695981621742, -0.02794821374118328, -0.05010375753045082, 0.0164130087941885, -0.05223032459616661, 0.022149886935949326, -0.1555781215429306, 0.09176420420408249, -0.2078399509191513, -0.21038192510604858, 0.0337197370827198, -0.03778567165136337, -0.06649455428123474, -0.07792749255895615, -0.04388916492462158, -0.08623595535755157, 0.0014398847706615925, -0.09039880335330963, 0.09443094581365585, -0.029611356556415558, 0.04680519551038742, -0.0733526423573494, 0.07367508858442307, -0.13483649492263794, 0.009278700686991215, -0.12239449471235275, -0.050326231867074966, -0.10660477727651596, 0.016958408057689667, 0.005412415135651827, 0.0656040832400322, -0.08816500753164291, -0.022556575015187263, -0.09388613700866699, 0.02118695341050625, -0.0049818819388747215, 0.16139103472232819, -0.06449798494577408, -0.027212198823690414, 0.20014511048793793, -0.09946642071008682, -0.23203688859939575, 0.1011042445898056, 0.005649405997246504, 0.19523105025291443, 0.06887030601501465, 0.12877456843852997, 0.02967686764895916, -0.1224556639790535, 0.05069752410054207, 0.13718949258327484, -0.10721001029014587, -0.023607974871993065, 0.008839759975671768, 0.08211860805749893, -0.1951953023672104, 0.03128068149089813, -0.006169013679027557, 0.04007255285978317, -0.013706674799323082, 0.02030596137046814, -0.06005599722266197, -0.03443656861782074, 0.005039360839873552, -0.02747979573905468, 0.08895470201969147, -0.05850041285157204, -0.02435687743127346, 0.10801998525857925, -0.019659437239170074, 0.022754095494747162, 0.01755780354142189, -0.027444448322057724, -0.008627260103821754, -0.013890326023101807, 0.04124213010072708, -0.039143163710832596, 0.05904051288962364, -0.012697399593889713, 0.14406847953796387, 0.0748528242111206, 0.009092523716390133, 0.03899815306067467, -0.04978334158658981, -0.10291428864002228, 0.019425153732299805, 0.1425822228193283, 0.07950901240110397, -0.029874149709939957, -0.1375129371881485, 0.07831604778766632, -0.025223825126886368, -0.09658487886190414, -0.03373769298195839, 0.023510463535785675, 0.02234884351491928, 0.0983089730143547, -0.005028127692639828, 0.10823164135217667, 0.08247365057468414, 0.006929265335202217, -0.03091510757803917, -0.01502405945211649, 0.0054290094412863255, 0.05519811436533928, -0.1154848113656044, 0.31118521094322205, -0.09141138941049576, 0.13204167783260345, 0.1777982860803604, 0.02319720946252346, -0.04218067601323128, -0.030245784670114517, -0.02686631679534912, -0.05892184004187584, 0.01745329052209854, -0.018397480249404907, 0.03916388750076294, -0.05478992313146591, 0.17241808772087097, -0.14429046213626862, -0.0917230173945427, 0.048887062817811966, -0.07101105153560638, -0.04011375829577446, 0.09654638171195984, 0.04193800687789917, -0.36008793115615845, 0.10744311660528183, 0.12863194942474365, -0.01991944946348667, 0.27598491311073303, 0.029084917157888412, -0.03150680288672447, 0.00853790994733572, 0.03361281380057335, -0.03192611038684845, 0.0013177254004403949, -0.12254531681537628, 0.006056987214833498, 0.06788421422243118, 0.015136229805648327, 0.04300602898001671, -0.04831136763095856, -0.058976735919713974, -0.026118814945220947, -0.01083179097622633, -0.04365239664912224, 0.15711528062820435, 0.016248662024736404, 0.14007899165153503, 0.014169861562550068, 0.021948300302028656, 0.040237173438072205, 0.015065903775393963, -0.15314894914627075, 0.16952459514141083, -0.0692431703209877, -0.17892132699489594, -0.05849548801779747, -0.07168402522802353, 0.030648740008473396, -0.04472000524401665, 0.11266399919986725, -0.06795039772987366, 0.004520128946751356, -0.09290099143981934, -0.016163617372512817, -0.010658323764801025, 0.037206150591373444, -0.07318782806396484, 0.060471609234809875, -0.1193898469209671, -0.07928157597780228, -0.06380655616521835, -0.004433223977684975, -0.05434272438287735, 0.08460987359285355, -0.20777982473373413, 0.005473501048982143, 0.03620045259594917, -0.03217757120728493, 0.04549669474363327, -0.09434090554714203, 0.1096639484167099, -0.060702454298734665, 0.13953980803489685, 0.18264564871788025, -0.05169947072863579, 0.023375650867819786, 0.12133291363716125, -0.028749434277415276, 0.026598410680890083, 0.12226218730211258, -0.0384073480963707, -0.10335828363895416, -0.27267926931381226, 0.03359619155526161, -0.08821199089288712, 0.1091444194316864, 0.035076502710580826, 0.02312680520117283, 0.1591317504644394, 0.10203974694013596, -0.038242507725954056, 0.1479022353887558, 0.11245788633823395, 0.105585478246212, 0.018697557970881462, 0.06531916558742523, 0.08178547769784927, -0.10035460442304611, -0.03964509442448616, 0.09938093274831772, 0.06593801081180573, 0.042027268558740616, -0.027376478537917137, -0.05914764478802681, 0.07642044872045517, 0.08629951626062393, 0.0767110288143158, 0.18187783658504486, -0.09223887324333191, 0.007682577706873417, -0.03506312146782875, -0.10446298122406006, 0.09162159264087677, 0.09097234159708023, -0.14825376868247986, -0.058722659945487976, -0.021188724786043167, -0.009907837957143784, 0.08046694099903107, 0.09865497797727585, 0.040181826800107956, -0.12187289446592331, -0.03719006106257439, 0.054335519671440125, -0.03731005638837814, -0.10988764464855194, 0.0675622969865799, 0.047780830413103104, -0.16451279819011688, 0.19508372247219086, 0.03569460287690163, 0.07619764655828476, 0.03949875384569168, -0.002636413322761655, -0.05524686351418495, -0.05742138996720314, -0.054754938930273056, 0.07516099512577057, -0.359374463558197, 0.17490945756435394, 0.010279010981321335, 0.010696898214519024, -0.12841695547103882, -0.012783706188201904, 0.021056486293673515, 0.09935958683490753, 0.18035295605659485, -0.009661060757935047, 0.047814760357141495, 0.08897887915372849, -0.034424446523189545, 0.08395124971866608, 0.04172590747475624, -0.04641013592481613, -0.017112143337726593, -0.008311021141707897, -0.046719178557395935, -0.018057717010378838, -0.03880732133984566, -0.15776808559894562, -0.056121159344911575, 0.017247529700398445, 0.013847040943801403, -0.04618649557232857, 0.008190466091036797, -0.07163791358470917, 0.002280011773109436, 0.15766650438308716, -0.11399147659540176, -0.1616264134645462, -0.10099263489246368, 0.020073063671588898, 0.047640714794397354, -0.08156716823577881, 0.01967518962919712, -0.07439462095499039, -0.027773134410381317, -0.02199157327413559, -0.21177074313163757, 0.09583849459886551, -0.067139632999897, -0.09156407415866852, 0.044175997376441956, 0.1216769590973854, -0.03865187615156174, -0.03255776688456535, 0.0269453302025795, -0.036409664899110794, -0.044998619705438614, -0.11812085658311844, 0.01444922387599945, -0.06238878518342972, 0.11970356106758118, -0.000024390965336351655, -0.12433747947216034, -0.21168312430381775, -0.049267545342445374, -0.10526783764362335, 0.05809382349252701, 0.12534748017787933, -0.018317872658371925, 0.07662685960531235, 0.11932980269193649, -0.05992821976542473, -0.17669150233268738, -0.12138243019580841, -0.06119052693247795, 0.020361606031656265, -0.040648508816957474, -0.04870368912816048, 0.04786962270736694, -0.008394485339522362, -0.020202282816171646, -0.04075439274311066, -0.07919546216726303, -0.19085845351219177, 0.13472414016723633, 0.034435298293828964, 0.2515579164028168, -0.06680343300104141, -0.0830480232834816, 0.015793805941939354, -0.2398843765258789, 0.14394359290599823, -0.22120197117328644, 0.027142059057950974, -0.023774446919560432, 0.003046780824661255, 0.006924014072865248, 0.0058261859230697155, -0.017652783542871475, -0.021932631731033325, -0.009668081067502499, -0.13728109002113342, -0.15452465415000916, -0.07236401736736298, -0.025500984862446785, 0.21019671857357025, -0.1760403960943222, 0.09328858554363251, -0.0605723038315773, -0.06785847246646881, -0.11020206660032272, 0.033865854144096375, -0.004092012066394091, -0.12776628136634827, -0.05653231218457222, 0.011027751490473747, -0.0205797478556633, -0.053397130221128464, 0.19152003526687622, -0.06346811354160309, 0.08483200520277023, 0.14837349951267242, 0.1934094876050949, -0.04798955097794533, 0.31959980726242065, -0.05461866408586502, -0.11227598786354065, 0.04597515985369682, -0.2189147025346756, -0.0031319528352469206, 0.032866284251213074, 0.002154167043045163, 0.03747517615556717, 0.04099522531032562, -0.059749383479356766, -0.021868018433451653, 0.11652397364377975, -0.2044343799352646, -0.045871563255786896, -0.12498553097248077, -0.10206075012683868, 0.08967853337526321, 0.10144159942865372, 0.17533732950687408, -0.1314026564359665, -0.06901653110980988, -0.004194973967969418, 0.013721327297389507, -0.07565439492464066, -0.047984253615140915, 0.09865698963403702, 0.009441188536584377, -0.033672213554382324, 0.04983820766210556, 0.010246504098176956, 0.025904322043061256, 0.0673050731420517, 0.14403128623962402, -0.15792681276798248, -0.0656357854604721, 0.08780096471309662, 0.052351370453834534, -0.007448015734553337, -0.06407301127910614, -0.017360620200634003, -0.10383729636669159, 0.0253401268273592, 0.29460445046424866, 0.0014398887287825346, 0.05251043289899826, 0.04846729338169098, -0.022012077271938324, -0.029805362224578857, 0.09182838350534439, -0.04018004238605499, 0.048172660171985626, -0.07410991191864014, 0.052013348788022995, -0.012534516863524914, 0.19334745407104492, -0.08988310396671295, 0.06948985904455185, -0.1598750799894333, -0.018452368676662445, -0.05994858965277672, -0.005474896170198917, -0.1344243884086609, -0.04069773480296135, -0.03707844763994217, -0.13621197640895844, -0.06381363421678543, 0.03786217421293259, -0.04231748357415199, 0.06058176979422569, -0.022483158856630325, 0.07410816848278046, -0.07329002022743225, -0.008855297230184078, 0.08284371346235275, -0.03901302441954613, 0.14703209698200226, 0.09137488156557083, -0.10002193599939346, 0.13065871596336365, -0.1495506763458252, 0.09732349961996078, 0.05784465745091438, -0.0031016774009913206, 0.04046860709786415, 0.018740208819508553, 0.028253722935914993, 0.04802419990301132, 0.04677194729447365, 0.040803708136081696, 0.07691527903079987, -0.0968342050909996, -0.028224123641848564, -0.005956051405519247, -0.036074116826057434, -0.07786162942647934, 0.07577589154243469, 0.03984934091567993, -0.03086904250085354, 0.0015374720096588135, -0.08867292106151581, 0.0007029061089269817, -0.10554274171590805, 0.02660267986357212, -0.004827996250241995, -0.167170912027359, 0.0015238391933962703, -0.060180868953466415, 0.018598705530166626, -0.0196963120251894, 0.19138114154338837, 0.044568903744220734, -0.10804351419210434, 0.036603011190891266, -0.03912742808461189, 0.036825619637966156, 0.01303895004093647, 0.21671131253242493, -0.06708358228206635, -0.04667427018284798, -0.22047993540763855, -0.04461514204740524, -0.06870962679386139, -0.06742323189973831, 0.10403132438659668, 0.05082051455974579, -0.028490159660577774, 0.06557109951972961, 0.07060371339321136, 0.03674770146608353, 0.009382760152220726, -0.17878347635269165, -0.03860674798488617, 0.052636392414569855, -0.012687986716628075, 0.013976575806736946, 0.2829166650772095, -0.055385541170835495, -0.0236640777438879, 0.034959401935338974, -0.04914432764053345, -0.16815754771232605, -0.188664048910141, -0.10390053689479828, -0.09216929972171783, 0.019746264442801476, -0.09922444820404053, 0.03504723682999611, -0.09341370314359665, 0.11659068614244461, -0.029955077916383743, 0.09023994952440262, 0.12884323298931122, -0.10368867963552475, 0.1974344104528427, -0.007536717224866152, 0.03143073618412018, -0.06160340458154678, 0.022547531872987747, -0.047714609652757645, -0.04091746360063553, -0.08468684554100037, 0.01485565584152937, -0.017015796154737473, 0.028346417471766472, -0.05375833064317703, -0.042954567819833755, -0.006775259505957365, 0.025952987372875214, 0.028423523530364037, 0.06328505277633667, 0.055587369948625565, -0.042066916823387146, 0.052578870207071304, 0.22812440991401672, -0.007031851913779974, -0.16762815415859222, -0.11161883920431137, 0.14822080731391907, 0.018198253586888313, 0.010934331454336643, 0.04156701639294624, -0.009754086844623089, -0.005580171011388302, 0.2805003225803375, 0.18818292021751404, 0.07125119119882584, 0.0473225936293602, -0.02236628532409668, 0.025077160447835922, 0.11812638491392136, 0.10008957237005234, 0.08187349885702133, 0.2268797606229782, 0.0005457788938656449, 0.07797370851039886, -0.012203770689666271, 0.03730632737278938, -0.0027522598393261433, 0.1290377825498581, 0.06328970938920975, -0.14039292931556702, 0.010506784543395042, 0.12708859145641327, -0.14506466686725616, 0.0103891771286726, -0.12016766518354416, -0.0563897080719471, -0.09242933243513107, -0.008809373714029789, 0.033809464424848557, 0.011184503324329853, 0.00891474261879921, -0.0017912412295117974, 0.003103055525571108, -0.008330165408551693, 0.060444559901952744, -0.08667925745248795, 0.010620063170790672, 0.025665223598480225, 0.002609002636745572, 0.02275911159813404, 0.010458513163030148, 0.06694602966308594, 0.07751498371362686, 0.0002802374365273863, -0.08716869354248047, 0.11422816663980484, 0.012899777851998806, 0.11221756041049957, 0.09677041321992874, 0.0183238722383976, 0.005930110812187195, -0.10478366911411285, 0.031000535935163498, -0.007509908638894558, 0.027109436690807343, 0.05283840000629425, -0.07460930943489075, -0.13789249956607819, 0.11821745336055756, -0.09409499913454056, 0.06578479707241058, 0.12100158631801605, -0.0867326557636261, 0.024628348648548126, -0.07416296750307083, 0.04509832337498665, 0.006734821014106274, -0.05659640207886696, 0.02842903509736061, -0.004285134840756655, -0.03637675195932388, 0.07972239702939987, 0.06377146393060684, -0.2359248548746109, 0.06875868141651154, -0.15099021792411804, -0.013937469571828842, -0.21137864887714386, 0.03440539911389351, 0.14113232493400574, 0.007452974561601877, 0.019398804754018784, -0.1455567479133606, 0.03916611894965172, 0.04372188821434975, -0.1450013965368271, -0.08470725268125534 ]
null
null
transformers
# ke-t5 base Pretrained T5 Model on Korean and English. See [Github](https://github.com/AIRC-KETI/ke-t5) and [Paper](https://aclanthology.org/2021.findings-emnlp.33/) [Korean paper](https://koreascience.kr/article/CFKO202130060717834.pdf) for more details. ## How to use ```python from transformers import AutoModel, AutoTokenizer model = AutoModel.from_pretrained("KETI-AIR/ke-t5-large") tokenizer = AutoTokenizer.from_pretrained("KETI-AIR/ke-t5-large") ``` ## BibTeX entry and citation info ```bibtex @inproceedings{kim-etal-2021-model-cross, title = "A Model of Cross-Lingual Knowledge-Grounded Response Generation for Open-Domain Dialogue Systems", author = "Kim, San and Jang, Jin Yea and Jung, Minyoung and Shin, Saim", booktitle = "Findings of the Association for Computational Linguistics: EMNLP 2021", month = nov, year = "2021", address = "Punta Cana, Dominican Republic", publisher = "Association for Computational Linguistics", url = "https://aclanthology.org/2021.findings-emnlp.33", doi = "10.18653/v1/2021.findings-emnlp.33", pages = "352--365", abstract = "Research on open-domain dialogue systems that allow free topics is challenging in the field of natural language processing (NLP). The performance of the dialogue system has been improved recently by the method utilizing dialogue-related knowledge; however, non-English dialogue systems suffer from reproducing the performance of English dialogue systems because securing knowledge in the same language with the dialogue system is relatively difficult. Through experiments with a Korean dialogue system, this paper proves that the performance of a non-English dialogue system can be improved by utilizing English knowledge, highlighting the system uses cross-lingual knowledge. For the experiments, we 1) constructed a Korean version of the Wizard of Wikipedia dataset, 2) built Korean-English T5 (KE-T5), a language model pre-trained with Korean and English corpus, and 3) developed a knowledge-grounded Korean dialogue model based on KE-T5. We observed the performance improvement in the open-domain Korean dialogue model even only English knowledge was given. The experimental results showed that the knowledge inherent in cross-lingual language models can be helpful for generating responses in open dialogue systems.", } ```
{"language": ["en", "ko"], "license": "apache-2.0", "tags": ["t5"], "eos_token": "</s>", "widget": [{"text": "\uc544\ubc84\uc9c0\uac00 \ubc29\uc5d0 \ub4e4\uc5b4\uac00\uc2e0\ub2e4.</s>"}]}
text2text-generation
KETI-AIR/ke-t5-large
[ "transformers", "pytorch", "tf", "jax", "safetensors", "t5", "text2text-generation", "en", "ko", "license:apache-2.0", "autotrain_compatible", "endpoints_compatible", "text-generation-inference", "region:us" ]
2022-03-02T23:29:04+00:00
[]
[ "en", "ko" ]
TAGS #transformers #pytorch #tf #jax #safetensors #t5 #text2text-generation #en #ko #license-apache-2.0 #autotrain_compatible #endpoints_compatible #text-generation-inference #region-us
# ke-t5 base Pretrained T5 Model on Korean and English. See Github and Paper Korean paper for more details. ## How to use ## BibTeX entry and citation info
[ "# ke-t5 base\n\nPretrained T5 Model on Korean and English. See Github and Paper Korean paper for more details.", "## How to use", "## BibTeX entry and citation info" ]
[ "TAGS\n#transformers #pytorch #tf #jax #safetensors #t5 #text2text-generation #en #ko #license-apache-2.0 #autotrain_compatible #endpoints_compatible #text-generation-inference #region-us \n", "# ke-t5 base\n\nPretrained T5 Model on Korean and English. See Github and Paper Korean paper for more details.", "## How to use", "## BibTeX entry and citation info" ]
[ 71, 29, 4, 10 ]
[ "passage: TAGS\n#transformers #pytorch #tf #jax #safetensors #t5 #text2text-generation #en #ko #license-apache-2.0 #autotrain_compatible #endpoints_compatible #text-generation-inference #region-us \n# ke-t5 base\n\nPretrained T5 Model on Korean and English. See Github and Paper Korean paper for more details.## How to use## BibTeX entry and citation info" ]
[ 0.06547671556472778, -0.1232152208685875, -0.002133414149284363, 0.064658984541893, 0.1093728244304657, -0.028277181088924408, 0.17681464552879333, 0.08801321685314178, -0.000011127690413559321, -0.06894408911466599, 0.10313894599676132, 0.16553935408592224, 0.06311124563217163, 0.2182406485080719, -0.0703626424074173, -0.33424538373947144, 0.005820786114782095, 0.05177535116672516, 0.21726849675178528, 0.12421520799398422, 0.13957707583904266, 0.007560984697192907, 0.11664833128452301, -0.014207589440047741, -0.1039259135723114, 0.07315275818109512, 0.0003973327693529427, -0.13095815479755402, 0.06674708425998688, 0.012303545139729977, -0.016566185280680656, 0.08490851521492004, -0.0151761369779706, -0.06394250690937042, 0.02822534181177616, -0.01148634497076273, -0.09915369004011154, 0.03635099157691002, -0.022368429228663445, -0.06115894019603729, 0.22292421758174896, -0.06265829503536224, -0.04741697013378143, -0.006318115163594484, -0.039024531841278076, -0.06588199734687805, -0.016592558473348618, 0.19808173179626465, 0.14862428605556488, 0.025917034596204758, -0.0006176886381581426, 0.1498335301876068, 0.0016707804752513766, 0.14875808358192444, 0.15884637832641602, -0.3968844413757324, -0.034886594861745834, 0.053477849811315536, 0.039726536720991135, 0.12921787798404694, 0.021303901448845863, 0.01586589217185974, 0.09827342629432678, 0.010558639653027058, 0.09269365668296814, -0.11458560824394226, -0.13879628479480743, 0.030976295471191406, -0.06121321767568588, 0.0546678863465786, 0.2509004473686218, -0.008140070363879204, -0.05547145754098892, -0.06571795791387558, -0.02078176662325859, 0.027957117184996605, -0.00047185024595819414, -0.04871116578578949, -0.02233479730784893, -0.016870591789484024, 0.05323072895407677, -0.13491684198379517, -0.07987789064645767, -0.048272207379341125, -0.1278201788663864, 0.16909432411193848, 0.0321660079061985, 0.0053770095109939575, -0.14296455681324005, 0.11253522336483002, -0.06387360394001007, -0.14548581838607788, -0.03491397574543953, -0.10557977110147476, 0.08765541017055511, 0.009824656881392002, 0.03659028932452202, -0.06450491398572922, 0.06304537504911423, 0.09483341872692108, 0.08402170985937119, 0.006402984261512756, -0.11392004787921906, 0.04184596985578537, 0.038651157170534134, -0.008423157967627048, -0.06795549392700195, -0.020320530980825424, 0.13716799020767212, -0.030882304534316063, 0.051851626485586166, -0.001911178114823997, -0.15609662234783173, -0.10483959317207336, 0.09971953928470612, 0.08996155858039856, -0.004951987881213427, 0.16497842967510223, 0.05215601995587349, 0.011397233232855797, 0.14592905342578888, -0.0946098268032074, -0.07780956476926804, -0.08013636618852615, 0.010616845451295376, 0.007717289496213198, 0.08923851698637009, 0.03793940320611, -0.11643363535404205, 0.04482002928853035, -0.027356421574950218, -0.05116290971636772, 0.0165849756449461, -0.05291352421045303, 0.0233777966350317, -0.15559877455234528, 0.09168580174446106, -0.20664922893047333, -0.21191933751106262, 0.03482450917363167, -0.037561703473329544, -0.06608176231384277, -0.07868923246860504, -0.04320389777421951, -0.08601785451173782, 0.00043252657633274794, -0.09109099209308624, 0.09615686535835266, -0.029224880039691925, 0.04775088652968407, -0.07401952892541885, 0.07185029983520508, -0.13806261122226715, 0.009312214329838753, -0.12349974364042282, -0.05060359090566635, -0.10121524333953857, 0.016858166083693504, 0.006982589140534401, 0.06582940369844437, -0.0886339470744133, -0.022069735452532768, -0.09255277365446091, 0.02083238586783409, -0.005772044416517019, 0.16078060865402222, -0.06663545966148376, -0.02690267004072666, 0.20046742260456085, -0.10025875270366669, -0.23326610028743744, 0.10107049345970154, 0.005100518465042114, 0.196208193898201, 0.06977125257253647, 0.12853357195854187, 0.02845289744436741, -0.12295310199260712, 0.051193900406360626, 0.13513468205928802, -0.10988041013479233, -0.025732459500432014, 0.009734471328556538, 0.08197610080242157, -0.19219078123569489, 0.030557582154870033, -0.007637565024197102, 0.03939228132367134, -0.012986439280211926, 0.019451450556516647, -0.06071123853325844, -0.035176560282707214, 0.004208902362734079, -0.028181949630379677, 0.0881277322769165, -0.06057514250278473, -0.025241363793611526, 0.10849543660879135, -0.020464928820729256, 0.0229483749717474, 0.01753079891204834, -0.028493545949459076, -0.010502845048904419, -0.012743287719786167, 0.041253212839365005, -0.03781508281826973, 0.059810277074575424, -0.012631673365831375, 0.14427047967910767, 0.0764344185590744, 0.00954460445791483, 0.03861434757709503, -0.049494668841362, -0.10273570567369461, 0.01944735459983349, 0.14359387755393982, 0.07944968342781067, -0.02926340512931347, -0.1378869265317917, 0.07822401821613312, -0.025257976725697517, -0.09464304894208908, -0.03402381390333176, 0.024283746257424355, 0.02100052870810032, 0.09859897941350937, -0.005412841681391001, 0.10951080918312073, 0.08174673467874527, 0.005111551843583584, -0.03169337660074234, -0.015196002088487148, 0.00578643660992384, 0.05602678284049034, -0.11562521010637283, 0.3118197023868561, -0.09061939269304276, 0.13459041714668274, 0.17942209541797638, 0.023620247840881348, -0.04141032323241234, -0.030002720654010773, -0.027213986963033676, -0.058294761925935745, 0.01736389845609665, -0.017158597707748413, 0.0367593839764595, -0.05393870919942856, 0.17226485908031464, -0.14517688751220703, -0.09266044944524765, 0.04766242578625679, -0.07077264785766602, -0.03883348032832146, 0.09542569518089294, 0.042355526238679886, -0.3607802093029022, 0.10731317847967148, 0.13126347959041595, -0.017129862681031227, 0.2722969949245453, 0.027946647256612778, -0.03209419921040535, 0.009286884218454361, 0.03386059030890465, -0.0315893217921257, -0.00014030461898073554, -0.12041245400905609, 0.007424591574817896, 0.06826440244913101, 0.014319198206067085, 0.04224385321140289, -0.04978783056139946, -0.05970321223139763, -0.025443535298109055, -0.012407499365508556, -0.04441239312291145, 0.1573971062898636, 0.01487930677831173, 0.14020445942878723, 0.012508873827755451, 0.02192309871315956, 0.04182092845439911, 0.01512509398162365, -0.1541288197040558, 0.16756054759025574, -0.06937257200479507, -0.1787218153476715, -0.05841977521777153, -0.07032510638237, 0.03154526278376579, -0.04362816736102104, 0.11418963223695755, -0.06631183624267578, 0.0040689269080758095, -0.09344451874494553, -0.01783585548400879, -0.010340086184442043, 0.03684024512767792, -0.07402798533439636, 0.06141472980380058, -0.11753152310848236, -0.08085489273071289, -0.0625002309679985, -0.004450502805411816, -0.05581609904766083, 0.08365313708782196, -0.20658236742019653, 0.0055398521944880486, 0.03447842225432396, -0.033092208206653595, 0.04511427506804466, -0.09419750422239304, 0.10818812251091003, -0.05916549265384674, 0.13984552025794983, 0.18361049890518188, -0.05154848098754883, 0.022369366139173508, 0.12068327516317368, -0.027850864455103874, 0.025898512452840805, 0.12197504192590714, -0.03933107107877731, -0.1022299975156784, -0.27463480830192566, 0.03229152783751488, -0.08735106885433197, 0.10806460678577423, 0.035218846052885056, 0.023758431896567345, 0.15920540690422058, 0.10190411657094955, -0.03870093822479248, 0.1456310749053955, 0.11241216212511063, 0.10544124245643616, 0.021578269079327583, 0.06380028277635574, 0.08246216177940369, -0.10257538408041, -0.03886718675494194, 0.10159233957529068, 0.06575720757246017, 0.04174390062689781, -0.024911561980843544, -0.057866912335157394, 0.07738705724477768, 0.08859512209892273, 0.0750730037689209, 0.18327398598194122, -0.09100151062011719, 0.00857912190258503, -0.03625846654176712, -0.10455414652824402, 0.0931042954325676, 0.09152679145336151, -0.1504918783903122, -0.0593385212123394, -0.02104511670768261, -0.011133700609207153, 0.08003876358270645, 0.10067173093557358, 0.04004410654306412, -0.12236632406711578, -0.037076547741889954, 0.05376948043704033, -0.037851881235837936, -0.10853283852338791, 0.06699026376008987, 0.048191796988248825, -0.16231806576251984, 0.19545945525169373, 0.03670720383524895, 0.07645297050476074, 0.04139906167984009, -0.0028825723566114902, -0.05429806560277939, -0.058978624641895294, -0.0534198097884655, 0.07619825750589371, -0.36090517044067383, 0.17374661564826965, 0.010495239868760109, 0.011365578509867191, -0.12813864648342133, -0.013282600790262222, 0.02079021744430065, 0.10151063650846481, 0.1812179535627365, -0.010934865102171898, 0.04986711964011192, 0.09378080815076828, -0.03393753245472908, 0.08434425294399261, 0.040050022304058075, -0.04451430216431618, -0.0179575365036726, -0.009075840003788471, -0.045945148915052414, -0.0158986896276474, -0.036799702793359756, -0.1594092845916748, -0.0567520372569561, 0.01511986181139946, 0.016320953145623207, -0.04762721061706543, 0.006914416793733835, -0.07150034606456757, 0.0019428736995905638, 0.15921688079833984, -0.11542686074972153, -0.1621679812669754, -0.10038477927446365, 0.019581420347094536, 0.046646248549222946, -0.08002074807882309, 0.020293941721320152, -0.07334531843662262, -0.02646435983479023, -0.02295823208987713, -0.2119976431131363, 0.09541091322898865, -0.06674499809741974, -0.09120429307222366, 0.04244891554117203, 0.12185147404670715, -0.03929911181330681, -0.03277312219142914, 0.02890603430569172, -0.03647385165095329, -0.0456860288977623, -0.11875053495168686, 0.013839532621204853, -0.06395850330591202, 0.11845865100622177, -0.0031251173932105303, -0.1260237991809845, -0.21345528960227966, -0.04774200916290283, -0.10672349482774734, 0.05845564231276512, 0.12467948347330093, -0.020126651972532272, 0.07938174903392792, 0.1194290816783905, -0.06022048369050026, -0.17623624205589294, -0.12226008623838425, -0.06285136193037033, 0.01927848346531391, -0.03884738311171532, -0.048973772674798965, 0.048229411244392395, -0.008003938011825085, -0.02186272293329239, -0.039661042392253876, -0.07979510724544525, -0.19034145772457123, 0.13485345244407654, 0.0336269848048687, 0.2470533698797226, -0.067054383456707, -0.08346052467823029, 0.014008068479597569, -0.23906660079956055, 0.147551029920578, -0.2242436408996582, 0.026019448414444923, -0.02362390235066414, 0.003599069779738784, 0.00598666537553072, 0.006638918537646532, -0.018818266689777374, -0.021672695875167847, -0.00884013157337904, -0.13633617758750916, -0.1502048224210739, -0.07056903094053268, -0.02365649864077568, 0.2120223045349121, -0.179203599691391, 0.0938088595867157, -0.05771242082118988, -0.06852986663579941, -0.10957754403352737, 0.034540705382823944, -0.004632890224456787, -0.12799683213233948, -0.05705828592181206, 0.009122058749198914, -0.020833279937505722, -0.05385810136795044, 0.187721386551857, -0.0624273456633091, 0.08377484977245331, 0.14731661975383759, 0.193783238530159, -0.05014590546488762, 0.3203442394733429, -0.0561375766992569, -0.11304807662963867, 0.04550885781645775, -0.22018715739250183, -0.003031132509931922, 0.03241679444909096, 0.00211829855106771, 0.037692926824092865, 0.041147030889987946, -0.059635721147060394, -0.022929908707737923, 0.11594569683074951, -0.2044517993927002, -0.04629550874233246, -0.12314571440219879, -0.09966745972633362, 0.0905701071023941, 0.10155965387821198, 0.1744900792837143, -0.13130490481853485, -0.06934472173452377, -0.0037563033401966095, 0.013738298788666725, -0.07703050971031189, -0.049078308045864105, 0.09825249761343002, 0.008139532059431076, -0.03462062403559685, 0.051161572337150574, 0.010494446381926537, 0.02750311605632305, 0.06613226234912872, 0.14413957297801971, -0.1571941077709198, -0.06616108119487762, 0.08625542372465134, 0.05273054540157318, -0.011103850789368153, -0.06598096340894699, -0.016376225277781487, -0.10422073304653168, 0.026133636012673378, 0.2916354238986969, 0.0019470744300633669, 0.053582850843667984, 0.04799226298928261, -0.024237947538495064, -0.029165565967559814, 0.09162341058254242, -0.04095621407032013, 0.04728724807500839, -0.07360769063234329, 0.05247022584080696, -0.01177216973155737, 0.19038186967372894, -0.08954527974128723, 0.06984970718622208, -0.1567511111497879, -0.01780490018427372, -0.06043367460370064, -0.004730421118438244, -0.1329435408115387, -0.04079938307404518, -0.03593362867832184, -0.13642944395542145, -0.0632048100233078, 0.03853261098265648, -0.04263734444975853, 0.060274526476860046, -0.021711906418204308, 0.0751517191529274, -0.07701083272695541, -0.009228826500475407, 0.08140245079994202, -0.037744149565696716, 0.14768821001052856, 0.08972236514091492, -0.1012796089053154, 0.13035249710083008, -0.15171168744564056, 0.09490902721881866, 0.0580282062292099, -0.0025335741229355335, 0.03994458168745041, 0.017947347834706306, 0.027852386236190796, 0.050912924110889435, 0.045192088931798935, 0.04087533801794052, 0.07712232321500778, -0.09704268723726273, -0.029245661571621895, -0.006174793001264334, -0.03559290990233421, -0.07755523175001144, 0.07427659630775452, 0.04034549370408058, -0.030977526679635048, 0.00510379858314991, -0.08869146555662155, -0.0002895329089369625, -0.10611832141876221, 0.02716260775923729, -0.005471594166010618, -0.1661451905965805, -0.004528887569904327, -0.058361075818538666, 0.016335340216755867, -0.019944852218031883, 0.1937132477760315, 0.04379433020949364, -0.10891725867986679, 0.037760112434625626, -0.03750506415963173, 0.03485601395368576, 0.012092369608581066, 0.22057709097862244, -0.06706268340349197, -0.04593181982636452, -0.2219410240650177, -0.04504414647817612, -0.06910590082406998, -0.07015109062194824, 0.10219511389732361, 0.051916129887104034, -0.028049834072589874, 0.06551267206668854, 0.07130476087331772, 0.03664998710155487, 0.00908020418137312, -0.17637291550636292, -0.03469633683562279, 0.05205085128545761, -0.012691019102931023, 0.01670227199792862, 0.28224366903305054, -0.05534321069717407, -0.02424856647849083, 0.03549204766750336, -0.04719842970371246, -0.16814033687114716, -0.18839697539806366, -0.10384371876716614, -0.09065555781126022, 0.019022949039936066, -0.09834296256303787, 0.03593066707253456, -0.09541483223438263, 0.11728482693433762, -0.03109505958855152, 0.08594000339508057, 0.1269458830356598, -0.10284500569105148, 0.19418247044086456, -0.007667608093470335, 0.030875448137521744, -0.06149838864803314, 0.022975610569119453, -0.04712677001953125, -0.038987897336483, -0.08500280976295471, 0.014225763268768787, -0.01562164630740881, 0.029338998720049858, -0.054763063788414, -0.04205367714166641, -0.007625776808708906, 0.026509741321206093, 0.029052285477519035, 0.06486278772354126, 0.05574550852179527, -0.04179434850811958, 0.05395287275314331, 0.22663229703903198, -0.006790440063923597, -0.1698622703552246, -0.11066362261772156, 0.14952898025512695, 0.017863206565380096, 0.010031044483184814, 0.043130386620759964, -0.008902488276362419, -0.0055367774330079556, 0.28096628189086914, 0.19081541895866394, 0.07054061442613602, 0.047023165971040726, -0.023679325357079506, 0.024914683774113655, 0.11727508157491684, 0.09971621632575989, 0.08195556700229645, 0.22685524821281433, 0.0009415102540515363, 0.07833460718393326, -0.011988052166998386, 0.038769058883190155, -0.003201865591108799, 0.12867030501365662, 0.060534264892339706, -0.1405767947435379, 0.011747955344617367, 0.127351313829422, -0.14196938276290894, 0.008961882442235947, -0.11965600401163101, -0.05289117991924286, -0.09074250608682632, -0.008209949359297752, 0.03361757844686508, 0.011007551103830338, 0.008110638707876205, -0.002258079359307885, 0.004009870812296867, -0.005329527892172337, 0.05953657254576683, -0.08859820663928986, 0.011467709206044674, 0.026494072750210762, 0.00008185803744709119, 0.024892719462513924, 0.011044291779398918, 0.0681404396891594, 0.07686352729797363, 0.0009541226900182664, -0.08964929729700089, 0.11475079506635666, 0.012449102476239204, 0.11305782198905945, 0.0977482721209526, 0.015078085474669933, 0.0060265203937888145, -0.10492447763681412, 0.030501944944262505, -0.008153408765792847, 0.027824290096759796, 0.05281602218747139, -0.07751162350177765, -0.13827930390834808, 0.11889498680830002, -0.09372743219137192, 0.06576282531023026, 0.11876867711544037, -0.08709776401519775, 0.024557683616876602, -0.07552456110715866, 0.045361634343862534, 0.00832511205226183, -0.060170840471982956, 0.030699769034981728, -0.0019517384935170412, -0.034367404878139496, 0.08116002380847931, 0.06349416077136993, -0.23747290670871735, 0.0690164715051651, -0.15195481479167938, -0.015058609656989574, -0.21165752410888672, 0.03340841829776764, 0.14279673993587494, 0.008372986689209938, 0.019204821437597275, -0.14435423910617828, 0.03920753672719002, 0.0419832281768322, -0.14291881024837494, -0.0844612792134285 ]
null
null
transformers
# ke-t5 base Pretrained T5 Model on Korean and English. See [Github](https://github.com/AIRC-KETI/ke-t5) and [Paper](https://aclanthology.org/2021.findings-emnlp.33/) [Korean paper](https://koreascience.kr/article/CFKO202130060717834.pdf) for more details. ## How to use ```python from transformers import AutoModel, AutoTokenizer model = AutoModel.from_pretrained("KETI-AIR/ke-t5-small-ko") tokenizer = AutoTokenizer.from_pretrained("KETI-AIR/ke-t5-small-ko") ``` ## BibTeX entry and citation info ```bibtex @inproceedings{kim-etal-2021-model-cross, title = "A Model of Cross-Lingual Knowledge-Grounded Response Generation for Open-Domain Dialogue Systems", author = "Kim, San and Jang, Jin Yea and Jung, Minyoung and Shin, Saim", booktitle = "Findings of the Association for Computational Linguistics: EMNLP 2021", month = nov, year = "2021", address = "Punta Cana, Dominican Republic", publisher = "Association for Computational Linguistics", url = "https://aclanthology.org/2021.findings-emnlp.33", doi = "10.18653/v1/2021.findings-emnlp.33", pages = "352--365", abstract = "Research on open-domain dialogue systems that allow free topics is challenging in the field of natural language processing (NLP). The performance of the dialogue system has been improved recently by the method utilizing dialogue-related knowledge; however, non-English dialogue systems suffer from reproducing the performance of English dialogue systems because securing knowledge in the same language with the dialogue system is relatively difficult. Through experiments with a Korean dialogue system, this paper proves that the performance of a non-English dialogue system can be improved by utilizing English knowledge, highlighting the system uses cross-lingual knowledge. For the experiments, we 1) constructed a Korean version of the Wizard of Wikipedia dataset, 2) built Korean-English T5 (KE-T5), a language model pre-trained with Korean and English corpus, and 3) developed a knowledge-grounded Korean dialogue model based on KE-T5. We observed the performance improvement in the open-domain Korean dialogue model even only English knowledge was given. The experimental results showed that the knowledge inherent in cross-lingual language models can be helpful for generating responses in open dialogue systems.", } ```
{"language": "ko", "license": "apache-2.0", "tags": ["t5"], "eos_token": "</s>", "widget": [{"text": "\uc544\ubc84\uc9c0\uac00 \ubc29\uc5d0 \ub4e4\uc5b4\uac00\uc2e0\ub2e4.</s>"}]}
text2text-generation
KETI-AIR/ke-t5-small-ko
[ "transformers", "pytorch", "tf", "jax", "safetensors", "t5", "text2text-generation", "ko", "license:apache-2.0", "autotrain_compatible", "endpoints_compatible", "text-generation-inference", "region:us" ]
2022-03-02T23:29:04+00:00
[]
[ "ko" ]
TAGS #transformers #pytorch #tf #jax #safetensors #t5 #text2text-generation #ko #license-apache-2.0 #autotrain_compatible #endpoints_compatible #text-generation-inference #region-us
# ke-t5 base Pretrained T5 Model on Korean and English. See Github and Paper Korean paper for more details. ## How to use ## BibTeX entry and citation info
[ "# ke-t5 base\n\nPretrained T5 Model on Korean and English. See Github and Paper Korean paper for more details.", "## How to use", "## BibTeX entry and citation info" ]
[ "TAGS\n#transformers #pytorch #tf #jax #safetensors #t5 #text2text-generation #ko #license-apache-2.0 #autotrain_compatible #endpoints_compatible #text-generation-inference #region-us \n", "# ke-t5 base\n\nPretrained T5 Model on Korean and English. See Github and Paper Korean paper for more details.", "## How to use", "## BibTeX entry and citation info" ]
[ 69, 29, 4, 10 ]
[ "passage: TAGS\n#transformers #pytorch #tf #jax #safetensors #t5 #text2text-generation #ko #license-apache-2.0 #autotrain_compatible #endpoints_compatible #text-generation-inference #region-us \n# ke-t5 base\n\nPretrained T5 Model on Korean and English. See Github and Paper Korean paper for more details.## How to use## BibTeX entry and citation info" ]
[ 0.06384743005037308, -0.12553735077381134, -0.00230562686920166, 0.06204276159405708, 0.10308671742677689, -0.025059286504983902, 0.17712527513504028, 0.08970362693071365, 0.014055492356419563, -0.06774597615003586, 0.09915944188833237, 0.15422150492668152, 0.06910437345504761, 0.21823130548000336, -0.06658665835857391, -0.33579814434051514, 0.00011795743193943053, 0.04784676060080528, 0.21198251843452454, 0.12303048372268677, 0.13746117055416107, 0.01163038332015276, 0.11369752883911133, -0.01794481836259365, -0.10215412825345993, 0.07484382390975952, -0.005813660565763712, -0.12684671580791473, 0.06565829366445541, 0.011604714207351208, -0.012155670672655106, 0.08577956259250641, -0.01813250593841076, -0.06594785302877426, 0.028273871168494225, -0.008062806911766529, -0.09997661411762238, 0.034630339592695236, -0.019078727811574936, -0.06048128381371498, 0.22833849489688873, -0.06670495122671127, -0.045483920723199844, -0.004925352055579424, -0.03564002737402916, -0.07193943858146667, -0.016925353556871414, 0.20658709108829498, 0.13983426988124847, 0.01754438318312168, -0.00037729740142822266, 0.14457955956459045, 0.0015922804595902562, 0.1527900993824005, 0.1571594774723053, -0.3944457471370697, -0.03914477303624153, 0.06030236557126045, 0.051159653812646866, 0.14229455590248108, 0.019924316555261612, 0.015114771202206612, 0.09448585659265518, 0.011712420731782913, 0.09045355021953583, -0.11331634223461151, -0.1360301673412323, 0.030459895730018616, -0.06395065784454346, 0.054501377046108246, 0.24718818068504333, -0.015226424671709538, -0.04829680547118187, -0.06946109235286713, -0.023530475795269012, 0.022441506385803223, 0.0013585718115791678, -0.048287827521562576, -0.023048369213938713, -0.01717955805361271, 0.05849280580878258, -0.14005137979984283, -0.07360003888607025, -0.05125235766172409, -0.12797103822231293, 0.17376568913459778, 0.036686815321445465, 0.0027868752367794514, -0.13634325563907623, 0.11318769305944443, -0.05994579568505287, -0.14535784721374512, -0.032461415976285934, -0.10999516397714615, 0.08369781821966171, 0.018310680985450745, 0.040800243616104126, -0.056609053164720535, 0.06696814298629761, 0.09011728316545486, 0.08332318067550659, 0.015458027832210064, -0.11356639117002487, 0.04076829552650452, 0.03897535055875778, -0.006757966708391905, -0.060639746487140656, -0.023073405027389526, 0.13226750493049622, -0.020802868530154228, 0.050973594188690186, -0.003030714811757207, -0.15066863596439362, -0.1029086709022522, 0.09999479353427887, 0.09646319597959518, 0.0006720514502376318, 0.162864089012146, 0.055407725274562836, 0.009449570439755917, 0.1468845009803772, -0.09657322615385056, -0.07539840787649155, -0.07769842445850372, 0.012834913097321987, 0.00473569193854928, 0.0897517129778862, 0.03177354112267494, -0.11695801466703415, 0.036671821027994156, -0.02411665767431259, -0.055801600217819214, 0.011062642559409142, -0.05379512533545494, 0.019428318366408348, -0.16399486362934113, 0.08571827411651611, -0.20341569185256958, -0.20518288016319275, 0.03597345948219299, -0.04000690579414368, -0.06604252010583878, -0.07655829936265945, -0.04269138723611832, -0.08574884384870529, 0.0034080976620316505, -0.09155033528804779, 0.09243153780698776, -0.029368670657277107, 0.04490089416503906, -0.07237615436315536, 0.06811100244522095, -0.13111117482185364, 0.007364786695688963, -0.11362116783857346, -0.04733899608254433, -0.1037568673491478, 0.021297670900821686, -0.00904810056090355, 0.06166993826627731, -0.08432205021381378, -0.021270515397191048, -0.09521155804395676, 0.02534547634422779, -0.005128697957843542, 0.1559324711561203, -0.0687822699546814, -0.028261126950383186, 0.20308354496955872, -0.10012438893318176, -0.23180243372917175, 0.10455664992332458, 0.009359030053019524, 0.18136994540691376, 0.06565196067094803, 0.13720664381980896, 0.03175986558198929, -0.1240052804350853, 0.049359604716300964, 0.14439959824085236, -0.10104233771562576, -0.027329662814736366, 0.008091612718999386, 0.07896381616592407, -0.18487752974033356, 0.030952079221606255, -0.009569377638399601, 0.043391015380620956, -0.016833094879984856, 0.02324621006846428, -0.06294699758291245, -0.03320043534040451, 0.002417949726805091, -0.02412494830787182, 0.08491656184196472, -0.06516725569963455, -0.0277041494846344, 0.11029025912284851, -0.01577208936214447, 0.02044595591723919, 0.015346105210483074, -0.027059800922870636, -0.008690813556313515, -0.008155549876391888, 0.042260441929101944, -0.03690095618367195, 0.05718805268406868, -0.005237469915300608, 0.1403004229068756, 0.07384857535362244, 0.014404704794287682, 0.0413084514439106, -0.05266536399722099, -0.1065782681107521, 0.02073427103459835, 0.13880696892738342, 0.08165530860424042, -0.027055196464061737, -0.1434662938117981, 0.07647182047367096, -0.025196783244609833, -0.09533069282770157, -0.0363522469997406, 0.027047831565141678, 0.022170931100845337, 0.10259533673524857, -0.00634876498952508, 0.10899779945611954, 0.07897742092609406, 0.009593809954822063, -0.029618173837661743, -0.018454721197485924, 0.007800350897014141, 0.053662318736314774, -0.11282424628734589, 0.3158499598503113, -0.09162791073322296, 0.1216498464345932, 0.1819400042295456, 0.029222561046481133, -0.032482732087373734, -0.02597837895154953, -0.028137987479567528, -0.05952178314328194, 0.030002743005752563, -0.01900319755077362, 0.03569461405277252, -0.056300558149814606, 0.17159195244312286, -0.14832736551761627, -0.09483350813388824, 0.046541403979063034, -0.06446326524019241, -0.03829958662390709, 0.1009288802742958, 0.042873676866292953, -0.36245617270469666, 0.10675850510597229, 0.13197962939739227, -0.020667165517807007, 0.2756560146808624, 0.023133184760808945, -0.02484838478267193, 0.009112333878874779, 0.03664322569966316, -0.03145255520939827, 0.006972249131649733, -0.12288970500230789, 0.003021377371624112, 0.0628647655248642, 0.018229886889457703, 0.04696774482727051, -0.04731075093150139, -0.05485664680600166, -0.027286630123853683, -0.014059754088521004, -0.047818563878536224, 0.15967610478401184, 0.015506560914218426, 0.13652175664901733, 0.005889730527997017, 0.02055671252310276, 0.03529643639922142, 0.012802192009985447, -0.14831195771694183, 0.1676243543624878, -0.07657836377620697, -0.17307472229003906, -0.05011725798249245, -0.06648313254117966, 0.032112497836351395, -0.0464678630232811, 0.11388510465621948, -0.06452737748622894, 0.009850113652646542, -0.09637259691953659, -0.013554624281823635, -0.017039958387613297, 0.03220236673951149, -0.07779771089553833, 0.06021268665790558, -0.1185455471277237, -0.08939575403928757, -0.06100067123770714, -0.0055010379292070866, -0.058353956788778305, 0.07967699319124222, -0.21347501873970032, 0.00041229731868952513, 0.03523818030953407, -0.03178555890917778, 0.04430115967988968, -0.1002001240849495, 0.09752978384494781, -0.058917634189128876, 0.13749448955059052, 0.18009276688098907, -0.04893731698393822, 0.02307884581387043, 0.11165506392717361, -0.029750170186161995, 0.03110935166478157, 0.11717549711465836, -0.03923244774341583, -0.10109531879425049, -0.28056690096855164, 0.034070223569869995, -0.0926060900092125, 0.11611054092645645, 0.029668036848306656, 0.02614620514214039, 0.15192410349845886, 0.09385588765144348, -0.04390828311443329, 0.14360444247722626, 0.11234789341688156, 0.10160830616950989, 0.022713344544172287, 0.06348814815282822, 0.08358047157526016, -0.10252835601568222, -0.03167321905493736, 0.09876310080289841, 0.06846814602613449, 0.04924787953495979, -0.030815141275525093, -0.05049142986536026, 0.0784597396850586, 0.0916752815246582, 0.07871316373348236, 0.17735682427883148, -0.0947079285979271, 0.013992615044116974, -0.03631652146577835, -0.1039813905954361, 0.08998776227235794, 0.08356474339962006, -0.1373881697654724, -0.05870821699500084, -0.018328186124563217, -0.011574254371225834, 0.08121029287576675, 0.10785480588674545, 0.03127828612923622, -0.1144883781671524, -0.03121236152946949, 0.05705058202147484, -0.033704642206430435, -0.11070173978805542, 0.06770627945661545, 0.053483907133340836, -0.15686282515525818, 0.1962188184261322, 0.03882482275366783, 0.07721513509750366, 0.03674779832363129, -0.00680767884477973, -0.0543343722820282, -0.051992885768413544, -0.05409817025065422, 0.07532856613397598, -0.35992515087127686, 0.17502392828464508, 0.007633273955434561, 0.011909758672118187, -0.12232064455747604, -0.010781636461615562, 0.025505555793642998, 0.10064242780208588, 0.1733809858560562, -0.009596051648259163, 0.05564526468515396, 0.09771484136581421, -0.03673137351870537, 0.08545240759849548, 0.043352704495191574, -0.048068854957818985, -0.02233000099658966, -0.008649129420518875, -0.04626217484474182, -0.017178695648908615, -0.04646873474121094, -0.16701073944568634, -0.05783161148428917, 0.01920302025973797, 0.010147962719202042, -0.058047253638505936, 0.0019312688382342458, -0.07462017983198166, -0.004960811696946621, 0.15541665256023407, -0.12411116063594818, -0.16416627168655396, -0.09735354781150818, 0.013201081193983555, 0.05452105402946472, -0.07677458971738815, 0.019356681033968925, -0.0720362588763237, -0.03214135393500328, -0.022989826276898384, -0.21243081986904144, 0.09646125882863998, -0.07059314101934433, -0.09304369240999222, 0.04184208810329437, 0.12961111962795258, -0.040296707302331924, -0.030240969732403755, 0.022280719131231308, -0.03539938107132912, -0.045204296708106995, -0.1173715740442276, 0.013661221601068974, -0.058123908936977386, 0.1092982366681099, 0.008739837445318699, -0.12473642081022263, -0.2157878577709198, -0.042519550770521164, -0.10582102835178375, 0.050419505685567856, 0.12288844585418701, -0.01858704350888729, 0.08078846335411072, 0.11833026260137558, -0.06732303649187088, -0.17265430092811584, -0.12640130519866943, -0.057224053889513016, 0.021937288343906403, -0.03569105640053749, -0.04991742596030235, 0.03823039308190346, -0.007226271089166403, -0.02183196134865284, -0.03808941692113876, -0.08586014807224274, -0.1906065195798874, 0.12739259004592896, 0.03188773989677429, 0.2324548214673996, -0.07207009941339493, -0.0863327607512474, 0.021082792431116104, -0.2347029149532318, 0.1427067071199417, -0.22593502700328827, 0.027709154412150383, -0.0243208184838295, -0.011136469431221485, 0.005281113088130951, 0.010249240323901176, -0.017388150095939636, -0.02828254923224449, -0.01225222833454609, -0.13449989259243011, -0.14800116419792175, -0.06390740722417831, -0.02623603120446205, 0.2011556476354599, -0.19174227118492126, 0.0943581759929657, -0.06532426923513412, -0.06667307019233704, -0.10783954709768295, 0.031241431832313538, -0.009780125692486763, -0.1227070540189743, -0.05513514578342438, 0.009302128106355667, -0.0227391105145216, -0.054504215717315674, 0.18491344153881073, -0.06362342089414597, 0.09190236032009125, 0.14873364567756653, 0.19811056554317474, -0.040017709136009216, 0.3165191411972046, -0.05538826808333397, -0.1094197928905487, 0.041916169226169586, -0.21706998348236084, -0.0061742584221065044, 0.03406811133027077, 0.003647017292678356, 0.033688027411699295, 0.041227828711271286, -0.06176350638270378, -0.02420983277261257, 0.11385219544172287, -0.19815349578857422, -0.05685677006840706, -0.12129245698451996, -0.09887772053480148, 0.08924344927072525, 0.10281334817409515, 0.17187027633190155, -0.12895195186138153, -0.0687994733452797, -0.004097702447324991, 0.012554162181913853, -0.07262344658374786, -0.04690823704004288, 0.1001637652516365, 0.010319177061319351, -0.032073646783828735, 0.04896708205342293, 0.009252594783902168, 0.024270813912153244, 0.06272004544734955, 0.15431039035320282, -0.1537441909313202, -0.06343202292919159, 0.09285832941532135, 0.05099037289619446, 0.0031474465504288673, -0.06554652005434036, -0.017957359552383423, -0.11158967763185501, 0.02272811532020569, 0.29503169655799866, 0.0004161775577813387, 0.05374560132622719, 0.049388740211725235, -0.018466347828507423, -0.02132340520620346, 0.09895826131105423, -0.04722738265991211, 0.05010635033249855, -0.07458892464637756, 0.04855562746524811, -0.009636417031288147, 0.18671783804893494, -0.08917203545570374, 0.07142627984285355, -0.15537859499454498, -0.016429727897047997, -0.05922391638159752, -0.005365048535168171, -0.12738922238349915, -0.03765621781349182, -0.04017215967178345, -0.13897426426410675, -0.06240963935852051, 0.039779841899871826, -0.040961626917123795, 0.06157274916768074, -0.024148693308234215, 0.0771697610616684, -0.07560434937477112, -0.009238111786544323, 0.08060938864946365, -0.04126157611608505, 0.15020285546779633, 0.08942510932683945, -0.10101613402366638, 0.1276143193244934, -0.1432633250951767, 0.09630605578422546, 0.051783811300992966, 0.0012889162171632051, 0.03754385560750961, 0.01768500730395317, 0.027730755507946014, 0.04660920798778534, 0.04450066387653351, 0.03923751413822174, 0.07676179707050323, -0.09546492993831635, -0.031721390783786774, -0.006573101505637169, -0.03353666141629219, -0.07157313823699951, 0.07925986498594284, 0.0434720404446125, -0.02272048406302929, -0.004630220588296652, -0.08519531041383743, -0.0038761680480092764, -0.11243747174739838, 0.02399350143969059, -0.0009326330036856234, -0.16548468172550201, -0.0011678668670356274, -0.0561990812420845, 0.021041980013251305, -0.017520572990179062, 0.19679076969623566, 0.04444665089249611, -0.10985376685857773, 0.036456093192100525, -0.049960147589445114, 0.035722844302654266, 0.012362594716250896, 0.22430425882339478, -0.07055015116930008, -0.044994112104177475, -0.2181863933801651, -0.051332682371139526, -0.07337173074483871, -0.07534374296665192, 0.1045856848359108, 0.058895256370306015, -0.022086601704359055, 0.06451994925737381, 0.0803486704826355, 0.029599377885460854, 0.010269951075315475, -0.18078874051570892, -0.03364080190658569, 0.055903252214193344, -0.017176471650600433, 0.01808476634323597, 0.2766510546207428, -0.05366230383515358, -0.021759483963251114, 0.033077750355005264, -0.05046626180410385, -0.1659628003835678, -0.17187626659870148, -0.09862116724252701, -0.09290573745965958, 0.01677793264389038, -0.09941943734884262, 0.034152425825595856, -0.09281295537948608, 0.12069786339998245, -0.030598847195506096, 0.08123458921909332, 0.133555069565773, -0.103342704474926, 0.20003961026668549, -0.007618691772222519, 0.03580683469772339, -0.06802975386381149, 0.017649373039603233, -0.04865681380033493, -0.04090346023440361, -0.08821325749158859, 0.014982502907514572, -0.022623732686042786, 0.029367107897996902, -0.05288420990109444, -0.03909742087125778, -0.004681638907641172, 0.02504260279238224, 0.031770672649145126, 0.07306825369596481, 0.05562683567404747, -0.04681818187236786, 0.053016744554042816, 0.2220967411994934, -0.005739498883485794, -0.16818106174468994, -0.10160496085882187, 0.15045560896396637, 0.01741454005241394, 0.010507567785680294, 0.04600227624177933, -0.008001578971743584, -0.010432075709104538, 0.2700527310371399, 0.19782555103302002, 0.07212799042463303, 0.04788898304104805, -0.02014923095703125, 0.02440662309527397, 0.1140323206782341, 0.10237134248018265, 0.08219032734632492, 0.2268994003534317, 0.004738400690257549, 0.07968547195196152, -0.010407754220068455, 0.04004622623324394, -0.004571422468870878, 0.12653501331806183, 0.06310508400201797, -0.14383769035339355, 0.015032733790576458, 0.12615206837654114, -0.13935939967632294, 0.006969112437218428, -0.11877155303955078, -0.06109097972512245, -0.09357959032058716, -0.011081639677286148, 0.043732743710279465, 0.01211516372859478, 0.0032923484686762094, -0.0027856500819325447, 0.0036165406927466393, -0.008032765239477158, 0.05775138735771179, -0.0840742215514183, 0.006449136417359114, 0.024977514520287514, -0.0008544365991838276, 0.016947727650403976, 0.0065759229473769665, 0.07146027684211731, 0.07643387466669083, -0.0007142560207284987, -0.0878787711262703, 0.10778269171714783, 0.015170804224908352, 0.11295174062252045, 0.09307107329368591, 0.01804281771183014, 0.004692588001489639, -0.10213371366262436, 0.03087572753429413, 0.006932477932423353, 0.028165673837065697, 0.04788397252559662, -0.08089618384838104, -0.13777941465377808, 0.12191636860370636, -0.09576359391212463, 0.06514346599578857, 0.12148647010326385, -0.08452673256397247, 0.020806150510907173, -0.0730346292257309, 0.03827248141169548, 0.005170539952814579, -0.04586398974061012, 0.030668392777442932, -0.0031762898433953524, -0.03746498376131058, 0.08360512554645538, 0.06728284806013107, -0.23379623889923096, 0.06922126561403275, -0.1566924750804901, -0.014846822246909142, -0.21259936690330505, 0.0349884070456028, 0.14227139949798584, 0.009070337750017643, 0.0213459562510252, -0.14620476961135864, 0.03800278156995773, 0.04330196976661682, -0.14819911122322083, -0.07934902608394623 ]
null
null
transformers
# ke-t5 base Pretrained T5 Model on Korean and English. See [Github](https://github.com/AIRC-KETI/ke-t5) and [Paper](https://aclanthology.org/2021.findings-emnlp.33/) [Korean paper](https://koreascience.kr/article/CFKO202130060717834.pdf) for more details. ## How to use ```python from transformers import AutoModel, AutoTokenizer model = AutoModel.from_pretrained("KETI-AIR/ke-t5-small-newslike") tokenizer = AutoTokenizer.from_pretrained("KETI-AIR/ke-t5-small-newslike") ``` ## BibTeX entry and citation info ```bibtex @inproceedings{kim-etal-2021-model-cross, title = "A Model of Cross-Lingual Knowledge-Grounded Response Generation for Open-Domain Dialogue Systems", author = "Kim, San and Jang, Jin Yea and Jung, Minyoung and Shin, Saim", booktitle = "Findings of the Association for Computational Linguistics: EMNLP 2021", month = nov, year = "2021", address = "Punta Cana, Dominican Republic", publisher = "Association for Computational Linguistics", url = "https://aclanthology.org/2021.findings-emnlp.33", doi = "10.18653/v1/2021.findings-emnlp.33", pages = "352--365", abstract = "Research on open-domain dialogue systems that allow free topics is challenging in the field of natural language processing (NLP). The performance of the dialogue system has been improved recently by the method utilizing dialogue-related knowledge; however, non-English dialogue systems suffer from reproducing the performance of English dialogue systems because securing knowledge in the same language with the dialogue system is relatively difficult. Through experiments with a Korean dialogue system, this paper proves that the performance of a non-English dialogue system can be improved by utilizing English knowledge, highlighting the system uses cross-lingual knowledge. For the experiments, we 1) constructed a Korean version of the Wizard of Wikipedia dataset, 2) built Korean-English T5 (KE-T5), a language model pre-trained with Korean and English corpus, and 3) developed a knowledge-grounded Korean dialogue model based on KE-T5. We observed the performance improvement in the open-domain Korean dialogue model even only English knowledge was given. The experimental results showed that the knowledge inherent in cross-lingual language models can be helpful for generating responses in open dialogue systems.", } ```
{"language": ["ko", "en"], "license": "apache-2.0", "tags": ["t5"], "eos_token": "</s>", "widget": [{"text": "\uc544\ubc84\uc9c0\uac00 \ubc29\uc5d0 \ub4e4\uc5b4\uac00\uc2e0\ub2e4.</s>"}]}
text2text-generation
KETI-AIR/ke-t5-small-newslike
[ "transformers", "pytorch", "tf", "jax", "safetensors", "t5", "text2text-generation", "ko", "en", "license:apache-2.0", "autotrain_compatible", "endpoints_compatible", "text-generation-inference", "region:us" ]
2022-03-02T23:29:04+00:00
[]
[ "ko", "en" ]
TAGS #transformers #pytorch #tf #jax #safetensors #t5 #text2text-generation #ko #en #license-apache-2.0 #autotrain_compatible #endpoints_compatible #text-generation-inference #region-us
# ke-t5 base Pretrained T5 Model on Korean and English. See Github and Paper Korean paper for more details. ## How to use ## BibTeX entry and citation info
[ "# ke-t5 base\n\nPretrained T5 Model on Korean and English. See Github and Paper Korean paper for more details.", "## How to use", "## BibTeX entry and citation info" ]
[ "TAGS\n#transformers #pytorch #tf #jax #safetensors #t5 #text2text-generation #ko #en #license-apache-2.0 #autotrain_compatible #endpoints_compatible #text-generation-inference #region-us \n", "# ke-t5 base\n\nPretrained T5 Model on Korean and English. See Github and Paper Korean paper for more details.", "## How to use", "## BibTeX entry and citation info" ]
[ 71, 29, 4, 10 ]
[ "passage: TAGS\n#transformers #pytorch #tf #jax #safetensors #t5 #text2text-generation #ko #en #license-apache-2.0 #autotrain_compatible #endpoints_compatible #text-generation-inference #region-us \n# ke-t5 base\n\nPretrained T5 Model on Korean and English. See Github and Paper Korean paper for more details.## How to use## BibTeX entry and citation info" ]
[ 0.06612182408571243, -0.1278143674135208, -0.0021329254377633333, 0.06371603161096573, 0.11104313284158707, -0.028121890500187874, 0.17559394240379333, 0.08742236346006393, 0.0016528447158634663, -0.0670410543680191, 0.10216837376356125, 0.16416338086128235, 0.06558725237846375, 0.2203771471977234, -0.07000799477100372, -0.33671292662620544, 0.006343409419059753, 0.051484666764736176, 0.21806535124778748, 0.12383438646793365, 0.13802817463874817, 0.007178040686994791, 0.11733999103307724, -0.015269270166754723, -0.10452686995267868, 0.0728193074464798, -0.00047758518485352397, -0.13175424933433533, 0.06592218577861786, 0.012082863599061966, -0.015961458906531334, 0.08371413499116898, -0.016089914366602898, -0.06376414000988007, 0.028370438143610954, -0.011480825021862984, -0.09900008141994476, 0.03508232161402702, -0.023337936028838158, -0.06142289564013481, 0.2226497083902359, -0.06432688981294632, -0.04820175841450691, -0.0076377554796636105, -0.03966040909290314, -0.06299351155757904, -0.01486061792820692, 0.19826124608516693, 0.15005463361740112, 0.025604726746678352, -0.0008364001987501979, 0.14749236404895782, 0.002659344580024481, 0.1504426896572113, 0.16118864715099335, -0.39335745573043823, -0.03606436774134636, 0.055631399154663086, 0.039143599569797516, 0.13041774928569794, 0.02034335769712925, 0.014972865581512451, 0.09763379395008087, 0.009790077805519104, 0.09037955850362778, -0.11588460952043533, -0.1382027119398117, 0.03103644587099552, -0.06181081384420395, 0.055253997445106506, 0.24973414838314056, -0.0078109633177518845, -0.05407882481813431, -0.06385926902294159, -0.021890051662921906, 0.02540748193860054, -0.0013538202038034797, -0.048232220113277435, -0.023713892325758934, -0.01929032988846302, 0.051958851516246796, -0.13416001200675964, -0.07820596545934677, -0.048788510262966156, -0.12737980484962463, 0.17293041944503784, 0.03158097341656685, 0.004201485775411129, -0.14343804121017456, 0.11195933073759079, -0.06594502180814743, -0.14623062312602997, -0.034023210406303406, -0.10649479180574417, 0.08761648833751678, 0.009757708758115768, 0.03769401088356972, -0.06540071219205856, 0.06273706257343292, 0.09184519201517105, 0.08442468196153641, 0.009230438619852066, -0.11293699592351913, 0.04143892973661423, 0.03981844335794449, -0.005700588691979647, -0.06821683794260025, -0.023025523871183395, 0.1368914246559143, -0.02779267355799675, 0.05009094625711441, -0.0035241390578448772, -0.15590554475784302, -0.10501212626695633, 0.1016479879617691, 0.08812408894300461, -0.005943394266068935, 0.16648249328136444, 0.05220288038253784, 0.011581509374082088, 0.14363695681095123, -0.09533469378948212, -0.07817842066287994, -0.08040452748537064, 0.010676318779587746, 0.007959078997373581, 0.087731271982193, 0.03708987310528755, -0.11637138575315475, 0.04526695981621742, -0.02794821374118328, -0.05010375753045082, 0.0164130087941885, -0.05223032459616661, 0.022149886935949326, -0.1555781215429306, 0.09176420420408249, -0.2078399509191513, -0.21038192510604858, 0.0337197370827198, -0.03778567165136337, -0.06649455428123474, -0.07792749255895615, -0.04388916492462158, -0.08623595535755157, 0.0014398847706615925, -0.09039880335330963, 0.09443094581365585, -0.029611356556415558, 0.04680519551038742, -0.0733526423573494, 0.07367508858442307, -0.13483649492263794, 0.009278700686991215, -0.12239449471235275, -0.050326231867074966, -0.10660477727651596, 0.016958408057689667, 0.005412415135651827, 0.0656040832400322, -0.08816500753164291, -0.022556575015187263, -0.09388613700866699, 0.02118695341050625, -0.0049818819388747215, 0.16139103472232819, -0.06449798494577408, -0.027212198823690414, 0.20014511048793793, -0.09946642071008682, -0.23203688859939575, 0.1011042445898056, 0.005649405997246504, 0.19523105025291443, 0.06887030601501465, 0.12877456843852997, 0.02967686764895916, -0.1224556639790535, 0.05069752410054207, 0.13718949258327484, -0.10721001029014587, -0.023607974871993065, 0.008839759975671768, 0.08211860805749893, -0.1951953023672104, 0.03128068149089813, -0.006169013679027557, 0.04007255285978317, -0.013706674799323082, 0.02030596137046814, -0.06005599722266197, -0.03443656861782074, 0.005039360839873552, -0.02747979573905468, 0.08895470201969147, -0.05850041285157204, -0.02435687743127346, 0.10801998525857925, -0.019659437239170074, 0.022754095494747162, 0.01755780354142189, -0.027444448322057724, -0.008627260103821754, -0.013890326023101807, 0.04124213010072708, -0.039143163710832596, 0.05904051288962364, -0.012697399593889713, 0.14406847953796387, 0.0748528242111206, 0.009092523716390133, 0.03899815306067467, -0.04978334158658981, -0.10291428864002228, 0.019425153732299805, 0.1425822228193283, 0.07950901240110397, -0.029874149709939957, -0.1375129371881485, 0.07831604778766632, -0.025223825126886368, -0.09658487886190414, -0.03373769298195839, 0.023510463535785675, 0.02234884351491928, 0.0983089730143547, -0.005028127692639828, 0.10823164135217667, 0.08247365057468414, 0.006929265335202217, -0.03091510757803917, -0.01502405945211649, 0.0054290094412863255, 0.05519811436533928, -0.1154848113656044, 0.31118521094322205, -0.09141138941049576, 0.13204167783260345, 0.1777982860803604, 0.02319720946252346, -0.04218067601323128, -0.030245784670114517, -0.02686631679534912, -0.05892184004187584, 0.01745329052209854, -0.018397480249404907, 0.03916388750076294, -0.05478992313146591, 0.17241808772087097, -0.14429046213626862, -0.0917230173945427, 0.048887062817811966, -0.07101105153560638, -0.04011375829577446, 0.09654638171195984, 0.04193800687789917, -0.36008793115615845, 0.10744311660528183, 0.12863194942474365, -0.01991944946348667, 0.27598491311073303, 0.029084917157888412, -0.03150680288672447, 0.00853790994733572, 0.03361281380057335, -0.03192611038684845, 0.0013177254004403949, -0.12254531681537628, 0.006056987214833498, 0.06788421422243118, 0.015136229805648327, 0.04300602898001671, -0.04831136763095856, -0.058976735919713974, -0.026118814945220947, -0.01083179097622633, -0.04365239664912224, 0.15711528062820435, 0.016248662024736404, 0.14007899165153503, 0.014169861562550068, 0.021948300302028656, 0.040237173438072205, 0.015065903775393963, -0.15314894914627075, 0.16952459514141083, -0.0692431703209877, -0.17892132699489594, -0.05849548801779747, -0.07168402522802353, 0.030648740008473396, -0.04472000524401665, 0.11266399919986725, -0.06795039772987366, 0.004520128946751356, -0.09290099143981934, -0.016163617372512817, -0.010658323764801025, 0.037206150591373444, -0.07318782806396484, 0.060471609234809875, -0.1193898469209671, -0.07928157597780228, -0.06380655616521835, -0.004433223977684975, -0.05434272438287735, 0.08460987359285355, -0.20777982473373413, 0.005473501048982143, 0.03620045259594917, -0.03217757120728493, 0.04549669474363327, -0.09434090554714203, 0.1096639484167099, -0.060702454298734665, 0.13953980803489685, 0.18264564871788025, -0.05169947072863579, 0.023375650867819786, 0.12133291363716125, -0.028749434277415276, 0.026598410680890083, 0.12226218730211258, -0.0384073480963707, -0.10335828363895416, -0.27267926931381226, 0.03359619155526161, -0.08821199089288712, 0.1091444194316864, 0.035076502710580826, 0.02312680520117283, 0.1591317504644394, 0.10203974694013596, -0.038242507725954056, 0.1479022353887558, 0.11245788633823395, 0.105585478246212, 0.018697557970881462, 0.06531916558742523, 0.08178547769784927, -0.10035460442304611, -0.03964509442448616, 0.09938093274831772, 0.06593801081180573, 0.042027268558740616, -0.027376478537917137, -0.05914764478802681, 0.07642044872045517, 0.08629951626062393, 0.0767110288143158, 0.18187783658504486, -0.09223887324333191, 0.007682577706873417, -0.03506312146782875, -0.10446298122406006, 0.09162159264087677, 0.09097234159708023, -0.14825376868247986, -0.058722659945487976, -0.021188724786043167, -0.009907837957143784, 0.08046694099903107, 0.09865497797727585, 0.040181826800107956, -0.12187289446592331, -0.03719006106257439, 0.054335519671440125, -0.03731005638837814, -0.10988764464855194, 0.0675622969865799, 0.047780830413103104, -0.16451279819011688, 0.19508372247219086, 0.03569460287690163, 0.07619764655828476, 0.03949875384569168, -0.002636413322761655, -0.05524686351418495, -0.05742138996720314, -0.054754938930273056, 0.07516099512577057, -0.359374463558197, 0.17490945756435394, 0.010279010981321335, 0.010696898214519024, -0.12841695547103882, -0.012783706188201904, 0.021056486293673515, 0.09935958683490753, 0.18035295605659485, -0.009661060757935047, 0.047814760357141495, 0.08897887915372849, -0.034424446523189545, 0.08395124971866608, 0.04172590747475624, -0.04641013592481613, -0.017112143337726593, -0.008311021141707897, -0.046719178557395935, -0.018057717010378838, -0.03880732133984566, -0.15776808559894562, -0.056121159344911575, 0.017247529700398445, 0.013847040943801403, -0.04618649557232857, 0.008190466091036797, -0.07163791358470917, 0.002280011773109436, 0.15766650438308716, -0.11399147659540176, -0.1616264134645462, -0.10099263489246368, 0.020073063671588898, 0.047640714794397354, -0.08156716823577881, 0.01967518962919712, -0.07439462095499039, -0.027773134410381317, -0.02199157327413559, -0.21177074313163757, 0.09583849459886551, -0.067139632999897, -0.09156407415866852, 0.044175997376441956, 0.1216769590973854, -0.03865187615156174, -0.03255776688456535, 0.0269453302025795, -0.036409664899110794, -0.044998619705438614, -0.11812085658311844, 0.01444922387599945, -0.06238878518342972, 0.11970356106758118, -0.000024390965336351655, -0.12433747947216034, -0.21168312430381775, -0.049267545342445374, -0.10526783764362335, 0.05809382349252701, 0.12534748017787933, -0.018317872658371925, 0.07662685960531235, 0.11932980269193649, -0.05992821976542473, -0.17669150233268738, -0.12138243019580841, -0.06119052693247795, 0.020361606031656265, -0.040648508816957474, -0.04870368912816048, 0.04786962270736694, -0.008394485339522362, -0.020202282816171646, -0.04075439274311066, -0.07919546216726303, -0.19085845351219177, 0.13472414016723633, 0.034435298293828964, 0.2515579164028168, -0.06680343300104141, -0.0830480232834816, 0.015793805941939354, -0.2398843765258789, 0.14394359290599823, -0.22120197117328644, 0.027142059057950974, -0.023774446919560432, 0.003046780824661255, 0.006924014072865248, 0.0058261859230697155, -0.017652783542871475, -0.021932631731033325, -0.009668081067502499, -0.13728109002113342, -0.15452465415000916, -0.07236401736736298, -0.025500984862446785, 0.21019671857357025, -0.1760403960943222, 0.09328858554363251, -0.0605723038315773, -0.06785847246646881, -0.11020206660032272, 0.033865854144096375, -0.004092012066394091, -0.12776628136634827, -0.05653231218457222, 0.011027751490473747, -0.0205797478556633, -0.053397130221128464, 0.19152003526687622, -0.06346811354160309, 0.08483200520277023, 0.14837349951267242, 0.1934094876050949, -0.04798955097794533, 0.31959980726242065, -0.05461866408586502, -0.11227598786354065, 0.04597515985369682, -0.2189147025346756, -0.0031319528352469206, 0.032866284251213074, 0.002154167043045163, 0.03747517615556717, 0.04099522531032562, -0.059749383479356766, -0.021868018433451653, 0.11652397364377975, -0.2044343799352646, -0.045871563255786896, -0.12498553097248077, -0.10206075012683868, 0.08967853337526321, 0.10144159942865372, 0.17533732950687408, -0.1314026564359665, -0.06901653110980988, -0.004194973967969418, 0.013721327297389507, -0.07565439492464066, -0.047984253615140915, 0.09865698963403702, 0.009441188536584377, -0.033672213554382324, 0.04983820766210556, 0.010246504098176956, 0.025904322043061256, 0.0673050731420517, 0.14403128623962402, -0.15792681276798248, -0.0656357854604721, 0.08780096471309662, 0.052351370453834534, -0.007448015734553337, -0.06407301127910614, -0.017360620200634003, -0.10383729636669159, 0.0253401268273592, 0.29460445046424866, 0.0014398887287825346, 0.05251043289899826, 0.04846729338169098, -0.022012077271938324, -0.029805362224578857, 0.09182838350534439, -0.04018004238605499, 0.048172660171985626, -0.07410991191864014, 0.052013348788022995, -0.012534516863524914, 0.19334745407104492, -0.08988310396671295, 0.06948985904455185, -0.1598750799894333, -0.018452368676662445, -0.05994858965277672, -0.005474896170198917, -0.1344243884086609, -0.04069773480296135, -0.03707844763994217, -0.13621197640895844, -0.06381363421678543, 0.03786217421293259, -0.04231748357415199, 0.06058176979422569, -0.022483158856630325, 0.07410816848278046, -0.07329002022743225, -0.008855297230184078, 0.08284371346235275, -0.03901302441954613, 0.14703209698200226, 0.09137488156557083, -0.10002193599939346, 0.13065871596336365, -0.1495506763458252, 0.09732349961996078, 0.05784465745091438, -0.0031016774009913206, 0.04046860709786415, 0.018740208819508553, 0.028253722935914993, 0.04802419990301132, 0.04677194729447365, 0.040803708136081696, 0.07691527903079987, -0.0968342050909996, -0.028224123641848564, -0.005956051405519247, -0.036074116826057434, -0.07786162942647934, 0.07577589154243469, 0.03984934091567993, -0.03086904250085354, 0.0015374720096588135, -0.08867292106151581, 0.0007029061089269817, -0.10554274171590805, 0.02660267986357212, -0.004827996250241995, -0.167170912027359, 0.0015238391933962703, -0.060180868953466415, 0.018598705530166626, -0.0196963120251894, 0.19138114154338837, 0.044568903744220734, -0.10804351419210434, 0.036603011190891266, -0.03912742808461189, 0.036825619637966156, 0.01303895004093647, 0.21671131253242493, -0.06708358228206635, -0.04667427018284798, -0.22047993540763855, -0.04461514204740524, -0.06870962679386139, -0.06742323189973831, 0.10403132438659668, 0.05082051455974579, -0.028490159660577774, 0.06557109951972961, 0.07060371339321136, 0.03674770146608353, 0.009382760152220726, -0.17878347635269165, -0.03860674798488617, 0.052636392414569855, -0.012687986716628075, 0.013976575806736946, 0.2829166650772095, -0.055385541170835495, -0.0236640777438879, 0.034959401935338974, -0.04914432764053345, -0.16815754771232605, -0.188664048910141, -0.10390053689479828, -0.09216929972171783, 0.019746264442801476, -0.09922444820404053, 0.03504723682999611, -0.09341370314359665, 0.11659068614244461, -0.029955077916383743, 0.09023994952440262, 0.12884323298931122, -0.10368867963552475, 0.1974344104528427, -0.007536717224866152, 0.03143073618412018, -0.06160340458154678, 0.022547531872987747, -0.047714609652757645, -0.04091746360063553, -0.08468684554100037, 0.01485565584152937, -0.017015796154737473, 0.028346417471766472, -0.05375833064317703, -0.042954567819833755, -0.006775259505957365, 0.025952987372875214, 0.028423523530364037, 0.06328505277633667, 0.055587369948625565, -0.042066916823387146, 0.052578870207071304, 0.22812440991401672, -0.007031851913779974, -0.16762815415859222, -0.11161883920431137, 0.14822080731391907, 0.018198253586888313, 0.010934331454336643, 0.04156701639294624, -0.009754086844623089, -0.005580171011388302, 0.2805003225803375, 0.18818292021751404, 0.07125119119882584, 0.0473225936293602, -0.02236628532409668, 0.025077160447835922, 0.11812638491392136, 0.10008957237005234, 0.08187349885702133, 0.2268797606229782, 0.0005457788938656449, 0.07797370851039886, -0.012203770689666271, 0.03730632737278938, -0.0027522598393261433, 0.1290377825498581, 0.06328970938920975, -0.14039292931556702, 0.010506784543395042, 0.12708859145641327, -0.14506466686725616, 0.0103891771286726, -0.12016766518354416, -0.0563897080719471, -0.09242933243513107, -0.008809373714029789, 0.033809464424848557, 0.011184503324329853, 0.00891474261879921, -0.0017912412295117974, 0.003103055525571108, -0.008330165408551693, 0.060444559901952744, -0.08667925745248795, 0.010620063170790672, 0.025665223598480225, 0.002609002636745572, 0.02275911159813404, 0.010458513163030148, 0.06694602966308594, 0.07751498371362686, 0.0002802374365273863, -0.08716869354248047, 0.11422816663980484, 0.012899777851998806, 0.11221756041049957, 0.09677041321992874, 0.0183238722383976, 0.005930110812187195, -0.10478366911411285, 0.031000535935163498, -0.007509908638894558, 0.027109436690807343, 0.05283840000629425, -0.07460930943489075, -0.13789249956607819, 0.11821745336055756, -0.09409499913454056, 0.06578479707241058, 0.12100158631801605, -0.0867326557636261, 0.024628348648548126, -0.07416296750307083, 0.04509832337498665, 0.006734821014106274, -0.05659640207886696, 0.02842903509736061, -0.004285134840756655, -0.03637675195932388, 0.07972239702939987, 0.06377146393060684, -0.2359248548746109, 0.06875868141651154, -0.15099021792411804, -0.013937469571828842, -0.21137864887714386, 0.03440539911389351, 0.14113232493400574, 0.007452974561601877, 0.019398804754018784, -0.1455567479133606, 0.03916611894965172, 0.04372188821434975, -0.1450013965368271, -0.08470725268125534 ]
null
null
transformers
# ke-t5 base Pretrained T5 Model on Korean and English. See [Github](https://github.com/AIRC-KETI/ke-t5) and [Paper](https://aclanthology.org/2021.findings-emnlp.33/) [Korean paper](https://koreascience.kr/article/CFKO202130060717834.pdf) for more details. ## How to use ```python from transformers import AutoModel, AutoTokenizer model = AutoModel.from_pretrained("KETI-AIR/ke-t5-small") tokenizer = AutoTokenizer.from_pretrained("KETI-AIR/ke-t5-small") ``` ## BibTeX entry and citation info ```bibtex @inproceedings{kim-etal-2021-model-cross, title = "A Model of Cross-Lingual Knowledge-Grounded Response Generation for Open-Domain Dialogue Systems", author = "Kim, San and Jang, Jin Yea and Jung, Minyoung and Shin, Saim", booktitle = "Findings of the Association for Computational Linguistics: EMNLP 2021", month = nov, year = "2021", address = "Punta Cana, Dominican Republic", publisher = "Association for Computational Linguistics", url = "https://aclanthology.org/2021.findings-emnlp.33", doi = "10.18653/v1/2021.findings-emnlp.33", pages = "352--365", abstract = "Research on open-domain dialogue systems that allow free topics is challenging in the field of natural language processing (NLP). The performance of the dialogue system has been improved recently by the method utilizing dialogue-related knowledge; however, non-English dialogue systems suffer from reproducing the performance of English dialogue systems because securing knowledge in the same language with the dialogue system is relatively difficult. Through experiments with a Korean dialogue system, this paper proves that the performance of a non-English dialogue system can be improved by utilizing English knowledge, highlighting the system uses cross-lingual knowledge. For the experiments, we 1) constructed a Korean version of the Wizard of Wikipedia dataset, 2) built Korean-English T5 (KE-T5), a language model pre-trained with Korean and English corpus, and 3) developed a knowledge-grounded Korean dialogue model based on KE-T5. We observed the performance improvement in the open-domain Korean dialogue model even only English knowledge was given. The experimental results showed that the knowledge inherent in cross-lingual language models can be helpful for generating responses in open dialogue systems.", } ```
{"language": ["en", "ko"], "license": "apache-2.0", "tags": ["t5"], "eos_token": "</s>", "widget": [{"text": "\uc544\ubc84\uc9c0\uac00 \ubc29\uc5d0 \ub4e4\uc5b4\uac00\uc2e0\ub2e4.</s>"}]}
text2text-generation
KETI-AIR/ke-t5-small
[ "transformers", "pytorch", "tf", "jax", "safetensors", "t5", "text2text-generation", "en", "ko", "license:apache-2.0", "autotrain_compatible", "endpoints_compatible", "text-generation-inference", "region:us" ]
2022-03-02T23:29:04+00:00
[]
[ "en", "ko" ]
TAGS #transformers #pytorch #tf #jax #safetensors #t5 #text2text-generation #en #ko #license-apache-2.0 #autotrain_compatible #endpoints_compatible #text-generation-inference #region-us
# ke-t5 base Pretrained T5 Model on Korean and English. See Github and Paper Korean paper for more details. ## How to use ## BibTeX entry and citation info
[ "# ke-t5 base\n\nPretrained T5 Model on Korean and English. See Github and Paper Korean paper for more details.", "## How to use", "## BibTeX entry and citation info" ]
[ "TAGS\n#transformers #pytorch #tf #jax #safetensors #t5 #text2text-generation #en #ko #license-apache-2.0 #autotrain_compatible #endpoints_compatible #text-generation-inference #region-us \n", "# ke-t5 base\n\nPretrained T5 Model on Korean and English. See Github and Paper Korean paper for more details.", "## How to use", "## BibTeX entry and citation info" ]
[ 71, 29, 4, 10 ]
[ "passage: TAGS\n#transformers #pytorch #tf #jax #safetensors #t5 #text2text-generation #en #ko #license-apache-2.0 #autotrain_compatible #endpoints_compatible #text-generation-inference #region-us \n# ke-t5 base\n\nPretrained T5 Model on Korean and English. See Github and Paper Korean paper for more details.## How to use## BibTeX entry and citation info" ]
[ 0.06547671556472778, -0.1232152208685875, -0.002133414149284363, 0.064658984541893, 0.1093728244304657, -0.028277181088924408, 0.17681464552879333, 0.08801321685314178, -0.000011127690413559321, -0.06894408911466599, 0.10313894599676132, 0.16553935408592224, 0.06311124563217163, 0.2182406485080719, -0.0703626424074173, -0.33424538373947144, 0.005820786114782095, 0.05177535116672516, 0.21726849675178528, 0.12421520799398422, 0.13957707583904266, 0.007560984697192907, 0.11664833128452301, -0.014207589440047741, -0.1039259135723114, 0.07315275818109512, 0.0003973327693529427, -0.13095815479755402, 0.06674708425998688, 0.012303545139729977, -0.016566185280680656, 0.08490851521492004, -0.0151761369779706, -0.06394250690937042, 0.02822534181177616, -0.01148634497076273, -0.09915369004011154, 0.03635099157691002, -0.022368429228663445, -0.06115894019603729, 0.22292421758174896, -0.06265829503536224, -0.04741697013378143, -0.006318115163594484, -0.039024531841278076, -0.06588199734687805, -0.016592558473348618, 0.19808173179626465, 0.14862428605556488, 0.025917034596204758, -0.0006176886381581426, 0.1498335301876068, 0.0016707804752513766, 0.14875808358192444, 0.15884637832641602, -0.3968844413757324, -0.034886594861745834, 0.053477849811315536, 0.039726536720991135, 0.12921787798404694, 0.021303901448845863, 0.01586589217185974, 0.09827342629432678, 0.010558639653027058, 0.09269365668296814, -0.11458560824394226, -0.13879628479480743, 0.030976295471191406, -0.06121321767568588, 0.0546678863465786, 0.2509004473686218, -0.008140070363879204, -0.05547145754098892, -0.06571795791387558, -0.02078176662325859, 0.027957117184996605, -0.00047185024595819414, -0.04871116578578949, -0.02233479730784893, -0.016870591789484024, 0.05323072895407677, -0.13491684198379517, -0.07987789064645767, -0.048272207379341125, -0.1278201788663864, 0.16909432411193848, 0.0321660079061985, 0.0053770095109939575, -0.14296455681324005, 0.11253522336483002, -0.06387360394001007, -0.14548581838607788, -0.03491397574543953, -0.10557977110147476, 0.08765541017055511, 0.009824656881392002, 0.03659028932452202, -0.06450491398572922, 0.06304537504911423, 0.09483341872692108, 0.08402170985937119, 0.006402984261512756, -0.11392004787921906, 0.04184596985578537, 0.038651157170534134, -0.008423157967627048, -0.06795549392700195, -0.020320530980825424, 0.13716799020767212, -0.030882304534316063, 0.051851626485586166, -0.001911178114823997, -0.15609662234783173, -0.10483959317207336, 0.09971953928470612, 0.08996155858039856, -0.004951987881213427, 0.16497842967510223, 0.05215601995587349, 0.011397233232855797, 0.14592905342578888, -0.0946098268032074, -0.07780956476926804, -0.08013636618852615, 0.010616845451295376, 0.007717289496213198, 0.08923851698637009, 0.03793940320611, -0.11643363535404205, 0.04482002928853035, -0.027356421574950218, -0.05116290971636772, 0.0165849756449461, -0.05291352421045303, 0.0233777966350317, -0.15559877455234528, 0.09168580174446106, -0.20664922893047333, -0.21191933751106262, 0.03482450917363167, -0.037561703473329544, -0.06608176231384277, -0.07868923246860504, -0.04320389777421951, -0.08601785451173782, 0.00043252657633274794, -0.09109099209308624, 0.09615686535835266, -0.029224880039691925, 0.04775088652968407, -0.07401952892541885, 0.07185029983520508, -0.13806261122226715, 0.009312214329838753, -0.12349974364042282, -0.05060359090566635, -0.10121524333953857, 0.016858166083693504, 0.006982589140534401, 0.06582940369844437, -0.0886339470744133, -0.022069735452532768, -0.09255277365446091, 0.02083238586783409, -0.005772044416517019, 0.16078060865402222, -0.06663545966148376, -0.02690267004072666, 0.20046742260456085, -0.10025875270366669, -0.23326610028743744, 0.10107049345970154, 0.005100518465042114, 0.196208193898201, 0.06977125257253647, 0.12853357195854187, 0.02845289744436741, -0.12295310199260712, 0.051193900406360626, 0.13513468205928802, -0.10988041013479233, -0.025732459500432014, 0.009734471328556538, 0.08197610080242157, -0.19219078123569489, 0.030557582154870033, -0.007637565024197102, 0.03939228132367134, -0.012986439280211926, 0.019451450556516647, -0.06071123853325844, -0.035176560282707214, 0.004208902362734079, -0.028181949630379677, 0.0881277322769165, -0.06057514250278473, -0.025241363793611526, 0.10849543660879135, -0.020464928820729256, 0.0229483749717474, 0.01753079891204834, -0.028493545949459076, -0.010502845048904419, -0.012743287719786167, 0.041253212839365005, -0.03781508281826973, 0.059810277074575424, -0.012631673365831375, 0.14427047967910767, 0.0764344185590744, 0.00954460445791483, 0.03861434757709503, -0.049494668841362, -0.10273570567369461, 0.01944735459983349, 0.14359387755393982, 0.07944968342781067, -0.02926340512931347, -0.1378869265317917, 0.07822401821613312, -0.025257976725697517, -0.09464304894208908, -0.03402381390333176, 0.024283746257424355, 0.02100052870810032, 0.09859897941350937, -0.005412841681391001, 0.10951080918312073, 0.08174673467874527, 0.005111551843583584, -0.03169337660074234, -0.015196002088487148, 0.00578643660992384, 0.05602678284049034, -0.11562521010637283, 0.3118197023868561, -0.09061939269304276, 0.13459041714668274, 0.17942209541797638, 0.023620247840881348, -0.04141032323241234, -0.030002720654010773, -0.027213986963033676, -0.058294761925935745, 0.01736389845609665, -0.017158597707748413, 0.0367593839764595, -0.05393870919942856, 0.17226485908031464, -0.14517688751220703, -0.09266044944524765, 0.04766242578625679, -0.07077264785766602, -0.03883348032832146, 0.09542569518089294, 0.042355526238679886, -0.3607802093029022, 0.10731317847967148, 0.13126347959041595, -0.017129862681031227, 0.2722969949245453, 0.027946647256612778, -0.03209419921040535, 0.009286884218454361, 0.03386059030890465, -0.0315893217921257, -0.00014030461898073554, -0.12041245400905609, 0.007424591574817896, 0.06826440244913101, 0.014319198206067085, 0.04224385321140289, -0.04978783056139946, -0.05970321223139763, -0.025443535298109055, -0.012407499365508556, -0.04441239312291145, 0.1573971062898636, 0.01487930677831173, 0.14020445942878723, 0.012508873827755451, 0.02192309871315956, 0.04182092845439911, 0.01512509398162365, -0.1541288197040558, 0.16756054759025574, -0.06937257200479507, -0.1787218153476715, -0.05841977521777153, -0.07032510638237, 0.03154526278376579, -0.04362816736102104, 0.11418963223695755, -0.06631183624267578, 0.0040689269080758095, -0.09344451874494553, -0.01783585548400879, -0.010340086184442043, 0.03684024512767792, -0.07402798533439636, 0.06141472980380058, -0.11753152310848236, -0.08085489273071289, -0.0625002309679985, -0.004450502805411816, -0.05581609904766083, 0.08365313708782196, -0.20658236742019653, 0.0055398521944880486, 0.03447842225432396, -0.033092208206653595, 0.04511427506804466, -0.09419750422239304, 0.10818812251091003, -0.05916549265384674, 0.13984552025794983, 0.18361049890518188, -0.05154848098754883, 0.022369366139173508, 0.12068327516317368, -0.027850864455103874, 0.025898512452840805, 0.12197504192590714, -0.03933107107877731, -0.1022299975156784, -0.27463480830192566, 0.03229152783751488, -0.08735106885433197, 0.10806460678577423, 0.035218846052885056, 0.023758431896567345, 0.15920540690422058, 0.10190411657094955, -0.03870093822479248, 0.1456310749053955, 0.11241216212511063, 0.10544124245643616, 0.021578269079327583, 0.06380028277635574, 0.08246216177940369, -0.10257538408041, -0.03886718675494194, 0.10159233957529068, 0.06575720757246017, 0.04174390062689781, -0.024911561980843544, -0.057866912335157394, 0.07738705724477768, 0.08859512209892273, 0.0750730037689209, 0.18327398598194122, -0.09100151062011719, 0.00857912190258503, -0.03625846654176712, -0.10455414652824402, 0.0931042954325676, 0.09152679145336151, -0.1504918783903122, -0.0593385212123394, -0.02104511670768261, -0.011133700609207153, 0.08003876358270645, 0.10067173093557358, 0.04004410654306412, -0.12236632406711578, -0.037076547741889954, 0.05376948043704033, -0.037851881235837936, -0.10853283852338791, 0.06699026376008987, 0.048191796988248825, -0.16231806576251984, 0.19545945525169373, 0.03670720383524895, 0.07645297050476074, 0.04139906167984009, -0.0028825723566114902, -0.05429806560277939, -0.058978624641895294, -0.0534198097884655, 0.07619825750589371, -0.36090517044067383, 0.17374661564826965, 0.010495239868760109, 0.011365578509867191, -0.12813864648342133, -0.013282600790262222, 0.02079021744430065, 0.10151063650846481, 0.1812179535627365, -0.010934865102171898, 0.04986711964011192, 0.09378080815076828, -0.03393753245472908, 0.08434425294399261, 0.040050022304058075, -0.04451430216431618, -0.0179575365036726, -0.009075840003788471, -0.045945148915052414, -0.0158986896276474, -0.036799702793359756, -0.1594092845916748, -0.0567520372569561, 0.01511986181139946, 0.016320953145623207, -0.04762721061706543, 0.006914416793733835, -0.07150034606456757, 0.0019428736995905638, 0.15921688079833984, -0.11542686074972153, -0.1621679812669754, -0.10038477927446365, 0.019581420347094536, 0.046646248549222946, -0.08002074807882309, 0.020293941721320152, -0.07334531843662262, -0.02646435983479023, -0.02295823208987713, -0.2119976431131363, 0.09541091322898865, -0.06674499809741974, -0.09120429307222366, 0.04244891554117203, 0.12185147404670715, -0.03929911181330681, -0.03277312219142914, 0.02890603430569172, -0.03647385165095329, -0.0456860288977623, -0.11875053495168686, 0.013839532621204853, -0.06395850330591202, 0.11845865100622177, -0.0031251173932105303, -0.1260237991809845, -0.21345528960227966, -0.04774200916290283, -0.10672349482774734, 0.05845564231276512, 0.12467948347330093, -0.020126651972532272, 0.07938174903392792, 0.1194290816783905, -0.06022048369050026, -0.17623624205589294, -0.12226008623838425, -0.06285136193037033, 0.01927848346531391, -0.03884738311171532, -0.048973772674798965, 0.048229411244392395, -0.008003938011825085, -0.02186272293329239, -0.039661042392253876, -0.07979510724544525, -0.19034145772457123, 0.13485345244407654, 0.0336269848048687, 0.2470533698797226, -0.067054383456707, -0.08346052467823029, 0.014008068479597569, -0.23906660079956055, 0.147551029920578, -0.2242436408996582, 0.026019448414444923, -0.02362390235066414, 0.003599069779738784, 0.00598666537553072, 0.006638918537646532, -0.018818266689777374, -0.021672695875167847, -0.00884013157337904, -0.13633617758750916, -0.1502048224210739, -0.07056903094053268, -0.02365649864077568, 0.2120223045349121, -0.179203599691391, 0.0938088595867157, -0.05771242082118988, -0.06852986663579941, -0.10957754403352737, 0.034540705382823944, -0.004632890224456787, -0.12799683213233948, -0.05705828592181206, 0.009122058749198914, -0.020833279937505722, -0.05385810136795044, 0.187721386551857, -0.0624273456633091, 0.08377484977245331, 0.14731661975383759, 0.193783238530159, -0.05014590546488762, 0.3203442394733429, -0.0561375766992569, -0.11304807662963867, 0.04550885781645775, -0.22018715739250183, -0.003031132509931922, 0.03241679444909096, 0.00211829855106771, 0.037692926824092865, 0.041147030889987946, -0.059635721147060394, -0.022929908707737923, 0.11594569683074951, -0.2044517993927002, -0.04629550874233246, -0.12314571440219879, -0.09966745972633362, 0.0905701071023941, 0.10155965387821198, 0.1744900792837143, -0.13130490481853485, -0.06934472173452377, -0.0037563033401966095, 0.013738298788666725, -0.07703050971031189, -0.049078308045864105, 0.09825249761343002, 0.008139532059431076, -0.03462062403559685, 0.051161572337150574, 0.010494446381926537, 0.02750311605632305, 0.06613226234912872, 0.14413957297801971, -0.1571941077709198, -0.06616108119487762, 0.08625542372465134, 0.05273054540157318, -0.011103850789368153, -0.06598096340894699, -0.016376225277781487, -0.10422073304653168, 0.026133636012673378, 0.2916354238986969, 0.0019470744300633669, 0.053582850843667984, 0.04799226298928261, -0.024237947538495064, -0.029165565967559814, 0.09162341058254242, -0.04095621407032013, 0.04728724807500839, -0.07360769063234329, 0.05247022584080696, -0.01177216973155737, 0.19038186967372894, -0.08954527974128723, 0.06984970718622208, -0.1567511111497879, -0.01780490018427372, -0.06043367460370064, -0.004730421118438244, -0.1329435408115387, -0.04079938307404518, -0.03593362867832184, -0.13642944395542145, -0.0632048100233078, 0.03853261098265648, -0.04263734444975853, 0.060274526476860046, -0.021711906418204308, 0.0751517191529274, -0.07701083272695541, -0.009228826500475407, 0.08140245079994202, -0.037744149565696716, 0.14768821001052856, 0.08972236514091492, -0.1012796089053154, 0.13035249710083008, -0.15171168744564056, 0.09490902721881866, 0.0580282062292099, -0.0025335741229355335, 0.03994458168745041, 0.017947347834706306, 0.027852386236190796, 0.050912924110889435, 0.045192088931798935, 0.04087533801794052, 0.07712232321500778, -0.09704268723726273, -0.029245661571621895, -0.006174793001264334, -0.03559290990233421, -0.07755523175001144, 0.07427659630775452, 0.04034549370408058, -0.030977526679635048, 0.00510379858314991, -0.08869146555662155, -0.0002895329089369625, -0.10611832141876221, 0.02716260775923729, -0.005471594166010618, -0.1661451905965805, -0.004528887569904327, -0.058361075818538666, 0.016335340216755867, -0.019944852218031883, 0.1937132477760315, 0.04379433020949364, -0.10891725867986679, 0.037760112434625626, -0.03750506415963173, 0.03485601395368576, 0.012092369608581066, 0.22057709097862244, -0.06706268340349197, -0.04593181982636452, -0.2219410240650177, -0.04504414647817612, -0.06910590082406998, -0.07015109062194824, 0.10219511389732361, 0.051916129887104034, -0.028049834072589874, 0.06551267206668854, 0.07130476087331772, 0.03664998710155487, 0.00908020418137312, -0.17637291550636292, -0.03469633683562279, 0.05205085128545761, -0.012691019102931023, 0.01670227199792862, 0.28224366903305054, -0.05534321069717407, -0.02424856647849083, 0.03549204766750336, -0.04719842970371246, -0.16814033687114716, -0.18839697539806366, -0.10384371876716614, -0.09065555781126022, 0.019022949039936066, -0.09834296256303787, 0.03593066707253456, -0.09541483223438263, 0.11728482693433762, -0.03109505958855152, 0.08594000339508057, 0.1269458830356598, -0.10284500569105148, 0.19418247044086456, -0.007667608093470335, 0.030875448137521744, -0.06149838864803314, 0.022975610569119453, -0.04712677001953125, -0.038987897336483, -0.08500280976295471, 0.014225763268768787, -0.01562164630740881, 0.029338998720049858, -0.054763063788414, -0.04205367714166641, -0.007625776808708906, 0.026509741321206093, 0.029052285477519035, 0.06486278772354126, 0.05574550852179527, -0.04179434850811958, 0.05395287275314331, 0.22663229703903198, -0.006790440063923597, -0.1698622703552246, -0.11066362261772156, 0.14952898025512695, 0.017863206565380096, 0.010031044483184814, 0.043130386620759964, -0.008902488276362419, -0.0055367774330079556, 0.28096628189086914, 0.19081541895866394, 0.07054061442613602, 0.047023165971040726, -0.023679325357079506, 0.024914683774113655, 0.11727508157491684, 0.09971621632575989, 0.08195556700229645, 0.22685524821281433, 0.0009415102540515363, 0.07833460718393326, -0.011988052166998386, 0.038769058883190155, -0.003201865591108799, 0.12867030501365662, 0.060534264892339706, -0.1405767947435379, 0.011747955344617367, 0.127351313829422, -0.14196938276290894, 0.008961882442235947, -0.11965600401163101, -0.05289117991924286, -0.09074250608682632, -0.008209949359297752, 0.03361757844686508, 0.011007551103830338, 0.008110638707876205, -0.002258079359307885, 0.004009870812296867, -0.005329527892172337, 0.05953657254576683, -0.08859820663928986, 0.011467709206044674, 0.026494072750210762, 0.00008185803744709119, 0.024892719462513924, 0.011044291779398918, 0.0681404396891594, 0.07686352729797363, 0.0009541226900182664, -0.08964929729700089, 0.11475079506635666, 0.012449102476239204, 0.11305782198905945, 0.0977482721209526, 0.015078085474669933, 0.0060265203937888145, -0.10492447763681412, 0.030501944944262505, -0.008153408765792847, 0.027824290096759796, 0.05281602218747139, -0.07751162350177765, -0.13827930390834808, 0.11889498680830002, -0.09372743219137192, 0.06576282531023026, 0.11876867711544037, -0.08709776401519775, 0.024557683616876602, -0.07552456110715866, 0.045361634343862534, 0.00832511205226183, -0.060170840471982956, 0.030699769034981728, -0.0019517384935170412, -0.034367404878139496, 0.08116002380847931, 0.06349416077136993, -0.23747290670871735, 0.0690164715051651, -0.15195481479167938, -0.015058609656989574, -0.21165752410888672, 0.03340841829776764, 0.14279673993587494, 0.008372986689209938, 0.019204821437597275, -0.14435423910617828, 0.03920753672719002, 0.0419832281768322, -0.14291881024837494, -0.0844612792134285 ]
null
null
transformers
# Clever bot DialoGPT Model
{"tags": ["conversational"]}
text-generation
KOSTAS/DialoGPT-small-Cleverbot
[ "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
# Clever bot DialoGPT Model
[ "# Clever bot DialoGPT Model" ]
[ "TAGS\n#transformers #pytorch #gpt2 #text-generation #conversational #autotrain_compatible #endpoints_compatible #text-generation-inference #region-us \n", "# Clever bot DialoGPT Model" ]
[ 51, 9 ]
[ "passage: TAGS\n#transformers #pytorch #gpt2 #text-generation #conversational #autotrain_compatible #endpoints_compatible #text-generation-inference #region-us \n# Clever bot DialoGPT Model" ]
[ -0.0044715674594044685, 0.003285192186012864, -0.006020823027938604, 0.0020314157009124756, 0.13199138641357422, -0.011145297437906265, 0.15444350242614746, 0.11924413591623306, 0.030759885907173157, -0.033723898231983185, 0.09538369625806808, 0.19346213340759277, -0.0014359420165419579, 0.18801219761371613, -0.05268409103155136, -0.27577194571495056, 0.07485724985599518, 0.03443470597267151, 0.025497986003756523, 0.11472080647945404, 0.08999832719564438, -0.04734203219413757, 0.07778852432966232, 0.002875099889934063, -0.16080772876739502, 0.010911276564002037, 0.0021618474274873734, -0.1083555519580841, 0.10139644145965576, 0.061175666749477386, 0.042314425110816956, -0.0045718965120613575, -0.052945397794246674, -0.08472920954227448, 0.03404426574707031, -0.021050702780485153, -0.04835858941078186, 0.0406075082719326, -0.01979658752679825, -0.09595803916454315, 0.17441627383232117, 0.11155971884727478, 0.00024652841966599226, 0.04163556173443794, -0.14437314867973328, 0.013975093141198158, 0.025438852608203888, 0.05002318322658539, 0.0951947271823883, 0.116358682513237, -0.055362768471241, 0.15446943044662476, -0.10214661806821823, 0.10697029531002045, 0.08030609041452408, -0.3521798849105835, -0.022866791114211082, 0.0956668108701706, 0.033718839287757874, 0.04105699062347412, -0.03293723613023758, 0.06419257819652557, 0.0023506341967731714, 0.019977154210209846, -0.05068109557032585, -0.06538322567939758, -0.11552083492279053, -0.010929666459560394, -0.09863270819187164, -0.03957068547606468, 0.24557439982891083, -0.029990023002028465, 0.05226995795965195, -0.10596270859241486, -0.09713625907897949, -0.016456229612231255, -0.06888756901025772, -0.027449581772089005, -0.08602333068847656, 0.07781469821929932, -0.00807921588420868, -0.10325347632169724, -0.12043021619319916, -0.036539334803819656, -0.15893471240997314, 0.19195610284805298, 0.04296516627073288, 0.0362401120364666, -0.23456059396266937, 0.10419055074453354, 0.04451052099466324, -0.08074729144573212, 0.023058952763676643, -0.07960344105958939, -0.007695354055613279, 0.008149877190589905, -0.02264733798801899, -0.07799036055803299, 0.07312607765197754, 0.15877783298492432, 0.010580677539110184, 0.02441835030913353, -0.03322376683354378, 0.057727210223674774, 0.029841041192412376, 0.07827896624803543, -0.025935428217053413, -0.014827742241322994, 0.04178084433078766, -0.09561992436647415, 0.014867127873003483, -0.05227077379822731, -0.18290217220783234, -0.010939925909042358, 0.05258822441101074, 0.06164593622088432, 0.05163254588842392, 0.13709880411624908, -0.02676503174006939, -0.04171401634812355, 0.033676162362098694, -0.020137175917625427, -0.014877473935484886, 0.018005359917879105, -0.03713299706578255, 0.0712730884552002, 0.02381863072514534, 0.033933933824300766, -0.15021780133247375, -0.010099639184772968, -0.05981452018022537, 0.02123800665140152, -0.02104935795068741, -0.04983730614185333, 0.0010932693257927895, -0.014296549372375011, -0.002054293639957905, -0.16773270070552826, -0.1420413851737976, 0.005406029522418976, -0.015136141330003738, -0.05343969911336899, -0.08237851411104202, -0.117519311606884, -0.02806827798485756, 0.04212520271539688, -0.06543835997581482, -0.017470233142375946, -0.054054275155067444, 0.06668944656848907, -0.03257892280817032, 0.10583394020795822, -0.10234780609607697, 0.07115928828716278, -0.1144312173128128, -0.04527970030903816, -0.14403188228607178, 0.16083396971225739, -0.0019382680766284466, 0.12862780690193176, -0.042513374239206314, 0.012977981939911842, -0.10602561384439468, 0.0548943392932415, -0.028656210750341415, 0.2548738420009613, -0.08131858706474304, -0.11225654184818268, 0.32684004306793213, -0.0584399551153183, -0.11391785740852356, 0.1339939534664154, 0.0005930829793214798, 0.10834340006113052, 0.15165206789970398, 0.17479366064071655, -0.023203982040286064, -0.0018793223425745964, 0.06804828345775604, 0.09283755719661713, -0.13333818316459656, -0.0014736158773303032, -0.0003747716546058655, -0.007907369174063206, -0.07437010109424591, 0.03138088807463646, 0.101860411465168, 0.10613837093114853, -0.041842613369226456, -0.026973115280270576, 0.0026537799276411533, -0.006356594618409872, 0.08826542645692825, -0.018594246357679367, 0.14773041009902954, -0.016013260930776596, -0.06927624344825745, -0.028134865686297417, 0.028488267213106155, -0.032924287021160126, 0.03036203794181347, -0.13525021076202393, 0.06805859506130219, 0.012608535587787628, 0.09363137930631638, -0.1542282998561859, -0.0909201130270958, -0.016713401302695274, 0.1288735270500183, 0.09286399930715561, 0.08853115141391754, 0.06371446698904037, -0.04660375043749809, 0.01968563161790371, 0.014867941848933697, 0.16040536761283875, -0.02330864779651165, -0.08623209595680237, -0.10334639251232147, 0.0915750116109848, -0.05051763355731964, 0.14177453517913818, -0.022413412109017372, 0.007957574911415577, 0.008662862703204155, 0.13637414574623108, 0.006951232440769672, 0.032140493392944336, 0.041341930627822876, -0.02003547176718712, -0.03967181593179703, -0.002916838740929961, 0.09720803797245026, -0.019555408507585526, -0.09748158603906631, 0.2266949713230133, -0.13884402811527252, 0.09036135673522949, 0.19640398025512695, -0.1976732313632965, -0.012267242185771465, -0.06745009124279022, -0.03050292283296585, 0.008360866457223892, 0.07715139538049698, -0.038699921220541, 0.238381490111351, -0.02084430307149887, 0.1650562584400177, -0.029125185683369637, -0.018438199535012245, -0.030955135822296143, -0.04863125458359718, 0.011603685095906258, 0.08195208013057709, 0.09206034243106842, -0.17454668879508972, 0.1487584114074707, 0.05493367090821266, 0.0636889860033989, 0.19744309782981873, 0.04496628791093826, 0.016961965709924698, 0.04527587443590164, 0.04039061442017555, -0.04540156573057175, -0.09125765413045883, -0.32273977994918823, -0.040495894849300385, 0.05843354016542435, 0.025463221594691277, 0.12039540708065033, -0.08829627186059952, -0.0127163827419281, -0.03952857851982117, -0.026272999122738838, 0.07705606520175934, 0.11815284192562103, 0.03414333239197731, 0.1347447633743286, -0.003434347454458475, -0.09377788007259369, 0.07271722704172134, 0.01803198643028736, -0.09216948598623276, 0.17200306057929993, -0.13144440948963165, -0.3699871301651001, -0.10339242219924927, -0.1521180123090744, -0.04342487454414368, 0.05842647701501846, 0.08832946419715881, -0.12073033303022385, -0.025421716272830963, 0.0028533199802041054, 0.09948194026947021, -0.01370164006948471, 0.004331714939326048, -0.03481978550553322, 0.006682739593088627, -0.09687674790620804, -0.09026018530130386, -0.0532543770968914, -0.05627284198999405, -0.08281426876783371, 0.12229449301958084, -0.1362268626689911, 0.023217827081680298, 0.2153971642255783, 0.06136760115623474, 0.06548038125038147, -0.023793436586856842, 0.20879650115966797, -0.11696255207061768, 0.0040235393680632114, 0.15567876398563385, -0.005745798349380493, 0.023415539413690567, 0.1528376340866089, -0.018042903393507004, -0.10332418233156204, 0.05028478801250458, -0.036508698016405106, -0.07029759883880615, -0.19891880452632904, -0.16261453926563263, -0.1187908872961998, 0.08800525218248367, 0.038616396486759186, 0.06792306900024414, 0.11862263828516006, 0.06508840620517731, -0.0431501567363739, 0.03446238487958908, 0.06811464577913284, 0.07188138365745544, 0.2202959805727005, -0.07759247720241547, 0.13535387814044952, -0.03262205049395561, -0.18845894932746887, 0.059113338589668274, 0.0199652761220932, 0.0705370306968689, 0.05581137537956238, 0.078437939286232, 0.02011433243751526, 0.038041211664676666, 0.1305193454027176, 0.0749380812048912, 0.03837425261735916, -0.05639123171567917, -0.016351774334907532, -0.03877277299761772, -0.06737536191940308, 0.055226244032382965, 0.09436434507369995, -0.16273123025894165, -0.015381312929093838, -0.0153165552765131, 0.09137187153100967, 0.0753464549779892, 0.10076907277107239, -0.19471992552280426, -0.03355558216571808, 0.06383488327264786, -0.06332247704267502, -0.10362895578145981, 0.08022092282772064, 0.03759235143661499, -0.15055541694164276, 0.03508865460753441, -0.01857147365808487, 0.10974090546369553, -0.08910688012838364, 0.0744190588593483, -0.12962576746940613, -0.046346284449100494, 0.02110184170305729, 0.10538892447948456, -0.2952849864959717, 0.14962777495384216, -0.019150733947753906, -0.030026068910956383, -0.11711191385984421, 0.0008480427786707878, 0.022187490016222, 0.07662361860275269, 0.10266752541065216, -0.004715374670922756, 0.048142995685338974, -0.03917539492249489, -0.10033652931451797, 0.028126288205385208, 0.0731353759765625, -0.04608047008514404, -0.004552408121526241, -0.02344011887907982, -0.027188224717974663, -0.024489164352416992, -0.090274378657341, -0.001702493755146861, -0.16268570721149445, 0.07525622844696045, 0.08409528434276581, 0.09821873903274536, 0.021902263164520264, -0.016788536682724953, -0.009702261537313461, 0.24600431323051453, 0.0192228052765131, -0.09999898076057434, -0.07566465437412262, 0.006063265725970268, 0.03873379901051521, -0.06956175714731216, 0.013775553554296494, -0.053898461163043976, 0.02435345947742462, -0.06254969537258148, -0.17941614985466003, 0.12565624713897705, -0.0975944846868515, -0.02343674935400486, -0.013767862692475319, 0.1865186095237732, 0.02343975380063057, 0.014409681782126427, 0.06020135432481766, -0.021206378936767578, -0.09043347090482712, -0.09080444276332855, -0.012565834447741508, 0.04975975677371025, -0.034044429659843445, 0.09635305404663086, -0.024576276540756226, -0.149443119764328, -0.06850147247314453, 0.008877430111169815, 0.3421303331851959, 0.09477894753217697, -0.03536989167332649, 0.1785058081150055, 0.11556202173233032, -0.03571848198771477, -0.2916184067726135, -0.12151800841093063, -0.06790223717689514, -0.026620518416166306, -0.10976296663284302, -0.1889241337776184, 0.089536651968956, -0.08587341010570526, -0.023498978465795517, 0.10171869397163391, -0.33072203397750854, -0.11045362800359726, 0.2099672257900238, -0.03194357454776764, 0.3587419390678406, -0.07967878878116608, -0.08290107548236847, -0.04265408217906952, -0.11863504350185394, 0.16742387413978577, -0.001922565046697855, 0.11415211111307144, -0.005202946253120899, 0.18305912613868713, 0.05746915936470032, 0.010096215642988682, 0.04922252520918846, 0.03328949958086014, -0.05303683876991272, -0.10229778289794922, -0.04003103822469711, 0.01608453318476677, 0.04182082787156105, 0.0782482922077179, -0.028620673343539238, 0.0014824760146439075, -0.12746161222457886, -0.050790492445230484, -0.08562669903039932, 0.05892137438058853, 0.036464668810367584, -0.04383260756731033, -0.010974692180752754, -0.046459488570690155, -0.015322470106184483, 0.04567515850067139, 0.13239701092243195, -0.07011202722787857, 0.16229777038097382, 0.08567541092634201, 0.1359400600194931, -0.1719379872083664, 0.009840979240834713, -0.03714926540851593, -0.03897916153073311, 0.07513263821601868, -0.0602126270532608, 0.02659178525209427, 0.09558799862861633, -0.04852516949176788, 0.10880900174379349, 0.07665108144283295, -0.03529572859406471, 0.024740174412727356, 0.11375083029270172, -0.24938160181045532, -0.1014261543750763, -0.05876964330673218, 0.02070348709821701, 0.10371149331331253, 0.09834747761487961, 0.20225676894187927, -0.017893094569444656, -0.05100885406136513, 0.002324645407497883, 0.030297914519906044, -0.046097829937934875, 0.08013011515140533, -0.03560630977153778, 0.014316513203084469, -0.16633805632591248, 0.039927855134010315, 0.013440999202430248, -0.09172628074884415, 0.05197053402662277, 0.16227900981903076, -0.1262563169002533, -0.13918764889240265, -0.10289366543292999, 0.10533148795366287, -0.08642880618572235, -0.008066805079579353, -0.036385949701070786, -0.14166709780693054, 0.06953373551368713, 0.051462624222040176, 0.04785364121198654, 0.07980087399482727, -0.08974665403366089, -0.024618234485387802, -0.011637951247394085, -0.004419559612870216, 0.049774546176195145, -0.03853664547204971, -0.03947281837463379, 0.10692092031240463, -0.012105175293982029, 0.10769109427928925, -0.09988810122013092, -0.11542923748493195, -0.1583361029624939, 0.04343419522047043, -0.10716679692268372, -0.08405221998691559, -0.1187119334936142, -0.039515890181064606, -0.009083383716642857, -0.02577672153711319, -0.045646678656339645, -0.04300938546657562, -0.1258263885974884, 0.023208588361740112, -0.05194853991270065, 0.015784865245223045, -0.08869675546884537, 0.045262593775987625, 0.04536498337984085, -0.0358436182141304, 0.17081500589847565, 0.17670273780822754, -0.1015775129199028, 0.09775622934103012, -0.13445879518985748, -0.08609646558761597, 0.11766394972801208, 0.01669234037399292, 0.07430773228406906, 0.05873163416981697, 0.019750218838453293, 0.07056742906570435, 0.06685084104537964, 0.05373751372098923, 0.06697261333465576, -0.08975277841091156, 0.024697454646229744, -0.02772679552435875, -0.10554759949445724, -0.055551305413246155, 0.0002901249681599438, 0.023903287947177887, 0.033796995878219604, 0.10925792902708054, -0.06844869256019592, 0.059642769396305084, -0.042885277420282364, 0.022023383527994156, 0.0038419305346906185, -0.15711264312267303, 0.01668304204940796, -0.08452993631362915, 0.04191414639353752, 0.001462538493797183, 0.15638867020606995, 0.05243472754955292, -0.03376014530658722, 0.023632915690541267, 0.0826224684715271, 0.01543380506336689, 0.015609224326908588, 0.08365326374769211, 0.10407029837369919, -0.04045395180583, -0.08251319825649261, 0.07063441723585129, 0.053002022206783295, 0.041485026478767395, 0.12836450338363647, -0.04370498284697533, -0.011881010606884956, 0.10478077083826065, 0.0076059140264987946, 0.021427245810627937, -0.1633249819278717, -0.10546515882015228, -0.11176683753728867, 0.06911714375019073, -0.07618558406829834, 0.11430046707391739, 0.1314903199672699, -0.000969673739746213, 0.014823436737060547, 0.00011084950529038906, -0.05876176059246063, -0.16379044950008392, -0.19389019906520844, -0.07459819316864014, -0.1450023204088211, 0.0000057662546169012785, -0.106137216091156, 0.023706752806901932, 0.0027141100727021694, 0.0825597420334816, -0.06900864094495773, 0.12942072749137878, 0.01666998490691185, -0.10647124797105789, 0.0859237089753151, -0.035024527460336685, 0.05136451870203018, -0.001536322757601738, -0.006181038450449705, -0.09243158996105194, 0.0576457642018795, 0.019903916865587234, 0.052083734422922134, -0.06074344366788864, 0.04432922974228859, -0.12455978244543076, -0.06532371789216995, -0.06794320791959763, 0.06143258512020111, -0.02827667072415352, 0.10083688050508499, 0.04745033383369446, -0.04656791314482689, 0.018601223826408386, 0.24961985647678375, -0.0539337694644928, -0.10053152590990067, -0.09694638848304749, 0.21711155772209167, 0.0031512074638158083, 0.09360352903604507, -0.0437791645526886, 0.013321119360625744, -0.10172109305858612, 0.3098163604736328, 0.3092573285102844, -0.09751421213150024, 0.023260941728949547, -0.005592608358711004, 0.038501255214214325, 0.08748338371515274, 0.13709643483161926, 0.1036139726638794, 0.3223721981048584, -0.045074209570884705, 0.021295800805091858, -0.023545049130916595, -0.057281382381916046, -0.07605724781751633, 0.00040129292756319046, 0.04868412762880325, -0.035208024084568024, -0.029310772195458412, 0.09926055371761322, -0.2910687327384949, 0.08498237282037735, -0.15838760137557983, -0.1739952713251114, -0.0825434997677803, -0.004508145619183779, 0.08235594630241394, 0.05300324037671089, 0.1238633543252945, -0.007746692281216383, -0.06693899631500244, 0.054861120879650116, 0.010846128687262535, -0.19275107979774475, -0.020662570372223854, 0.0835074633359909, -0.10692456364631653, -0.02042635902762413, -0.034323032945394516, 0.058850158005952835, 0.076580710709095, 0.03979124873876572, -0.03669588640332222, 0.04669826850295067, -0.023840010166168213, -0.03653440624475479, 0.05354009196162224, 0.06835995614528656, 0.014745171181857586, -0.050896160304546356, 0.08034193515777588, -0.14880308508872986, 0.03841503709554672, -0.05344707891345024, 0.009093815460801125, -0.02741803228855133, 0.041784901171922684, -0.07122315466403961, 0.06570739299058914, 0.1102226972579956, -0.028555938974022865, 0.0003905720077455044, -0.017213888466358185, -0.017673656344413757, -0.05141666531562805, -0.08991494029760361, -0.1245085597038269, -0.20330190658569336, -0.109388068318367, 0.04322434961795807, 0.020559528842568398, -0.16596704721450806, 0.023808877915143967, -0.14460885524749756, 0.060412876307964325, -0.13559909164905548, 0.11861258745193481, 0.09129509329795837, 0.023240957409143448, -0.0028232894837856293, -0.01583561860024929, 0.03247079253196716, 0.08568167686462402, -0.11262529343366623, -0.09669662266969681 ]
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
KP2500/KPBot
[ "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
# 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 #text-generation-inference #region-us \n", "# RickBot built for Chai\nMake your own here" ]
[ 51, 11 ]
[ "passage: TAGS\n#transformers #pytorch #gpt2 #text-generation #conversational #autotrain_compatible #endpoints_compatible #text-generation-inference #region-us \n# RickBot built for Chai\nMake your own here" ]
[ -0.011150825768709183, 0.04145511984825134, -0.004678801167756319, 0.0336763896048069, 0.12031115591526031, -0.014753859490156174, 0.22364185750484467, 0.107642263174057, 0.07693589478731155, -0.004552277270704508, 0.12704381346702576, 0.29545801877975464, 0.01173529215157032, 0.10052672773599625, -0.06006697565317154, -0.23993316292762756, 0.03390978276729584, 0.06282949447631836, -0.0436544194817543, 0.10080074518918991, 0.09193950891494751, -0.055171772837638855, 0.13131460547447205, -0.0022037639282643795, -0.19263046979904175, 0.02514885924756527, -0.0019302413566038013, -0.10980048030614853, 0.07051794230937958, 0.032110463827848434, 0.10150935500860214, 0.055141348391771317, -0.07856587320566177, -0.03893684223294258, 0.06976044923067093, -0.025181258097290993, -0.062095027416944504, 0.043997447937726974, 0.024688854813575745, -0.0770193412899971, 0.13691559433937073, 0.12698420882225037, -0.027915870770812035, 0.07780664414167404, -0.13704533874988556, 0.07647588849067688, -0.06611359119415283, 0.07881827652454376, 0.06463135778903961, 0.10425921529531479, -0.02596363238990307, 0.08331593871116638, -0.07413201779127121, 0.09951689839363098, 0.18445415794849396, -0.23128338158130646, -0.0723869726061821, 0.15064449608325958, 0.05655790492892265, 0.04300830885767937, -0.02898770570755005, 0.04599650576710701, 0.001124891801737249, -0.0024933130480349064, -0.0740271508693695, -0.1045415922999382, -0.18575459718704224, 0.003921935334801674, -0.05921151116490364, 0.0027330040466040373, 0.20704099535942078, -0.07176541537046432, 0.055981338024139404, -0.028761442750692368, -0.08862290531396866, -0.011062022298574448, -0.039405759423971176, 0.00685728807002306, -0.09016578644514084, 0.07460368424654007, -0.017557596787810326, -0.09335976839065552, -0.1395408809185028, -0.0661342442035675, -0.09819558262825012, 0.18369238078594208, 0.0613970048725605, 0.028007537126541138, -0.24504470825195312, 0.029439760372042656, 0.08148614317178726, -0.11067121475934982, -0.009260275401175022, -0.08271189779043198, 0.06354579329490662, -0.01859266497194767, -0.02253034897148609, -0.12807348370552063, 0.1749914437532425, 0.17171591520309448, 0.022881148383021355, 0.06281881779432297, -0.04948471486568451, 0.04479441046714783, 0.032528504729270935, 0.05031536519527435, -0.0015241607325151563, 0.05272556096315384, 0.021466167643666267, -0.12812519073486328, 0.009883233346045017, -0.07998165488243103, -0.17180003225803375, 0.03479284048080444, -0.07810257375240326, 0.07381381839513779, 0.007816702127456665, 0.12310265004634857, 0.025779662653803825, -0.03711586445569992, 0.13444221019744873, -0.04278641194105148, -0.0383361279964447, 0.01390223577618599, 0.03555385395884514, 0.08330917358398438, -0.0268411748111248, 0.054944224655628204, -0.11321454495191574, -0.02689424902200699, 0.012567145749926567, 0.029751433059573174, -0.051087986677885056, 0.007765055634081364, -0.01394432969391346, 0.006440861616283655, 0.014999439008533955, -0.16489700973033905, -0.10017409175634384, -0.025622084736824036, 0.03442199528217316, -0.03650323301553726, -0.0979449450969696, -0.04939094930887222, 0.002047834452241659, 0.022807663306593895, -0.038137588649988174, -0.017916161566972733, -0.025819536298513412, 0.07114581763744354, 0.0029115523211658, 0.08987545222043991, -0.13433027267456055, 0.06878834217786789, -0.025110384449362755, -0.07848629355430603, -0.10036339610815048, 0.0835830420255661, 0.0003210864379070699, 0.12125350534915924, -0.016314852982759476, 0.08317133039236069, -0.044009018689394, 0.07932858169078827, -0.06336653232574463, 0.18989576399326324, -0.11168016493320465, -0.06718592345714569, 0.2800406217575073, -0.11450672149658203, -0.23892457783222198, 0.09331201761960983, 0.008506255224347115, 0.09211769700050354, 0.11177093535661697, 0.13636447489261627, 0.04972507059574127, 0.033792681992053986, 0.009489930234849453, 0.025595908984541893, -0.12059012800455093, -0.0903896614909172, 0.023431167006492615, 0.038586851209402084, -0.0440131239593029, -0.004476291127502918, 0.10482443869113922, 0.061741214245557785, -0.027594411745667458, -0.01595555804669857, 0.011509356088936329, -0.05410397797822952, -0.031401317566633224, -0.013392975553870201, 0.11586759984493256, -0.025759808719158173, 0.00210106885060668, -0.15279918909072876, 0.077735036611557, -0.03957529366016388, 0.007007088512182236, -0.12549236416816711, 0.07694654166698456, 0.011993481777608395, 0.06650689989328384, -0.17508769035339355, -0.02817954495549202, -0.025211086496710777, 0.17221038043498993, 0.14804713428020477, 0.07574493438005447, 0.05816996842622757, -0.05344897508621216, 0.0063308910466730595, 0.01046198420226574, 0.16087333858013153, -0.04058145731687546, -0.06521812826395035, -0.09512296319007874, 0.08002325147390366, -0.06414329260587692, 0.002938115270808339, -0.03206503018736839, 0.04721028357744217, 0.11089026182889938, 0.10249800235033035, 0.021137559786438942, 0.036570899188518524, 0.0468742661178112, -0.021904466673731804, -0.09059461951255798, -0.0025291224010288715, 0.06415865570306778, 0.008340882137417793, -0.06686529517173767, 0.244649276137352, -0.10963868349790573, -0.020582865923643112, 0.1876053810119629, -0.26701411604881287, 0.03792291879653931, -0.015711847692728043, -0.008591122925281525, 0.015337553806602955, 0.0032015759497880936, 0.029499944299459457, 0.17180974781513214, -0.006066597066819668, 0.16907382011413574, -0.015202272683382034, 0.00553446589037776, -0.06523244827985764, -0.038884907960891724, -0.013328936882317066, 0.07910837233066559, 0.16297432780265808, -0.15726783871650696, 0.17121972143650055, 0.09138107299804688, 0.012600064277648926, 0.1565595120191574, 0.023086577653884888, 0.03244199976325035, 0.08116336166858673, 0.032992757856845856, 0.02831592783331871, -0.073691725730896, -0.17130137979984283, -0.061828989535570145, 0.04863770678639412, -0.0592825673520565, 0.08131495118141174, -0.06011629477143288, -0.02735399454832077, -0.047027479857206345, -0.0196701567620039, 0.08881430327892303, 0.13349686563014984, 0.005892445798963308, 0.09967100620269775, -0.03695422410964966, -0.008113699965178967, 0.04419396445155144, 0.012379536405205727, -0.022524189203977585, 0.14095182716846466, -0.04518243670463562, -0.2987024188041687, -0.09512696415185928, -0.19621825218200684, -0.07745537161827087, 0.07019653171300888, 0.14896398782730103, -0.2216813564300537, 0.008591565303504467, 0.007431990001350641, 0.03469269350171089, 0.0057189068756997585, -0.006030987482517958, -0.015324738807976246, 0.0020695175044238567, -0.12652523815631866, -0.06469849497079849, -0.03995681554079056, -0.05886904522776604, -0.058065593242645264, 0.18388505280017853, -0.1271546185016632, 0.0748671367764473, 0.13533318042755127, 0.0488121435046196, 0.0836564302444458, -0.018208900466561317, 0.12828132510185242, -0.11489463597536087, 0.04728242754936218, 0.33297815918922424, -0.014911501668393612, 0.05447712913155556, 0.11965532600879669, -0.006807335652410984, -0.11554266512393951, 0.04613998532295227, 0.008967476896941662, -0.09810378402471542, -0.27229517698287964, -0.06620300561189651, -0.10128438472747803, 0.06990574300289154, 0.10992177575826645, 0.08760596811771393, 0.12593884766101837, 0.15041570365428925, -0.05547543242573738, 0.07711178809404373, 0.01074469555169344, 0.10777407139539719, 0.009291023947298527, -0.016701804473996162, 0.09913180023431778, -0.06781642884016037, -0.10634220391511917, 0.07089509069919586, 0.09629807621240616, 0.03884149342775345, 0.06647439301013947, 0.19313450157642365, 0.041681669652462006, 0.027318425476551056, 0.13684289157390594, 0.04659007489681244, 0.03561336547136307, -0.026196852326393127, 0.006501676514744759, -0.041376423090696335, -0.09997225552797318, 0.04355200007557869, 0.004561592824757099, -0.14705702662467957, 0.015124601311981678, 0.06202467903494835, 0.0729237049818039, 0.158702552318573, 0.007492720149457455, -0.14139723777770996, -0.004496438428759575, 0.055216897279024124, -0.02326507866382599, -0.09171844273805618, 0.07388392090797424, 0.008532962761819363, -0.07785152643918991, 0.014345762319862843, -0.04367091879248619, 0.159242644906044, -0.09109298884868622, 0.052159398794174194, -0.0778718814253807, -0.034777406603097916, 0.022839171811938286, 0.06558409333229065, -0.3533845543861389, 0.13549847900867462, 0.0010301335714757442, -0.028002653270959854, -0.154065802693367, 0.012745370157063007, 0.06702077388763428, 0.06363264471292496, 0.06907512992620468, -0.03866896778345108, -0.1959158033132553, 0.02490222454071045, -0.04112877696752548, 0.04166330024600029, 0.073206327855587, -0.13520319759845734, -0.014110401272773743, -0.02865438722074032, -0.008597485721111298, -0.07435891032218933, -0.1308484524488449, -0.0359705314040184, -0.17551545798778534, 0.09144087135791779, 0.17086191475391388, 0.10375957936048508, 0.04504114389419556, 0.027132602408528328, -0.0369754433631897, 0.21345476806163788, -0.020323697477579117, -0.1034807562828064, -0.09707645326852798, 0.00899566151201725, -0.03669795021414757, -0.14438602328300476, -0.06826160103082657, -0.08500970900058746, 0.06948389858007431, -0.05479807406663895, -0.16429416835308075, 0.0664532333612442, -0.10114073008298874, -0.013078792952001095, -0.03765523433685303, 0.12497803568840027, -0.007246227469295263, -0.008749946020543575, 0.03311752527952194, -0.030120741575956345, -0.11985611915588379, -0.08176644891500473, -0.054455190896987915, -0.03313582018017769, 0.10898244380950928, 0.03178788349032402, -0.060182321816682816, -0.029223443940281868, -0.11810410767793655, -0.06850437074899673, 0.2953953742980957, 0.048750199377536774, 0.0011476759100332856, 0.1064702570438385, 0.11998409777879715, -0.026253286749124527, -0.30850672721862793, -0.18515169620513916, -0.10324754565954208, -0.07156272232532501, -0.09736256301403046, -0.25403234362602234, 0.12436222285032272, -0.0335036963224411, -0.01675211451947689, 0.009999006986618042, -0.1482304483652115, -0.07798433303833008, 0.17459677159786224, 0.0960831344127655, 0.3324183225631714, -0.2147013396024704, -0.08125697821378708, -0.045545533299446106, -0.10183548927307129, 0.1337030977010727, -0.12427008897066116, 0.08163981884717941, -0.021709877997636795, 0.17697377502918243, 0.036356084048748016, -0.007669156417250633, 0.061197590082883835, 0.0165790356695652, -0.03576446324586868, -0.11456618458032608, -0.0949815884232521, -0.062285855412483215, -0.023734034970402718, 0.03625256195664406, -0.17582274973392487, -0.005316399037837982, -0.06139196828007698, -0.012871351093053818, -0.045776695013046265, -0.02323254384100437, 0.03540283441543579, -0.051677156239748, -0.04283729940652847, -0.02387452870607376, -0.03803243488073349, 0.0766170546412468, 0.29606303572654724, -0.12661902606487274, 0.16752280294895172, -0.0235548485070467, 0.13178594410419464, -0.1487894058227539, 0.055568672716617584, -0.09460576623678207, -0.027501055970788002, 0.08097141981124878, -0.15464220941066742, 0.09064224362373352, 0.04359215870499611, -0.05186206474900246, 0.08253858238458633, 0.06058661267161369, -0.027206817641854286, 0.050504282116889954, 0.1030048131942749, -0.1946556270122528, -0.008140803314745426, -0.06801281869411469, 0.18052810430526733, 0.062286924570798874, 0.09994987398386002, 0.1874670833349228, 0.0467493012547493, -0.09175365418195724, -0.012064900249242783, 0.013536111451685429, -0.0073389932513237, -0.028363555669784546, -0.018552642315626144, 0.021644212305545807, -0.16380125284194946, 0.0023503610864281654, 0.07252131402492523, -0.12429165095090866, 0.013667360879480839, 0.19531947374343872, -0.0851740911602974, -0.19131523370742798, 0.04346149042248726, 0.1363009363412857, -0.10759901255369186, -0.04208676889538765, -0.07584953308105469, -0.09931711107492447, 0.056875601410865784, 0.2033785730600357, 0.06292885541915894, 0.04524875432252884, 0.004822042305022478, -0.0002772643347270787, -0.1010119616985321, -0.047460515052080154, -0.08081039786338806, 0.03733786940574646, -0.10505487769842148, -0.012283687479794025, 0.005029068794101477, 0.14626851677894592, -0.06110671907663345, -0.089434914290905, -0.17466799914836884, 0.023813553154468536, -0.05858519673347473, 0.0035903272219002247, -0.14766481518745422, -0.026399163529276848, 0.02539767138659954, -0.01964368112385273, -0.004960834980010986, -0.007630054838955402, -0.11123208701610565, 0.025453854352235794, -0.025042889639735222, 0.042506176978349686, -0.10014936327934265, 0.024258971214294434, 0.0711839497089386, -0.024820713326334953, 0.11761793494224548, 0.1190042570233345, -0.11866077035665512, 0.04764719679951668, -0.15923887491226196, -0.08187411725521088, 0.022488078102469444, 0.03590327873826027, 0.03507033735513687, 0.08500542491674423, 0.010912326164543629, 0.018734728917479515, 0.06046512722969055, 0.02761923335492611, 0.11158962547779083, -0.038912855088710785, 0.08990641683340073, -0.013808606192469597, -0.12740086019039154, -0.0660703256726265, 0.0416606068611145, 0.10682083666324615, 0.035968758165836334, 0.05841828137636185, -0.03538830950856209, 0.09410617500543594, 0.013924412429332733, 0.06963547319173813, 0.04351218789815903, -0.14281147718429565, -0.04232218489050865, -0.15254423022270203, -0.0028134919703006744, 0.0072293970733881, 0.07407944649457932, -0.021257344633340836, -0.0306708887219429, 0.01805225759744644, 0.022716881707310677, 0.036802832037210464, -0.004505137447267771, 0.09737822413444519, 0.037957534193992615, -0.03651722893118858, -0.007493763230741024, 0.06138896197080612, 0.05557063966989517, 0.034625113010406494, 0.1558184027671814, 0.016855424270033836, 0.022541828453540802, 0.05459111928939819, 0.00021506089251488447, 0.09596238285303116, -0.09968727082014084, -0.18966199457645416, -0.08669472485780716, -0.04572615772485733, -0.017309989780187607, 0.07101890444755554, 0.17730264365673065, 0.025944240391254425, -0.017496660351753235, -0.02185484766960144, -0.018809257075190544, -0.13819409906864166, -0.13924674689769745, -0.09923655539751053, -0.08295009285211563, 0.010302786715328693, -0.06547936052083969, 0.008622035384178162, 0.0429561547935009, 0.07416389882564545, -0.02213001251220703, 0.11072047799825668, 0.02742348611354828, -0.05974116176366806, -0.006397634744644165, -0.06030748039484024, 0.01979765295982361, 0.0072073726914823055, 0.003625538432970643, -0.12173435837030411, 0.006730447988957167, -0.018358416855335236, 0.07507095485925674, -0.0039097946137189865, 0.04177648946642876, -0.14360228180885315, -0.1113654375076294, -0.03811272978782654, 0.034663498401641846, 0.04300718382000923, 0.16560636460781097, 0.009351578541100025, -0.022764934226870537, 0.03501512110233307, 0.17225335538387299, -0.017210962250828743, 0.009951808489859104, -0.11371740698814392, 0.1367739737033844, 0.022824157029390335, 0.00987140741199255, -0.06235736235976219, 0.052293017506599426, -0.11000658571720123, 0.3725379407405853, 0.21688275039196014, -0.082478366792202, 0.038590408861637115, -0.008527091704308987, 0.039700184017419815, 0.0383303165435791, 0.1024225652217865, 0.11315328627824783, 0.15367384254932404, -0.051926493644714355, -0.09003793448209763, 0.0053548747673630714, -0.012177581898868084, -0.1317627876996994, 0.034142687916755676, -0.023356063291430473, -0.040136344730854034, 0.018593275919556618, 0.08878863602876663, -0.21441587805747986, 0.0843212753534317, -0.03396274521946907, -0.13209901750087738, -0.06279335170984268, 0.01857992261648178, 0.06839549541473389, 0.04653763025999069, 0.07333647459745407, 0.033219270408153534, -0.06545223295688629, 0.026792118325829506, 0.031573474407196045, -0.1744329184293747, 0.05073285102844238, 0.09530770033597946, -0.14062967896461487, 0.06670670956373215, -0.04199307784438133, -0.004909933544695377, 0.11723243445158005, -0.006381740793585777, -0.04085194692015648, 0.03770015388727188, -0.0081280916929245, -0.08167796581983566, 0.04233407974243164, 0.08753055334091187, -0.034240081906318665, -0.012756445445120335, 0.06541509926319122, -0.16743704676628113, 0.0004542646056506783, 0.017856068909168243, 0.025573154911398888, 0.0025928583927452564, 0.097262442111969, -0.10714802891016006, 0.07844609767198563, 0.06521432846784592, -0.013839715160429478, 0.0012886598706245422, -0.003330953186377883, 0.014234711416065693, -0.02646373026072979, -0.10552996397018433, -0.16352126002311707, -0.13091902434825897, -0.12098806351423264, -0.019180940464138985, 0.02048540487885475, -0.2037709653377533, 0.02888486161828041, -0.11173636466264725, 0.04233136028051376, -0.16543053090572357, 0.04983004555106163, 0.1280258446931839, -0.0013291090726852417, 0.01008687075227499, -0.002106369473040104, 0.018125692382454872, 0.08920411765575409, -0.14706610143184662, -0.09701342135667801 ]
null
null
transformers
# Harry Potter DialoGPT Model
{"tags": ["conversational"]}
text-generation
Kai0857/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
#Peralta DialoGPT Model
{"tags": ["conversational"]}
text-generation
Kail91/DialoGPT-small-PeraltaBot
[ "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
#Peralta DialoGPT 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
# Rick DialoGPT model
{"tags": ["conversational"]}
text-generation
Kairu/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.026307471096515656, 0.09394720941781998, -0.0053693922236561775, 0.013341153040528297, 0.13122393190860748, -0.0001271809305762872, 0.15153969824314117, 0.13532139360904694, -0.012149355374276638, -0.04893339425325394, 0.1376495659351349, 0.20727398991584778, -0.009282008744776249, 0.06632285565137863, -0.07689982652664185, -0.3263074457645416, 0.0541488416492939, 0.06074703484773636, -0.028742507100105286, 0.11803784966468811, 0.1016596332192421, -0.034433167427778244, 0.07546462118625641, 0.007671080995351076, -0.14394399523735046, 0.009073670022189617, 0.018343722447752953, -0.11193355917930603, 0.11017581075429916, 0.07047469913959503, 0.032935649156570435, 0.04516134411096573, -0.045610230416059494, -0.12734128534793854, 0.04444316774606705, -0.0007074338500387967, -0.044366732239723206, 0.05960826575756073, 0.017957383766770363, -0.08949330449104309, 0.11716856807470322, 0.12799543142318726, -0.013094340451061726, 0.03880066052079201, -0.15538695454597473, -0.0017994411755353212, -0.012053873389959335, 0.0691082701086998, 0.06047862395644188, 0.10783222317695618, -0.03909517079591751, 0.11795765906572342, -0.06376834213733673, 0.1156197339296341, 0.1099555715918541, -0.29319506883621216, -0.015066631138324738, 0.1453801691532135, 0.04404941946268082, 0.04553242400288582, -0.03810311481356621, 0.0971064567565918, 0.018297934904694557, -0.009197480045258999, -0.04527812451124191, -0.07937059551477432, -0.0785442367196083, 0.022468965500593185, -0.08652039617300034, -0.01278676837682724, 0.25185099244117737, -0.034276217222213745, 0.07775937020778656, -0.07710754126310349, -0.0882781445980072, -0.015914008021354675, -0.035491663962602615, -0.03474625200033188, -0.10360077768564224, 0.07954097539186478, -0.03638206794857979, -0.09738437831401825, -0.11328651010990143, -0.030514540150761604, -0.16600777208805084, 0.18022817373275757, 0.028647636994719505, 0.033171504735946655, -0.22669106721878052, 0.09721154719591141, -0.014040542766451836, -0.09817730635404587, 0.021137695759534836, -0.0875508189201355, 0.01331646554172039, 0.01670416072010994, -0.025239771232008934, -0.0016303120646625757, 0.08401314169168472, 0.11467883735895157, 0.018850738182663918, 0.01854829490184784, -0.013761704787611961, 0.05011213198304176, 0.04207006096839905, 0.0688997432589531, -0.02060912922024727, -0.02804442308843136, 0.026006873697042465, -0.0941164419054985, -0.013511229306459427, -0.06520073860883713, -0.1999543458223343, -0.008704649284482002, 0.05683811381459236, 0.06101927533745766, 0.040125854313373566, 0.1364995390176773, 0.006989735644310713, -0.04964334890246391, 0.04230933263897896, -0.01836281083524227, -0.01648184284567833, 0.011581381782889366, 0.0030591548420488834, 0.1451946645975113, 0.013021725229918957, 0.04964533448219299, -0.11686590313911438, 0.006823766510933638, -0.04556811600923538, -0.021192600950598717, -0.035848744213581085, -0.0534006804227829, -0.011447814293205738, -0.023781660944223404, 0.01566874049603939, -0.138215109705925, -0.16868597269058228, -0.010750913992524147, -0.0054442137479782104, -0.04368012771010399, -0.11985860019922256, -0.10691071301698685, -0.03188803046941757, 0.04130145534873009, -0.06226013973355293, -0.0016179383965209126, -0.04824138432741165, 0.09329771250486374, -0.03543361276388168, 0.07572447508573532, -0.09963777661323547, 0.08339086174964905, -0.07048105448484421, -0.04222751781344414, -0.07689815759658813, 0.13199064135551453, 0.012147852219641209, 0.05355143919587135, -0.033320385962724686, -0.020182406529784203, -0.10112729668617249, 0.07901765406131744, -0.043776735663414, 0.23530089855194092, -0.09424618631601334, -0.10172633081674576, 0.2707865536212921, -0.056338634341955185, -0.1417124718427658, 0.10922730714082718, -0.01708115078508854, 0.11796516180038452, 0.12533797323703766, 0.18160980939865112, 0.06915249675512314, 0.007078608963638544, 0.07667984813451767, 0.11271748691797256, -0.07647018134593964, -0.019419031217694283, 0.013309413567185402, -0.019119203090667725, -0.07986441254615784, 0.023063944652676582, 0.0750250369310379, 0.05241791531443596, -0.05419831722974777, -0.01576150581240654, 0.004038041457533836, 0.0046436842530965805, 0.05485425144433975, -0.027098819613456726, 0.12380187958478928, -0.026550456881523132, -0.07160753011703491, -0.02819196693599224, 0.02900422178208828, -0.05955371633172035, 0.03213973343372345, -0.08394158631563187, 0.03701850399374962, -0.01614903286099434, 0.0714651495218277, -0.16583749651908875, -0.09424386918544769, -0.05107835307717323, 0.18867318332195282, 0.06760090589523315, 0.12099006772041321, 0.05622575059533119, -0.06824762374162674, -0.002587922615930438, 0.017642609775066376, 0.19762735068798065, -0.01621684804558754, -0.07617255300283432, -0.09709285944700241, 0.10087143629789352, -0.07233986258506775, 0.06148630753159523, -0.04969713091850281, 0.01726907305419445, 0.020254770293831825, 0.10257863998413086, -0.03401493653655052, 0.04154540225863457, 0.01299088355153799, -0.03159681335091591, -0.06118636205792427, -0.004885436967015266, 0.09689072519540787, 0.0024414120707660913, -0.10660914331674576, 0.24094536900520325, -0.1953991800546646, 0.1240597665309906, 0.17735153436660767, -0.19901056587696075, 0.0003240618098061532, -0.1216038390994072, -0.02617034688591957, 0.011324791237711906, 0.03988710418343544, -0.03907903656363487, 0.24041828513145447, -0.009465505369007587, 0.16597111523151398, -0.035453081130981445, -0.04237295687198639, -0.04102778434753418, -0.049226678907871246, 0.010536805726587772, 0.11326293647289276, 0.10443516075611115, -0.17280073463916779, 0.17910873889923096, 0.056295476853847504, 0.046068836003541946, 0.16674117743968964, 0.017407290637493134, 0.02044367603957653, 0.06752368807792664, 0.0022293536458164454, -0.033244188874959946, -0.07607504725456238, -0.21106134355068207, -0.02076302096247673, 0.07983379065990448, 0.049628254026174545, 0.10880406200885773, -0.10326145589351654, -0.03147902712225914, -0.011183910071849823, -0.022843707352876663, 0.033011820167303085, 0.13939867913722992, 0.012945251539349556, 0.12727203965187073, -0.023822369053959846, -0.06920848041772842, 0.07053513079881668, 0.015494134277105331, -0.08573633432388306, 0.19461224973201752, -0.10708330571651459, -0.3392099142074585, -0.10560698807239532, -0.18618375062942505, -0.058684613555669785, 0.046016938984394073, 0.11348334699869156, -0.13952569663524628, -0.02209191396832466, 0.004345404449850321, 0.06573960930109024, -0.11287117004394531, 0.009793287143111229, -0.03862380236387253, -0.016277508810162544, -0.13408011198043823, -0.10326490551233292, -0.05437853932380676, -0.04450221359729767, -0.05730228126049042, 0.12242799997329712, -0.1566833108663559, 0.02020316757261753, 0.23720775544643402, 0.059179581701755524, 0.07124503701925278, -0.03769661858677864, 0.1781967580318451, -0.1026381328701973, 0.011783134192228317, 0.21348711848258972, -0.03863108903169632, 0.06649045646190643, 0.11449605971574783, -0.015088263899087906, -0.06868837028741837, 0.037556882947683334, -0.010503022000193596, -0.07316595315933228, -0.21276232600212097, -0.1191236600279808, -0.10972695052623749, 0.05501949414610863, 0.04922853037714958, 0.05032423511147499, 0.16298291087150574, 0.07668996602296829, -0.04904390871524811, 0.001584999030455947, 0.059760358184576035, 0.08361341804265976, 0.2510400712490082, -0.06171604245901108, 0.14055393636226654, -0.025399193167686462, -0.17000524699687958, 0.06215828284621239, 0.07098336517810822, 0.09605202078819275, 0.058832839131355286, 0.10240022093057632, 0.008178656920790672, 0.008458747528493404, 0.12824994325637817, 0.07315782457590103, 0.008122536353766918, -0.03451789915561676, -0.04043253883719444, -0.03696576505899429, -0.016908906400203705, 0.031117239966988564, 0.045386575162410736, -0.16926494240760803, -0.019026830792427063, 0.010437270626425743, 0.05824199318885803, 0.019692573696374893, 0.08370969444513321, -0.18680240213871002, -0.014447773806750774, 0.06624781340360641, -0.00982279609888792, -0.11607903242111206, 0.08325130492448807, -0.00006138256867416203, -0.11141069233417511, 0.035668812692165375, -0.028373252600431442, 0.13211531937122345, -0.09077433496713638, 0.07334637641906738, -0.12124873697757721, -0.037298139184713364, -0.010899096727371216, 0.12348722666501999, -0.29471105337142944, 0.19157877564430237, -0.010260001756250858, -0.0427047498524189, -0.10745837539434433, -0.014660571701824665, 0.02802271954715252, 0.10659189522266388, 0.10804633796215057, -0.019849471747875214, -0.023438751697540283, 0.060438092797994614, -0.07315054535865784, 0.03891922906041145, 0.097873255610466, -0.06623189896345139, -0.01136084459722042, -0.05090735852718353, 0.0011880729580298066, 0.009862029924988747, -0.11200348287820816, 0.025104360654950142, -0.19207465648651123, 0.08702947199344635, 0.07904490828514099, 0.0971948653459549, 0.037171486765146255, -0.027824964374303818, -0.0743110403418541, 0.2623932957649231, 0.012094305828213692, -0.10155316442251205, -0.10871628671884537, 0.007302213925868273, 0.04922667145729065, -0.07690352946519852, -0.01569143310189247, -0.0692969411611557, 0.04146941378712654, -0.06448405981063843, -0.18443478643894196, 0.11724456399679184, -0.09758520871400833, -0.030543897300958633, -0.03396443650126457, 0.20980419218540192, -0.0315423421561718, 0.01623861864209175, 0.04493803158402443, -0.008569825440645218, -0.1175440177321434, -0.10942834615707397, -0.002397046657279134, -0.004322136752307415, 0.0162108913064003, 0.025200236588716507, -0.03236880153417587, -0.007920696400105953, -0.06642638146877289, -0.013425208628177643, 0.3191275894641876, 0.12687638401985168, -0.04024256765842438, 0.1487187147140503, 0.10082816332578659, -0.06358374655246735, -0.29419586062431335, -0.1110854372382164, -0.07446591556072235, -0.056805163621902466, -0.09995641559362411, -0.181660994887352, 0.08668994903564453, -0.05448218435049057, -0.013539828360080719, 0.09316461533308029, -0.2523694932460785, -0.10253608971834183, 0.2015150934457779, -0.03351643308997154, 0.4285542964935303, -0.1115080714225769, -0.0785619467496872, -0.048229627311229706, -0.14018340408802032, 0.191275492310524, 0.0058190408162772655, 0.10601352155208588, -0.0002009188465308398, 0.19864386320114136, 0.0566282719373703, -0.0012837350368499756, 0.0701557844877243, 0.020472673699259758, -0.05497356504201889, -0.09246667474508286, -0.09015149623155594, -0.03168601170182228, 0.010109071619808674, 0.031798794865608215, -0.07328334450721741, 0.04371890053153038, -0.13138733804225922, -0.05411645025014877, -0.08432826399803162, 0.037648119032382965, 0.027296165004372597, -0.06869357079267502, -0.002916166791692376, -0.04816993325948715, 0.0016994841862469912, 0.007918842136859894, 0.20620933175086975, -0.10779520869255066, 0.14090755581855774, 0.033961765468120575, 0.15093906223773956, -0.09600444883108139, -0.047604095190763474, -0.06139858439564705, -0.05390927195549011, 0.07211017608642578, -0.12229318171739578, 0.03165985643863678, 0.10379531234502792, -0.029136769473552704, 0.08749980479478836, 0.1109134703874588, -0.011824870482087135, 0.005104703363031149, 0.09050401300191879, -0.24321404099464417, -0.06898721307516098, -0.0817435085773468, 0.05277859792113304, 0.058722641319036484, 0.1027708351612091, 0.20902559161186218, 0.006313250865787268, -0.028814585879445076, 0.021288873627781868, 0.02745843306183815, -0.01872197911143303, 0.061469677835702896, 0.009840353392064571, 0.029417859390378, -0.14658574759960175, 0.04447735473513603, -0.01224545668810606, -0.09172675013542175, 0.025912616401910782, 0.14410899579524994, -0.11102084815502167, -0.122079037129879, -0.0382813923060894, 0.13729313015937805, -0.14815719425678253, -0.0117354029789567, -0.04719110578298569, -0.12447933107614517, 0.06743268668651581, 0.10455726832151413, 0.04603260010480881, 0.04043993353843689, -0.09203767031431198, -0.026612624526023865, -0.05527783930301666, -0.0005033746710978448, 0.03146493062376976, -0.018926745280623436, -0.0531751811504364, 0.04221292957663536, -0.036750372499227524, 0.11927161365747452, -0.08585978299379349, -0.10035143792629242, -0.1677810102701187, 0.03577928990125656, -0.06987136602401733, -0.08834805339574814, -0.087708480656147, -0.03590716794133186, 0.006336551625281572, -0.0390448272228241, -0.028196200728416443, -0.03421054035425186, -0.11329267919063568, 0.03182552382349968, -0.04582337662577629, 0.002282749628648162, -0.06941496580839157, 0.02934737130999565, 0.0527348555624485, -0.03012561798095703, 0.14879247546195984, 0.14134863018989563, -0.1120486781001091, 0.09441060572862625, -0.14837662875652313, -0.06795312464237213, 0.09710580110549927, 0.020345306023955345, 0.05206388980150223, 0.05022000893950462, 0.009869642555713654, 0.052856672555208206, 0.06019807979464531, 0.042121678590774536, 0.018030282109975815, -0.07670415937900543, 0.067986860871315, -0.06001577153801918, -0.10277701914310455, -0.05126209184527397, -0.0008493204950354993, 0.01807907409965992, 0.07281779497861862, 0.10074610263109207, -0.05552934482693672, 0.09382583200931549, -0.05530373752117157, 0.04429418221116066, 0.025981837883591652, -0.1773741990327835, 0.035779327154159546, -0.08758020401000977, 0.048719268292188644, 0.010204999707639217, 0.17491371929645538, 0.022077683359384537, -0.021517012268304825, 0.021784497424960136, 0.07043316960334778, 0.04651212692260742, -0.014028544537723064, 0.19185031950473785, 0.10516584664583206, -0.038725994527339935, -0.0838618278503418, 0.09701808542013168, 0.04364638775587082, 0.04230160266160965, 0.14381137490272522, -0.05909604951739311, -0.03927518054842949, 0.08041166514158249, -0.004114777781069279, 0.010739325545728207, -0.10045387595891953, -0.13616950809955597, -0.0242715273052454, 0.03822272643446922, -0.03613738715648651, 0.10484866797924042, 0.15927128493785858, -0.003432835452258587, 0.018933836370706558, -0.014741482213139534, -0.059460677206516266, -0.1985488384962082, -0.1984495222568512, -0.08465894311666489, -0.13742054998874664, 0.0053448243997991085, -0.13740120828151703, 0.04168961942195892, 0.0266414787620306, 0.09802933782339096, -0.04659690335392952, 0.053891927003860474, 0.0365489162504673, -0.11079959571361542, 0.05490271374583244, -0.04384707659482956, 0.0921567976474762, -0.03172128275036812, 0.013953625224530697, -0.061154644936323166, 0.03533269092440605, 0.015680816024541855, 0.04335138946771622, -0.02730260044336319, 0.020079512149095535, -0.12365023791790009, -0.08511123806238174, -0.0687124952673912, 0.06635203957557678, 0.006271391175687313, 0.1730542927980423, 0.01871834136545658, -0.030511673539876938, 0.029879208654165268, 0.23771421611309052, -0.07247906178236008, -0.0998891219496727, -0.07002349942922592, 0.2104433923959732, -0.008601457811892033, 0.08981921523809433, -0.036056190729141235, 0.010331481695175171, -0.08574481308460236, 0.34977883100509644, 0.29154229164123535, -0.09423467516899109, 0.010944767855107784, -0.0018926061457023025, 0.041570257395505905, 0.1271265298128128, 0.09409935772418976, 0.10600660741329193, 0.2914230525493622, -0.06560413539409637, -0.034995418041944504, -0.00870916061103344, -0.024741534143686295, -0.056739576160907745, 0.05402141064405441, 0.055680010467767715, -0.06467366218566895, -0.017051953822374344, 0.11837512999773026, -0.2507799565792084, 0.060523539781570435, -0.1586569845676422, -0.15863612294197083, -0.07149337232112885, -0.0005927369347773492, 0.09427593648433685, 0.013758930377662182, 0.09756780415773392, -0.01269946526736021, -0.06760623306035995, 0.04297604411840439, 0.020308442413806915, -0.20682843029499054, 0.010318391025066376, 0.0697605311870575, -0.047236718237400055, -0.05558694526553154, -0.016078975051641464, 0.07278840243816376, 0.08733747154474258, 0.02829739637672901, -0.02315342053771019, 0.04390132799744606, -0.011941233649849892, -0.07413468509912491, 0.03934718668460846, 0.023901786655187607, 0.004186868667602539, -0.08726628869771957, 0.07557696849107742, -0.16110792756080627, 0.033335130661726, -0.0028987054247409105, -0.0468905046582222, -0.015854276716709137, 0.027530863881111145, -0.062161169946193695, 0.08502498269081116, 0.08475040644407272, -0.017108825966715813, -0.014891952276229858, -0.02289215475320816, -0.010616268031299114, -0.021719465032219887, -0.08192946016788483, -0.09613069146871567, -0.15460480749607086, -0.12901735305786133, 0.08913417160511017, -0.0020764595828950405, -0.20097172260284424, 0.030461549758911133, -0.12281855940818787, 0.0440378300845623, -0.12149405479431152, 0.0972503200173378, 0.08258824050426483, 0.023108746856451035, -0.004436559043824673, 0.00674563180655241, 0.03467189148068428, 0.07904570549726486, -0.13723783195018768, -0.08609636127948761 ]
null
null
transformers
# Rick bot chat
{"tags": ["conversational"]}
text-generation
Kairu/RICKBOT
[ "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 bot chat
[ "# Rick bot chat" ]
[ "TAGS\n#transformers #pytorch #gpt2 #text-generation #conversational #autotrain_compatible #endpoints_compatible #text-generation-inference #region-us \n", "# Rick bot chat" ]
[ 51, 4 ]
[ "passage: TAGS\n#transformers #pytorch #gpt2 #text-generation #conversational #autotrain_compatible #endpoints_compatible #text-generation-inference #region-us \n# Rick bot chat" ]
[ -0.004135963972657919, 0.006319080479443073, -0.0052314335480332375, -0.006382234860211611, 0.14855605363845825, -0.02477940171957016, 0.15169110894203186, 0.1394854635000229, 0.061434630304574966, -0.028252163901925087, 0.12087015062570572, 0.23226973414421082, 0.01835152693092823, 0.11800184845924377, -0.05150001868605614, -0.2308754026889801, 0.08634115010499954, 0.018972346559166908, -0.04406266286969185, 0.11949274688959122, 0.10278698056936264, -0.04299144446849823, 0.09375534951686859, -0.012405450455844402, -0.17204715311527252, 0.03832712396979332, 0.04356711357831955, -0.09893377870321274, 0.10851704329252243, 0.06639759987592697, 0.04322128742933273, 0.0343230664730072, -0.06730962544679642, -0.08027513325214386, 0.05970674008131027, 0.02998914197087288, -0.043949443846940994, 0.06707627326250076, -0.015108000487089157, -0.10833534598350525, 0.12453743070363998, 0.10912775248289108, 0.006706381682306528, 0.10788030177354813, -0.14411960542201996, 0.012774012051522732, -0.04362154006958008, 0.02048754319548607, 0.0808069258928299, 0.11867953091859818, -0.04021548479795456, 0.20697176456451416, -0.0838036760687828, 0.11267012357711792, 0.15968473255634308, -0.3132781982421875, -0.02679314836859703, 0.13067956268787384, 0.05398149415850639, 0.06746678054332733, -0.05433514341711998, 0.06600011140108109, 0.0021624797955155373, -0.002296830527484417, -0.10010799765586853, -0.0614050067961216, -0.137456014752388, -0.004754344932734966, -0.048111435025930405, -0.02175937220454216, 0.2699200510978699, -0.020320549607276917, 0.06390217691659927, -0.038513295352458954, -0.07694146037101746, -0.017108917236328125, -0.0418977327644825, 0.004130346234887838, -0.1197478324174881, 0.059143684804439545, -0.0807533785700798, -0.1048106998205185, -0.11655956506729126, -0.04394176974892616, -0.13308361172676086, 0.18062439560890198, 0.036175671964883804, 0.055385127663612366, -0.2709957957267761, 0.07474389672279358, 0.08605337888002396, -0.08355670422315598, 0.016047177836298943, -0.08053812384605408, -0.007955650798976421, 0.020892983302474022, -0.026190148666501045, -0.06711474061012268, 0.11569874733686447, 0.17724919319152832, -0.018065577372908592, 0.04976382479071617, -0.04104302451014519, 0.06264545768499374, 0.03830600157380104, 0.019066134467720985, 0.021917589008808136, 0.031294696033000946, 0.06621792912483215, -0.11020752042531967, 0.0063742538914084435, -0.07300236821174622, -0.18884287774562836, 0.03837047889828682, -0.0028371568769216537, 0.0834701880812645, 0.05991359055042267, 0.1409437507390976, -0.003444237168878317, -0.030689246952533722, 0.07355573773384094, -0.02661321870982647, -0.008693579584360123, 0.051724620163440704, -0.03668113052845001, 0.0832604467868805, 0.0017477910732850432, 0.029901092872023582, -0.11163440346717834, -0.050136737525463104, -0.041041500866413116, -0.019660592079162598, -0.05440656095743179, -0.03183981031179428, 0.024271544069051743, 0.022134752944111824, -0.021165212616324425, -0.1731085479259491, -0.09117584675550461, -0.007690791040658951, -0.019977029412984848, -0.036946851760149, -0.10702744126319885, -0.07979385554790497, -0.004010478965938091, 0.043764036148786545, -0.05101374536752701, 0.01548309437930584, -0.03394925221800804, 0.09485326707363129, -0.06282754987478256, 0.12335662543773651, -0.10586641728878021, 0.06983423233032227, -0.08368062227964401, -0.07319671660661697, -0.11919061839580536, 0.09372276067733765, -0.03919126093387604, 0.15367144346237183, -0.026575569063425064, 0.02774030901491642, -0.10600830614566803, 0.05221197009086609, -0.047624118626117706, 0.2393909990787506, -0.0791940838098526, -0.10618846863508224, 0.3153728246688843, -0.04788316413760185, -0.13983668386936188, 0.10269826650619507, -0.002173075685277581, 0.06338169425725937, 0.14070123434066772, 0.15939690172672272, -0.01871865801513195, 0.015407339669764042, 0.027682725340127945, 0.10087451338768005, -0.13437174260616302, -0.0141301229596138, -0.0035535385832190514, -0.020210526883602142, -0.07785236090421677, 0.00044506436097435653, 0.18540365993976593, 0.09907045215368271, -0.051667697727680206, -0.016447192057967186, 0.01689116284251213, -0.01394790317863226, 0.046831708401441574, -0.00786026194691658, 0.09762968122959137, -0.0904337540268898, -0.0812477394938469, -0.12462464720010757, 0.035266801714897156, 0.0003754531790036708, 0.02000495046377182, -0.12890516221523285, 0.010112599469721317, 0.07134097814559937, 0.09592469781637192, -0.152928426861763, -0.15811222791671753, -0.036286965012550354, 0.1364075392484665, 0.1067921593785286, 0.09592869132757187, 0.06409560889005661, -0.08477010577917099, 0.03245885297656059, 0.00822709035128355, 0.17947937548160553, -0.03195158764719963, -0.07556279748678207, -0.11174474656581879, 0.08501173555850983, -0.07556315511465073, 0.07241316139698029, -0.0022324947640299797, 0.03629641234874725, 0.10814054310321808, 0.14987094700336456, -0.007096742745488882, 0.027689343318343163, 0.025271646678447723, -0.047151174396276474, -0.05206511914730072, -0.03329237177968025, 0.07250776141881943, -0.003060688963159919, -0.12171132117509842, 0.2435159534215927, -0.15199585258960724, 0.05162841081619263, 0.18603931367397308, -0.17441271245479584, -0.004672686569392681, 0.014898578636348248, -0.043550651520490646, 0.016096899285912514, 0.044408462941646576, -0.07843085378408432, 0.23925894498825073, 0.008602185174822807, 0.16320917010307312, -0.008470360189676285, -0.03362230584025383, -0.03134280443191528, -0.04430261254310608, -0.0006493820110335946, 0.10845009982585907, 0.10497817397117615, -0.1808885931968689, 0.1683611124753952, 0.059565335512161255, 0.09057033807039261, 0.2070178985595703, 0.030940445140004158, 0.05128755047917366, 0.07622837275266647, -0.00012242326920386404, -0.0399346798658371, -0.05587676540017128, -0.23984946310520172, -0.03535168990492821, 0.049616046249866486, 0.0332113578915596, 0.1099691092967987, -0.07841606438159943, -0.029062602669000626, -0.05517005920410156, -0.01410637330263853, 0.06923245638608932, 0.14015662670135498, 0.041260767728090286, 0.15946781635284424, 0.0022474536672234535, -0.06350542604923248, 0.07231444865465164, 0.0015187535900622606, -0.08971704542636871, 0.1525873839855194, -0.12820464372634888, -0.3977210521697998, -0.08198746293783188, -0.12731365859508514, -0.06528978794813156, 0.04628363624215126, 0.13998228311538696, -0.20545393228530884, -0.017016515135765076, 0.03568076342344284, 0.06917858123779297, -0.033530980348587036, 0.0012998813763260841, -0.0017662078607827425, -0.008578114211559296, -0.088711678981781, -0.12188107520341873, -0.05708230286836624, -0.034377917647361755, -0.11728838086128235, 0.14584940671920776, -0.11906279623508453, 0.03392577916383743, 0.17301344871520996, 0.05498974770307541, 0.07617583870887756, -0.028604203835129738, 0.17208439111709595, -0.10761234164237976, 0.028309013694524765, 0.20088320970535278, 0.004921216983348131, 0.052084799855947495, 0.10140206664800644, -0.009457185864448547, -0.10445428639650345, 0.05921255424618721, 0.010414442978799343, -0.08775685727596283, -0.22663162648677826, -0.1326969563961029, -0.09973776340484619, 0.07279173284769058, 0.033628370612859726, 0.0781903862953186, 0.14118611812591553, 0.017794666811823845, -0.07711095362901688, -0.015277736820280552, 0.07320495694875717, 0.08413016051054001, 0.1227017492055893, -0.09240155667066574, 0.1367427110671997, -0.05425713583827019, -0.12929680943489075, 0.0747048482298851, 0.008282956667244434, 0.05377630516886711, 0.08409281075000763, 0.13874797523021698, -0.012245950289070606, 0.047030843794345856, 0.13582655787467957, 0.036836061626672745, 0.02456739731132984, -0.05166047438979149, -0.019060354679822922, -0.015312130562961102, -0.08220115303993225, 0.007654248736798763, 0.04945370554924011, -0.1725277453660965, -0.00659136101603508, -0.016397155821323395, 0.1016680896282196, 0.05930296331644058, 0.06713694334030151, -0.15942128002643585, -0.06930499523878098, 0.06857457756996155, -0.0218802560120821, -0.10718213021755219, 0.09962928295135498, 0.044839274138212204, -0.13442428410053253, 0.02811082825064659, -0.03636559098958969, 0.14055272936820984, -0.0760124996304512, 0.07826706767082214, -0.14499585330486298, -0.024576280266046524, -0.005894405301660299, 0.11714217811822891, -0.32046040892601013, 0.1259032040834427, -0.020366264507174492, -0.04145828261971474, -0.1290326714515686, -0.024332834407687187, 0.030547911301255226, 0.05918895825743675, 0.06268087774515152, 0.006275581195950508, -0.13780677318572998, -0.004676520824432373, -0.08615674078464508, 0.06354087591171265, 0.08020603656768799, -0.06438764929771423, -0.05139286071062088, -0.04322585090994835, -0.025356361642479897, -0.027730565518140793, -0.1182137057185173, 0.006809450685977936, -0.16297544538974762, 0.08744784444570541, 0.12760818004608154, 0.1244184821844101, 0.025927139446139336, 0.011373748071491718, 0.00784055795520544, 0.25071170926094055, 0.008404410444200039, -0.07098773866891861, -0.1074526384472847, 0.04090102016925812, -0.02231413871049881, -0.08565868437290192, -0.05932580679655075, -0.07227782905101776, 0.08039692789316177, -0.0664992704987526, -0.19328568875789642, 0.12611836194992065, -0.11122864484786987, -0.046883855015039444, -0.02570447511970997, 0.20708821713924408, 0.023557551205158234, 0.013086107559502125, 0.03670477494597435, -0.04343808442354202, -0.10421057045459747, -0.09050437062978745, 0.045958261936903, 0.006801115348935127, 0.004375123418867588, 0.042763952165842056, -0.016693975776433945, -0.07546523213386536, -0.0949266329407692, -0.003907071892172098, 0.3354308009147644, 0.0885477215051651, -0.03915838897228241, 0.17289911210536957, 0.10320459306240082, -0.012734195217490196, -0.30328676104545593, -0.09822452813386917, -0.10441964119672775, -0.06723842024803162, -0.10793448239564896, -0.2062017172574997, 0.06417682021856308, -0.0693821832537651, -0.01779896393418312, 0.11653508991003036, -0.22012612223625183, -0.07966542989015579, 0.17269593477249146, -0.05305081978440285, 0.422427237033844, -0.09426090866327286, -0.06934081763029099, -0.04772292822599411, -0.1125679761171341, 0.22217078506946564, -0.041808318346738815, 0.08936616778373718, 0.014393070712685585, 0.2371087223291397, 0.04855499044060707, 0.007824134081602097, 0.04159334674477577, 0.0030157016590237617, -0.06564929336309433, -0.11474227905273438, -0.08492036908864975, -0.021159712225198746, 0.015372236259281635, 0.031460072845220566, -0.115254245698452, 0.013286281377077103, -0.1265643686056137, -0.00044843301293440163, -0.110700324177742, 0.06112677603960037, 0.02210860140621662, -0.022939899936318398, -0.017417969182133675, -0.04769075661897659, -0.03699135035276413, 0.05770319700241089, 0.25821682810783386, -0.08730977028608322, 0.2247103452682495, 0.03481430187821388, 0.10979052633047104, -0.19502484798431396, -0.012039079330861568, -0.03804254159331322, -0.03569484502077103, 0.09445067495107651, -0.12833558022975922, 0.06511656194925308, 0.07811279594898224, -0.050123244524002075, 0.10983636975288391, 0.07729843258857727, -0.06399360299110413, 0.023856110870838165, 0.10972810536623001, -0.2522188425064087, -0.0842108502984047, -0.05373302847146988, 0.16073672473430634, 0.100096195936203, 0.1085551530122757, 0.22047366201877594, 0.026762748137116432, -0.06636791676282883, 0.008129911497235298, 0.046906471252441406, -0.018076658248901367, 0.019600670784711838, -0.01731988973915577, 0.03442717343568802, -0.16076815128326416, 0.045657679438591, 0.01522074919193983, -0.15353268384933472, 0.04283661022782326, 0.20686040818691254, -0.12771092355251312, -0.14786295592784882, -0.05308641120791435, 0.12619680166244507, -0.06981944292783737, 0.00020014178880956024, -0.062044646590948105, -0.09996936470270157, 0.0723307877779007, 0.08437252044677734, 0.012551523745059967, 0.049926117062568665, -0.030480828136205673, -0.016578299924731255, -0.026153074577450752, -0.03755411505699158, -0.03506665676832199, -0.030171053484082222, -0.024001337587833405, 0.045721717178821564, -0.001390137942507863, 0.1268795132637024, -0.07106806337833405, -0.11533880978822708, -0.20201069116592407, 0.02233416773378849, -0.03845983371138573, -0.12533995509147644, -0.08307432383298874, -0.03631027415394783, 0.01705281436443329, -0.06074977666139603, -0.029057322070002556, -0.042031873017549515, -0.11544877290725708, -0.0017082829726859927, -0.03270147740840912, 0.021890534088015556, -0.10406036674976349, 0.04738936573266983, 0.07418825477361679, -0.023447467014193535, 0.1762048453092575, 0.1894429326057434, -0.10680808126926422, 0.09960151463747025, -0.14147523045539856, -0.08556386828422546, 0.08067143708467484, 0.02731463313102722, 0.08370306342840195, 0.10707838833332062, -0.009764441289007664, 0.036350563168525696, 0.08450819551944733, 0.05157287418842316, 0.05216071382164955, -0.0956711545586586, 0.11111920326948166, -0.0040189847350120544, -0.1117277666926384, -0.05288558825850487, -0.017988653853535652, 0.029117440804839134, 0.062032248824834824, 0.10675495117902756, -0.05771169811487198, 0.09762988984584808, -0.03399823606014252, 0.043097276240587234, 0.036422792822122574, -0.16504918038845062, 0.03128071874380112, -0.07235359400510788, 0.04728996008634567, -0.01761390082538128, 0.06671741604804993, 0.038663528859615326, -0.005836911965161562, 0.06799077242612839, 0.08429309725761414, -0.018995115533471107, -0.011944126337766647, 0.0011870597954839468, 0.07798932492733002, -0.05108565464615822, -0.060839589685201645, 0.04733258858323097, 0.044302910566329956, -0.031084151938557625, 0.1922626495361328, -0.053691163659095764, 0.03881616145372391, 0.05333097279071808, 0.029570715501904488, -0.007958564907312393, -0.10376448184251785, -0.11661989986896515, -0.0984596386551857, 0.023876577615737915, -0.052094750106334686, 0.09073836356401443, 0.1548382192850113, 0.01080765388906002, -0.016430126503109932, -0.06381229311227798, -0.019472619518637657, -0.1592128723859787, -0.14645029604434967, -0.07494069635868073, -0.16160649061203003, 0.012041090987622738, -0.07789382338523865, 0.05510824918746948, -0.009925671853125095, 0.06836599856615067, -0.04251610115170479, 0.09200587868690491, 0.008826394565403461, -0.08903629332780838, 0.020334774628281593, -0.04116233065724373, 0.03278075531125069, -0.016182798892259598, 0.0033765367697924376, -0.07050875574350357, 0.03906415030360222, 0.02019011601805687, 0.07958895713090897, -0.03846290707588196, 0.052579615265131, -0.13117441534996033, -0.10170090198516846, -0.05662811920046806, 0.050476040691137314, -0.044521912932395935, 0.13561667501926422, 0.048963990062475204, 0.02257881499826908, 0.025976678356528282, 0.2561594247817993, -0.0572015754878521, -0.012779425829648972, -0.07986994832754135, 0.13285291194915771, -0.01838669925928116, 0.06516220420598984, -0.06909876316785812, 0.006742816884070635, -0.14108158648014069, 0.3223511576652527, 0.30381304025650024, -0.07018446177244186, 0.01927712932229042, -0.07757137715816498, 0.049331944435834885, 0.07515576481819153, 0.12032599002122879, 0.13755258917808533, 0.260090172290802, -0.05321565642952919, -0.011595717631280422, 0.015015189535915852, -0.03310460224747658, -0.09742964804172516, 0.014502461068332195, -0.002034503035247326, -0.030190477147698402, -0.00020796003809664398, 0.0926869586110115, -0.2329234927892685, -0.019296390935778618, -0.12234607338905334, -0.20035594701766968, -0.04706091061234474, 0.005350696854293346, 0.13376764953136444, 0.025367440655827522, 0.13762207329273224, -0.000277391925919801, -0.07071593403816223, 0.04641338437795639, 0.009964282624423504, -0.21824347972869873, -0.08288545906543732, 0.0980343222618103, -0.1642194241285324, 0.009895136579871178, -0.03864233195781708, 0.04830918088555336, 0.09194542467594147, 0.016370540484786034, -0.05686093866825104, 0.021776748821139336, -0.015635091811418533, -0.082953080534935, -0.006968361791223288, 0.0806565135717392, -0.005458993371576071, 0.019034789875149727, 0.06493046879768372, -0.21148480474948883, 0.0006381013663485646, -0.020234089344739914, 0.022832656279206276, -0.0005644812481477857, 0.08278347551822662, -0.049216315150260925, 0.07595719397068024, 0.09415453672409058, -0.034038543701171875, -0.006214500404894352, -0.005049642641097307, -0.04464508965611458, -0.026286957785487175, -0.12228316813707352, -0.1547785848379135, -0.21371540427207947, -0.11541128903627396, 0.02366032265126705, 0.010409794747829437, -0.17347697913646698, 0.03016049973666668, -0.11696996539831161, 0.05209072306752205, -0.11603894829750061, 0.09293989092111588, 0.07653801888227463, 0.015249752439558506, -0.0012791469926014543, 0.028808532282710075, 0.048518527299165726, 0.09853469580411911, -0.12116923928260803, -0.08505722135305405 ]
null
null
transformers
#my awesome model
{"tags": ["conversational"]}
text-generation
KakoSi/Smolmm3
[ "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
#my awesome 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
# My Awesome Model
{"tags": ["conversational"]}
text-generation
KakoSi/opaazzi
[ "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
# My Awesome Model
[ "# My Awesome Model" ]
[ "TAGS\n#transformers #pytorch #gpt2 #text-generation #conversational #autotrain_compatible #endpoints_compatible #text-generation-inference #region-us \n", "# My Awesome Model" ]
[ 51, 4 ]
[ "passage: TAGS\n#transformers #pytorch #gpt2 #text-generation #conversational #autotrain_compatible #endpoints_compatible #text-generation-inference #region-us \n# My Awesome Model" ]
[ -0.05259015038609505, 0.05521034821867943, -0.005910294596105814, 0.017722278833389282, 0.15250112116336823, 0.02286236733198166, 0.07657632976770401, 0.09513414651155472, -0.025391526520252228, -0.047348517924547195, 0.15119488537311554, 0.19781284034252167, -0.020334534347057343, 0.101333387196064, -0.04688440263271332, -0.3143521845340729, 0.06439975649118423, 0.05463787540793419, -0.015605635941028595, 0.12023304402828217, 0.09468326717615128, -0.0530015267431736, 0.08742043375968933, -0.012155864387750626, -0.1293085366487503, -0.0027921805158257484, -0.002384399762377143, -0.10180269181728363, 0.11194873601198196, 0.033712033182382584, 0.05166437849402428, 0.0182647667825222, -0.05843055993318558, -0.139859139919281, 0.03845210000872612, -0.015005595050752163, -0.05602653697133064, 0.05648263916373253, 0.059830192476511, -0.07164353132247925, 0.1669619083404541, 0.13275989890098572, -0.04237370565533638, 0.056127581745386124, -0.17620700597763062, 0.017941240221261978, 0.01800798624753952, 0.019184142351150513, 0.05306641012430191, 0.10830496996641159, -0.03932326287031174, 0.09217294305562973, -0.11410652846097946, 0.08313368260860443, 0.07800983637571335, -0.29151955246925354, -0.025312699377536774, 0.10440942645072937, 0.06437138468027115, 0.048375632613897324, -0.013386772945523262, 0.0621674507856369, 0.02149512618780136, 0.008602659218013287, 0.02225899137556553, -0.06727100163698196, -0.05789240449666977, 0.032748885452747345, -0.0967593789100647, -0.03634428232908249, 0.19753605127334595, -0.024647634476423264, 0.053590498864650726, -0.06265407055616379, -0.11300963163375854, -0.039751436561346054, -0.050429005175828934, -0.029761891812086105, -0.05090925097465515, 0.09489558637142181, 0.004352911841124296, -0.09534718841314316, -0.13405443727970123, -0.01370926946401596, -0.1618979275226593, 0.15892250835895538, 0.012579603120684624, 0.046201955527067184, -0.19210097193717957, 0.11465331166982651, -0.03857925534248352, -0.08259090781211853, 0.030513519421219826, -0.12010065466165543, 0.03160654753446579, -0.008132083341479301, -0.019599268212914467, -0.049325279891490936, 0.061037879437208176, 0.08101806789636612, 0.018783701583743095, 0.005755073390901089, 0.018167443573474884, 0.05343452841043472, 0.05891622602939606, 0.10033947974443436, -0.02891627699136734, -0.0625043511390686, 0.0025436533614993095, -0.12051084637641907, -0.01122665498405695, -0.05357983708381653, -0.18095199763774872, 0.002246231772005558, 0.02455340512096882, 0.05192234739661217, 0.011778532527387142, 0.09955989569425583, -0.028496338054537773, -0.026898741722106934, 0.06898727267980576, 0.002862759632989764, -0.015707949176430702, -0.005368964280933142, -0.010934269987046719, 0.11485416442155838, -0.023099146783351898, 0.04774846136569977, -0.12022071331739426, 0.020393015816807747, -0.07851235568523407, -0.0019349842332303524, -0.06214260309934616, -0.04864754155278206, -0.0019346009939908981, -0.06985589861869812, 0.021118074655532837, -0.14833110570907593, -0.17990200221538544, -0.005064866971224546, 0.021302316337823868, -0.052403319627046585, -0.09162671118974686, -0.0982397273182869, -0.02586611732840538, 0.03574685752391815, -0.05873546749353409, 0.013170980848371983, -0.06884536147117615, 0.06542801111936569, 0.0029820678755640984, 0.05682007595896721, -0.14085575938224792, 0.08719147741794586, -0.12582023441791534, -0.023288866505026817, -0.061977192759513855, 0.1109607070684433, 0.024780582636594772, 0.1267160177230835, 0.004311583004891872, -0.0033308975398540497, -0.08729329705238342, 0.08271238207817078, -0.04243258014321327, 0.22770646214485168, -0.10479787737131119, -0.08809807151556015, 0.2632525563240051, -0.05423165112733841, -0.16432519257068634, 0.10179096460342407, -0.014350244775414467, 0.12198644131422043, 0.13850919902324677, 0.16080057621002197, 0.007628654129803181, 0.03313867375254631, 0.10115300863981247, 0.08631709218025208, -0.08573295921087265, -0.0611947737634182, 0.023627014830708504, -0.011463395319879055, -0.10670105367898941, 0.046802595257759094, 0.04794782027602196, 0.08188598603010178, -0.04982871189713478, -0.028600862249732018, -0.01972118206322193, -0.044152840971946716, 0.05264130234718323, 0.007675500120967627, 0.13217447698116302, -0.03674980252981186, -0.03692879155278206, -0.023745311424136162, 0.01699630729854107, -0.03115241602063179, 0.007061392068862915, -0.05687357112765312, 0.11091547459363937, -0.03406180441379547, 0.051789235323667526, -0.16953988373279572, -0.04873261600732803, -0.02087729424238205, 0.1402055323123932, 0.04973345249891281, 0.1329866498708725, 0.06287940591573715, -0.010758201591670513, 0.00859389640390873, 0.007998145185410976, 0.13181665539741516, 0.007865442894399166, -0.07660657912492752, -0.047718439251184464, 0.09176599979400635, -0.05973208695650101, 0.06147782504558563, -0.098741315305233, -0.004747362341731787, -0.01433002483099699, 0.08674649894237518, 0.006352655589580536, 0.029382232576608658, -0.006192679051309824, 0.003654100699350238, -0.06161240115761757, 0.017873648554086685, 0.12492607533931732, -0.01421504095196724, -0.07439801841974258, 0.22084392607212067, -0.15798072516918182, 0.18006981909275055, 0.18165533244609833, -0.3081994652748108, 0.024602634832262993, -0.08860466629266739, -0.036338552832603455, 0.03426366671919823, 0.0491504967212677, -0.034147560596466064, 0.16587987542152405, -0.016766328364610672, 0.201018825173378, -0.03547777235507965, -0.01287798210978508, -0.010399105958640575, -0.03656993433833122, -0.010632630437612534, 0.09065473079681396, 0.15122920274734497, -0.1677125245332718, 0.18270380795001984, 0.1660280078649521, 0.06873020529747009, 0.17776396870613098, 0.034313347190618515, -0.006856906693428755, 0.07112615555524826, -0.022670727223157883, -0.07675548642873764, -0.049287427216768265, -0.26302891969680786, -0.027947327122092247, 0.06471601128578186, 0.04510856419801712, 0.11924877762794495, -0.10971947014331818, -0.037208184599876404, 0.010892451740801334, -0.013165894895792007, 0.02132410928606987, 0.09682225435972214, 0.01171150617301464, 0.11804302036762238, -0.021027036011219025, -0.05209195241332054, 0.0898953229188919, 0.02727191150188446, -0.0787680521607399, 0.19168277084827423, -0.10074768215417862, -0.3233809769153595, -0.11354339867830276, -0.18166927993297577, -0.017843691632151604, 0.05878754332661629, 0.08049646019935608, -0.09228580445051193, -0.02625267766416073, -0.01639235019683838, 0.0758359357714653, -0.09145816415548325, -0.015880629420280457, -0.09367848187685013, 0.034986745566129684, -0.10827737301588058, -0.07011983543634415, -0.05141967162489891, -0.03368452936410904, -0.04457031562924385, 0.13157756626605988, -0.12242637574672699, 0.06396433711051941, 0.2076517641544342, 0.06227295100688934, 0.05622440204024315, -0.0229496993124485, 0.23288212716579437, -0.10842552781105042, 0.02383521944284439, 0.1717897206544876, -0.03566030040383339, 0.0727933868765831, 0.13435456156730652, 0.006721907295286655, -0.08144525438547134, 0.03465581312775612, -0.04592517390847206, -0.08630958944559097, -0.20441576838493347, -0.14156180620193481, -0.12814727425575256, 0.07913564145565033, 0.03285396471619606, 0.05478321388363838, 0.15024253726005554, 0.11386489123106003, 0.007987297140061855, 0.00976672861725092, -0.006888182368129492, 0.05438044294714928, 0.17482298612594604, -0.05838097631931305, 0.10041683167219162, -0.037591226398944855, -0.1924494504928589, 0.08022978901863098, 0.04309763014316559, 0.08280511945486069, 0.07474655658006668, 0.0856199786067009, 0.013537914492189884, 0.03723837807774544, 0.10897084325551987, 0.1165735274553299, 0.031679023057222366, -0.038079675287008286, -0.04882059991359711, -0.026300756260752678, -0.03285675123333931, 0.05745977535843849, 0.07790146768093109, -0.1608346849679947, -0.06348084658384323, -0.06350091099739075, 0.07662643492221832, 0.09017108380794525, 0.11811108142137527, -0.21219493448734283, 0.01579318381845951, 0.092556893825531, -0.0494147390127182, -0.1304239183664322, 0.07402537018060684, -0.00466050673276186, -0.1397053301334381, 0.037663187831640244, -0.014095795340836048, 0.1359514445066452, -0.0778401643037796, 0.10336452722549438, -0.08307972550392151, -0.06147889420390129, 0.03632286190986633, 0.1355396956205368, -0.30774354934692383, 0.2137020230293274, -0.022472934797406197, -0.05296783149242401, -0.10508129745721817, -0.011727629229426384, 0.020913105458021164, 0.09079049527645111, 0.10090240091085434, -0.0025442070327699184, 0.0061299679800868034, -0.0345483273267746, -0.053218815475702286, 0.024456629529595375, 0.07957815378904343, -0.08542889356613159, 0.0017540202243253589, -0.02361489273607731, -0.004407065454870462, -0.032844748347997665, -0.01189463958144188, -0.011617658659815788, -0.16786961257457733, 0.06556065380573273, -0.002625665394589305, 0.11129079759120941, 0.03491498529911041, 0.0024013579823076725, -0.1009332686662674, 0.19977013766765594, 0.01796281896531582, -0.08052749931812286, -0.08830537647008896, -0.03254766762256622, 0.03660419583320618, -0.06121435388922691, 0.027481911703944206, -0.06916457414627075, 0.033381566405296326, -0.06441576033830643, -0.18325145542621613, 0.1268530637025833, -0.10945470631122589, -0.03609596937894821, -0.04321056231856346, 0.18323224782943726, -0.00929707009345293, -0.0011623724130913615, 0.05866571143269539, 0.0032208464108407497, -0.1347510665655136, -0.10740556567907333, 0.020214511081576347, -0.015275230631232262, 0.009142245166003704, 0.05559912323951721, -0.009665844030678272, 0.00045268211397342384, -0.039558928459882736, -0.023234419524669647, 0.32348164916038513, 0.10732097923755646, -0.04944206401705742, 0.17007054388523102, 0.13087597489356995, -0.0827672928571701, -0.30699312686920166, -0.10971353948116302, -0.10529600828886032, -0.026918673887848854, -0.037983208894729614, -0.19617970287799835, 0.09504909813404083, -0.03528566658496857, -0.022136637941002846, 0.11253651231527328, -0.2759084105491638, -0.0770430713891983, 0.1826775223016739, 0.003314757253974676, 0.3998824954032898, -0.10265109688043594, -0.08777514100074768, -0.06741699576377869, -0.1120782196521759, 0.2033512443304062, -0.05560711398720741, 0.08663415163755417, -0.00517998356372118, 0.15513743460178375, 0.055607251822948456, -0.02176513522863388, 0.08932057023048401, -0.005811662413179874, -0.0546204075217247, -0.1219351515173912, -0.03444604203104973, -0.009159418754279613, 0.007239421829581261, 0.03589896112680435, -0.04242607578635216, 0.01279151439666748, -0.1399589478969574, -0.045490626245737076, -0.0764620453119278, 0.024699507281184196, 0.021008269861340523, -0.0652410089969635, -0.01643640361726284, -0.03945036977529526, -0.012804778292775154, 0.03164318576455116, 0.15236099064350128, -0.06478006392717361, 0.1476556956768036, 0.04904455319046974, 0.15412139892578125, -0.14745712280273438, -0.02258288487792015, -0.06896031647920609, -0.05498642474412918, 0.04900865629315376, -0.10053684562444687, 0.050061121582984924, 0.1202658861875534, -0.0742902010679245, 0.0987328365445137, 0.0922594666481018, -0.01938629150390625, 0.0012483424507081509, 0.1226617842912674, -0.2489612102508545, -0.07742628455162048, -0.10509459674358368, 0.013337249867618084, 0.10138551890850067, 0.06995654851198196, 0.17304721474647522, -0.0037713919300585985, -0.036284226924180984, -0.0064643872901797295, 0.025414984673261642, -0.03540204465389252, 0.05724727362394333, -0.002706433180719614, 0.016663886606693268, -0.15213344991207123, 0.060368724167346954, -0.00024176653823815286, -0.1438901126384735, -0.013603870756924152, 0.16073721647262573, -0.11208858340978622, -0.15145981311798096, -0.007263668347150087, 0.13685113191604614, -0.13171035051345825, -0.03302847594022751, -0.03708777576684952, -0.170182466506958, 0.07439173012971878, 0.1024777740240097, 0.08549231290817261, 0.08025266975164413, -0.06620611250400543, -0.00807863101363182, -0.011656313203275204, -0.026087598875164986, 0.031810320913791656, -0.023377234116196632, -0.09044221043586731, 0.03872343525290489, -0.026654237881302834, 0.13591371476650238, -0.09607382118701935, -0.09331836551427841, -0.135749951004982, 0.039314381778240204, -0.12405620515346527, -0.08138058334589005, -0.12200927734375, -0.0591500885784626, 0.00224387738853693, -0.0001289021165575832, -0.035674065351486206, -0.06687422841787338, -0.13582271337509155, 0.04366770386695862, -0.04484611004590988, 0.0013091047294437885, -0.040241483598947525, 0.04561002552509308, 0.06766383349895477, -0.03493715822696686, 0.13722217082977295, 0.11722734570503235, -0.07864081114530563, 0.08946478366851807, -0.16657429933547974, -0.0683990865945816, 0.08854512125253677, 0.008173754438757896, 0.06165994703769684, 0.06743349134922028, 0.033807408064603806, 0.06109451875090599, 0.04151686280965805, 0.03488299250602722, 0.01739438995718956, -0.09271225333213806, 0.015541021712124348, 0.022296719253063202, -0.1294609159231186, -0.04801803454756737, -0.029226921498775482, 0.00939185917377472, 0.008117396384477615, 0.11003357172012329, -0.0426274873316288, 0.09439733624458313, -0.05888751894235611, 0.036728594452142715, 0.016222506761550903, -0.16461637616157532, -0.020102784037590027, -0.11915475130081177, 0.028684545308351517, -0.0033096212428063154, 0.25625869631767273, 0.06346847862005234, 0.020517030730843544, 0.01250078622251749, 0.08567021042108536, 0.07241600006818771, 0.02562166005373001, 0.1956365555524826, 0.10854171961545944, -0.05020022392272949, -0.12334850430488586, 0.09686340391635895, 0.034720368683338165, 0.06432123482227325, 0.13385434448719025, -0.026959087699651718, 0.002498799469321966, 0.11019360274076462, 0.011678861454129219, 0.04961980879306793, -0.09859088063240051, -0.16400282084941864, -0.00994415208697319, 0.061864156275987625, -0.04559077322483063, 0.12240655720233917, 0.11382720619440079, -0.020697353407740593, 0.03180128335952759, -0.010503606870770454, -0.05694027617573738, -0.16998925805091858, -0.1630837321281433, -0.08357038348913193, -0.11794789135456085, -0.0027763545513153076, -0.11386270076036453, 0.013879159465432167, 0.06452289968729019, 0.0604364387691021, -0.09019444137811661, 0.08891061693429947, 0.0687386617064476, -0.11843101680278778, 0.08828350901603699, -0.033263903111219406, 0.07249268144369125, 0.0015160300536081195, 0.003872724948450923, -0.13800905644893646, 0.032393742352724075, -0.008493867702782154, 0.04159298539161682, -0.09244006127119064, 0.022458361461758614, -0.11297028511762619, -0.07659684121608734, -0.07971972227096558, 0.05093973129987717, -0.03541257977485657, 0.1390930563211441, 0.001295371213927865, -0.035233911126852036, 0.024190181866288185, 0.22729112207889557, -0.06350252777338028, -0.030667411163449287, -0.0618741400539875, 0.21414142847061157, 0.024466563016176224, 0.10703565180301666, -0.016775688156485558, 0.019240234047174454, -0.0764411985874176, 0.3689337372779846, 0.344390869140625, -0.1225387305021286, -0.0015968306688591838, 0.031062176451086998, 0.036916591227054596, 0.11621878296136856, 0.12602226436138153, 0.057955991476774216, 0.2995031177997589, -0.08396036922931671, -0.002026971662417054, -0.02688612788915634, -0.03624163940548897, -0.04409930482506752, 0.10547586530447006, 0.06835740804672241, -0.03330419585108757, -0.027012333273887634, 0.1376710683107376, -0.2966996431350708, 0.12323499470949173, -0.15714547038078308, -0.1487535685300827, -0.06873904913663864, -0.005042468197643757, 0.08589684963226318, 0.04748665541410446, 0.1069009080529213, -0.019124338403344154, -0.08203735202550888, 0.05766449123620987, 0.0320524163544178, -0.22844897210597992, 0.011852608993649483, 0.08361081779003143, -0.06153005734086037, 0.011767351068556309, -0.017906347289681435, 0.038472190499305725, 0.07790610194206238, 0.025976579636335373, -0.032770540565252304, 0.06325861811637878, -0.005814229138195515, -0.05033424496650696, 0.04302205145359039, 0.05059972032904625, 0.017107632011175156, -0.1511564701795578, 0.07320158183574677, -0.1762860119342804, 0.0566408596932888, -0.005331212189048529, -0.04948166385293007, 0.000018263708625454456, 0.01998119056224823, -0.06808236241340637, 0.05880929157137871, 0.0952666699886322, -0.012173139490187168, -0.002317852806299925, -0.056667573750019073, 0.007662574760615826, -0.0679154172539711, -0.0747012197971344, -0.10497893393039703, -0.1338900774717331, -0.11392296850681305, 0.10846775025129318, -0.011928223073482513, -0.19833622872829437, 0.02906924858689308, -0.11258108913898468, 0.04933213070034981, -0.13360801339149475, 0.08599711954593658, 0.1282832771539688, 0.021543797105550766, -0.01265349704772234, 0.04020093381404877, 0.01591683179140091, 0.08550478518009186, -0.09200563281774521, -0.10515180230140686 ]
null
null
transformers
# Dona Julia DialoGPT Model
{"tags": ["conversational"]}
text-generation
Kaledmgo/DialoGPT-small-donajulia
[ "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
# Dona Julia DialoGPT Model
[ "# Dona Julia DialoGPT Model" ]
[ "TAGS\n#transformers #pytorch #gpt2 #text-generation #conversational #autotrain_compatible #endpoints_compatible #text-generation-inference #region-us \n", "# Dona Julia DialoGPT Model" ]
[ 51, 8 ]
[ "passage: TAGS\n#transformers #pytorch #gpt2 #text-generation #conversational #autotrain_compatible #endpoints_compatible #text-generation-inference #region-us \n# Dona Julia DialoGPT Model" ]
[ -0.044344592839479446, 0.08100621402263641, -0.00688067777082324, 0.01997661590576172, 0.12426230311393738, -0.007362767588347197, 0.12783268094062805, 0.13335557281970978, -0.02658485248684883, -0.0382443368434906, 0.13042111694812775, 0.15606293082237244, -0.01735745556652546, 0.09433256834745407, -0.08679455518722534, -0.30840057134628296, 0.052450548857450485, 0.06027904897928238, 0.036136090755462646, 0.11033476889133453, 0.09202476590871811, -0.035265590995550156, 0.08318120241165161, 0.03297026827931404, -0.12239155173301697, -0.0002358640922466293, 0.01615639589726925, -0.12344692647457123, 0.10920004546642303, 0.07853095233440399, 0.02611120603978634, 0.03163587674498558, -0.05337115004658699, -0.1452452391386032, 0.03418616205453873, -0.02384163811802864, -0.05384844169020653, 0.04225994646549225, 0.004502269439399242, -0.10550882667303085, 0.14171764254570007, 0.08901321887969971, -0.015041342005133629, 0.04101933166384697, -0.17313405871391296, 0.0038494307082146406, 0.016927948221564293, 0.03773747384548187, 0.026218125596642494, 0.10729441791772842, -0.04987465962767601, 0.12948238849639893, -0.07559721916913986, 0.09620896726846695, 0.08636115491390228, -0.33413976430892944, -0.03467414155602455, 0.09364964067935944, 0.04281299188733101, 0.05377154424786568, -0.0008419969817623496, 0.11275167018175125, 0.029874617233872414, -0.019082732498645782, -0.05648805946111679, -0.08182185888290405, -0.042866721749305725, -0.006649823859333992, -0.09628646820783615, -0.013318340294063091, 0.22341220080852509, -0.030995534732937813, 0.05712689086794853, -0.07512671500444412, -0.09039930999279022, 0.01993378810584545, -0.06263700872659683, -0.054531753063201904, -0.07080244272947311, 0.07434394210577011, 0.011374793946743011, -0.10204686224460602, -0.1161140501499176, -0.005743102170526981, -0.16851867735385895, 0.1045466810464859, 0.031584277749061584, 0.023663828149437904, -0.23069623112678528, 0.08393446356058121, -0.06843754649162292, -0.09903878718614578, 0.01212371326982975, -0.10123772919178009, 0.03510299697518349, 0.009166575968265533, -0.019170520827174187, -0.022157616913318634, 0.0705808624625206, 0.07854712009429932, 0.028167754411697388, 0.014074127189815044, -0.04648450016975403, 0.05269518122076988, 0.06456191837787628, 0.07476615905761719, -0.017484722658991814, -0.08480896800756454, 0.023355456069111824, -0.11412868648767471, -0.005124540999531746, -0.05324537307024002, -0.1613701730966568, -0.05143102630972862, 0.03560951352119446, 0.06693433225154877, 0.06467904150485992, 0.12360606342554092, -0.0085707763209939, -0.04558416083455086, 0.028585461899638176, 0.0007189488387666643, -0.0059904358349740505, 0.009512492455542088, -0.018691647797822952, 0.17266932129859924, 0.00409200694411993, 0.06163967773318291, -0.12393229454755783, -0.014485773630440235, -0.06633032113313675, -0.014751710928976536, -0.0187422763556242, -0.03058387152850628, -0.004869990516453981, -0.03295682370662689, 0.007524245418608189, -0.16274137794971466, -0.15922705829143524, -0.005843760445713997, -0.004764722194522619, -0.08837872743606567, -0.08299478888511658, -0.12820659577846527, -0.012578030116856098, 0.04748689383268356, -0.05816527456045151, -0.03407563269138336, -0.06436490267515182, 0.07535966485738754, -0.00866242591291666, 0.07261233031749725, -0.08260232955217361, 0.06842266023159027, -0.08381132036447525, -0.03184792771935463, -0.09796704351902008, 0.1456562876701355, 0.019738174974918365, 0.0668892115354538, -0.02789112739264965, -0.01637684740126133, -0.09179600328207016, 0.07005854696035385, -0.03512880578637123, 0.2666793167591095, -0.09566134214401245, -0.10348767042160034, 0.27038896083831787, -0.040829453617334366, -0.10332892090082169, 0.12457821518182755, 0.005923741031438112, 0.1067579835653305, 0.13147781789302826, 0.21712496876716614, 0.023981688544154167, -0.007755698170512915, 0.11973055452108383, 0.0728464126586914, -0.07697858661413193, -0.013581736013293266, 0.014131687581539154, -0.026947909966111183, -0.028289439156651497, 0.03126579895615578, 0.037052858620882034, 0.04714880883693695, -0.056391675025224686, -0.03590570390224457, 0.004668768495321274, -0.002237574430182576, 0.06261419504880905, -0.029212916269898415, 0.130101278424263, -0.02352754957973957, -0.06235811114311218, -0.06926783174276352, -0.003485293360427022, -0.050800930708646774, 0.04285569116473198, -0.08452396094799042, 0.11119747161865234, 0.015910368412733078, 0.06390901654958725, -0.1364102065563202, -0.033959463238716125, -0.03745404630899429, 0.17396849393844604, 0.060082558542490005, 0.1083187684416771, 0.05088198930025101, -0.03749499097466469, -0.007583053782582283, 0.05198708921670914, 0.16778680682182312, -0.030171798542141914, -0.0665603056550026, -0.11112537980079651, 0.10898343473672867, -0.05517631396651268, 0.13119186460971832, -0.06981369853019714, 0.010668243281543255, 0.020456109195947647, 0.0952983945608139, -0.0151589410379529, 0.03026430867612362, 0.005839945748448372, -0.017916478216648102, -0.04144022613763809, 0.016892649233341217, 0.11573093384504318, 0.0035465331748127937, -0.09056878834962845, 0.22593453526496887, -0.16151778399944305, 0.12699182331562042, 0.16587646305561066, -0.23904500901699066, 0.0012511175591498613, -0.11971871554851532, -0.03468519449234009, 0.018054964020848274, 0.07747238129377365, -0.022292019799351692, 0.25415921211242676, -0.027280477806925774, 0.17355015873908997, -0.039044398814439774, -0.03456849604845047, -0.01730167865753174, -0.055695004761219025, -0.023197844624519348, 0.08907337486743927, 0.07281980663537979, -0.15681792795658112, 0.13940037786960602, 0.0635608658194542, 0.06158565729856491, 0.2217460423707962, 0.04664718359708786, 0.013988393358886242, 0.058683592826128006, -0.007110989186912775, -0.041289132088422775, -0.0894765704870224, -0.2880100607872009, -0.0564185231924057, 0.07034698128700256, 0.04438168928027153, 0.10905468463897705, -0.07750173658132553, -0.025262605398893356, 0.005402577109634876, -0.01900111511349678, 0.022390112280845642, 0.10729918628931046, 0.00589987775310874, 0.1193879097700119, -0.010035826824605465, -0.07008010894060135, 0.054559819400310516, 0.016303110867738724, -0.08565781265497208, 0.17721925675868988, -0.08625570684671402, -0.31228744983673096, -0.0883161798119545, -0.17375478148460388, -0.03282793238759041, 0.0599602572619915, 0.09874898940324783, -0.08865153044462204, -0.015549896284937859, 0.005286569707095623, 0.09351565688848495, -0.07687123119831085, -0.0022309054620563984, -0.04174473136663437, 0.011204252019524574, -0.11679832637310028, -0.10156575590372086, -0.0604894794523716, -0.05337557941675186, -0.05515889450907707, 0.10517901927232742, -0.15690724551677704, 0.04712150990962982, 0.2213328331708908, 0.056605271995067596, 0.04465053975582123, -0.028814073652029037, 0.19461898505687714, -0.13346411287784576, 0.008873059414327145, 0.18094784021377563, -0.028438197448849678, 0.048320941627025604, 0.12629270553588867, -0.019193323329091072, -0.08196467161178589, 0.019681615754961967, -0.03301669657230377, -0.06087442860007286, -0.21979539096355438, -0.15185527503490448, -0.11022750288248062, 0.11260132491588593, 0.009812562726438046, 0.02401762828230858, 0.15939496457576752, 0.08223820477724075, -0.03722181171178818, 0.015239001251757145, 0.05618556588888168, 0.08732050657272339, 0.25808393955230713, -0.057648371905088425, 0.14969590306282043, -0.0033477621618658304, -0.18154233694076538, 0.06443166732788086, 0.018537010997533798, 0.100666843354702, 0.06148204952478409, 0.09170297533273697, 0.0218487735837698, 0.040695346891880035, 0.12723205983638763, 0.04010855033993721, 0.03524693101644516, -0.03759977966547012, -0.05446294695138931, -0.04817550629377365, -0.01729809306561947, 0.03870975226163864, 0.0815664604306221, -0.18188342452049255, -0.05790559574961662, -0.008082929067313671, 0.0669977143406868, 0.02768552675843239, 0.08407267928123474, -0.1554385870695114, 0.004322397988289595, 0.08367370069026947, -0.026264796033501625, -0.11588829755783081, 0.07852593809366226, -0.011353700421750546, -0.15504774451255798, 0.03559787943959236, -0.003928696271032095, 0.11939216405153275, -0.12537012994289398, 0.09809751063585281, -0.1382170170545578, -0.0833037719130516, 0.01336806919425726, 0.10437748581171036, -0.3012543320655823, 0.2344539612531662, -0.0028536568861454725, -0.0539209209382534, -0.11981309205293655, -0.024405214935541153, 0.006957175210118294, 0.09222763031721115, 0.1252869963645935, -0.02075313590466976, 0.04280739650130272, 0.07597669214010239, -0.062458328902721405, 0.03219642862677574, 0.09469987452030182, -0.027596527710556984, -0.00419043842703104, -0.03989819437265396, -0.005464934278279543, -0.022549647837877274, 0.008560382761061192, -0.036990679800510406, -0.17914988100528717, 0.06962046027183533, 0.06288515776395798, 0.07037603110074997, 0.0414874441921711, -0.03655335307121277, -0.053110457956790924, 0.2594960033893585, 0.03410706669092178, -0.07900592684745789, -0.08480309695005417, -0.017239026725292206, 0.031701602041721344, -0.06394471973180771, 0.028951887041330338, -0.054285284131765366, 0.04094285890460014, -0.060638073831796646, -0.15656112134456635, 0.12933818995952606, -0.09409254789352417, -0.03303153067827225, -0.038797467947006226, 0.20415085554122925, -0.020848872140049934, 0.0308362003415823, 0.057983335107564926, 0.004182980861514807, -0.10480845719575882, -0.07840081304311752, -0.0032975412905216217, 0.02414924092590809, -0.00801734160631895, 0.008466421626508236, -0.03744574263691902, -0.09119557589292526, -0.07578523457050323, -0.012678761966526508, 0.3145669400691986, 0.14613400399684906, -0.02917073853313923, 0.14549195766448975, 0.13545939326286316, -0.06428392976522446, -0.27704691886901855, -0.07579355686903, -0.06320634484291077, -0.030655300244688988, -0.09023739397525787, -0.1695941984653473, 0.040040869265794754, -0.008184276521205902, -0.020144900307059288, 0.08956552296876907, -0.27150750160217285, -0.0955362617969513, 0.17640523612499237, -0.02961858920753002, 0.4485270082950592, -0.09128764271736145, -0.1036810651421547, -0.04680531844496727, -0.20248527824878693, 0.1490059494972229, -0.059728290885686874, 0.11263372749090195, 0.0005294893635436893, 0.1343558430671692, 0.057380311191082, 0.0031556240282952785, 0.07748018205165863, 0.03851328045129776, -0.06517055630683899, -0.10023299604654312, -0.08002473413944244, -0.011256109923124313, 0.03048938885331154, 0.031997013837099075, -0.021875649690628052, 0.020186716690659523, -0.1020369678735733, -0.06251540780067444, -0.09808038920164108, 0.03503778204321861, 0.018666157498955727, -0.07847387343645096, 0.015482988208532333, -0.046894945204257965, -0.0059803687036037445, 0.022968962788581848, 0.17153282463550568, -0.11360049992799759, 0.12090970575809479, 0.08915064483880997, 0.14645905792713165, -0.1023416742682457, 0.033276867121458054, -0.0739762932062149, -0.0503293015062809, 0.05001292750239372, -0.09592268615961075, 0.01859080232679844, 0.11121241003274918, -0.03781764581799507, 0.07886947691440582, 0.08349303156137466, -0.01342554111033678, 0.01174783706665039, 0.10869859904050827, -0.24524199962615967, -0.0707637295126915, -0.08512012660503387, -0.02691548503935337, 0.10043848305940628, 0.0845562145113945, 0.22901712357997894, -0.004197327420115471, -0.035712216049432755, 0.007734339684247971, 0.001914873020723462, -0.045069385319948196, 0.08712182939052582, -0.011407065205276012, 0.00401464244350791, -0.14273181557655334, 0.05239241197705269, 0.007389776408672333, -0.0732431709766388, 0.03587952256202698, 0.14278312027454376, -0.1082945168018341, -0.12904545664787292, -0.08935511857271194, 0.15491996705532074, -0.1585260033607483, 0.0035121224354952574, -0.06660517305135727, -0.12334879487752914, 0.05637746676802635, 0.07228180021047592, 0.038168009370565414, 0.0649176687002182, -0.0937594547867775, -0.033596646040678024, -0.018470371142029762, -0.007047907914966345, 0.056547727435827255, -0.03435685113072395, -0.051033977419137955, 0.07363536208868027, -0.04346013814210892, 0.10561714321374893, -0.08818081021308899, -0.09901824593544006, -0.14302580058574677, 0.04119789972901344, -0.09589178115129471, -0.09389036893844604, -0.08341588079929352, -0.06154434382915497, -0.017410367727279663, -0.027232542634010315, -0.04167304188013077, -0.04816852882504463, -0.1031225249171257, 0.03567805513739586, -0.03961394354701042, 0.012204840779304504, -0.06684345006942749, 0.028641294687986374, 0.052349742501974106, -0.021789731457829475, 0.14244619011878967, 0.14273667335510254, -0.10360035300254822, 0.07971368730068207, -0.1479477435350418, -0.04737580195069313, 0.09864343702793121, 0.00915384478867054, 0.07691585272550583, 0.07457707077264786, 0.007953771390020847, 0.06139082461595535, 0.057656943798065186, 0.05297756940126419, 0.015147550031542778, -0.09499899297952652, 0.06455706059932709, -0.02222895808517933, -0.16067719459533691, -0.031159378588199615, -0.024290606379508972, -0.001254746108315885, 0.018535155802965164, 0.08483262360095978, -0.0573449470102787, 0.0803098976612091, -0.038173407316207886, 0.04290018975734711, 0.028219442814588547, -0.1553982049226761, 0.011179089546203613, -0.11163043230772018, 0.04841461032629013, 0.003958138171583414, 0.18463893234729767, 0.0377359464764595, 0.011743384413421154, 0.02569086290895939, 0.035930175334215164, 0.07754422724246979, 0.004377530422061682, 0.14878448843955994, 0.1184346005320549, -0.048163603991270065, -0.09394777566194534, 0.10762207955121994, 0.03401436284184456, 0.07190356403589249, 0.12597426772117615, -0.045920733362436295, 0.024637257680296898, 0.0967506542801857, 0.0022621769458055496, 0.04451368376612663, -0.10207702964544296, -0.13846614956855774, -0.006883313879370689, 0.05341649428009987, -0.051081668585538864, 0.06476473063230515, 0.14993184804916382, -0.0349925197660923, 0.02502962201833725, -0.026198187842965126, -0.06484422087669373, -0.18717603385448456, -0.1952100694179535, -0.07145228981971741, -0.13456770777702332, 0.005621141754090786, -0.12771986424922943, 0.031310874968767166, -0.017913807183504105, 0.08624729514122009, -0.09482026845216751, 0.08185699582099915, 0.04254875332117081, -0.1249825581908226, 0.107785165309906, -0.019634420052170753, 0.10264815390110016, -0.052612096071243286, 0.02089972048997879, -0.09988702088594437, 0.061998769640922546, -0.002762014977633953, 0.057814162224531174, -0.05868212506175041, 0.0018353670602664351, -0.10005506873130798, -0.09262067079544067, -0.06627866625785828, 0.05212446302175522, -0.003348358441144228, 0.14906026422977448, 0.006267189979553223, -0.04468817263841629, 0.032830867916345596, 0.2554352879524231, -0.04694167152047157, -0.0701109990477562, -0.06557519733905792, 0.19998310506343842, 0.022171588614583015, 0.11950221657752991, -0.03497594967484474, -0.002845650538802147, -0.07839962095022202, 0.3582345247268677, 0.3293011784553528, -0.11377312242984772, 0.013847732916474342, 0.03619546815752983, 0.0414697602391243, 0.13583965599536896, 0.07524915784597397, 0.11616724729537964, 0.31270501017570496, -0.06981389224529266, -0.022363340482115746, -0.00741287088021636, -0.0204576775431633, -0.06706178188323975, 0.09355716407299042, 0.05455058068037033, -0.05688977241516113, -0.016863452270627022, 0.11783270537853241, -0.26549187302589417, 0.10622784495353699, -0.17275120317935944, -0.1816512644290924, -0.08982501178979874, -0.008780734613537788, 0.06506360322237015, 0.0732809528708458, 0.1342107057571411, -0.0017072922782972455, -0.07381066679954529, 0.04728347435593605, 0.03839825093746185, -0.19826816022396088, -0.013062489219009876, 0.061556994915008545, -0.06407777220010757, -0.01853199303150177, -0.027690976858139038, 0.04535273090004921, 0.08327487111091614, 0.04082641005516052, -0.0064276158809661865, 0.03708928823471069, 0.0037992638535797596, -0.04295850545167923, 0.03945592790842056, 0.027670130133628845, 0.012166619300842285, -0.09705838561058044, 0.10608910769224167, -0.16251109540462494, 0.05811566114425659, 0.025749510154128075, -0.009346961975097656, -0.028674734756350517, 0.066880002617836, -0.08176405727863312, 0.05781488120555878, 0.0967869982123375, -0.008685383014380932, -0.01465028990060091, -0.028872663155198097, -0.0020556726958602667, -0.02519094944000244, -0.05741924047470093, -0.09067796915769577, -0.17702698707580566, -0.10836987942457199, 0.10303502529859543, 0.018712511286139488, -0.19626499712467194, 0.0173422209918499, -0.12686501443386078, 0.049927130341529846, -0.13548530638217926, 0.09365233778953552, 0.09472371637821198, 0.014355380088090897, 0.0037623837124556303, -0.01928478106856346, 0.047972992062568665, 0.0832427516579628, -0.1172889694571495, -0.08784861862659454 ]
null
null
transformers
### Overview SinBerto is a small language model trained on a small news corpus. SinBerto is trained on Sinhala Language which is a low resource language compared to other languages. ### Model Specifications. model : [Roberta](https://arxiv.org/abs/1907.11692) vocab_size=52_000, max_position_embeddings=514, num_attention_heads=12, num_hidden_layers=6, type_vocab_size=1 ### How to use from the Transformers Library from transformers import AutoTokenizer, AutoModelForMaskedLM tokenizer = AutoTokenizer.from_pretrained("Kalindu/SinBerto") model = AutoModelForMaskedLM.from_pretrained("Kalindu/SinBerto") ### OR Clone the model repo git lfs install git clone https://huggingface.co/Kalindu/SinBerto
{"language": "si", "tags": ["SinBERTo", "Sinhala", "roberta"]}
fill-mask
Kalindu/SinBerto
[ "transformers", "pytorch", "roberta", "fill-mask", "SinBERTo", "Sinhala", "si", "arxiv:1907.11692", "autotrain_compatible", "endpoints_compatible", "region:us" ]
2022-03-02T23:29:04+00:00
[ "1907.11692" ]
[ "si" ]
TAGS #transformers #pytorch #roberta #fill-mask #SinBERTo #Sinhala #si #arxiv-1907.11692 #autotrain_compatible #endpoints_compatible #region-us
### Overview SinBerto is a small language model trained on a small news corpus. SinBerto is trained on Sinhala Language which is a low resource language compared to other languages. ### Model Specifications. model : Roberta vocab_size=52_000, max_position_embeddings=514, num_attention_heads=12, num_hidden_layers=6, type_vocab_size=1 ### How to use from the Transformers Library from transformers import AutoTokenizer, AutoModelForMaskedLM tokenizer = AutoTokenizer.from_pretrained("Kalindu/SinBerto") model = AutoModelForMaskedLM.from_pretrained("Kalindu/SinBerto") ### OR Clone the model repo git lfs install git clone URL
[ "### Overview\n\nSinBerto is a small language model trained on a small news corpus. SinBerto is trained on Sinhala Language which is a low resource language compared to other languages.", "### Model Specifications.\nmodel : Roberta \n\nvocab_size=52_000,\nmax_position_embeddings=514,\nnum_attention_heads=12,\nnum_hidden_layers=6,\ntype_vocab_size=1", "### How to use from the Transformers Library\n\nfrom transformers import AutoTokenizer, AutoModelForMaskedLM\n \ntokenizer = AutoTokenizer.from_pretrained(\"Kalindu/SinBerto\")\n\nmodel = AutoModelForMaskedLM.from_pretrained(\"Kalindu/SinBerto\")", "### OR Clone the model repo\n\ngit lfs install\n\ngit clone URL" ]
[ "TAGS\n#transformers #pytorch #roberta #fill-mask #SinBERTo #Sinhala #si #arxiv-1907.11692 #autotrain_compatible #endpoints_compatible #region-us \n", "### Overview\n\nSinBerto is a small language model trained on a small news corpus. SinBerto is trained on Sinhala Language which is a low resource language compared to other languages.", "### Model Specifications.\nmodel : Roberta \n\nvocab_size=52_000,\nmax_position_embeddings=514,\nnum_attention_heads=12,\nnum_hidden_layers=6,\ntype_vocab_size=1", "### How to use from the Transformers Library\n\nfrom transformers import AutoTokenizer, AutoModelForMaskedLM\n \ntokenizer = AutoTokenizer.from_pretrained(\"Kalindu/SinBerto\")\n\nmodel = AutoModelForMaskedLM.from_pretrained(\"Kalindu/SinBerto\")", "### OR Clone the model repo\n\ngit lfs install\n\ngit clone URL" ]
[ 56, 41, 56, 74, 16 ]
[ "passage: TAGS\n#transformers #pytorch #roberta #fill-mask #SinBERTo #Sinhala #si #arxiv-1907.11692 #autotrain_compatible #endpoints_compatible #region-us \n### Overview\n\nSinBerto is a small language model trained on a small news corpus. SinBerto is trained on Sinhala Language which is a low resource language compared to other languages.### Model Specifications.\nmodel : Roberta \n\nvocab_size=52_000,\nmax_position_embeddings=514,\nnum_attention_heads=12,\nnum_hidden_layers=6,\ntype_vocab_size=1### How to use from the Transformers Library\n\nfrom transformers import AutoTokenizer, AutoModelForMaskedLM\n \ntokenizer = AutoTokenizer.from_pretrained(\"Kalindu/SinBerto\")\n\nmodel = AutoModelForMaskedLM.from_pretrained(\"Kalindu/SinBerto\")### OR Clone the model repo\n\ngit lfs install\n\ngit clone URL" ]
[ 0.009407452307641506, 0.05529662221670151, -0.004548116587102413, 0.07944613695144653, 0.11606090515851974, -0.006709343753755093, 0.12049631774425507, 0.10842160135507584, -0.030286168679594994, 0.11440616101026535, -0.003213183954358101, 0.010295779444277287, 0.09522935748100281, 0.05122397467494011, 0.0037550984416157007, -0.25325071811676025, 0.05198507010936737, -0.047797925770282745, 0.007215360179543495, 0.04470493644475937, 0.0871981531381607, -0.033678777515888214, 0.1094207763671875, -0.019541149958968163, -0.09085693955421448, 0.044748708605766296, 0.003927350975573063, -0.0433962382376194, 0.020117588341236115, 0.026920247822999954, 0.04675750434398651, -0.04862111434340477, 0.09545467793941498, -0.06829680502414703, 0.010778610594570637, 0.0440896712243557, 0.026819275692105293, -0.004508392885327339, 0.07427310198545456, 0.0933791846036911, 0.12432608008384705, -0.07741322368383408, -0.007043041288852692, 0.042791713029146194, -0.04810537397861481, 0.04674546793103218, -0.05183161795139313, 0.00024406614829786122, 0.035603590309619904, 0.11901620030403137, -0.022382384166121483, 0.17695611715316772, -0.08891651034355164, 0.03885788470506668, 0.07536081969738007, -0.19149093329906464, -0.09587950259447098, 0.15955142676830292, 0.05169026181101799, 0.08548729866743088, 0.001955155748873949, 0.04740608483552933, 0.04325342923402786, 0.060916636139154434, -0.04742221534252167, -0.01028944831341505, 0.14186152815818787, -0.068204365670681, -0.12203720211982727, -0.039069607853889465, 0.13669200241565704, -0.024168821051716805, -0.03090115450322628, -0.05068071931600571, -0.0629056915640831, 0.11365713179111481, -0.02029990404844284, -0.029327845200896263, -0.006933195516467094, 0.03842112421989441, 0.036686092615127563, -0.05817515403032303, -0.03740244358778, -0.02913794480264187, -0.09167830646038055, 0.014683729037642479, 0.05435793846845627, -0.006058279424905777, -0.11103090643882751, -0.033528707921504974, -0.0917493999004364, -0.1204172819852829, -0.024388989433646202, -0.030172767117619514, 0.02241436578333378, 0.0110325263813138, 0.006880591623485088, -0.12719331681728363, 0.08028841763734818, 0.12956836819648743, 0.006864174734801054, 0.026405446231365204, -0.09232307970523834, 0.01342477835714817, 0.005520827602595091, 0.15023480355739594, -0.1235666275024414, -0.03430991992354393, 0.12475848942995071, -0.021603554487228394, 0.10014794021844864, -0.013476230204105377, -0.1400357037782669, -0.05052250251173973, 0.026661260053515434, 0.0366571880877018, 0.10389459133148193, 0.062461890280246735, -0.01985025778412819, -0.06212552636861801, -0.022174106910824776, -0.12002771347761154, 0.045301228761672974, -0.011985457502305508, -0.04691917076706886, 0.13246430456638336, 0.01856919564306736, -0.04502738267183304, -0.11789523810148239, -0.028982039541006088, -0.058689940720796585, -0.03947653993964195, -0.06299389153718948, -0.13981075584888458, 0.058449916541576385, -0.0441676564514637, -0.016627395525574684, -0.15817832946777344, -0.11110468208789825, -0.01723974011838436, -0.01673274300992489, -0.07819531112909317, -0.094325952231884, -0.03919946029782295, -0.03686795011162758, -0.01732078194618225, 0.023723864927887917, -0.12072079628705978, 0.002470522653311491, 0.01292594987899065, 0.051077429205179214, 0.066312775015831, -0.01419302448630333, 0.012737064622342587, -0.1064685806632042, 0.06538665294647217, -0.15618741512298584, 0.09184011816978455, -0.09939572215080261, 0.0900028720498085, -0.11295272409915924, -0.06454575806856155, -0.044676266610622406, -0.022738203406333923, 0.06958401948213577, 0.15360063314437866, -0.1338322013616562, -0.04346268251538277, 0.12733842432498932, -0.11490725725889206, -0.05399494618177414, 0.1962657868862152, 0.05754910036921501, 0.03443867340683937, 0.07158693671226501, 0.141368106007576, 0.07208843529224396, -0.05162960663437843, -0.046358294785022736, -0.0005748450057581067, 0.02546417899429798, 0.022483596578240395, 0.05571905896067619, 0.014139164239168167, -0.06204760819673538, 0.03430274501442909, 0.02564394101500511, 0.03203820437192917, -0.0025580874644219875, -0.0620562843978405, -0.047362349927425385, -0.04601839929819107, -0.005969962105154991, 0.01582442969083786, 0.06343669444322586, -0.014564764685928822, -0.04533956199884415, 0.03733348846435547, 0.06973301619291306, -0.010598533786833286, 0.007817825302481651, -0.11510474234819412, 0.17119301855564117, -0.11129709333181381, 0.023209812119603157, -0.030971044674515724, -0.09926744550466537, 0.09775105118751526, -0.051032498478889465, 0.10422805696725845, -0.06783614307641983, 0.06915024667978287, 0.007068381179124117, 0.010206962004303932, 0.023123160004615784, 0.03433387726545334, -0.025414278730750084, -0.009776849299669266, -0.05432133749127388, -0.009524088352918625, 0.002732847584411502, 0.131148561835289, -0.07283277809619904, 0.017774758860468864, -0.02852693200111389, 0.11443427950143814, -0.04609470069408417, -0.002467731013894081, 0.038340311497449875, 0.01870977133512497, -0.03660539165139198, -0.07415146380662918, -0.004660623613744974, 0.022530769929289818, -0.047790270298719406, 0.030368920415639877, -0.09200364351272583, -0.042796675115823746, 0.08670683205127716, -0.017668690532445908, -0.006145576015114784, 0.09892195463180542, -0.0013789681252092123, -0.0032024967949837446, -0.051707495003938675, -0.009056568145751953, 0.057994142174720764, -0.023270880803465843, 0.06725046038627625, -0.08070415258407593, 0.03039548359811306, 0.023009585216641426, -0.06869002431631088, -0.0472344234585762, 0.10277404636144638, 0.14120763540267944, -0.12182702869176865, 0.09731754660606384, 0.016865290701389313, -0.1199348196387291, 0.10081188380718231, -0.018577847629785538, -0.023728283122181892, -0.04397445544600487, 0.0292280912399292, 0.07304280996322632, -0.06443937122821808, -0.04829360544681549, 0.04306170716881752, 0.0136507423594594, -0.03353942185640335, 0.028913220390677452, -0.016591353341937065, 0.026099713519215584, 0.013736514374613762, -0.01257085707038641, 0.0023058014921844006, 0.03109889291226864, 0.005039882846176624, 0.04181019961833954, 0.0672055184841156, 0.030768198892474174, 0.04261193424463272, 0.01699470728635788, -0.05084919556975365, 0.10832609236240387, -0.10257206857204437, -0.1774788349866867, -0.18984590470790863, -0.009212278760969639, -0.10644714534282684, 0.04637089744210243, 0.0024835937656462193, -0.09952495992183685, -0.08976402878761292, -0.05006925389170647, 0.022851431742310524, -0.053919121623039246, -0.026777328923344612, -0.02318725176155567, 0.010935335420072079, 0.05255621299147606, -0.07413019984960556, -0.019215403124690056, 0.05114499107003212, -0.15166261792182922, 0.03465111553668976, -0.09600136429071426, 0.07722093909978867, 0.07697108387947083, -0.014535583555698395, 0.010332230478525162, 0.03290742635726929, 0.2614527940750122, -0.042872436344623566, 0.08302202075719833, 0.19866366684436798, 0.04067476466298103, 0.04324670881032944, 0.1736571341753006, 0.007525589317083359, -0.021399930119514465, 0.010242857970297337, 0.0037290353793650866, -0.03375973552465439, -0.20641900599002838, -0.09790433198213577, -0.08688785135746002, 0.02891785092651844, 0.06718584150075912, 0.0486823171377182, -0.01077515073120594, 0.07664676755666733, -0.034648578613996506, 0.17538359761238098, -0.023554831743240356, 0.09742996841669083, 0.1670987755060196, 0.04962366074323654, 0.06229501590132713, -0.01233003381639719, -0.05857591703534126, 0.09043364226818085, -0.005788272712379694, 0.04097427800297737, -0.00505193043500185, 0.16763503849506378, -0.013306822627782822, 0.17157039046287537, 0.09298152476549149, 0.022715918719768524, -0.025753922760486603, 0.03985101729631424, -0.0021241111680865288, -0.05401206016540527, -0.0663682222366333, 0.029444994404911995, 0.050008710473775864, 0.005554964300245047, 0.008925610221922398, 0.07507719844579697, 0.018924180418252945, 0.11832849681377411, 0.042604733258485794, -0.20135924220085144, -0.09357982873916626, 0.06078945845365524, 0.013178526423871517, -0.06982219964265823, 0.01212196983397007, 0.06165989860892296, -0.08204302191734314, 0.047586265951395035, 0.005881196819245815, 0.09172533452510834, -0.03893274441361427, 0.01666800118982792, -0.13966497778892517, 0.15454000234603882, 0.014087262563407421, 0.12069213390350342, -0.21429188549518585, 0.08673668652772903, 0.010693352669477463, 0.05048816278576851, -0.07551949471235275, 0.0647847130894661, 0.022631438449025154, 0.06452672183513641, 0.06878864765167236, 0.04017483815550804, -0.1109699234366417, -0.1188364177942276, -0.12626858055591583, 0.019133029505610466, 0.03731789439916611, 0.014008124358952045, 0.07165054231882095, -0.05968298017978668, -0.006099011283367872, -0.025769241154193878, 0.03237861767411232, -0.09921964257955551, -0.10323910415172577, 0.07078509777784348, -0.004406525753438473, -0.04102068766951561, -0.049160316586494446, -0.03845331445336342, -0.07754134386777878, 0.2141200602054596, -0.012017025612294674, -0.0512857548892498, -0.10558292269706726, 0.04800896346569061, 0.10938020050525665, -0.11646491289138794, 0.041952766478061676, -0.0560661256313324, 0.1353394091129303, -0.03074002079665661, -0.10201595723628998, 0.0482424795627594, -0.0643664002418518, -0.03272609785199165, 0.03307383880019188, 0.03019687533378601, -0.01523543894290924, 0.05647539347410202, 0.08044948428869247, -0.007346527185291052, 0.0011412093881517649, -0.0692581981420517, -0.0141798947006464, 0.14073261618614197, -0.10023555904626846, 0.10117386281490326, -0.0979490578174591, -0.0813029408454895, -0.04096952825784683, -0.011465993709862232, 0.09636250138282776, 0.15812626481056213, -0.015483948402106762, 0.008161160163581371, 0.14024022221565247, -0.0903099775314331, -0.2332637906074524, -0.048195965588092804, -0.004728721920400858, 0.046122923493385315, -0.02224494144320488, -0.11242234706878662, 0.11567280441522598, 0.02595025859773159, -0.025097768753767014, -0.09361110627651215, -0.2265450805425644, -0.06223908066749573, 0.0488990917801857, 0.003689295845106244, 0.10633907467126846, -0.08217138051986694, -0.08903375267982483, -0.07546674460172653, 0.035567980259656906, 0.04551420733332634, -0.07128141075372696, 0.0702289268374443, 0.004212633706629276, 0.09726107120513916, 0.053693708032369614, -0.020237049087882042, 0.08297619223594666, -0.09534378349781036, -0.04821598902344704, -0.12990900874137878, 0.011721321381628513, 0.10938537120819092, -0.028376083821058273, 0.11464958637952805, -0.010973016731441021, 0.024178000167012215, -0.08097732067108154, -0.04092643782496452, -0.04106052964925766, 0.0919516533613205, -0.01360599510371685, -0.021339518949389458, -0.07434609532356262, 0.06633612513542175, 0.078694649040699, 0.05329430475831032, 0.020959896966814995, 0.0006211624713614583, 0.0843663439154625, 0.11668208241462708, 0.10091736912727356, 0.027278611436486244, 0.10173340886831284, 0.004602175671607256, -0.014118519611656666, 0.05231037363409996, 0.026072468608617783, 0.027251124382019043, 0.08203322440385818, 0.0006152893183752894, 0.05826220288872719, 0.01495364774018526, -0.09635315090417862, 0.009576855227351189, 0.051271531730890274, -0.06262610852718353, -0.21531125903129578, -0.05358076095581055, 0.02332022413611412, -0.08229884505271912, -0.06791547685861588, 0.12775996327400208, -0.07170552760362625, -0.04115525260567665, 0.025957535952329636, 0.04365263134241104, -0.040213003754615784, 0.13321611285209656, 0.020604537799954414, 0.0072568561881780624, -0.06374742090702057, 0.06307891756296158, 0.1420382559299469, -0.03385007008910179, 0.07318910956382751, 0.2065742313861847, -0.04756300523877144, -0.075752854347229, 0.1035447046160698, 0.07675622403621674, -0.024863649159669876, 0.01160302385687828, -0.08602695912122726, -0.07220150530338287, -0.0008137770928442478, 0.01115509681403637, 0.034281175583601, -0.06637638062238693, -0.064313605427742, 0.0057533239014446735, -0.10030610114336014, 0.08077602833509445, 0.12455634772777557, 0.06899408996105194, -0.11240775883197784, 0.07156848162412643, -0.0462690144777298, 0.07063930481672287, -0.03426875174045563, -0.005662928801029921, -0.1775435507297516, -0.003641663119196892, -0.1081162691116333, 0.08370618522167206, -0.022328773513436317, 0.0097731938585639, -0.02053147181868553, -0.022805457934737206, -0.06769999861717224, 0.02965308539569378, -0.07944459468126297, -0.05221214145421982, -0.04979221895337105, 0.05546627193689346, -0.0178727675229311, 0.0018536325078457594, 0.07297877222299576, -0.030573243275284767, 0.043375786393880844, 0.034277841448783875, -0.025215310975909233, 0.02144574373960495, -0.08877041935920715, -0.07090455293655396, 0.016897404566407204, 0.06465381383895874, 0.04667916148900986, -0.038410916924476624, 0.028880231082439423, 0.05905986949801445, -0.02111945115029812, -0.023426203057169914, 0.02904878370463848, -0.06332904100418091, 0.007501507177948952, -0.029364081099629402, -0.08745644986629486, -0.021057026460766792, 0.050378426909446716, 0.04545385390520096, -0.011373103596270084, 0.10821790248155594, -0.10970450192689896, 0.08884797245264053, -0.09779098629951477, -0.012105202302336693, -0.02858199179172516, -0.07861799746751785, -0.026625219732522964, -0.028078727424144745, 0.07204388082027435, 0.007470692973583937, 0.01279581431299448, 0.08132103830575943, 0.055917758494615555, 0.0009298290242440999, 0.08454985916614532, -0.009163969196379185, -0.023220038041472435, 0.17215083539485931, 0.10637257993221283, -0.009900125674903393, 0.010669171810150146, -0.07122833281755447, 0.01164290402084589, 0.11461987346410751, 0.016780219972133636, 0.05351889505982399, -0.012230808846652508, 0.057404447346925735, 0.12807181477546692, 0.03270925581455231, -0.13488781452178955, -0.0028661147225648165, -0.08047136664390564, 0.07967494428157806, -0.03962268307805061, 0.008758307434618473, 0.10561131685972214, -0.05735379457473755, 0.034377723932266235, -0.02768399566411972, -0.06877690553665161, -0.14612801373004913, -0.31172966957092285, -0.13958336412906647, -0.09309174865484238, 0.012706233188509941, -0.10122109949588776, 0.014729643240571022, 0.02124863676726818, 0.05527355521917343, -0.06058507040143013, 0.12773267924785614, -0.02644236944615841, -0.06537880748510361, 0.026331037282943726, -0.024748636409640312, -0.015561414882540703, 0.08920706063508987, -0.06008077785372734, -0.032096486538648605, 0.08824685215950012, 0.06471669673919678, 0.013068570755422115, 0.05393447354435921, 0.03604651615023613, -0.0389191135764122, -0.061406612396240234, -0.03136951103806496, -0.014260923489928246, -0.0732601061463356, 0.13097839057445526, 0.014218257740139961, -0.05878661572933197, -0.007686333730816841, 0.043195754289627075, -0.036132607609033585, -0.1589697003364563, -0.10450984537601471, 0.23031316697597504, -0.08357160538434982, -0.0036396263167262077, -0.0433264784514904, -0.059231825172901154, -0.04298458620905876, 0.26005128026008606, 0.15148764848709106, -0.01240470726042986, -0.03652427718043327, 0.022171881049871445, 0.0015941396122798324, -0.04604767635464668, 0.1152358129620552, 0.021737894043326378, 0.128641739487648, -0.03333403542637825, 0.08777439594268799, -0.031314678490161896, -0.05427030473947525, -0.20078903436660767, -0.0009658290073275566, 0.0002401726960670203, -0.00625554658472538, -0.03441276773810387, 0.06984967738389969, -0.15440115332603455, -0.010317094624042511, -0.07036413997411728, -0.0620466023683548, -0.10298855602741241, -0.050228964537382126, 0.009259493090212345, 0.04111683741211891, 0.056477636098861694, -0.05246990546584129, 0.036244314163923264, 0.026672188192605972, -0.004786336328834295, -0.09611950814723969, -0.0816386416554451, 0.08471366763114929, 0.05215359851717949, 0.17691519856452942, 0.0369446761906147, -0.02408243529498577, 0.09682336449623108, 0.0117962546646595, -0.1207386776804924, 0.06423480063676834, 0.032209642231464386, -0.08785964548587799, 0.0405350960791111, 0.15026873350143433, -0.07625514268875122, 0.04310375079512596, 0.04938958212733269, -0.030640237033367157, -0.012919502332806587, 0.01116324681788683, 0.052903398871421814, -0.09025178849697113, 0.0600978247821331, -0.13640829920768738, 0.1158730760216713, 0.19034773111343384, -0.023637091740965843, -0.04941694438457489, -0.10212404280900955, 0.0829671248793602, 0.005302885547280312, 0.05113044008612633, -0.043621648102998734, -0.14902478456497192, -0.07797712087631226, -0.09520798921585083, 0.05810857564210892, -0.14858673512935638, -0.03039976768195629, -0.08774902671575546, 0.029267167672514915, -0.11633598059415817, 0.10567131638526917, 0.1231386810541153, -0.021883657202124596, 0.0014531651977449656, -0.12940481305122375, -0.03216136246919632, 0.03430158272385597, -0.08621629327535629, -0.0571410171687603 ]
null
null
null
demo file
{}
null
KalyanM/demo
[ "region:us" ]
2022-03-02T23:29:04+00:00
[]
[]
TAGS #region-us
demo file
[]
[ "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
null
Dummy model
{}
null
KalyanM/dummy
[ "region:us" ]
2022-03-02T23:29:04+00:00
[]
[]
TAGS #region-us
Dummy model
[]
[ "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
<!-- 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-ner This model is a fine-tuned version of [distilbert-base-uncased](https://huggingface.co/distilbert-base-uncased) on the conll2003 dataset. It achieves the following results on the evaluation set: - Loss: 0.0604 - Precision: 0.9271 - Recall: 0.9381 - F1: 0.9326 - Accuracy: 0.9836 ## 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: 16 - eval_batch_size: 16 - seed: 42 - optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08 - lr_scheduler_type: linear - num_epochs: 3 ### Training results | Training Loss | Epoch | Step | Validation Loss | Precision | Recall | F1 | Accuracy | |:-------------:|:-----:|:----:|:---------------:|:---------:|:------:|:------:|:--------:| | 0.2324 | 1.0 | 878 | 0.0688 | 0.9146 | 0.9264 | 0.9205 | 0.9816 | | 0.0517 | 2.0 | 1756 | 0.0620 | 0.9207 | 0.9329 | 0.9268 | 0.9829 | | 0.0301 | 3.0 | 2634 | 0.0604 | 0.9271 | 0.9381 | 0.9326 | 0.9836 | ### Framework versions - Transformers 4.9.1 - Pytorch 1.9.0+cu102 - Datasets 1.11.0 - Tokenizers 0.10.3
{"license": "apache-2.0", "tags": ["generated_from_trainer"], "datasets": ["conll2003"], "metrics": ["precision", "recall", "f1", "accuracy"], "model_index": [{"name": "distilbert-base-uncased-finetuned-ner", "results": [{"task": {"name": "Token Classification", "type": "token-classification"}, "dataset": {"name": "conll2003", "type": "conll2003", "args": "conll2003"}, "metric": {"name": "Accuracy", "type": "accuracy", "value": 0.9836370279759162}}]}]}
token-classification
KamSut/distilbert-base-uncased-finetuned-ner
[ "transformers", "pytorch", "tensorboard", "distilbert", "token-classification", "generated_from_trainer", "dataset:conll2003", "license:apache-2.0", "autotrain_compatible", "endpoints_compatible", "region:us" ]
2022-03-02T23:29:04+00:00
[]
[]
TAGS #transformers #pytorch #tensorboard #distilbert #token-classification #generated_from_trainer #dataset-conll2003 #license-apache-2.0 #autotrain_compatible #endpoints_compatible #region-us
distilbert-base-uncased-finetuned-ner ===================================== This model is a fine-tuned version of distilbert-base-uncased on the conll2003 dataset. It achieves the following results on the evaluation set: * Loss: 0.0604 * Precision: 0.9271 * Recall: 0.9381 * F1: 0.9326 * Accuracy: 0.9836 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: 16 * eval\_batch\_size: 16 * seed: 42 * optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08 * lr\_scheduler\_type: linear * num\_epochs: 3 ### Training results ### Framework versions * Transformers 4.9.1 * Pytorch 1.9.0+cu102 * Datasets 1.11.0 * Tokenizers 0.10.3
[ "### Training hyperparameters\n\n\nThe following hyperparameters were used during training:\n\n\n* learning\\_rate: 2e-05\n* train\\_batch\\_size: 16\n* eval\\_batch\\_size: 16\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", "### Training results", "### Framework versions\n\n\n* Transformers 4.9.1\n* Pytorch 1.9.0+cu102\n* Datasets 1.11.0\n* Tokenizers 0.10.3" ]
[ "TAGS\n#transformers #pytorch #tensorboard #distilbert #token-classification #generated_from_trainer #dataset-conll2003 #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: 16\n* eval\\_batch\\_size: 16\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", "### Training results", "### Framework versions\n\n\n* Transformers 4.9.1\n* Pytorch 1.9.0+cu102\n* Datasets 1.11.0\n* Tokenizers 0.10.3" ]
[ 65, 98, 4, 35 ]
[ "passage: TAGS\n#transformers #pytorch #tensorboard #distilbert #token-classification #generated_from_trainer #dataset-conll2003 #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: 16\n* eval\\_batch\\_size: 16\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### Training results### Framework versions\n\n\n* Transformers 4.9.1\n* Pytorch 1.9.0+cu102\n* Datasets 1.11.0\n* Tokenizers 0.10.3" ]
[ -0.10255871713161469, 0.10539267212152481, -0.00214369292370975, 0.12020950019359589, 0.15903787314891815, 0.029840590432286263, 0.10807906836271286, 0.12274046242237091, -0.11434255540370941, 0.030879756435751915, 0.12895672023296356, 0.1712215095758438, 0.010373823344707489, 0.12424161285161972, -0.05817195773124695, -0.25059065222740173, -0.0032364886719733477, 0.05006325989961624, -0.07109494507312775, 0.1261829435825348, 0.098833829164505, -0.13841308653354645, 0.09173785150051117, 0.00905834324657917, -0.2146635502576828, 0.0054509988985955715, 0.008342849090695381, -0.05729762837290764, 0.13314498960971832, 0.0294477678835392, 0.13272933661937714, -0.005307616200298071, 0.08937913924455643, -0.18023383617401123, 0.005790883209556341, 0.051778294146060944, 0.005606415681540966, 0.08844007551670074, 0.045780837535858154, 0.008998177014291286, 0.12307481467723846, -0.07930007576942444, 0.05701543390750885, 0.013293053954839706, -0.11489178240299225, -0.21894565224647522, -0.0935593843460083, 0.045796558260917664, 0.0761847272515297, 0.10102034360170364, 0.0023126546293497086, 0.1392800509929657, -0.08791504055261612, 0.09048745781183243, 0.2130136936903, -0.29831841588020325, -0.06735406816005707, 0.04121851921081543, 0.008643759414553642, 0.029652465134859085, -0.10871141403913498, -0.04120428115129471, 0.05491676554083824, 0.048971615731716156, 0.12907281517982483, -0.038429588079452515, -0.1241060346364975, 0.01602264679968357, -0.13965150713920593, -0.028238222002983093, 0.16118167340755463, 0.03782263398170471, -0.029685530811548233, -0.046535979956388474, -0.05643749609589577, -0.16367700695991516, -0.029003163799643517, -0.008906164206564426, 0.046756912022829056, -0.03568905219435692, -0.0653354674577713, 0.009853038005530834, -0.10899555683135986, -0.061145033687353134, -0.08953680098056793, 0.13629408180713654, 0.03519825637340546, 0.01534251868724823, -0.025256918743252754, 0.10268127918243408, 0.007348612416535616, -0.12443239241838455, 0.015354856848716736, 0.028674136847257614, -0.007664091419428587, -0.05595702677965164, -0.05627155303955078, -0.04410756751894951, 0.009763343259692192, 0.14286161959171295, -0.0551065094769001, 0.03977460786700249, 0.04810221493244171, 0.03960094228386879, -0.0797455906867981, 0.1808391660451889, -0.05106561258435249, -0.021555554121732712, 0.008259857073426247, 0.03902958706021309, 0.023277325555682182, -0.0025662092957645655, -0.12032413482666016, 0.007747654803097248, 0.09660116583108902, 0.0040515405125916, -0.06651708483695984, 0.0730704590678215, -0.06183464825153351, -0.020003343001008034, 0.01817041076719761, -0.09099721163511276, 0.03842529281973839, -0.006828721612691879, -0.08226842433214188, -0.020809387788176537, 0.01680723764002323, 0.018180305138230324, -0.008505401201546192, 0.12702760100364685, -0.09571273624897003, 0.021716414019465446, -0.09561675041913986, -0.10818422585725784, 0.030209079384803772, -0.09415706992149353, 0.03555135056376457, -0.09849019348621368, -0.17402802407741547, -0.013611898757517338, 0.06176286190748215, -0.024734605103731155, -0.06315313279628754, -0.04590883105993271, -0.08352536708116531, 0.012991010211408138, -0.016811631619930267, 0.13133253157138824, -0.06592542678117752, 0.09349852800369263, 0.03145521506667137, 0.06399993598461151, -0.055257976055145264, 0.052310626953840256, -0.10168170928955078, 0.015354696661233902, -0.15835103392601013, 0.024904433637857437, -0.054766733199357986, 0.07197403162717819, -0.08802897483110428, -0.10300497710704803, 0.015688220039010048, -0.0035176698584109545, 0.06792531162500381, 0.07805366814136505, -0.17569856345653534, -0.06900952756404877, 0.13671861588954926, -0.07240164279937744, -0.12708479166030884, 0.10982917249202728, -0.061615075916051865, 0.03930359706282616, 0.05871294066309929, 0.15466563403606415, 0.06886140257120132, -0.08944302052259445, -0.016654985025525093, 0.01159551553428173, 0.04444773122668266, -0.0795292928814888, 0.06750805675983429, 0.012015139684081078, 0.03366333991289139, 0.02637074701488018, -0.023802215233445168, 0.05433901771903038, -0.09033822268247604, -0.09238622337579727, -0.03826386481523514, -0.0954262986779213, 0.030527226626873016, 0.07869496196508408, 0.07085664570331573, -0.09471679478883743, -0.0809638723731041, 0.07729575783014297, 0.08897162228822708, -0.05464771389961243, 0.02784215286374092, -0.06983672082424164, 0.07134678959846497, -0.040605880320072174, -0.029259810224175453, -0.1829642802476883, -0.03815934807062149, 0.007149900775402784, 0.006162608973681927, 0.011257500387728214, 0.022818520665168762, 0.06436146795749664, 0.05666200444102287, -0.05284673720598221, -0.019797371700406075, -0.01938941702246666, 0.004207075107842684, -0.1307034194469452, -0.19992096722126007, -0.04014269635081291, -0.026497695595026016, 0.1340215653181076, -0.2040887326002121, 0.030343223363161087, 0.006814993917942047, 0.08995074778795242, 0.021637320518493652, -0.00744190439581871, -0.042293254286050797, 0.08087989687919617, -0.05045080557465553, -0.054142266511917114, 0.06192508712410927, 0.01419511716812849, -0.08415275812149048, -0.05454101413488388, -0.0939415693283081, 0.16774924099445343, 0.13817903399467468, -0.11088939011096954, -0.07995755225419998, -0.011100038886070251, -0.0654543861746788, -0.03531641885638237, -0.042984869331121445, 0.031054645776748657, 0.16384954750537872, -0.013983982615172863, 0.1446874588727951, -0.06793694198131561, -0.05619462952017784, 0.021522950381040573, -0.031580302864313126, 0.010691829957067966, 0.11220297962427139, 0.13252931833267212, -0.07942965626716614, 0.15882043540477753, 0.14937682449817657, -0.09987214207649231, 0.11904339492321014, -0.04426578804850578, -0.07158004492521286, -0.02429875358939171, -0.026336602866649628, -0.0012476415140554309, 0.1112217828631401, -0.1292998045682907, 0.0008620929438620806, 0.02950410731136799, 0.01927774026989937, 0.020746439695358276, -0.22200416028499603, -0.03319869190454483, 0.026686644181609154, -0.032270800322294235, -0.0031534326262772083, -0.016403915360569954, 0.003174364333972335, 0.1022149994969368, 0.006655949167907238, -0.09113230556249619, 0.048952046781778336, 0.0060211182571947575, -0.0736173689365387, 0.21127358078956604, -0.09660577028989792, -0.14268377423286438, -0.11910218745470047, -0.08141279965639114, -0.043917980045080185, 0.012048646807670593, 0.05558047071099281, -0.07520835846662521, -0.04131796956062317, -0.06639181077480316, 0.00021024837042205036, -0.003499555867165327, 0.035326629877090454, 0.013547747395932674, 0.0031348238699138165, 0.06111876294016838, -0.10602512210607529, -0.010456521064043045, -0.05505097284913063, -0.05424712598323822, 0.04503130912780762, 0.04131161794066429, 0.1163402646780014, 0.1537008434534073, -0.017999986186623573, 0.009490380063652992, -0.0336737297475338, 0.23124487698078156, -0.06609251350164413, -0.02330223098397255, 0.12554895877838135, -0.00951826199889183, 0.0449853353202343, 0.12645560503005981, 0.06893262267112732, -0.08906316012144089, 0.005683759693056345, 0.03745684772729874, -0.03216558322310448, -0.21715915203094482, -0.054123278707265854, -0.05746140331029892, -0.010680216364562511, 0.09318132698535919, 0.028766386210918427, 0.04183909296989441, 0.06918559968471527, 0.0412612147629261, 0.09088438749313354, -0.04288830980658531, 0.06200990453362465, 0.12676793336868286, 0.047381915152072906, 0.12393561750650406, -0.04535255208611488, -0.056591663509607315, 0.04485660791397095, 0.0022848325315862894, 0.22837412357330322, -0.00172429031226784, 0.13078740239143372, 0.05701349303126335, 0.1728784739971161, -0.008542804047465324, 0.07629839330911636, -0.007966768927872181, -0.0417538620531559, -0.011562676168978214, -0.03622130677103996, -0.03469984978437424, 0.028467679396271706, -0.05803490802645683, 0.061164744198322296, -0.11257600784301758, 0.01060679741203785, 0.05745697021484375, 0.24646691977977753, 0.045760538429021835, -0.3299061954021454, -0.09469916671514511, 0.004172604531049728, -0.032193563878536224, -0.02332271821796894, 0.03050384856760502, 0.09870076924562454, -0.08401627838611603, 0.035188447684049606, -0.06494250148534775, 0.086822010576725, -0.05109543725848198, 0.0391472727060318, 0.09541983902454376, 0.08947321027517319, 0.011277154088020325, 0.08123572915792465, -0.2940250039100647, 0.2708354890346527, 0.008317360654473305, 0.07414139807224274, -0.07809005677700043, 0.010528163984417915, 0.024364527314901352, 0.06269776821136475, 0.0747823640704155, -0.015394425019621849, -0.055797722190618515, -0.1899176836013794, -0.049145329743623734, 0.02222060039639473, 0.07336984574794769, -0.015231622382998466, 0.09306584298610687, -0.030092580243945122, 0.004327957518398762, 0.07561472803354263, -0.015698770061135292, -0.03639249503612518, -0.10491389781236649, -0.008064720779657364, 0.03538157790899277, -0.054746005684137344, -0.06477759778499603, -0.1089787408709526, -0.1210339367389679, 0.16081374883651733, -0.04243415594100952, -0.0333956703543663, -0.11013834923505783, 0.09151466935873032, 0.08043131977319717, -0.08476796746253967, 0.047682181000709534, 0.006375346798449755, 0.07160719484090805, 0.03735918924212456, -0.06775209307670593, 0.10653603076934814, -0.07269534468650818, -0.16217678785324097, -0.06661860644817352, 0.09736999124288559, 0.02713370881974697, 0.06402166187763214, -0.008831274695694447, 0.0209132619202137, -0.0418827123939991, -0.08689725399017334, 0.01845110021531582, -0.002724801190197468, 0.09766784310340881, 0.013398203067481518, -0.05929989740252495, 0.010071508586406708, -0.0424175038933754, -0.02767971158027649, 0.1879597157239914, 0.23286621272563934, -0.101857490837574, 0.013352539390325546, 0.02542305178940296, -0.06980051100254059, -0.20460721850395203, 0.041747644543647766, 0.05582985654473305, 0.005550634115934372, 0.025357704609632492, -0.1710343211889267, 0.1492459625005722, 0.11691849678754807, -0.014687232673168182, 0.10239079594612122, -0.315012663602829, -0.1228574886918068, 0.1207168698310852, 0.13372543454170227, 0.1005958542227745, -0.13921672105789185, -0.017086707055568695, -0.02037505991756916, -0.13995309174060822, 0.1232801154255867, -0.08145967125892639, 0.11192669719457626, -0.025964654982089996, 0.08104658126831055, 0.0027495794929564, -0.06324520707130432, 0.11274782568216324, 0.033715713769197464, 0.10195375978946686, -0.058011073619127274, -0.04634901508688927, 0.04752787575125694, -0.0372588224709034, 0.02029898762702942, -0.06743178516626358, 0.0265213530510664, -0.10176746547222137, -0.02213866263628006, -0.07029411196708679, 0.04483870789408684, -0.034767914563417435, -0.06590957939624786, -0.04667966440320015, 0.034587591886520386, 0.05000005662441254, -0.01564815267920494, 0.14994733035564423, 0.03694634512066841, 0.13751836121082306, 0.10205323249101639, 0.07660824060440063, -0.07855729758739471, -0.06558439135551453, -0.013557902537286282, -0.01867561787366867, 0.057752255350351334, -0.13447393476963043, 0.028717368841171265, 0.15170200169086456, 0.023830588907003403, 0.13155825436115265, 0.08513402938842773, -0.018760744482278824, 0.00518178241327405, 0.06711912900209427, -0.16196799278259277, -0.0666874572634697, 0.0038276375271379948, -0.053676776587963104, -0.11391056329011917, 0.058184895664453506, 0.08980128914117813, -0.06336728483438492, -0.007139119319617748, -0.0007776335114613175, 0.007409744430333376, -0.05734283849596977, 0.19641217589378357, 0.05983427166938782, 0.04118388146162033, -0.10457219928503036, 0.0754469707608223, 0.05222151800990105, -0.08310344070196152, 0.0048354915343225, 0.058728016912937164, -0.0839768648147583, -0.04587981849908829, 0.07194583863019943, 0.16140908002853394, -0.05818604305386543, -0.05290941148996353, -0.12691229581832886, -0.11901950091123581, 0.08315069228410721, 0.15765614807605743, 0.11749260872602463, 0.02649836428463459, -0.05480186268687248, 0.010587423108518124, -0.1283111423254013, 0.08981902152299881, 0.036831989884376526, 0.07396987080574036, -0.15676289796829224, 0.15613619983196259, 0.0006779058021493256, 0.04166571795940399, -0.019920246675610542, 0.03746664896607399, -0.10788169503211975, 0.007682627998292446, -0.10297049582004547, -0.02030145935714245, -0.047142960131168365, 0.008031056262552738, 0.009526154957711697, -0.054700031876564026, -0.06317801028490067, 0.014586035162210464, -0.10991515219211578, -0.015512466430664062, 0.036923062056303024, 0.058389436453580856, -0.11796459555625916, -0.042472101747989655, 0.018437759950757027, -0.05966944620013237, 0.0707550048828125, 0.04257848858833313, 0.029574135318398476, 0.052835047245025635, -0.1258050948381424, 0.00467936135828495, 0.07774938642978668, 0.020596295595169067, 0.08053634315729141, -0.091107077896595, -0.009126297198235989, 0.009439350105822086, 0.045556068420410156, 0.016294773668050766, 0.07165581732988358, -0.13621610403060913, -0.003663061885163188, -0.02752789855003357, -0.08306777477264404, -0.06870593130588531, 0.028025049716234207, 0.1082243099808693, 0.007815671153366566, 0.21064017713069916, -0.07027922570705414, 0.029456323012709618, -0.19844001531600952, 0.005108644720166922, -0.014156145043671131, -0.1081426590681076, -0.1250874251127243, -0.05312085151672363, 0.06025192141532898, -0.05603271350264549, 0.1442091017961502, 0.023293036967515945, 0.03336489200592041, 0.031485188752412796, -0.019543586298823357, 0.013052559457719326, 0.026209186762571335, 0.20525917410850525, 0.03234351426362991, -0.039444610476493835, 0.057822298258543015, 0.047072168439626694, 0.10399540513753891, 0.11122884601354599, 0.19408397376537323, 0.1397150307893753, -0.00891692005097866, 0.09733594954013824, 0.035476647317409515, -0.07342521101236343, -0.16167418658733368, 0.048152558505535126, -0.05573197081685066, 0.1032773032784462, -0.02105819433927536, 0.21575519442558289, 0.057336531579494476, -0.1711810678243637, 0.03205676004290581, -0.060859475284814835, -0.08630422502756119, -0.10390761494636536, -0.05391940474510193, -0.08464612811803818, -0.1275969296693802, 0.0032541851978749037, -0.12194564938545227, 0.00920549314469099, 0.11332584172487259, 0.007986009120941162, -0.021867569535970688, 0.1516396552324295, 0.0014760080957785249, 0.03924177959561348, 0.042710062116384506, 0.016632605344057083, -0.033798184245824814, -0.10919508337974548, -0.06237000599503517, -0.028679436072707176, -0.020354369655251503, 0.03518085926771164, -0.0604061521589756, -0.0418475978076458, 0.03757363185286522, -0.01605609618127346, -0.08790703117847443, 0.00806200411170721, 0.019143646582961082, 0.06022847816348076, 0.03706628829240799, 0.00912408996373415, 0.023310424759984016, -0.009646313264966011, 0.2022438496351242, -0.0813668966293335, -0.07103036344051361, -0.11440453678369522, 0.24390852451324463, 0.04189208894968033, -0.008028020150959492, 0.03683219105005264, -0.06896308064460754, -0.001963095273822546, 0.24045848846435547, 0.19993019104003906, -0.08220750093460083, -0.011341658420860767, 0.014833211898803711, -0.009544946253299713, -0.036027658730745316, 0.10189886391162872, 0.13757722079753876, 0.06809039413928986, -0.08984304219484329, -0.0591716393828392, -0.05800410732626915, -0.008065124042332172, -0.03937043249607086, 0.0541689433157444, 0.039688728749752045, 0.0012721430975943804, -0.03690909221768379, 0.04527153819799423, -0.06546895205974579, -0.098318912088871, 0.07862482964992523, -0.20992493629455566, -0.16069597005844116, -0.005525708664208651, 0.10550935566425323, -0.0000876415433594957, 0.06282360106706619, -0.029260316863656044, -0.004250907339155674, 0.0838538333773613, -0.01927582174539566, -0.10224735736846924, -0.07042324542999268, 0.09658117592334747, -0.09357200562953949, 0.2178979367017746, -0.04769809544086456, 0.07653883099555969, 0.13215474784374237, 0.06536200642585754, -0.08546527475118637, 0.05732695385813713, 0.04735957831144333, -0.07671468704938889, 0.027728749439120293, 0.0704755038022995, -0.03631087765097618, 0.08122333884239197, 0.04328911378979683, -0.13387589156627655, 0.018757767975330353, -0.06392120569944382, -0.05029890686273575, -0.048373471945524216, -0.031536199152469635, -0.05816710740327835, 0.1353703737258911, 0.21123410761356354, -0.02813940867781639, -0.004653877578675747, -0.06623878329992294, 0.018248744308948517, 0.054806340485811234, 0.030365293845534325, -0.06334705650806427, -0.22013364732265472, 0.02294909954071045, 0.03632303699851036, -0.020299240946769714, -0.20515450835227966, -0.09090075641870499, 0.004679001402109861, -0.074192114174366, -0.09909754246473312, 0.07688712328672409, 0.08126982301473618, 0.04818067327141762, -0.06442708522081375, -0.03695191815495491, -0.07877697050571442, 0.14135105907917023, -0.13996361196041107, -0.09635888040065765 ]
null
null
transformers
AIOX Lab and SI2M Lab INSEA have joined forces to offer researchers, industrialists and the NLP (Natural Language Processing) community the first intelligent Open Source system that understands Moroccan dialectal language "Darija". **DarijaBERT** is the first BERT model for the Moroccan Arabic dialect called “Darija”. It is based on the same architecture as BERT-base, but without the Next Sentence Prediction (NSP) objective. This model is the Arabizi specific version of DarijaBERT and it was trained on a total of ~4.6 Million sequences of Darija dialect written in Latin letters. The model was trained on a dataset issued from Youtube comments. More details about DarijaBert are available in the dedicated GitHub [repository](https://github.com/AIOXLABS/DBert) **Loading the model** The model can be loaded directly using the Huggingface library: ```python from transformers import AutoTokenizer, AutoModel DarijaBERT_tokenizer = AutoTokenizer.from_pretrained("SI2M-Lab/DarijaBERT-arabizi") DarijaBert_model = AutoModel.from_pretrained("SI2M-Lab/DarijaBERT-arabizi") ``` **Citation** If you use our models for your scientific publication, or if you find the resources in this repository useful, please cite our paper as follows (to be updated): ``` @article{gaanoun2023darijabert, title={Darijabert: a Step Forward in Nlp for the Written Moroccan Dialect}, author={Gaanoun, Kamel and Naira, Abdou Mohamed and Allak, Anass and Benelallam, Imade}, year={2023} } ``` **Acknowledgments** We gratefully acknowledge Google’s TensorFlow Research Cloud (TRC) program for providing us with free Cloud TPUs. <font size =2>**Warning** This model being trained on texts from social networks, it can unfortunately generate toxic outputs reflecting part of the learned data</font>
{"language": "ar", "widget": [{"text": " Mchit njib [MASK] ."}, {"text": " Yak nta li [MASK] lih dik lhedra."}, {"text": " Ach [MASK] daba."}, {"text": " Lmghrib ajmal [MASK] fl3alam."}]}
fill-mask
SI2M-Lab/DarijaBERT-arabizi
[ "transformers", "pytorch", "safetensors", "bert", "fill-mask", "ar", "autotrain_compatible", "endpoints_compatible", "region:us" ]
2022-03-02T23:29:04+00:00
[]
[ "ar" ]
TAGS #transformers #pytorch #safetensors #bert #fill-mask #ar #autotrain_compatible #endpoints_compatible #region-us
AIOX Lab and SI2M Lab INSEA have joined forces to offer researchers, industrialists and the NLP (Natural Language Processing) community the first intelligent Open Source system that understands Moroccan dialectal language "Darija". DarijaBERT is the first BERT model for the Moroccan Arabic dialect called “Darija”. It is based on the same architecture as BERT-base, but without the Next Sentence Prediction (NSP) objective. This model is the Arabizi specific version of DarijaBERT and it was trained on a total of ~4.6 Million sequences of Darija dialect written in Latin letters. The model was trained on a dataset issued from Youtube comments. More details about DarijaBert are available in the dedicated GitHub repository Loading the model The model can be loaded directly using the Huggingface library: Citation If you use our models for your scientific publication, or if you find the resources in this repository useful, please cite our paper as follows (to be updated): Acknowledgments We gratefully acknowledge Google’s TensorFlow Research Cloud (TRC) program for providing us with free Cloud TPUs. <font size =2>Warning This model being trained on texts from social networks, it can unfortunately generate toxic outputs reflecting part of the learned data</font>
[]
[ "TAGS\n#transformers #pytorch #safetensors #bert #fill-mask #ar #autotrain_compatible #endpoints_compatible #region-us \n" ]
[ 43 ]
[ "passage: TAGS\n#transformers #pytorch #safetensors #bert #fill-mask #ar #autotrain_compatible #endpoints_compatible #region-us \n" ]
[ -0.07375702261924744, -0.003319668583571911, -0.008635053411126137, 0.013590984977781773, 0.09968911856412888, 0.017086822539567947, 0.13019542396068573, 0.05399925634264946, 0.09314204007387161, -0.0015710534062236547, 0.17059902846813202, 0.1854034811258316, -0.03641172870993614, 0.19705671072006226, -0.07112778723239899, -0.21617485582828522, 0.07622430473566055, 0.035216059535741806, -0.039691731333732605, 0.13257835805416107, 0.0689784586429596, -0.09309776872396469, 0.05686374008655548, -0.02136969566345215, -0.0742717832326889, 0.02387898787856102, 0.08585484325885773, -0.12897399067878723, 0.14305570721626282, 0.008039736188948154, 0.23902085423469543, 0.026042837649583817, -0.039605237543582916, -0.08770608901977539, 0.052229128777980804, 0.005204274319112301, -0.061731886118650436, 0.05442225560545921, 0.01934085041284561, -0.07310808449983597, -0.0537116639316082, 0.04353044554591179, 0.04665065184235573, 0.04773220792412758, -0.14037968218326569, -0.16077761352062225, -0.005911269225180149, 0.030878493562340736, 0.0654435083270073, 0.06940267235040665, 0.013489888049662113, 0.23746688663959503, -0.11510423570871353, 0.0998673364520073, 0.12867681682109833, -0.31022608280181885, -0.0030860647093504667, 0.046907708048820496, 0.07216537743806839, -0.03864578902721405, -0.04756806790828705, 0.05145065486431122, 0.03256447613239288, 0.0184862669557333, 0.07562374323606491, -0.05865198001265526, -0.047136276960372925, -0.005509263835847378, -0.08498241752386093, -0.04709545150399208, 0.1348690539598465, -0.04936888813972473, 0.026341717690229416, -0.010378532111644745, -0.1339678168296814, -0.015140733681619167, -0.018131043761968613, -0.02850387617945671, -0.045612234622240067, 0.028677385300397873, -0.026973338797688484, 0.016759291291236877, -0.12898389995098114, 0.014548877254128456, -0.21721431612968445, 0.2837725579738617, 0.020832782611250877, 0.06704108417034149, -0.16296525299549103, 0.04683351144194603, -0.014375451020896435, -0.12877202033996582, 0.07170148938894272, -0.1007826179265976, 0.05007130652666092, 0.0017466050339862704, -0.028391234576702118, -0.03190969303250313, 0.09914079308509827, 0.18685507774353027, 0.015755560249090195, 0.023304039612412453, 0.021114666014909744, 0.09091014415025711, -0.011593090370297432, 0.07474063336849213, 0.03775972127914429, -0.02915656380355358, 0.06711731106042862, -0.06360522657632828, 0.050908833742141724, -0.043817467987537384, -0.08923247456550598, -0.021584270521998405, 0.056799788028001785, 0.09449977427721024, 0.026991108432412148, 0.06235826388001442, -0.10188374668359756, 0.03402496501803398, 0.1138780489563942, -0.07975595444440842, -0.0043474528938531876, -0.007232996169477701, 0.07412412017583847, 0.038148414343595505, 0.020661955699324608, -0.007635841146111488, -0.003248645691201091, 0.14789830148220062, -0.08226275444030762, -0.04426075890660286, -0.04313404858112335, -0.06836925446987152, 0.02861868031322956, -0.0810537114739418, 0.03547513857483864, -0.20494526624679565, -0.12124834954738617, 0.05912702530622482, 0.0466485321521759, 0.029169978573918343, -0.015139584429562092, 0.03777419030666351, -0.006168295629322529, 0.002336739329621196, -0.04944043606519699, -0.08015403151512146, -0.0481032095849514, 0.11401600390672684, 0.011687230318784714, 0.0971708670258522, -0.08313561230897903, 0.013756395317614079, -0.11304162442684174, 0.017091935500502586, -0.16328395903110504, -0.07864134013652802, -0.04288769140839577, 0.15684597194194794, 0.004242585506290197, -0.03719903901219368, -0.11967049539089203, 0.0356074683368206, -0.008104798384010792, 0.18990544974803925, -0.049869436770677567, -0.11164510995149612, 0.23997408151626587, -0.1459653675556183, -0.1449608951807022, 0.09689529985189438, 0.01152256689965725, -0.008779266849160194, 0.07156629115343094, 0.09080421179533005, 0.026584213599562645, -0.16732369363307953, 0.06514394283294678, 0.11499239504337311, -0.14393773674964905, -0.0996079072356224, 0.022272944450378418, -0.004419482778757811, -0.14928115904331207, 0.039562683552503586, 0.08521009236574173, 0.10940302908420563, -0.07733603566884995, -0.06740457564592361, -0.02188149467110634, -0.04789912328124046, 0.15858235955238342, 0.03176792338490486, 0.0731789842247963, -0.10254497826099396, -0.04429921135306358, -0.0820036306977272, -0.00013020126789342612, 0.06349408626556396, 0.01119596790522337, -0.1134621724486351, 0.11244549602270126, -0.04708290100097656, 0.0008494302164763212, -0.14562489092350006, -0.1466474086046219, -0.01019551046192646, 0.03139429911971092, -0.05074404180049896, 0.07279350608587265, 0.12651239335536957, 0.0004823285562451929, -0.018233833834528923, -0.05459488183259964, 0.10628501325845718, 0.03708619251847267, -0.024445708841085434, -0.1148679330945015, 0.036919161677360535, -0.08195420354604721, 0.024544065818190575, -0.010285483673214912, 0.008160539902746677, 0.004923349246382713, 0.1290932297706604, 0.0074683246202766895, 0.038425616919994354, -0.05706391856074333, 0.02943287044763565, -0.024833517149090767, 0.011935725808143616, 0.08045906573534012, -0.00039313797606155276, -0.06458375602960587, 0.14163562655448914, -0.15981516242027283, 0.4099229872226715, 0.18566356599330902, -0.24919253587722778, -0.029784204438328743, 0.030523603782057762, -0.02383836731314659, 0.0011100097326561809, 0.024234674870967865, -0.017425233498215675, 0.0014423246029764414, 0.00794108398258686, 0.13976943492889404, -0.02661120891571045, -0.029024600982666016, 0.040258634835481644, -0.08447585999965668, -0.040078673511743546, 0.025043148547410965, 0.05154075846076012, -0.12370650470256805, 0.17732077836990356, 0.2754325568675995, -0.00016641552792862058, 0.12345252931118011, 0.0022426273208111525, 0.007020560558885336, 0.010529682971537113, -0.016659222543239594, -0.016018090769648552, 0.07247424125671387, -0.14639747142791748, -0.008491541258990765, 0.06800736486911774, -0.03968735411763191, 0.032780129462480545, -0.1301485300064087, -0.051279667764902115, 0.00792530458420515, 0.04865524545311928, -0.0579998642206192, 0.11274325847625732, 0.02320064604282379, 0.09600361436605453, -0.020123757421970367, -0.12073764204978943, 0.0980561226606369, 0.0027566549833863974, -0.04362253472208977, 0.16735507547855377, -0.11671829223632812, -0.3532157242298126, -0.1307082325220108, -0.12973938882350922, 0.028419965878129005, 0.03858484700322151, 0.05878302454948425, -0.09808486700057983, -0.0726565420627594, 0.07031528651714325, -0.006596164312213659, 0.018587706610560417, 0.07511164993047714, -0.0374007374048233, 0.018046889454126358, 0.011543824337422848, -0.06525344401597977, -0.07053296267986298, -0.034267500042915344, -0.04093632847070694, 0.16287297010421753, -0.04730450361967087, 0.06866132467985153, 0.12484154850244522, 0.0006196345784701407, 0.03085288032889366, -0.011159378103911877, 0.17951013147830963, -0.07181726396083832, 0.0012602730421349406, 0.17913822829723358, -0.07887644320726395, 0.10114077478647232, 0.18488921225070953, 0.035063713788986206, -0.045017171651124954, 0.017232054844498634, -0.05700270086526871, -0.10517687350511551, -0.16743247210979462, -0.11306269466876984, -0.08269921690225601, 0.0012971179094165564, 0.037325602024793625, 0.056614529341459274, 0.12236965447664261, 0.0989595353603363, 0.024495799094438553, -0.06494811922311783, -0.03923412039875984, 0.03829273208975792, 0.1411350965499878, -0.03169441968202591, 0.13571082055568695, -0.028983447700738907, -0.1713464856147766, 0.05398387089371681, 0.0008511264459230006, 0.08435860276222229, 0.09848444163799286, -0.054479699581861496, 0.043116245418787, 0.17424076795578003, 0.1578179895877838, 0.17983146011829376, 0.0248422808945179, -0.08177589625120163, 0.007958797737956047, -0.01995478756725788, -0.058060478419065475, 0.01553194597363472, 0.06770645081996918, -0.05656474828720093, -0.026206163689494133, -0.1050003319978714, 0.06923523545265198, 0.09108810871839523, 0.05422975495457649, -0.24662941694259644, 0.00306233880110085, 0.05500809848308563, 0.004227141849696636, -0.06613265722990036, 0.055212751030921936, -0.0012733518378809094, -0.10300959646701813, 0.05987647920846939, -0.0644165426492691, 0.05919981002807617, 0.062139950692653656, 0.08533088862895966, -0.059896472841501236, -0.04679610952734947, 0.014409993775188923, 0.056967947632074356, -0.2363133579492569, 0.28006669878959656, -0.002817933913320303, -0.011531383730471134, -0.060964103788137436, -0.015048288740217686, 0.04905072599649429, 0.1282983273267746, 0.1388513296842575, 0.024920308962464333, -0.018634051084518433, -0.1611771136522293, -0.04276656731963158, 0.04521128907799721, 0.09489808231592178, -0.0019162804819643497, -0.0032514678314328194, -0.03486771881580353, -0.042626313865184784, 0.011467061005532742, 0.044160086661577225, -0.03630335256457329, -0.09934914112091064, 0.0590493381023407, 0.05838945135474205, 0.029872361570596695, -0.047723639756441116, -0.06353899091482162, -0.11751509457826614, 0.15657509863376617, -0.05441341921687126, -0.056251656264066696, -0.1026676595211029, -0.12828665971755981, 0.08481300622224808, -0.09788324683904648, 0.1098112240433693, -0.08224060386419296, 0.014832783490419388, -0.09638430178165436, -0.14969268441200256, 0.14908099174499512, -0.14863893389701843, -0.04171007499098778, -0.08158594369888306, 0.16143876314163208, -0.04800570383667946, 0.024069374427199364, 0.0068708062171936035, 0.027651851996779442, -0.08447729051113129, -0.0501229502260685, 0.0325716957449913, -0.07448802143335342, 0.046802494674921036, 0.03264211118221283, -0.06615839898586273, -0.10053952038288116, 0.008198294788599014, 0.022393155843019485, 0.200821653008461, 0.2813233733177185, -0.04752017930150032, 0.11340536177158356, 0.22556012868881226, 0.0049024005420506, -0.3468138575553894, -0.13329623639583588, -0.14504945278167725, -0.012280660681426525, 0.030047839507460594, -0.06813549250364304, 0.10782777518033981, -0.002127131912857294, -0.0770634189248085, 0.11522512882947922, -0.13804768025875092, -0.0951954647898674, 0.2700233459472656, 0.027057509869337082, 0.458739310503006, -0.11454750597476959, -0.054118700325489044, -0.02953602932393551, -0.09132230281829834, 0.03586496785283089, -0.011543040163815022, 0.0610797144472599, -0.007814818061888218, 0.05011705681681633, 0.03249502554535866, -0.0996827706694603, 0.1022830531001091, -0.07965127378702164, 0.03156372159719467, -0.10304030776023865, -0.08052528649568558, 0.07668168842792511, -0.0006908520590513945, -0.00565691851079464, -0.010121037252247334, 0.017232559621334076, 0.02119765803217888, -0.028476649895310402, -0.0852586030960083, 0.12934908270835876, 0.02507622353732586, -0.08062495291233063, 0.04829836264252663, -0.019295349717140198, -0.03495720028877258, -0.023198941722512245, 0.1912025362253189, 0.0022075134329497814, 0.22402791678905487, 0.09935260564088821, 0.05392345041036606, -0.14386755228042603, -0.041322171688079834, -0.028399251401424408, -0.0952487364411354, 0.09198524802923203, 0.023698994889855385, 0.06265802681446075, 0.10013233125209808, -0.013316326774656773, 0.049673616886138916, 0.10113034397363663, 0.011337480507791042, -0.04311683401465416, 0.1689758598804474, -0.24674606323242188, 0.01032768189907074, -0.0077685764990746975, 0.02183348312973976, 0.0400136336684227, 0.08838499337434769, 0.09721993654966354, 0.02357879839837551, -0.03080316260457039, -0.01483186800032854, 0.0056576207280159, -0.05715199559926987, 0.08739946037530899, 0.06702227890491486, 0.06408630311489105, -0.11089158803224564, 0.004039424937218428, -0.030132323503494263, -0.18445974588394165, -0.023260746151208878, 0.06296061724424362, -0.12689314782619476, -0.10788954049348831, 0.008189541287720203, 0.09687527269124985, -0.04714516922831535, -0.05852566286921501, -0.07561443001031876, -0.13329754769802094, 0.03384442999958992, 0.23239703476428986, 0.10799194872379303, 0.0867195874452591, 0.014342009089887142, -0.00970158725976944, -0.01136982161551714, 0.023785104975104332, 0.01618219166994095, 0.02951633743941784, -0.10807172954082489, 0.02285921387374401, 0.0008257653098553419, 0.1212877482175827, -0.1159503310918808, -0.03260449320077896, -0.16842271387577057, 0.0364963561296463, -0.061429962515830994, -0.07627367228269577, -0.0812508687376976, -0.06294254213571548, 0.016792170703411102, -0.08118173480033875, -0.036584820598363876, -0.03639473766088486, -0.10000602155923843, 0.04324464499950409, 0.05187232792377472, -0.021391412243247032, -0.08688348531723022, -0.04648207500576973, 0.1309206336736679, -0.043808553367853165, 0.07984360307455063, 0.13430199027061462, -0.07905343174934387, 0.0894593819975853, -0.16675348579883575, -0.10323251783847809, 0.11352662742137909, 0.004539872519671917, 0.06554736196994781, 0.057162217795848846, 0.016517575830221176, 0.06032918393611908, 0.02163306623697281, 0.050966281443834305, 0.09314863383769989, -0.11225152760744095, 0.09757448732852936, 0.03233202546834946, -0.17636173963546753, -0.02381935529410839, -0.12499474734067917, 0.07273899018764496, -0.04263632372021675, 0.1519928127527237, -0.05799785628914833, 0.08066029101610184, -0.06432932615280151, 0.02537640929222107, -0.024638893082737923, -0.1627776324748993, -0.04029683768749237, -0.017275935038924217, 0.005104673560708761, -0.016373738646507263, 0.2154066562652588, -0.01956881396472454, -0.0018670102581381798, 0.05190376192331314, 0.05314961448311806, -0.0012015420943498611, 0.00456226896494627, 0.14068911969661713, 0.07458053529262543, -0.05275774374604225, -0.09771549701690674, 0.05612194910645485, 0.014032140374183655, -0.1271105259656906, 0.10651423037052155, 0.07861682772636414, 0.030288351699709892, 0.08231298625469208, 0.014243143610656261, 0.033354807645082474, -0.1257156878709793, -0.22487689554691315, -0.07445494830608368, 0.02175154536962509, 0.04251325875520706, 0.035507988184690475, 0.18172438442707062, 0.012917310930788517, 0.030086012557148933, -0.04589507356286049, -0.01573207974433899, -0.2008271962404251, -0.10877710580825806, -0.08563970029354095, -0.0574251152575016, 0.032636042684316635, -0.020295530557632446, -0.04629390686750412, 0.10037338733673096, 0.03442855551838875, -0.022769762203097343, 0.19318702816963196, 0.007648566272109747, 0.005851782392710447, 0.014653082005679607, 0.009370728395879269, 0.0181291401386261, 0.020001007243990898, -0.03639453649520874, -0.15746189653873444, 0.005221232306212187, -0.04984087124466896, -0.011716400273144245, -0.09515127539634705, 0.027698324993252754, -0.08591671288013458, -0.1225154846906662, -0.07236624509096146, 0.031414590775966644, -0.04904752969741821, 0.060941651463508606, -0.014055277220904827, 0.056923821568489075, 0.01913093402981758, 0.13791991770267487, -0.06177730858325958, -0.14073075354099274, -0.04335577413439751, 0.21329061686992645, 0.010763006284832954, 0.10196755081415176, -0.00958616565912962, 0.030515991151332855, -0.07602352648973465, 0.2991970479488373, 0.3069794476032257, -0.03976978361606598, 0.09251884371042252, 0.019564364105463028, 0.031513188034296036, 0.02247917838394642, 0.11416438966989517, 0.09473814815282822, 0.30301934480667114, -0.08785794675350189, -0.017238281667232513, -0.05031866207718849, -0.02500581555068493, -0.11878439784049988, -0.003075267421081662, 0.022257734090089798, -0.006443805992603302, -0.07519809901714325, 0.07653943449258804, -0.13210150599479675, 0.10549113899469376, 0.03618472069501877, -0.18505051732063293, -0.04332505911588669, -0.01445404626429081, 0.189453125, 0.011267732828855515, 0.09297183901071548, -0.03698358312249184, -0.08204080164432526, 0.006009190808981657, 0.017909251153469086, -0.162845641374588, -0.05944526940584183, 0.08449963480234146, -0.0024639368057250977, 0.13277344405651093, -0.008805589750409126, 0.03708064928650856, 0.08005739003419876, 0.03310905769467354, -0.026614056900143623, 0.06894256174564362, 0.03217387944459915, -0.12201981991529465, -0.05828292295336723, -0.011981062591075897, 0.011340618133544922, -0.0771283507347107, 0.02434593252837658, -0.1504858285188675, 0.03627703711390495, -0.08403300493955612, -0.05694097653031349, -0.006641561631113291, 0.07584618777036667, -0.027177629992365837, 0.04878178611397743, 0.039944421499967575, 0.014648541808128357, -0.02238498255610466, -0.05181717500090599, 0.017445899546146393, 0.058188941329717636, -0.11013483256101608, -0.12762993574142456, -0.12031220644712448, -0.03606757894158363, 0.059773702174425125, -0.015494296327233315, -0.15919218957424164, -0.0493149496614933, -0.11434173583984375, 0.028331583365797997, -0.1698588877916336, 0.006745981518179178, 0.06672235578298569, 0.059461500495672226, 0.02153535932302475, -0.04549207165837288, 0.03676015883684158, 0.052152227610349655, -0.15119127929210663, -0.0938776507973671 ]
null
null
transformers
AIOX Lab and SI2M Lab INSEA have joined forces to offer researchers, industrialists and the NLP (Natural Language Processing) community the first intelligent Open Source system that understands Moroccan dialectal language "Darija". **DarijaBERT** is the first BERT model for the Moroccan Arabic dialect called “Darija”. It is based on the same architecture as BERT-base, but without the Next Sentence Prediction (NSP) objective. This model was trained on a total of ~3 Million sequences of Darija dialect representing 691MB of text or a total of ~100M tokens. The model was trained on a dataset issued from three different sources: * Stories written in Darija scrapped from a dedicated website * Youtube comments from 40 different Moroccan channels * Tweets crawled based on a list of Darija keywords. More details about DarijaBert are available in the dedicated GitHub [repository](https://github.com/AIOXLABS/DBert) **Loading the model** The model can be loaded directly using the Huggingface library: ```python from transformers import AutoTokenizer, AutoModel DarijaBERT_tokenizer = AutoTokenizer.from_pretrained("SI2M-Lab/DarijaBERT") DarijaBert_model = AutoModel.from_pretrained("SI2M-Lab/DarijaBERT") ``` **Citation** If you use our models for your scientific publication, or if you find the resources in this repository useful, please cite our paper as follows (to be updated): ``` @article{gaanoun2023darijabert, title={Darijabert: a Step Forward in Nlp for the Written Moroccan Dialect}, author={Gaanoun, Kamel and Naira, Abdou Mohamed and Allak, Anass and Benelallam, Imade}, year={2023} } ``` **Acknowledgments** We gratefully acknowledge Google’s TensorFlow Research Cloud (TRC) program for providing us with free Cloud TPUs.
{"language": "ar", "widget": [{"text": " \u062c\u0627\u0628 \u0644\u064a\u0627 [MASK] ."}, {"text": "\u0645\u0634\u064a\u062a \u0646\u062c\u064a\u0628[MASK] \u0641\u0627\u0644\u0641\u0631\u0645\u0627\u0633\u064a\u0627\u0646 ."}]}
fill-mask
SI2M-Lab/DarijaBERT
[ "transformers", "pytorch", "bert", "fill-mask", "ar", "autotrain_compatible", "endpoints_compatible", "region:us" ]
2022-03-02T23:29:04+00:00
[]
[ "ar" ]
TAGS #transformers #pytorch #bert #fill-mask #ar #autotrain_compatible #endpoints_compatible #region-us
AIOX Lab and SI2M Lab INSEA have joined forces to offer researchers, industrialists and the NLP (Natural Language Processing) community the first intelligent Open Source system that understands Moroccan dialectal language "Darija". DarijaBERT is the first BERT model for the Moroccan Arabic dialect called “Darija”. It is based on the same architecture as BERT-base, but without the Next Sentence Prediction (NSP) objective. This model was trained on a total of ~3 Million sequences of Darija dialect representing 691MB of text or a total of ~100M tokens. The model was trained on a dataset issued from three different sources: * Stories written in Darija scrapped from a dedicated website * Youtube comments from 40 different Moroccan channels * Tweets crawled based on a list of Darija keywords. More details about DarijaBert are available in the dedicated GitHub repository Loading the model The model can be loaded directly using the Huggingface library: Citation If you use our models for your scientific publication, or if you find the resources in this repository useful, please cite our paper as follows (to be updated): Acknowledgments We gratefully acknowledge Google’s TensorFlow Research Cloud (TRC) program for providing us with free Cloud TPUs.
[]
[ "TAGS\n#transformers #pytorch #bert #fill-mask #ar #autotrain_compatible #endpoints_compatible #region-us \n" ]
[ 38 ]
[ "passage: TAGS\n#transformers #pytorch #bert #fill-mask #ar #autotrain_compatible #endpoints_compatible #region-us \n" ]
[ -0.06605139374732971, 0.004654754418879747, -0.008489067666232586, 0.024979714304208755, 0.1264268457889557, 0.033139072358608246, 0.09396010637283325, 0.07363943010568619, 0.10254994034767151, -0.004339995793998241, 0.17153295874595642, 0.20221135020256042, -0.03292708098888397, 0.17051993310451508, -0.06512972712516785, -0.2596766948699951, 0.05460092052817345, 0.062535360455513, -0.061138324439525604, 0.12022293359041214, 0.060250770300626755, -0.08341246843338013, 0.07292987406253815, -0.0199339110404253, -0.11147111654281616, 0.04074094817042351, 0.060581326484680176, -0.10639061033725739, 0.12888523936271667, 0.02984984777867794, 0.20986239612102509, 0.012184495106339455, -0.059784311801195145, -0.0848178043961525, 0.04600388929247856, -0.005113809369504452, -0.06613244861364365, 0.051834993064403534, 0.015935610979795456, -0.07029087096452713, -0.031438760459423065, 0.06975472718477249, 0.030009601265192032, 0.044794708490371704, -0.15178395807743073, -0.12802322208881378, -0.004433596972376108, 0.02616262435913086, 0.04742865264415741, 0.06337105482816696, 0.01733485609292984, 0.20608724653720856, -0.12639768421649933, 0.09914267808198929, 0.15481676161289215, -0.31263110041618347, -0.0016208358574658632, 0.07363726198673248, 0.06408610194921494, -0.040616877377033234, -0.037758368998765945, 0.05271074175834656, 0.023606469854712486, 0.02391662448644638, 0.04045233502984047, -0.07298297435045242, -0.032196834683418274, 0.016332512721419334, -0.08355661481618881, -0.055455490946769714, 0.1609921008348465, -0.047474902123212814, 0.044606924057006836, 0.022167721763253212, -0.12950389087200165, -0.04475554823875427, -0.020852550864219666, -0.01785033755004406, -0.03646784648299217, 0.04757841303944588, -0.027517948299646378, -0.004063298925757408, -0.11607904732227325, 0.02648930624127388, -0.23849618434906006, 0.2525070607662201, 0.02033771574497223, 0.06694377958774567, -0.18210820853710175, 0.0514083206653595, -0.047381021082401276, -0.12056852877140045, 0.058715205639600754, -0.09218785911798477, 0.02521182782948017, -0.0016875161090865731, -0.06234138831496239, -0.026356492191553116, 0.0672517716884613, 0.19077418744564056, 0.07829318195581436, 0.038743965327739716, 0.0325731597840786, 0.1004788726568222, 0.007848626933991909, 0.0947202742099762, 0.028180399909615517, -0.049304213374853134, 0.05047858878970146, -0.10808253288269043, 0.02109064906835556, -0.05890214443206787, -0.13688886165618896, -0.040997084230184555, 0.023839419707655907, 0.06727490574121475, 0.03227336332201958, 0.056882161647081375, -0.09753608703613281, 0.003570737550035119, 0.09460802376270294, -0.06917144358158112, 0.010674926452338696, -0.015907028689980507, 0.04837455227971077, 0.10020019114017487, 0.01508258655667305, -0.007473250385373831, -0.012725770473480225, 0.13791446387767792, -0.0816706046462059, -0.03612469509243965, -0.05409805104136467, -0.06664668023586273, 0.037299346178770065, -0.11126880347728729, 0.04084121435880661, -0.1865149885416031, -0.11279942840337753, 0.05441320687532425, 0.0637255609035492, -0.0008687461959198117, -0.029878715053200722, 0.024329017847776413, 0.0015323711559176445, 0.02313447929918766, -0.047830235213041306, -0.05337953567504883, -0.03728114441037178, 0.105556920170784, 0.012441830709576607, 0.1160547286272049, -0.10813488066196442, 0.04565145820379257, -0.08839313685894012, 0.012920801527798176, -0.16762101650238037, -0.05294843018054962, -0.02386629208922386, 0.1513034552335739, -0.007436190266162157, -0.04100145772099495, -0.12140733003616333, 0.03148765116930008, -0.007117338944226503, 0.17275303602218628, -0.05844041332602501, -0.13112017512321472, 0.2132149040699005, -0.09883652627468109, -0.14193975925445557, 0.08827628195285797, 0.0024776337668299675, 0.005708815064281225, 0.05491100996732712, 0.09961743652820587, 0.03156745061278343, -0.1478179544210434, 0.09240856021642685, 0.11644949018955231, -0.14053122699260712, -0.12320327758789062, 0.030984438955783844, -0.0075684827752411366, -0.1297338604927063, 0.04535636305809021, 0.08482011407613754, 0.10871978849172592, -0.07171344012022018, -0.04879900813102722, -0.009579421952366829, -0.03592681512236595, 0.15218153595924377, 0.03712724894285202, 0.10086926817893982, -0.07767794281244278, -0.033673789352178574, -0.040602538734674454, -0.004476896487176418, 0.07384297996759415, 0.03394792601466179, -0.08972857892513275, 0.13024446368217468, -0.07207959145307541, 0.00563422916457057, -0.172344371676445, -0.1044931411743164, -0.00986457709223032, 0.05424691364169121, -0.02499690279364586, 0.1288978010416031, 0.11539150774478912, -0.04043785110116005, -0.013972407206892967, -0.027384210377931595, 0.10804671049118042, 0.025004230439662933, -0.04699702188372612, -0.10216721147298813, 0.019399454817175865, -0.07931223511695862, -0.00976389180868864, -0.005733153782784939, -0.00277122063562274, -0.0017777298344299197, 0.13390275835990906, -0.00495249405503273, 0.042059022933244705, -0.06396263092756271, 0.03853796049952507, -0.039019327610731125, 0.02331468090415001, 0.08919752389192581, 0.005468804854899645, -0.06240164116024971, 0.15818576514720917, -0.1397901326417923, 0.36452168226242065, 0.1903189867734909, -0.312616229057312, -0.027130234986543655, 0.015031574293971062, -0.01494659949094057, -0.010498018935322762, 0.055847860872745514, -0.017293328419327736, 0.05036751925945282, 0.013731807470321655, 0.15185725688934326, -0.014095821417868137, -0.02227770909667015, 0.0350046269595623, -0.08499671518802643, -0.045635633170604706, 0.034159015864133835, 0.09569903463125229, -0.13026531040668488, 0.18067196011543274, 0.26944029331207275, -0.0018418353283777833, 0.12441996484994888, 0.024501141160726547, -0.006306160241365433, 0.003118949243798852, -0.03837479278445244, -0.024194609373807907, 0.04401647299528122, -0.1900310218334198, -0.033379826694726944, 0.07407134026288986, -0.03452344611287117, 0.05056142807006836, -0.11902683228254318, -0.03641819953918457, 0.02760772779583931, 0.060840487480163574, -0.06994058936834335, 0.12745091319084167, 0.027677645906805992, 0.07243100553750992, 0.007248149253427982, -0.09729687124490738, 0.11082790046930313, 0.014242928475141525, -0.04020363837480545, 0.15141503512859344, -0.12204280495643616, -0.3435896635055542, -0.14441165328025818, -0.18713127076625824, 0.017094360664486885, 0.044922877103090286, 0.06788799911737442, -0.08776716142892838, -0.06212370842695236, 0.10559732466936111, -0.0045670634135603905, -0.0409548394382, 0.06564062833786011, -0.0636528953909874, 0.011477239429950714, -0.02500261552631855, -0.05528253689408302, -0.07244093716144562, -0.029854198917746544, -0.024232853204011917, 0.14813685417175293, -0.09567207098007202, 0.07993052154779434, 0.13534820079803467, 0.012198659591376781, 0.06935784965753555, 0.002318739425390959, 0.19032688438892365, -0.07283609360456467, -0.007693283725529909, 0.16756796836853027, -0.06189814209938049, 0.09993787854909897, 0.1697210967540741, 0.025174150243401527, -0.04734085127711296, 0.007138412445783615, -0.055632125586271286, -0.11324923485517502, -0.15631793439388275, -0.10392561554908752, -0.12388478964567184, -0.016365306451916695, 0.053693704307079315, 0.05135060474276543, 0.1366347074508667, 0.08799544721841812, 0.04486054927110672, -0.013371231965720654, -0.07430969923734665, 0.045883070677518845, 0.1807388961315155, -0.035588037222623825, 0.1352590173482895, -0.031387005001306534, -0.14443624019622803, 0.06092212349176407, 0.02651546150445938, 0.10294025391340256, 0.11289955675601959, -0.011148590594530106, 0.032517630606889725, 0.16001513600349426, 0.15972571074962616, 0.1544935703277588, 0.01953292265534401, -0.0659312754869461, -0.005418408662080765, -0.007033987902104855, -0.06054742634296417, 0.03388180211186409, 0.1436174511909485, -0.09684855490922928, -0.03456423804163933, -0.13697047531604767, 0.04400881007313728, 0.08896160125732422, 0.06428934633731842, -0.22976918518543243, 0.008100064471364021, 0.05493460223078728, 0.0023586356546729803, -0.06557485461235046, 0.03928028792142868, -0.0320902056992054, -0.13321006298065186, 0.052397675812244415, -0.05001334473490715, 0.08747413754463196, 0.043869659304618835, 0.08278658986091614, -0.031903546303510666, -0.06297757476568222, 0.03340759873390198, 0.07018693536520004, -0.26956674456596375, 0.2864241600036621, -0.0076638516038656235, -0.05184830352663994, -0.06715048104524612, -0.015307174995541573, 0.043960582464933395, 0.1230059564113617, 0.1093001738190651, 0.031107833608984947, -0.03158816695213318, -0.16834814846515656, -0.01523865107446909, 0.02594602480530739, 0.10453013330698013, -0.020450059324502945, -0.01780172809958458, -0.028262756764888763, -0.049177851527929306, -0.000015467405319213867, 0.10163380205631256, 0.010140794329345226, -0.12206193059682846, 0.08098109066486359, 0.04435057193040848, 0.0015824068104848266, -0.0052205719985067844, -0.059343695640563965, -0.11442940682172775, 0.17408356070518494, -0.03048541210591793, -0.046434156596660614, -0.10729771852493286, -0.10934489965438843, 0.09415420889854431, -0.11165603250265121, 0.10737152397632599, -0.09074999392032623, 0.0015678303316235542, -0.08883469551801682, -0.16437119245529175, 0.1636723279953003, -0.1227324828505516, -0.006746702361851931, -0.08104004710912704, 0.14596669375896454, -0.060030676424503326, 0.038588669151067734, -0.0017794312443584204, 0.037048742175102234, -0.11190441995859146, -0.051631201058626175, 0.03424249589443207, -0.0697890892624855, 0.03637720271945, 0.021248463541269302, -0.06092901527881622, -0.015341187827289104, 0.01712672784924507, 0.029430298134684563, 0.2285737544298172, 0.24050113558769226, -0.058733828365802765, 0.13630063831806183, 0.19738201797008514, -0.03329853340983391, -0.331666499376297, -0.11640380322933197, -0.13622349500656128, 0.0005102388095110655, 0.003718039719387889, -0.12372876703739166, 0.10008597373962402, -0.024882014840841293, -0.05305386707186699, 0.10888828337192535, -0.1551966369152069, -0.09533234685659409, 0.252644419670105, -0.00347769889049232, 0.49753084778785706, -0.09024994820356369, -0.06553277373313904, -0.044034045189619064, -0.1431555300951004, 0.03075013868510723, 0.04155018925666809, 0.08482600748538971, -0.02324388548731804, 0.09079228341579437, 0.033707041293382645, -0.0893269032239914, 0.09577471762895584, -0.0388454869389534, 0.013166915625333786, -0.10824842751026154, -0.10320234298706055, 0.06651093810796738, -0.008925247937440872, -0.01342021394520998, 0.017517104744911194, 0.0008016519714146852, -0.04317079856991768, -0.02224784530699253, -0.0990862175822258, 0.10707922279834747, 0.030472727492451668, -0.06482819467782974, 0.035206690430641174, -0.019244804978370667, -0.015145006589591503, -0.007423643488436937, 0.19297368824481964, -0.01259465143084526, 0.1812499612569809, 0.08186808973550797, 0.033373720943927765, -0.157821923494339, -0.0789436399936676, -0.04496937617659569, -0.08342287689447403, 0.08865169435739517, -0.004178502596914768, 0.05619857832789421, 0.12398222833871841, -0.016635412350296974, 0.045535024255514145, 0.11133874952793121, 0.012456598691642284, -0.034960344433784485, 0.1520044505596161, -0.22208383679389954, 0.039923958480358124, -0.022381475195288658, -0.0006240137736313045, 0.06088448688387871, 0.049722976982593536, 0.08641759306192398, 0.033706847578287125, -0.03104483149945736, -0.0008824928663671017, -0.01355475652962923, -0.060814835131168365, 0.06303859502077103, 0.06252151727676392, 0.0494142584502697, -0.12390895187854767, 0.0037860479205846786, -0.01427464559674263, -0.2027723491191864, -0.016368333250284195, 0.07930473983287811, -0.1173076182603836, -0.10641849786043167, -0.0007430599071085453, 0.09861663728952408, -0.10443630814552307, -0.036279451102018356, -0.06771060824394226, -0.11045993119478226, 0.060064565390348434, 0.20940980315208435, 0.11782282590866089, 0.07775617390871048, -0.021441813558340073, -0.012214761227369308, -0.0001760410814313218, -0.005787630099803209, 0.027721410617232323, 0.037165649235248566, -0.08553791046142578, 0.012193841859698296, -0.00787738710641861, 0.1525031328201294, -0.11099424958229065, -0.0570271760225296, -0.16754819452762604, 0.04372520372271538, -0.07591856271028519, -0.09747356176376343, -0.08431310206651688, -0.07531549781560898, 0.021359523758292198, -0.08560726046562195, -0.04506814107298851, -0.039541974663734436, -0.12288438528776169, 0.03046763502061367, 0.04021446034312248, -0.010741065256297588, -0.061197247356176376, -0.04159187525510788, 0.14633981883525848, -0.04068463295698166, 0.06772766262292862, 0.1460852324962616, -0.07389503717422485, 0.0896463468670845, -0.11542059481143951, -0.12727871537208557, 0.09477220475673676, 0.020070279017090797, 0.09139122068881989, 0.05336790904402733, 0.01958641968667507, 0.05536975339055061, 0.04038120061159134, 0.04530973359942436, 0.08517946302890778, -0.11504324525594711, 0.07132705301046371, 0.019404908642172813, -0.19654226303100586, -0.025486405938863754, -0.0985725075006485, 0.07609806954860687, -0.0008583934395574033, 0.12606661021709442, -0.038114555180072784, 0.10105494409799576, -0.044352639466524124, 0.016144976019859314, -0.02067798562347889, -0.16057509183883667, -0.0002418273943476379, -0.04430306702852249, 0.005752918776124716, -0.015294931828975677, 0.22335125505924225, -0.019658371806144714, 0.011598565615713596, 0.04420766234397888, 0.0811861976981163, -0.006674704607576132, -0.003334123408421874, 0.1391073614358902, 0.09529013931751251, -0.05033880099654198, -0.0824577584862709, 0.09763902425765991, 0.019707582890987396, -0.0507553294301033, 0.11748890578746796, 0.06097251549363136, 0.05766374617815018, 0.0935017392039299, -0.00011765389353968203, 0.03750666230916977, -0.14180850982666016, -0.2154024839401245, -0.05643448233604431, 0.05704600363969803, 0.026801390573382378, 0.05061686038970947, 0.15110792219638824, -0.008571876212954521, 0.05097571015357971, -0.045685064047575, -0.021794475615024567, -0.19698098301887512, -0.12817633152008057, -0.08403314650058746, -0.07468314468860626, 0.025791466236114502, -0.015486298128962517, -0.012681586667895317, 0.11113075911998749, 0.03623104840517044, -0.02547556534409523, 0.14575883746147156, 0.0006089313537813723, -0.016959989443421364, 0.008867597207427025, -0.011119810864329338, 0.019201332703232765, 0.014266167767345905, -0.020543811842799187, -0.16695630550384521, -0.00004931503644911572, -0.04967257007956505, -0.002830493962392211, -0.08251074701547623, 0.013672994449734688, -0.08735823631286621, -0.12957517802715302, -0.07496552914381027, 0.029849210754036903, -0.0506138913333416, 0.08198966830968857, -0.016253242269158363, 0.06282319128513336, -0.0008349078125320375, 0.12938246130943298, -0.07772230356931686, -0.09083987027406693, -0.04715513065457344, 0.19431117177009583, 0.03616375848650932, 0.0956777036190033, -0.02179764211177826, 0.03464846312999725, -0.1037064641714096, 0.3324778378009796, 0.31129324436187744, -0.052091460675001144, 0.06951403617858887, 0.0565626434981823, 0.03346649184823036, 0.0671917051076889, 0.11925683915615082, 0.07953112572431564, 0.28988388180732727, -0.09943179786205292, -0.03900349885225296, -0.04834131523966789, -0.033160701394081116, -0.10412329435348511, 0.018212269991636276, 0.03660596162080765, -0.0313163697719574, -0.06766243278980255, 0.07228805124759674, -0.16419027745723724, 0.1277483105659485, 0.038464777171611786, -0.20214959979057312, -0.05001012980937958, -0.022293444722890854, 0.17208261787891388, 0.023962292820215225, 0.11135682463645935, -0.03786075860261917, -0.09076625108718872, 0.05506119132041931, 0.02017480693757534, -0.20156872272491455, -0.07167889177799225, 0.11478777229785919, -0.012319729663431644, 0.07220034301280975, -0.019541248679161072, 0.025913916528224945, 0.08213767409324646, 0.07168704271316528, -0.01559832226485014, 0.020182859152555466, 0.02560911513864994, -0.10952898114919662, -0.06754907965660095, 0.007291250396519899, 0.010638667270541191, -0.09802126884460449, 0.025771308690309525, -0.15365026891231537, 0.045990779995918274, -0.09940467774868011, -0.034484319388866425, -0.0026395691093057394, 0.06375488638877869, -0.042776890099048615, 0.04983282834291458, 0.06438891589641571, 0.019724903628230095, -0.04212624579668045, -0.051380742341279984, -0.013130401261150837, 0.060639556497335434, -0.11013759672641754, -0.16548074781894684, -0.08889462798833847, -0.06378176063299179, 0.04894685745239258, -0.013791671954095364, -0.1436946988105774, -0.04850674420595169, -0.09471596777439117, 0.03012644685804844, -0.14216245710849762, 0.036408934742212296, 0.04892963543534279, 0.049634188413619995, 0.014591313898563385, -0.046339698135852814, 0.04332611337304115, 0.0460096076130867, -0.15229018032550812, -0.09534545242786407 ]
null
null
transformers
# MArSum: Moroccan Articles Summarization dataset - [Description](#description) - [Dataset](#dataset) - [Citation](#citation) - [License](#license) ## Description This dataset contains **19,806** news articles written in Moroccan Arabic dialect along with their titles. The articles were crawled from [Goud.ma](http://www.goud.ma) website between 01/01/2018 and 12/31/2020. The articles are written mainly in Moroccan Arabic dialect (Darija) but some of them contain Modern Standard Arabic (MSA) passages. All the titles are written in Darija. The following table summarize some tatistics on the MArSum Dataset. <table class="tg"> <thead> <tr> <th class="tg-0pky" rowspan="2">Size</th> <th class="tg-0pky" colspan="3">Titles length</th> <th class="tg-0pky" colspan="3">Articles length</th> </tr> <tr> <th class="tg-lqy6">Min.</th> <th class="tg-lqy6">Max.</th> <th class="tg-lqy6">Avg.</th> <th class="tg-lqy6">Min.</th> <th class="tg-lqy6">Max.</th> <th class="tg-0lax">Avg.</th> </tr> </thead> <tbody> <tr> <td class="tg-dvpl">19,806</td> <td class="tg-dvpl">2</td> <td class="tg-dvpl">74</td> <td class="tg-dvpl">14.6</td> <td class="tg-dvpl">30</td> <td class="tg-dvpl">2964</td> <td class="tg-0pky">140.7</td> </tr> </tbody> </table> The following figure describes the creation process of MArSum: ![alt text](MArSum_schema_Color1.png) You may refer to our paper, cited below, for more details on this process. ## Dataset The dataset is split into Train/Test subsets using a 90/10 split strategy. Both subsets are available for direct [donwload](https://github.com/KamelGaanoun/MoroccanSummarization). ## Citation Please cite the following paper if you decide to use the dataset: Gaanoun, K., Naira, A. M., Allak, A., & Benelallam, I. (2022). Automatic Text Summarization for Moroccan Arabic Dialect Using an Artificial Intelligence Approach. In International Conference on Business Intelligence (pp. 158-177). Springer, Cham. ## License The dataset is distributed under the CC BY 4.0 license.
{"language": "ar", "widget": [{"text": " \u0643\u0634\u0641 \u0627\u0644\u0645\u0644\u064a\u0627\u0631\u062f\u064a\u0631 \u0627\u0644\u0645\u064a\u0631\u064a\u0643\u0627\u0646\u064a \u0648\u0645\u0624\u0633\u0633 \u0634\u0631\u0643\u0629 \u201c\u0645\u0627\u064a\u0643\u0631\u0648\u0633\u0648\u0641\u062a\u201d\u060c \u0628\u064a\u0644 \u0643\u064e\u064a\u062a\u0633\u060c \u0628\u0644\u0644\u064a \u0645\u0627\u0639\u0646\u062f\u0648\u0634 \u062d\u062a\u0649 \u0641\u0644\u0648\u0633 \u0631\u0642\u0645\u064a\u0629\u060c \u0648\u0643\u064a\u0641\u0636\u0644 \u064a\u0633\u062a\u062b\u0645\u0631 \u0641\u0644\u0648\u0633\u0648 \u0641\u0627\u0644\u0623\u0634\u064a\u0627\u0621 \u0627\u0644\u0644\u064a \u0639\u0646\u062f\u0647\u0627 \u0642\u064a\u0645\u0629\u060c \u062d\u0633\u0628 \u0643\u0644\u0627\u0645\u0648. \u062c\u0631\u064a\u062f\u0629 \u201c\u0628\u0631\u064a\u0637\u0627\u0646\u064a\u0629 \u0642\u0627\u0644\u062a \u0623\u0646 \u062a\u0635\u0631\u064a\u062d\u0627\u062a \u0643\u064e\u064a\u062a\u0633 \u0639\u0644\u0649 \u0627\u0644\u0639\u0645\u0644\u0627\u062a \u0627\u0644\u0645\u0634\u0641\u0631\u0629 \u0643\u0627\u0646\u062a \u0628\u0645\u0646\u0627\u0633\u0628\u0629 \u062d\u062f\u062b \u201c\u0633\u0648\u0644\u0646\u064a \u0639\u0644\u0649 \u0623\u064a \u062d\u0627\u062c\u0629\u201d\u060c \u0627\u0644\u0644\u064a \u062a\u0646\u0638\u0645 \u0639\u0644\u0649 \u0645\u0648\u0642\u0639 \u201c\u0631\u064a\u062f\u064a\u062a\u201d \u0627\u0644\u0634\u0647\u064a\u0631.\u0628\u064a\u0644 \u0643\u064e\u064a\u062a\u0633 \u0627\u0644\u0644\u064a \u0648\u0627\u0635\u0644\u0629 \u0644\u0627\u0641\u0648\u0631\u062a\u064a\u0646 \u062f\u064a\u0627\u0644\u0648 \u0644116 \u0645\u0644\u064a\u0627\u0631 \u062f\u0648\u0644\u0627\u0631\u060c \u0648\u0647\u0648 \u0631\u0627\u0628\u0639 \u0623\u063a\u0646\u0649 \u0631\u062c\u0644 \u0641\u0627\u0644\u0639\u0627\u0644\u0645\u060c \u062c\u0627\u062a \u062a\u0635\u0631\u064a\u062d\u0627\u062a\u0648 \u0628\u0627\u0644\u062a\u0632\u0627\u0645\u0646 \u0645\u0639 \u062e\u0633\u0627\u0631\u0629 \u0627\u0644\u0639\u0645\u0644\u0627\u062a \u0627\u0644\u0631\u0642\u0645\u064a\u0629 \u0644\u062a\u0631\u064a\u0644\u064a\u0648\u0646 \u062f\u0648\u0644\u0627\u0631 \u0645\u0646 \u0642\u064a\u0645\u062a\u0647\u0627 \u0641\u0639\u0627\u0645 2022\u060c \u0648\u0636\u0627\u0639\u062a \u0641\u062d\u0648\u0627\u0644\u064a 200 \u0645\u0644\u064a\u0627\u0631 \u062f\u0648\u0644\u0627\u0631 \u0645\u0646 \u0642\u064a\u0645\u062a\u0647\u0627 \u064124 \u0633\u0627\u0639\u0629 \u0641\u0642\u0637 \u0641\u0648\u0642\u062a \u0633\u0627\u0628\u0642 \u0645\u0646 \u0647\u0630\u0627 \u0627\u0644\u0634\u0647\u0631."}]}
text2text-generation
Kamel/t5-darija-summarization
[ "transformers", "pytorch", "t5", "text2text-generation", "ar", "autotrain_compatible", "endpoints_compatible", "text-generation-inference", "region:us" ]
2022-03-02T23:29:04+00:00
[]
[ "ar" ]
TAGS #transformers #pytorch #t5 #text2text-generation #ar #autotrain_compatible #endpoints_compatible #text-generation-inference #region-us
# MArSum: Moroccan Articles Summarization dataset - Description - Dataset - Citation - License ## Description This dataset contains 19,806 news articles written in Moroccan Arabic dialect along with their titles. The articles were crawled from URL website between 01/01/2018 and 12/31/2020. The articles are written mainly in Moroccan Arabic dialect (Darija) but some of them contain Modern Standard Arabic (MSA) passages. All the titles are written in Darija. The following table summarize some tatistics on the MArSum Dataset. <table class="tg"> <thead> <tr> <th class="tg-0pky" rowspan="2">Size</th> <th class="tg-0pky" colspan="3">Titles length</th> <th class="tg-0pky" colspan="3">Articles length</th> </tr> <tr> <th class="tg-lqy6">Min.</th> <th class="tg-lqy6">Max.</th> <th class="tg-lqy6">Avg.</th> <th class="tg-lqy6">Min.</th> <th class="tg-lqy6">Max.</th> <th class="tg-0lax">Avg.</th> </tr> </thead> <tbody> <tr> <td class="tg-dvpl">19,806</td> <td class="tg-dvpl">2</td> <td class="tg-dvpl">74</td> <td class="tg-dvpl">14.6</td> <td class="tg-dvpl">30</td> <td class="tg-dvpl">2964</td> <td class="tg-0pky">140.7</td> </tr> </tbody> </table> The following figure describes the creation process of MArSum: !alt text You may refer to our paper, cited below, for more details on this process. ## Dataset The dataset is split into Train/Test subsets using a 90/10 split strategy. Both subsets are available for direct donwload. Please cite the following paper if you decide to use the dataset: Gaanoun, K., Naira, A. M., Allak, A., & Benelallam, I. (2022). Automatic Text Summarization for Moroccan Arabic Dialect Using an Artificial Intelligence Approach. In International Conference on Business Intelligence (pp. 158-177). Springer, Cham. ## License The dataset is distributed under the CC BY 4.0 license.
[ "# MArSum: Moroccan Articles Summarization dataset\n- Description\n- Dataset\n- Citation\n- License", "## Description\n\nThis dataset contains 19,806 news articles written in Moroccan Arabic dialect along with their titles. The articles were crawled from URL website between 01/01/2018 and 12/31/2020. \nThe articles are written mainly in Moroccan Arabic dialect (Darija) but some of them contain Modern Standard Arabic (MSA) passages. All the titles are written in Darija. \nThe following table summarize some tatistics on the MArSum Dataset.\n\n\n<table class=\"tg\">\n<thead>\n <tr>\n <th class=\"tg-0pky\" rowspan=\"2\">Size</th>\n <th class=\"tg-0pky\" colspan=\"3\">Titles length</th>\n <th class=\"tg-0pky\" colspan=\"3\">Articles length</th>\n </tr>\n <tr>\n <th class=\"tg-lqy6\">Min.</th>\n <th class=\"tg-lqy6\">Max.</th>\n <th class=\"tg-lqy6\">Avg.</th>\n <th class=\"tg-lqy6\">Min.</th>\n <th class=\"tg-lqy6\">Max.</th>\n <th class=\"tg-0lax\">Avg.</th>\n </tr>\n</thead>\n<tbody>\n <tr>\n <td class=\"tg-dvpl\">19,806</td>\n <td class=\"tg-dvpl\">2</td>\n <td class=\"tg-dvpl\">74</td>\n <td class=\"tg-dvpl\">14.6</td>\n <td class=\"tg-dvpl\">30</td>\n <td class=\"tg-dvpl\">2964</td>\n <td class=\"tg-0pky\">140.7</td>\n </tr>\n</tbody>\n</table>\n\nThe following figure describes the creation process of MArSum:\n\n!alt text\n\nYou may refer to our paper, cited below, for more details on this process.", "## Dataset\n\nThe dataset is split into Train/Test subsets using a 90/10 split strategy. Both subsets are available for direct donwload.\n \nPlease cite the following paper if you decide to use the dataset:\n\n Gaanoun, K., Naira, A. M., Allak, A., & Benelallam, I. (2022). Automatic Text Summarization for Moroccan Arabic Dialect\n Using an Artificial Intelligence Approach. In International Conference on Business Intelligence (pp. 158-177). Springer, Cham.", "## License\nThe dataset is distributed under the CC BY 4.0 license." ]
[ "TAGS\n#transformers #pytorch #t5 #text2text-generation #ar #autotrain_compatible #endpoints_compatible #text-generation-inference #region-us \n", "# MArSum: Moroccan Articles Summarization dataset\n- Description\n- Dataset\n- Citation\n- License", "## Description\n\nThis dataset contains 19,806 news articles written in Moroccan Arabic dialect along with their titles. The articles were crawled from URL website between 01/01/2018 and 12/31/2020. \nThe articles are written mainly in Moroccan Arabic dialect (Darija) but some of them contain Modern Standard Arabic (MSA) passages. All the titles are written in Darija. \nThe following table summarize some tatistics on the MArSum Dataset.\n\n\n<table class=\"tg\">\n<thead>\n <tr>\n <th class=\"tg-0pky\" rowspan=\"2\">Size</th>\n <th class=\"tg-0pky\" colspan=\"3\">Titles length</th>\n <th class=\"tg-0pky\" colspan=\"3\">Articles length</th>\n </tr>\n <tr>\n <th class=\"tg-lqy6\">Min.</th>\n <th class=\"tg-lqy6\">Max.</th>\n <th class=\"tg-lqy6\">Avg.</th>\n <th class=\"tg-lqy6\">Min.</th>\n <th class=\"tg-lqy6\">Max.</th>\n <th class=\"tg-0lax\">Avg.</th>\n </tr>\n</thead>\n<tbody>\n <tr>\n <td class=\"tg-dvpl\">19,806</td>\n <td class=\"tg-dvpl\">2</td>\n <td class=\"tg-dvpl\">74</td>\n <td class=\"tg-dvpl\">14.6</td>\n <td class=\"tg-dvpl\">30</td>\n <td class=\"tg-dvpl\">2964</td>\n <td class=\"tg-0pky\">140.7</td>\n </tr>\n</tbody>\n</table>\n\nThe following figure describes the creation process of MArSum:\n\n!alt text\n\nYou may refer to our paper, cited below, for more details on this process.", "## Dataset\n\nThe dataset is split into Train/Test subsets using a 90/10 split strategy. Both subsets are available for direct donwload.\n \nPlease cite the following paper if you decide to use the dataset:\n\n Gaanoun, K., Naira, A. M., Allak, A., & Benelallam, I. (2022). Automatic Text Summarization for Moroccan Arabic Dialect\n Using an Artificial Intelligence Approach. In International Conference on Business Intelligence (pp. 158-177). Springer, Cham.", "## License\nThe dataset is distributed under the CC BY 4.0 license." ]
[ 50, 26, 467, 120, 15 ]
[ "passage: TAGS\n#transformers #pytorch #t5 #text2text-generation #ar #autotrain_compatible #endpoints_compatible #text-generation-inference #region-us \n# MArSum: Moroccan Articles Summarization dataset\n- Description\n- Dataset\n- Citation\n- License" ]
[ -0.0007573257898911834, 0.018726592883467674, -0.005132084246724844, 0.01715446636080742, 0.12380456924438477, 0.034535519778728485, 0.1807011365890503, 0.06388606131076813, -0.08458027988672256, -0.10239763557910919, 0.14128130674362183, 0.13910642266273499, 0.06547028571367264, 0.03933241590857506, -0.044018808752298355, -0.19095048308372498, 0.04390004277229309, 0.01569795235991478, -0.04233487322926521, 0.1205897107720375, 0.1816239058971405, 0.02608594298362732, 0.14942723512649536, 0.04569553583860397, -0.05771258473396301, 0.059361182153224945, 0.02149752900004387, -0.2052648812532425, 0.1552892029285431, 0.12259455025196075, 0.06993289291858673, 0.06052161380648613, 0.0477350652217865, -0.11569585651159286, 0.03946521133184433, 0.009989304468035698, -0.12735643982887268, 0.06310583651065826, 0.1596587598323822, -0.11217788606882095, 0.20480379462242126, -0.10933657735586166, -0.04299413412809372, 0.019503511488437653, -0.09461146593093872, -0.0366174653172493, -0.032450832426548004, -0.04165450856089592, 0.042741212993860245, 0.06347770988941193, 0.03031320311129093, 0.04124640300869942, -0.07787128537893295, 0.09082139283418655, 0.16999486088752747, -0.2882024645805359, -0.0623602494597435, -0.010747561231255531, -0.00020197630510665476, 0.05272018164396286, -0.029269415885210037, 0.12426555156707764, -0.00613111536949873, -0.044573403894901276, 0.03971107676625252, -0.11828763782978058, -0.08147349208593369, -0.008932125754654408, -0.03543262928724289, -0.060112424194812775, 0.27101248502731323, -0.008621701039373875, 0.01643223874270916, 0.037652917206287384, -0.07344786822795868, 0.13324639201164246, -0.06395172327756882, 0.06445568799972534, -0.003062453819438815, 0.0026472650934010744, 0.057426489889621735, 0.032769571989774704, -0.06873840093612671, -0.02207283489406109, -0.282315731048584, 0.06875377893447876, 0.0008235572604462504, 0.07912061363458633, -0.06900651752948761, 0.03949277475476265, -0.08366663753986359, -0.06333937495946884, 0.0033009324688464403, -0.12669877707958221, 0.025653183460235596, -0.027744662016630173, 0.014506569132208824, -0.06246643140912056, 0.11820385605096817, 0.059877555817365646, -0.02801191434264183, 0.017895067110657692, -0.09781505912542343, 0.12010171264410019, 0.01711757853627205, -0.02480343170464039, -0.10097478330135345, -0.11429913341999054, -0.004755140282213688, -0.07794742286205292, 0.019361276179552078, 0.030432185158133507, -0.059899963438510895, -0.04436427354812622, -0.11109615862369537, 0.015987733379006386, -0.017508117482066154, 0.053108204156160355, 0.03569944575428963, -0.020031718537211418, -0.0030296642798930407, -0.07975786924362183, -0.0854739397764206, -0.025301430374383926, -0.08588167279958725, 0.0557452067732811, 0.03698712959885597, -0.0009557612356729805, -0.1424822211265564, 0.07886691391468048, -0.06952200829982758, 0.02376575767993927, 0.028774503618478775, -0.06524358689785004, 0.00843820720911026, 0.031811803579330444, -0.012723167426884174, -0.1550317257642746, -0.09429927170276642, 0.0718943253159523, 0.10631630569696426, -0.07016678154468536, 0.027777498587965965, -0.0344352163374424, 0.05007336661219597, 0.11533887684345245, -0.03258989378809929, 0.06491170823574066, -0.11862200498580933, 0.10296378284692764, -0.06403902918100357, 0.0755995437502861, -0.1572355031967163, 0.04019885137677193, -0.0421246662735939, -0.0057738423347473145, 0.014664906077086926, 0.09958184510469437, -0.013399885967373848, -0.03575117513537407, -0.1679166853427887, -0.056101132184267044, -0.08358912169933319, -0.0007597639923915267, 0.0534914955496788, 0.18192386627197266, -0.11121686547994614, -0.10290095955133438, 0.2033918797969818, -0.07567193359136581, -0.1856154501438141, 0.1543285995721817, -0.02142125368118286, 0.05838840454816818, 0.054350752383470535, 0.0901867151260376, -0.1055980920791626, -0.00033365265699103475, 0.06027332693338394, 0.1295291930437088, -0.006426152773201466, -0.022104598581790924, 0.14385226368904114, 0.0002858474908862263, -0.11929064989089966, -0.04173334687948227, 0.07535205781459808, 0.08749381452798843, -0.030728716403245926, -0.032664988189935684, 0.03655112907290459, 0.002290902426466346, 0.15265028178691864, -0.009244447574019432, 0.045061446726322174, -0.06468484550714493, -0.019443940371274948, -0.049107156693935394, -0.03274417296051979, 0.008058281615376472, 0.023935098201036453, -0.004833991173654795, 0.020105868577957153, -0.07558048516511917, 0.02319081500172615, -0.10001695156097412, 0.0031950019765645266, -0.1030614823102951, 0.11572854220867157, 0.05135001614689827, -0.056870877742767334, 0.02789197489619255, -0.0036811307072639465, -0.1023353710770607, 0.06935788691043854, 0.039564549922943115, 0.03226424381136894, -0.013315056450664997, -0.09013519436120987, 0.13221493363380432, 0.020576748996973038, 0.10968321561813354, -0.08035776019096375, 0.013397792354226112, 0.015218394808471203, 0.051618047058582306, -0.061710942536592484, 0.13516342639923096, 0.02771875634789467, 0.018574750050902367, -0.048316262662410736, 0.025667568668723106, 0.104286327958107, -0.02864985726773739, -0.11174553632736206, 0.16662928462028503, -0.10639145225286484, 0.25629910826683044, 0.1849443018436432, -0.23890021443367004, 0.012629954144358635, -0.09774166345596313, -0.0299659576267004, -0.00042438507080078125, -0.0029200061690062284, 0.0012663300149142742, 0.0122491754591465, 0.045887596905231476, 0.1998870074748993, -0.11273185908794403, 0.0064737871289253235, 0.03732100874185562, -0.0075951190665364265, -0.06748964637517929, 0.10071705281734467, 0.18506954610347748, -0.28936320543289185, 0.10344526916742325, 0.3424062132835388, 0.061728477478027344, 0.1632269322872162, 0.016872256994247437, -0.04188815504312515, 0.0658312439918518, -0.06899688392877579, -0.029667889699339867, 0.010575072839856148, -0.11715514957904816, -0.014006474986672401, 0.07751457393169403, 0.006890838500112295, -0.009316325187683105, -0.05831170082092285, -0.015248018316924572, -0.02422657422721386, 0.0037890418898314238, -0.20894885063171387, 0.09745572507381439, 0.0454762801527977, 0.15999676287174225, 0.03289005905389786, -0.06517808884382248, 0.06291128695011139, -0.000681584351696074, -0.08201243728399277, 0.1814880222082138, -0.11207036674022675, -0.26541703939437866, -0.0133134750649333, -0.15106995403766632, -0.14725646376609802, 0.0075954413041472435, 0.08951708674430847, -0.05097858980298042, 0.02515929378569126, 0.0004700787249021232, 0.012603828683495522, -0.04882262274622917, 0.019875118508934975, -0.02651853859424591, 0.044079624116420746, -0.10327088832855225, -0.18633036315441132, -0.0488152839243412, -0.029693951830267906, -0.10685354471206665, 0.04496421664953232, -0.17184993624687195, 0.08298830687999725, 0.03606228902935982, -0.07326997071504593, 0.056265246123075485, -0.05779372528195381, 0.22235114872455597, -0.1154298335313797, 0.04899659752845764, 0.20299091935157776, 0.061463821679353714, 0.08543185889720917, 0.22743292152881622, 0.05349259451031685, -0.034446053206920624, 0.0035422861110419035, 0.029664477333426476, -0.07890941947698593, -0.21315714716911316, -0.10364724695682526, -0.12369935214519501, 0.001652130507864058, 0.06275514513254166, -0.02615421451628208, 0.012672463431954384, 0.09243220835924149, -0.04778704419732094, -0.04032279923558235, 0.13273902237415314, 0.07079488039016724, 0.23778489232063293, 0.07706116884946823, 0.12397466599941254, -0.1361735314130783, -0.06040496751666069, 0.12081220000982285, 0.03169916942715645, 0.09789405018091202, 0.05672762915492058, 0.05206243321299553, 0.09219261258840561, -0.09742490202188492, 0.05268068239092827, 0.1917065978050232, 0.028386622667312622, 0.0192090030759573, -0.0652807205915451, -0.03165314346551895, -0.09815410524606705, -0.01364494301378727, -0.09274715185165405, -0.06197233125567436, -0.09480436146259308, -0.08152873814105988, 0.16411757469177246, -0.018355250358581543, 0.022756224498152733, -0.19325575232505798, -0.028909927234053612, 0.010648766532540321, -0.03900789096951485, -0.15764795243740082, 0.04569161683320999, -0.09489196538925171, -0.19348548352718353, 0.15907108783721924, -0.03714628145098686, 0.14602725207805634, 0.004323693923652172, 0.043930765241384506, -0.02435554377734661, -0.14387038350105286, -0.039313606917858124, 0.10539965331554413, -0.315887451171875, 0.39264172315597534, 0.07437823712825775, -0.06509927660226822, -0.05817810446023941, -0.021298039704561234, 0.08327819406986237, 0.22049100697040558, 0.12377641350030899, 0.05654450133442879, -0.15607938170433044, 0.023460017517209053, 0.006761924363672733, 0.05573116987943649, 0.050286270678043365, -0.02614612504839897, -0.039037615060806274, -0.040806978940963745, -0.001745843910612166, -0.044140275567770004, 0.10866248607635498, -0.16716547310352325, -0.2317827045917511, 0.08583791553974152, 0.026441549882292747, 0.06582693755626678, -0.006101240403950214, -0.049559783190488815, -0.032040074467659, 0.1401248723268509, -0.10201384127140045, -0.1630030870437622, -0.14130690693855286, -0.017365003004670143, -0.002282851142808795, -0.05598507076501846, 0.05049256235361099, -0.08172766119241714, 0.0069782002829015255, -0.06491898000240326, -0.1599922776222229, 0.05177431181073189, -0.12008967250585556, 0.06453865766525269, -0.06100432202219963, 0.16000613570213318, -0.07606305181980133, 0.0060005998238921165, 0.059964340180158615, -0.006638190243393183, -0.06912411749362946, -0.08808216452598572, -0.0763934850692749, -0.12270424515008926, 0.029170045629143715, -0.0100907227024436, -0.08580359071493149, -0.1369858682155609, -0.034193601459264755, -0.09762337058782578, 0.2121695578098297, 0.030153920873999596, 0.008707870729267597, 0.1534363329410553, 0.19172388315200806, -0.04448472335934639, -0.2394200563430786, -0.15556319057941437, 0.004420322831720114, -0.09805487096309662, -0.0683782547712326, -0.17117908596992493, 0.04449104890227318, 0.05673868581652641, 0.013333341106772423, -0.06637557595968246, -0.3517422676086426, -0.05073235183954239, 0.08267679810523987, -0.0034068517852574587, 0.34664151072502136, -0.11331790685653687, -0.018288223072886467, -0.15070267021656036, -0.2510372996330261, 0.2455044984817505, -0.13663581013679504, 0.05398988723754883, -0.011641053482890129, 0.029962385073304176, -0.04415777698159218, 0.03939693793654442, 0.14519467949867249, 0.04145552217960358, -0.026153549551963806, -0.10375382751226425, 0.005351148545742035, 0.14603886008262634, 0.03456973284482956, -0.039044447243213654, -0.022504251450300217, -0.014605896547436714, -0.2272161990404129, 0.00841483473777771, -0.03332187980413437, 0.03129560500383377, 0.005351743660867214, -0.0798206776380539, 0.031445492058992386, -0.032992660999298096, 0.06361569464206696, -0.02345999702811241, 0.13841329514980316, -0.03323366120457649, 0.12564070522785187, 0.04889104142785072, 0.1547885239124298, -0.12059472501277924, 0.010847166180610657, -0.04331689327955246, -0.002004854381084442, 0.0216180682182312, -0.18318979442119598, 0.03329595550894737, 0.11843127012252808, -0.024377143010497093, -0.018947474658489227, 0.08550964295864105, 0.097925566136837, -0.00824286974966526, 0.12928208708763123, -0.12918934226036072, 0.02160637266933918, -0.03551825135946274, 0.13330233097076416, 0.037473779171705246, -0.05174138396978378, 0.15493667125701904, 0.0894722044467926, -0.05658429116010666, 0.026513034477829933, -0.03132907301187515, -0.05296545475721359, 0.07317283004522324, -0.029318371787667274, 0.037393808364868164, -0.1282775104045868, 0.09027021378278732, 0.11674473434686661, -0.11260117590427399, -0.07598014175891876, 0.1902068555355072, -0.1561066061258316, -0.09365096688270569, -0.04357043653726578, 0.04353870078921318, -0.20739427208900452, -0.08135908842086792, -0.031517524272203445, -0.12242593616247177, 0.0152982072904706, 0.21732234954833984, 0.06904256343841553, 0.015454757027328014, 0.022072788327932358, -0.1542952060699463, 0.047882966697216034, 0.07802660763263702, -0.0032504561822861433, -0.02326323464512825, 0.07307411730289459, -0.0880492553114891, -0.05254080146551132, 0.19151657819747925, -0.053891874849796295, -0.0075560323894023895, -0.10188720375299454, 0.0534958615899086, -0.09071001410484314, 0.03958137333393097, -0.07560508698225021, 0.01388428546488285, -0.05556897073984146, 0.004465976729989052, -0.08679302036762238, -0.09161116182804108, -0.08408012986183167, 0.048821162432432175, 0.012608388438820839, 0.1360815465450287, -0.09776075184345245, -0.023610955104231834, 0.05558868125081062, -0.0003924898919649422, 0.09742321819067001, 0.0868242084980011, -0.07248485833406448, 0.07813479006290436, -0.21625646948814392, -0.09792858362197876, -0.04399458318948746, 0.008927574381232262, 0.01776900514960289, -0.01932128146290779, 0.10649807751178741, 0.040885742753744125, -0.026511263102293015, 0.04294801875948906, 0.07346640527248383, -0.052532486617565155, -0.033113665878772736, -0.0906834751367569, -0.08417673408985138, 0.02043539471924305, 0.028892681002616882, 0.06405031681060791, 0.021356893703341484, 0.07963879406452179, -0.043126486241817474, -0.03672971576452255, -0.01515644509345293, 0.02870248816907406, -0.02705889567732811, -0.18119345605373383, -0.08546323329210281, -0.1597422957420349, 0.005053163506090641, 0.01750931330025196, 0.2548276484012604, 0.11238080263137817, 0.11849270015954971, 0.07475076615810394, 0.0707508772611618, -0.07043326646089554, -0.001490329159423709, 0.17116525769233704, 0.04693308100104332, -0.005290870554745197, -0.08597616851329803, 0.0059412019327282906, 0.034281954169273376, 0.06995800882577896, 0.13396447896957397, 0.12438197433948517, 0.1084441989660263, 0.010172845795750618, -0.07237784564495087, 0.009486936032772064, 0.06531466543674469, -0.043461136519908905, 0.17503304779529572, 0.02100488170981407, -0.03319549188017845, -0.0025811672676354647, 0.18545213341712952, -0.02858101762831211, 0.02398943528532982, -0.037535011768341064, -0.015721818432211876, -0.14483022689819336, -0.03734679892659187, -0.018984023481607437, -0.06750234961509705, -0.02121705561876297, -0.06812310963869095, 0.06595074385404587, 0.15178576111793518, 0.12069551646709442, -0.018985668197274208, 0.05332497879862785, -0.10456812381744385, -0.13893793523311615, 0.03542296960949898, -0.002596112433820963, 0.11039628833532333, -0.0915755182504654, 0.052603136748075485, -0.05151265859603882, 0.020253706723451614, -0.01576373167335987, 0.07130739837884903, 0.025831928476691246, 0.023893292993307114, -0.1400040090084076, -0.09212245047092438, -0.03628631681203842, 0.052985142916440964, 0.012513210065662861, 0.19302479922771454, 0.03756021335721016, -0.027984488755464554, 0.06135991960763931, 0.2012965977191925, 0.024005373939871788, -0.13007228076457977, -0.0848446786403656, 0.15525305271148682, 0.025203246623277664, 0.05871763080358505, 0.009759753942489624, 0.0033172653056681156, -0.04273125156760216, 0.23669107258319855, 0.25952965021133423, -0.044587764889001846, -0.009745433926582336, -0.0042742034420371056, 0.05260390043258667, 0.18440623581409454, 0.015910174697637558, 0.05390791967511177, 0.14977046847343445, -0.13240574300289154, -0.05496203154325485, -0.031223947182297707, 0.04252062737941742, -0.1300697922706604, 0.16173303127288818, 0.059157900512218475, -0.05660540610551834, 0.03275856375694275, 0.182718887925148, -0.09273605048656464, -0.038110774010419846, -0.07666927576065063, -0.10344462096691132, -0.0336243100464344, -0.07291494309902191, -0.07917414605617523, 0.09831968694925308, -0.010446080937981606, -0.004583240952342749, -0.0772089883685112, 0.02077682688832283, 0.12287180125713348, -0.15985974669456482, -0.12206891924142838, 0.0711451917886734, -0.0312655046582222, 0.13337965309619904, 0.008052458986639977, 0.034335486590862274, 0.058286555111408234, -0.007560701575130224, -0.01820027455687523, 0.044250231236219406, 0.07795634865760803, 0.18578490614891052, 0.050553590059280396, -0.004689020104706287, 0.0011194429825991392, -0.08314718306064606, 0.008794670924544334, -0.04742820933461189, 0.08184798806905746, -0.0807073786854744, -0.08021290600299835, 0.020845990628004074, 0.16365720331668854, -0.06956407427787781, 0.048454415053129196, 0.11343775689601898, 0.013219276443123817, 0.04901525005698204, -0.09627651423215866, -0.002555364277213812, 0.04579930007457733, -0.16963240504264832, -0.025221019983291626, -0.011402897536754608, 0.010939350351691246, -0.07556692510843277, 0.0022158161737024784, -0.15065565705299377, 0.05546485632658005, -0.12449757754802704, 0.08171121031045914, -0.11649522930383682, 0.043209485709667206, 0.055279601365327835, -0.08224927634000778, -0.04201922565698624, -0.18493033945560455, 0.03571407124400139, 0.026239538565278053, 0.008082928135991096, -0.048989564180374146 ]
null
null
transformers
samyarn-bert-base-multilingual-cased kao
{}
text-classification
Kao/samyarn-bert-base-multilingual-cased
[ "transformers", "pytorch", "bert", "text-classification", "autotrain_compatible", "endpoints_compatible", "region:us" ]
2022-03-02T23:29:04+00:00
[]
[]
TAGS #transformers #pytorch #bert #text-classification #autotrain_compatible #endpoints_compatible #region-us
samyarn-bert-base-multilingual-cased kao
[]
[ "TAGS\n#transformers #pytorch #bert #text-classification #autotrain_compatible #endpoints_compatible #region-us \n" ]
[ 36 ]
[ "passage: TAGS\n#transformers #pytorch #bert #text-classification #autotrain_compatible #endpoints_compatible #region-us \n" ]
[ -0.026536712422966957, 0.04976736754179001, -0.007731540594249964, 0.02341027930378914, 0.20494870841503143, 0.04218224436044693, 0.07166644185781479, 0.1081078052520752, 0.06540437042713165, -0.032089509069919586, 0.10898502916097641, 0.22890737652778625, -0.03745893016457558, 0.11566723883152008, -0.11783017218112946, -0.2979154586791992, 0.06830790638923645, 0.06908033788204193, -0.00024103521718643606, 0.11134638637304306, 0.08377818018198013, -0.08843351900577545, 0.07041390985250473, -0.039391499012708664, -0.11928878724575043, 0.04120895266532898, 0.04201217740774155, -0.128968745470047, 0.10206019878387451, 0.04667878895998001, 0.1612440049648285, 0.020005566999316216, -0.06739236414432526, -0.154616579413414, 0.0336696095764637, -0.0003978070744778961, -0.07949702441692352, 0.041154924780130386, 0.0834934264421463, -0.11765240132808685, 0.009522730484604836, 0.03841863572597504, 0.022789550945162773, 0.05028093606233597, -0.14333219826221466, -0.07251771539449692, -0.002419156488031149, 0.029012316837906837, 0.05913800001144409, 0.0598759762942791, -0.002957597142085433, 0.1424214392900467, -0.13965049386024475, 0.12620261311531067, 0.09429286420345306, -0.2923010587692261, -0.0088807987049222, 0.08759160339832306, 0.027602141723036766, 0.05489844083786011, -0.0477239191532135, 0.050349123775959015, 0.02152593620121479, 0.006244409829378128, 0.0014351755380630493, -0.07273159921169281, -0.10605065524578094, 0.035220496356487274, -0.08316893875598907, -0.049130894243717194, 0.19201035797595978, -0.05444741249084473, 0.07102859020233154, -0.02369237318634987, -0.09560474008321762, -0.05289671570062637, -0.025107022374868393, 0.018850168213248253, -0.04439172148704529, 0.06905210763216019, 0.029569845646619797, 0.010320127010345459, -0.10565698146820068, 0.03122977539896965, -0.21760006248950958, 0.20976117253303528, 0.014575785025954247, 0.05031627416610718, -0.18153272569179535, 0.05320606753230095, 0.012799138203263283, -0.09720049053430557, 0.05345968157052994, -0.10138970613479614, 0.025928562507033348, -0.03812453895807266, -0.07192374020814896, -0.02739580348134041, 0.0816444382071495, 0.13516521453857422, 0.041108258068561554, 0.059053935110569, -0.041404832154512405, 0.08655412495136261, 0.03162030130624771, 0.13472779095172882, 0.033738039433956146, -0.03977132961153984, 0.03946247324347496, -0.1231473833322525, -0.00647841626778245, -0.07187561690807343, -0.15673033893108368, -0.028635773807764053, 0.0752328485250473, 0.08006087690591812, 0.004822878632694483, 0.09519599378108978, -0.060662589967250824, -0.03062121570110321, 0.08224024623632431, -0.07733647525310516, 0.02224470116198063, 0.026406224817037582, 0.022000659257173538, 0.101798415184021, -0.019659440964460373, -0.0015375112416222692, -0.08451379835605621, 0.14397169649600983, -0.05375861003994942, 0.007298978511244059, -0.033063821494579315, -0.08073414862155914, 0.030349934473633766, -0.1405506432056427, 0.02792905643582344, -0.17062804102897644, -0.09528942406177521, 0.012332682497799397, 0.019128363579511642, 0.001749284565448761, -0.023433325812220573, -0.03093680739402771, 0.006545908749103546, 0.0424383319914341, -0.06069215387105942, -0.06501442193984985, -0.07589498907327652, 0.09581612050533295, -0.030969982966780663, 0.07632152736186981, -0.12148407846689224, 0.0795503556728363, -0.09479566663503647, -0.02546360157430172, -0.12941965460777283, 0.0373355858027935, -0.04622753709554672, 0.1718803346157074, 0.013590065762400627, -0.04714406654238701, -0.05325024202466011, 0.06296809762716293, -0.0670921728014946, 0.1699289232492447, -0.06951840966939926, -0.11890474706888199, 0.21500444412231445, -0.08380883932113647, -0.13756290078163147, 0.08620618283748627, -0.014584669843316078, 0.0003590308187995106, 0.10495591163635254, 0.2001815140247345, 0.09155366569757462, 0.006830575410276651, 0.08820617198944092, 0.12077005207538605, -0.08545669168233871, -0.11240582168102264, -0.005832689814269543, -0.005655956454575062, -0.14152070879936218, 0.057374704629182816, 0.07428599894046783, 0.07163040339946747, -0.05171000212430954, -0.03735769912600517, -0.00994520727545023, -0.007230670657008886, 0.13671016693115234, 0.054894041270017624, 0.11879090964794159, -0.08347898721694946, 0.0004564806877169758, 0.008610726334154606, -0.01850513368844986, 0.016449708491563797, 0.02691977098584175, -0.06303919106721878, 0.11149293184280396, 0.01560661755502224, 0.030040156096220016, -0.22954900562763214, -0.07738739997148514, -0.004857209976762533, 0.1317768543958664, -0.016139987856149673, 0.11725185811519623, 0.05058206245303154, -0.058512113988399506, -0.013537165708839893, -0.022089142352342606, 0.18155772984027863, 0.021907884627580643, -0.06484844535589218, -0.06583412736654282, 0.06355377286672592, -0.07136932015419006, -0.0009439446148462594, -0.07689674198627472, 0.014060765504837036, 0.07748502492904663, 0.11273034662008286, 0.01009473018348217, 0.0715249702334404, -0.026004934683442116, 0.06679531186819077, -0.06401108205318451, 0.026931757107377052, 0.118758425116539, -0.012655431404709816, -0.0722615197300911, 0.15806308388710022, -0.14796574413776398, 0.29817652702331543, 0.2068978101015091, -0.3074952960014343, 0.003431171178817749, -0.04410141706466675, -0.0044579943642020226, 0.02857346273958683, 0.03858071565628052, 0.0010076105827465653, 0.0966758206486702, 0.001866061589680612, 0.20398299396038055, -0.02794223465025425, -0.041622765362262726, -0.013331537134945393, -0.048477016389369965, -0.030720924958586693, 0.0930258184671402, 0.06317867338657379, -0.2123168408870697, 0.1965867280960083, 0.2256951779127121, 0.020235497504472733, 0.16021281480789185, -0.007587776519358158, 0.039776433259248734, 0.09032315015792847, -0.04407169669866562, -0.028124243021011353, -0.07736045867204666, -0.19754260778427124, -0.048038698732852936, 0.07934695482254028, 0.03309439867734909, 0.06981316953897476, -0.11398086696863174, -0.028780505061149597, 0.005873502232134342, 0.02043827436864376, -0.030085694044828415, 0.07733964174985886, 0.08143315464258194, 0.11509016901254654, 0.004185348749160767, -0.07153625786304474, 0.11260948330163956, -0.000511682010255754, -0.0829218178987503, 0.18312713503837585, -0.15064290165901184, -0.35457029938697815, -0.15102937817573547, -0.20665821433067322, -0.024193694815039635, 0.05783972144126892, 0.10403360426425934, -0.11499883979558945, -0.043235164135694504, 0.04162687435746193, -0.002294909907504916, -0.062236279249191284, 0.043300777673721313, -0.06919633597135544, 0.06772983074188232, -0.056030891835689545, -0.06578446924686432, -0.07393626123666763, -0.03732382878661156, -0.014316183514893055, 0.15351881086826324, -0.13038954138755798, 0.07227112352848053, 0.17736823856830597, -0.010089537128806114, 0.06711666285991669, -0.038066890090703964, 0.17289850115776062, -0.08991120010614395, -0.028915125876665115, 0.17436328530311584, -0.08250410854816437, 0.0786806121468544, 0.1608263999223709, 0.022829625755548477, -0.06656418740749359, 0.029574787244200706, -0.039340466260910034, -0.08898156136274338, -0.21838922798633575, -0.148067444562912, -0.11992256343364716, 0.05924250930547714, 0.062341220676898956, 0.0696515217423439, 0.12266137450933456, 0.059203725308179855, 0.015477290377020836, -0.0007553264731541276, -0.00036606789217330515, 0.07583136856555939, 0.2552264630794525, -0.0020075372885912657, 0.14774726331233978, -0.05434580519795418, -0.1357378363609314, 0.08277737349271774, 0.01842481829226017, 0.11255297809839249, 0.09960044920444489, 0.014388641342520714, 0.00644803699105978, 0.061373550444841385, 0.16953399777412415, 0.12216762453317642, 0.03140265494585037, -0.015582526102662086, -0.02194071002304554, 0.0020790479611605406, -0.07317613065242767, 0.01304252166301012, 0.07926664501428604, -0.15208743512630463, -0.08082117140293121, -0.15637393295764923, 0.09561088681221008, 0.07428078353404999, 0.049813296645879745, -0.2040114849805832, 0.009754637256264687, 0.09391142427921295, -0.030124526470899582, -0.09943006932735443, 0.07721024006605148, -0.04655788093805313, -0.14170965552330017, 0.10022298991680145, -0.03493443876504898, 0.13963255286216736, -0.08681212365627289, 0.0932496190071106, -0.03828613832592964, -0.11996456235647202, 0.032416898757219315, 0.11279566586017609, -0.2732636332511902, 0.2332872599363327, 0.010946370661258698, -0.07370878010988235, -0.07934506237506866, -0.026762953028082848, 0.041629474610090256, 0.2184235155582428, 0.059754300862550735, 0.002968377433717251, -0.06075876206159592, -0.18870088458061218, -0.006565387360751629, 0.009197798557579517, 0.1304895579814911, -0.03775089234113693, -0.01569267176091671, -0.0419037826359272, -0.03293319419026375, -0.029366329312324524, -0.038726381957530975, 0.035019759088754654, -0.17148956656455994, 0.05544491484761238, 0.0377817265689373, 0.07244952023029327, 0.019013661891222, -0.04418788477778435, -0.12382309138774872, 0.197775200009346, -0.07774023711681366, -0.07762428373098373, -0.11156740039587021, -0.0784677043557167, 0.02202191948890686, -0.08583451807498932, 0.06005251407623291, -0.08652466535568237, 0.016779478639364243, -0.06327100098133087, -0.20542916655540466, 0.13557077944278717, -0.09933868050575256, -0.02806651033461094, -0.06584896147251129, 0.15001823008060455, -0.0767940878868103, 0.01665390096604824, 0.032243192195892334, 0.01813752017915249, -0.08950473368167877, -0.07632966339588165, -0.0018591269617900252, 0.016023563221096992, 0.051190294325351715, 0.06099539250135422, -0.10083866119384766, -0.06429562717676163, -0.03685735538601875, 0.014633421786129475, 0.2983008325099945, 0.15201643109321594, -0.064842589199543, 0.15137214958667755, 0.1384977251291275, -0.07145120203495026, -0.3431456387042999, -0.08484037965536118, -0.10642081499099731, -0.04306303709745407, -0.046289920806884766, -0.16240264475345612, 0.1177973523736, -0.01295482087880373, -0.017609771341085434, 0.08445491641759872, -0.15145616233348846, -0.08574660867452621, 0.20116515457630157, -0.026354258880019188, 0.39032095670700073, -0.10577060282230377, -0.09967513382434845, -0.058081019669771194, -0.121647909283638, 0.1404253989458084, 0.01047214213758707, 0.08493805676698685, -0.009310578927397728, 0.06269232928752899, 0.044362664222717285, -0.039699576795101166, 0.0946895033121109, 0.011379079893231392, 0.01612018421292305, -0.1131248027086258, -0.11301706731319427, 0.007961280643939972, -0.020395388826727867, -0.015760453417897224, -0.00797135941684246, 0.010495016351342201, -0.1657717525959015, -0.04052681475877762, -0.07803480327129364, 0.05654771998524666, 0.04092846438288689, -0.03739452734589577, 0.006628011353313923, -0.021788200363516808, -0.004880301654338837, 0.005630741827189922, 0.2613779604434967, -0.0545232780277729, 0.17406699061393738, 0.09997852146625519, 0.13454613089561462, -0.1609681397676468, 0.02098797634243965, -0.07239851355552673, -0.06214495375752449, 0.07092934846878052, -0.07368351519107819, 0.07252470403909683, 0.13665559887886047, -0.06541655212640762, 0.06771941483020782, 0.11662118136882782, 0.059408992528915405, -0.036289941519498825, 0.15761438012123108, -0.22834214568138123, 0.03067406453192234, -0.05344350263476372, -0.016603386029601097, 0.06837030500173569, 0.06279473006725311, 0.13393236696720123, 0.05459635332226753, -0.043871067464351654, 0.002848769072443247, -0.009000388905405998, -0.0024182628840208054, 0.06304551661014557, 0.05966060236096382, 0.04511803761124611, -0.1356714963912964, 0.04809432104229927, 0.04747392609715462, -0.180133655667305, -0.015834158286452293, 0.13596458733081818, -0.16409757733345032, -0.1254369467496872, -0.014882639050483704, 0.14192621409893036, -0.10471435636281967, -0.05383450537919998, -0.06129157543182373, -0.13381800055503845, 0.07413940876722336, 0.2071639746427536, 0.1222052350640297, 0.0868266150355339, -0.05386051535606384, -0.04268129542469978, 0.013526189140975475, -0.0048812017776072025, 0.000410786597058177, 0.025256112217903137, -0.10814032703638077, 0.030668657273054123, -0.016766557469964027, 0.1549694985151291, -0.0959596261382103, -0.07802556455135345, -0.1802983283996582, 0.04513133689761162, -0.09466184675693512, -0.0370473749935627, -0.0709371566772461, -0.02417352795600891, 0.006666520144790411, -0.05355566740036011, -0.037236955016851425, -0.06802111119031906, -0.12928707897663116, 0.041479259729385376, -0.020978856831789017, 0.04500049725174904, -0.06915231049060822, -0.044879116117954254, 0.10159214586019516, -0.03420831635594368, 0.09736357629299164, 0.10930681228637695, -0.09245149046182632, 0.10182034969329834, -0.1422983705997467, -0.12590330839157104, 0.12893438339233398, 0.02711927518248558, 0.07729022204875946, 0.07507030665874481, 0.03763207420706749, 0.06823369115591049, 0.010589729994535446, 0.06981854140758514, 0.07503756135702133, -0.12291653454303741, 0.05968776345252991, -0.029884058982133865, -0.1753014773130417, -0.0433085560798645, -0.04439191892743111, 0.0955316424369812, 0.0027241117786616087, 0.1497408151626587, -0.05511422082781792, 0.10076558589935303, -0.034150879830121994, 0.007692268583923578, -0.018073493614792824, -0.21772713959217072, -0.0606854185461998, -0.0871635228395462, 0.02593981847167015, 0.0011935612419620156, 0.25321871042251587, 0.060501862317323685, 0.047848355025053024, 0.05219770595431328, 0.0803675726056099, -0.005114862695336342, 0.024529730901122093, 0.17962703108787537, 0.10480687767267227, -0.056110929697752, -0.06051088124513626, 0.06334816664457321, 0.020930401980876923, 0.0037487365771085024, 0.1370624452829361, 0.07126225531101227, -0.025097444653511047, 0.07946188747882843, -0.022343091666698456, 0.04902622103691101, -0.13099198043346405, -0.18797338008880615, -0.0362858846783638, 0.0822635069489479, 0.008193853311240673, 0.06443964689970016, 0.08426562696695328, -0.029682213440537453, 0.05306922271847725, -0.05066857486963272, -0.05351173132658005, -0.18930195271968842, -0.08380404114723206, -0.09822331368923187, -0.10457178205251694, 0.005494547076523304, -0.07776138931512833, -0.007010516710579395, 0.0889914408326149, 0.04661707207560539, -0.04920143634080887, 0.07530294358730316, 0.005946568213403225, -0.05706603452563286, 0.08126048743724823, -0.03929980844259262, 0.035573069006204605, -0.004914599005132914, -0.03371923416852951, -0.14008314907550812, -0.01516553945839405, -0.04801462963223457, 0.04064973443746567, -0.06195714324712753, 0.005159671418368816, -0.14515186846256256, -0.12241504341363907, -0.02803012728691101, 0.052396051585674286, -0.057535864412784576, 0.1368633210659027, 0.0011574793606996536, 0.005521169863641262, 0.04932842403650284, 0.20023545622825623, -0.06511733680963516, -0.05715160444378853, -0.03652770072221756, 0.25829756259918213, 0.07457830011844635, 0.1169453114271164, -0.00899919681251049, -0.005612371955066919, -0.09091201424598694, 0.33026692271232605, 0.2956998944282532, -0.053279418498277664, 0.04956240579485893, 0.021509597077965736, 0.03881188482046127, 0.15772217512130737, 0.14865562319755554, 0.08992809802293777, 0.23702938854694366, -0.06422201544046402, -0.03442860767245293, -0.01987340860068798, -0.020380141213536263, -0.12080796808004379, 0.0805739313364029, 0.0668584331870079, -0.04897911474108696, -0.07300020754337311, 0.10295598208904266, -0.20242395997047424, 0.1379757672548294, -0.0004371747490949929, -0.21978750824928284, -0.07235769927501678, -0.033254899084568024, 0.14364826679229736, -0.008563272655010223, 0.08543892204761505, -0.0008842989918775856, -0.11287369579076767, 0.02438463270664215, 0.019631659612059593, -0.2149261236190796, -0.020671725273132324, 0.06799837201833725, -0.04828084260225296, -0.0022455095313489437, -0.019154418259859085, 0.03060556948184967, 0.07118745148181915, 0.06662483513355255, -0.008223235607147217, 0.04078114032745361, 0.002477803034707904, -0.04111843183636665, 0.005046389531344175, 0.015769492834806442, 0.0016257762908935547, -0.09229632467031479, 0.06661305576562881, -0.16755518317222595, 0.05424373224377632, -0.08128474652767181, -0.06260967999696732, -0.009263207204639912, 0.034962452948093414, -0.054396457970142365, 0.04791352152824402, 0.10115863382816315, 0.0075232600793242455, -0.032317593693733215, -0.050817299634218216, -0.03972724452614784, -0.0014734352007508278, -0.1398703157901764, -0.14837034046649933, -0.09151425212621689, -0.09747706353664398, 0.11042709648609161, 0.001969041768461466, -0.15724746882915497, -0.0015884727472439408, -0.0997534990310669, 0.06987065821886063, -0.16953794658184052, 0.09285256266593933, 0.0341578908264637, 0.015343928709626198, -0.015839118510484695, -0.06526738405227661, 0.05342889577150345, 0.07730220258235931, -0.12141184508800507, -0.08985189348459244 ]
null
null
transformers
# randombot DialoGPT Model
{"tags": ["conversational"]}
text-generation
Kargan/DialoGPT-small-randombot
[ "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
# randombot DialoGPT Model
[ "# randombot DialoGPT Model" ]
[ "TAGS\n#transformers #pytorch #gpt2 #text-generation #conversational #autotrain_compatible #endpoints_compatible #text-generation-inference #region-us \n", "# randombot DialoGPT Model" ]
[ 51, 8 ]
[ "passage: TAGS\n#transformers #pytorch #gpt2 #text-generation #conversational #autotrain_compatible #endpoints_compatible #text-generation-inference #region-us \n# randombot DialoGPT Model" ]
[ 0.006310580763965845, 0.07766635715961456, -0.0070002092979848385, 0.0009063311736099422, 0.10464635491371155, -0.0004533042083494365, 0.16140100359916687, 0.09779854863882065, 0.021098386496305466, -0.03982582315802574, 0.14429868757724762, 0.2137710601091385, -0.0007418072200380266, 0.13045859336853027, -0.08243738114833832, -0.2927757501602173, 0.08254560083150864, 0.010624588467180729, 0.07665407657623291, 0.10759813338518143, 0.06077824532985687, -0.03047761134803295, 0.048571739345788956, -0.00611841632053256, -0.10852428525686264, 0.0010090901050716639, 0.01702059805393219, -0.13581840693950653, 0.09434367716312408, 0.06855183839797974, 0.013745209202170372, 0.05147124081850052, -0.04977818578481674, -0.14128343760967255, 0.033086832612752914, -0.027981651946902275, -0.038804639130830765, 0.0524296835064888, 0.04206886142492294, -0.10272645950317383, 0.13045300543308258, 0.20004968345165253, -0.01222052052617073, 0.05163125693798065, -0.1328411102294922, 0.01874067820608616, 0.040230512619018555, 0.05118527263402939, -0.012656142935156822, 0.08982783555984497, -0.05276542901992798, 0.14822110533714294, -0.08452412486076355, 0.11719580739736557, 0.11430133879184723, -0.2941052317619324, -0.006039239000529051, 0.12496665120124817, 0.014627153985202312, 0.042540717869997025, -0.02426375262439251, 0.03772445023059845, 0.04957859218120575, 0.02320164255797863, -0.017144793644547462, -0.06706678867340088, -0.1386326402425766, -0.0236190315335989, -0.11073759943246841, -0.016982434317469597, 0.18405582010746002, -0.026877228170633316, 0.05098860338330269, -0.09088404476642609, -0.09684469550848007, 0.009065930731594563, -0.059885069727897644, 0.03905484080314636, -0.10613878816366196, 0.08161528408527374, -0.01085088960826397, -0.028247162699699402, -0.08964871615171432, -0.058773674070835114, -0.1710604727268219, 0.17203520238399506, 0.05169839784502983, 0.043688539415597916, -0.20932374894618988, 0.11319167912006378, -0.0015464453026652336, -0.0855647623538971, 0.007735939230769873, -0.08343961834907532, -0.009939705953001976, 0.004438510164618492, -0.03365034610033035, -0.05002259463071823, 0.10304197669029236, 0.16976790130138397, -0.02792743220925331, 0.018227510154247284, -0.04953519627451897, 0.06067310646176338, 0.06227413937449455, 0.00538930669426918, -0.036741871386766434, 0.01790730282664299, 0.024881374090909958, -0.06146861985325813, -0.005976607091724873, -0.059867821633815765, -0.14486299455165863, -0.005188483279198408, 0.058242835104465485, 0.07139208912849426, 0.047333694994449615, 0.15589271485805511, -0.017175303772091866, -0.06363613903522491, 0.0712188333272934, -0.01488114520907402, -0.05595210939645767, 0.029644783586263657, -0.04633050039410591, 0.06060129404067993, 0.004217040725052357, 0.04131348058581352, -0.13099776208400726, -0.0030399798415601254, -0.045273009687662125, -0.0009901149896904826, -0.015182175673544407, -0.06779089570045471, -0.022698713466525078, 0.062044575810432434, -0.015366198495030403, -0.16506578028202057, -0.1691964864730835, 0.008085525594651699, -0.02980096824467182, -0.05545000731945038, -0.10749171674251556, -0.12916861474514008, -0.02177063375711441, 0.03572709858417511, -0.07099810242652893, -0.005450176075100899, -0.0840475931763649, 0.08528207987546921, -0.04774303361773491, 0.1159454956650734, -0.07190483808517456, 0.057884104549884796, -0.10740955919027328, -0.03804953396320343, -0.07945959270000458, 0.1617719829082489, -0.03745446726679802, 0.0882660374045372, -0.022536804899573326, -0.014551881700754166, -0.05528241768479347, 0.057679418474435806, -0.03714803233742714, 0.24617543816566467, -0.10441677272319794, -0.1108795702457428, 0.3361832797527313, -0.04384715110063553, -0.1109284907579422, 0.1180662289261818, -0.01862592250108719, 0.061704717576503754, 0.1156468391418457, 0.175221249461174, -0.05775551497936249, 0.055081117898225784, 0.08141046017408371, 0.08320599794387817, -0.1144622191786766, 0.033735066652297974, -0.02808018960058689, -0.023039501160383224, -0.11369291692972183, 0.045738380402326584, 0.13330741226673126, 0.09765560179948807, -0.05794665962457657, -0.02930413745343685, 0.008748617954552174, -0.026883482933044434, 0.08541075140237808, -0.014032827690243721, 0.15122434496879578, -0.030060214921832085, -0.037835847586393356, -0.03133794665336609, 0.04513600096106529, -0.0312192440032959, 0.0007107257843017578, -0.0867694541811943, 0.06439370661973953, 0.01649516262114048, 0.08765638619661331, -0.1680728644132614, -0.060017768293619156, 0.008515148423612118, 0.14991648495197296, 0.08604484051465988, 0.06892209500074387, 0.0647154301404953, -0.01978706195950508, 0.004966346081346273, -0.010808787308633327, 0.20498235523700714, -0.03643328323960304, -0.06843794882297516, -0.11107058078050613, 0.08174414932727814, -0.052717506885528564, 0.0774419978260994, -0.07493020594120026, 0.012729842215776443, -0.046049367636442184, 0.11918263137340546, -0.004738011863082647, 0.018197089433670044, 0.047376666218042374, -0.02013171650469303, -0.08602981269359589, 0.008646815083920956, 0.08062569797039032, -0.02565477043390274, -0.08514901250600815, 0.2390330582857132, -0.13251027464866638, 0.09719256311655045, 0.16227509081363678, -0.1944650113582611, -0.053162820637226105, -0.061882276087999344, -0.04161246865987778, 0.011671098880469799, 0.051124002784490585, -0.008852493017911911, 0.190888911485672, -0.015310508199036121, 0.16880902647972107, -0.040733564645051956, -0.006169864907860756, -0.036587364971637726, -0.05282238870859146, 0.030031718313694, 0.10180255025625229, 0.10875970125198364, -0.12998655438423157, 0.1337570697069168, -0.045093029737472534, 0.028497669845819473, 0.17257197201251984, 0.029074430465698242, 0.010754470713436604, 0.07078410685062408, 0.04079972207546234, -0.01421248260885477, -0.11753026396036148, -0.2526189386844635, -0.01574818789958954, 0.09724660962820053, 0.014447919093072414, 0.10027344524860382, -0.07205983996391296, -0.0199503805488348, -0.04049995169043541, -0.025694767013192177, 0.007113763131201267, 0.10216894745826721, 0.053505104035139084, 0.14680422842502594, -0.04516754299402237, -0.13989169895648956, 0.056131355464458466, 0.0035106383729726076, -0.07484952360391617, 0.1811089813709259, -0.0864543616771698, -0.29616275429725647, -0.10201989859342575, -0.16772650182247162, -0.07610589265823364, 0.06009743735194206, 0.079318106174469, -0.0830083042383194, -0.029761124402284622, -0.03584825247526169, 0.11198695749044418, -0.030726615339517593, 0.03038743883371353, -0.041714731603860855, -0.010427333414554596, -0.08811383694410324, -0.08533526211977005, -0.03270405903458595, -0.07509994506835938, -0.03945676609873772, 0.15633781254291534, -0.15504339337348938, 0.02345905639231205, 0.26086732745170593, 0.07402954250574112, 0.033089205622673035, -0.031241469085216522, 0.2343043088912964, -0.07650172710418701, 0.006534119602292776, 0.12033402174711227, 0.0012762924889102578, 0.03971972316503525, 0.15161411464214325, 0.01759437844157219, -0.1046300157904625, 0.07566166669130325, -0.011963801458477974, -0.05058716610074043, -0.2049807459115982, -0.14312903583049774, -0.0853005200624466, 0.11264492571353912, 0.06266863644123077, 0.05419797822833061, 0.15592053532600403, 0.06845884770154953, -0.05738836154341698, 0.007254269439727068, 0.05692293494939804, 0.06122729554772377, 0.15962179005146027, -0.05728352814912796, 0.16594038903713226, 0.010397255420684814, -0.17260409891605377, 0.07016575336456299, -0.024483734741806984, 0.08049172908067703, -0.0012130769900977612, 0.1088944673538208, 0.006999216042459011, 0.07049205899238586, 0.14255808293819427, 0.058756280690431595, 0.0305557232350111, -0.04058482125401497, -0.01756126992404461, -0.030365539714694023, -0.02558981627225876, 0.05468886345624924, 0.08939836919307709, -0.12450259178876877, -0.007264493964612484, -0.06440550833940506, 0.061479948461055756, 0.1064835712313652, 0.0898241326212883, -0.2062218189239502, -0.020137324929237366, 0.04885685816407204, -0.0562247708439827, -0.10081858932971954, 0.08905164152383804, 0.008151865564286709, -0.1306537687778473, 0.052406471222639084, -0.014158107340335846, 0.11726681888103485, -0.07636094838380814, 0.05819109454751015, -0.16281968355178833, -0.02430812269449234, -0.022299664095044136, 0.1038542091846466, -0.2754666209220886, 0.13205669820308685, -0.021847477182745934, -0.03584029898047447, -0.12632420659065247, -0.007838414050638676, 0.03423544391989708, 0.06396584212779999, 0.07837993651628494, -0.02562599815428257, 0.03675264120101929, -0.03839492425322533, -0.051757339388132095, -0.001641134382225573, 0.06154071167111397, -0.021293526515364647, -0.0011293557472527027, 0.0047728498466312885, 0.0002047334419330582, -0.009891831316053867, -0.1147320494055748, -0.02149321511387825, -0.139069601893425, 0.06820201873779297, 0.14481008052825928, 0.09060794115066528, 0.0025558338966220617, -0.05574943497776985, -0.06441659480333328, 0.2520838975906372, 0.008087213151156902, -0.10790308564901352, -0.057019129395484924, -0.017290882766246796, 0.07147293537855148, -0.06028509885072708, -0.00501906406134367, -0.0775429904460907, 0.03747348487377167, -0.07738817483186722, -0.1873650848865509, 0.13269178569316864, -0.08978819102048874, -0.06248188018798828, -0.037248264998197556, 0.17731232941150665, 0.01358945295214653, 0.03189651668071747, 0.012390384450554848, -0.024375099688768387, -0.07568766921758652, -0.11549537628889084, -0.010233652777969837, 0.0195495393127203, -0.045019254088401794, 0.10992604494094849, 0.001582650002092123, -0.12475104629993439, -0.08006323873996735, -0.010665039531886578, 0.28093987703323364, 0.176741823554039, -0.04310641810297966, 0.18158258497714996, 0.10035065561532974, -0.022766299545764923, -0.26362180709838867, -0.12430678308010101, -0.04143553599715233, -0.04973483830690384, -0.07784084975719452, -0.18764132261276245, 0.04968517646193504, -0.052952323108911514, -0.022047599777579308, 0.15592046082019806, -0.3348507881164551, -0.11898425221443176, 0.2292748987674713, -0.028029385954141617, 0.37610387802124023, -0.0712541714310646, -0.10298407822847366, -0.05084357038140297, -0.13670392334461212, 0.1374623328447342, 0.06395360827445984, 0.13370567560195923, -0.03008982725441456, 0.17395667731761932, 0.06009083613753319, -0.006576390936970711, 0.07685370743274689, 0.05254025757312775, -0.032050322741270065, -0.10207758843898773, -0.03533339500427246, -0.059287358075380325, 0.039622802287340164, 0.05098787322640419, -0.053659964352846146, 0.033683110028505325, -0.0970732793211937, -0.0681428536772728, -0.10024604201316833, 0.07151518017053604, 0.05661062151193619, -0.057602737098932266, -0.010089109651744366, -0.0575968399643898, 0.0013287672773003578, 0.04030201956629753, 0.1430865228176117, -0.09192781895399094, 0.15952961146831512, 0.18688921630382538, 0.07425908744335175, -0.17998620867729187, 0.008618631400167942, -0.04755978658795357, -0.04365627467632294, 0.0899086594581604, -0.014354032464325428, 0.012157817371189594, 0.10734647512435913, -0.021418660879135132, 0.09454423934221268, 0.09196887165307999, -0.03213557228446007, 0.028557006269693375, 0.0707249790430069, -0.24680256843566895, -0.09895377606153488, -0.05037572607398033, 0.029208317399024963, 0.076881043612957, 0.08180686086416245, 0.18847933411598206, -0.014353727921843529, -0.026099465787410736, 0.012955881655216217, 0.006851482205092907, -0.005474079865962267, 0.1304200142621994, -0.025501448661088943, 0.027464590966701508, -0.17099379003047943, 0.05533374845981598, 0.023844128474593163, -0.011448753997683525, 0.02404068410396576, 0.1275646984577179, -0.11634212732315063, -0.11095593124628067, -0.04844740033149719, 0.09884979575872421, -0.14011931419372559, 0.001002946519292891, -0.058950167149305344, -0.13129852712154388, 0.09131621569395065, 0.07634810358285904, 0.05665566399693489, 0.07679640501737595, -0.08029796183109283, -0.047268304973840714, 0.0032006092369556427, -0.020321914926171303, 0.06993146985769272, -0.0076160915195941925, -0.005349157843738794, 0.1005963385105133, -0.02565518021583557, 0.09009866416454315, -0.10763327777385712, -0.12099550664424896, -0.1688326746225357, 0.050660934299230576, -0.16798388957977295, -0.05308562144637108, -0.15568473935127258, -0.02358587644994259, 0.00561492657288909, -0.00875899102538824, -0.014447148889303207, -0.04761771485209465, -0.11127199232578278, 0.022768717259168625, -0.044041093438863754, 0.03369554877281189, -0.09511595964431763, 0.01974162831902504, 0.019129306077957153, -0.013313020579516888, 0.16762547194957733, 0.16563032567501068, -0.1320275217294693, 0.07829911261796951, -0.14063671231269836, -0.07486838847398758, 0.11245889216661453, 0.023157203570008278, 0.04421049356460571, 0.06674928218126297, 0.0033578791189938784, 0.042723726481199265, 0.037311866879463196, 0.05808105319738388, 0.010578579269349575, -0.10689296573400497, 0.011915124021470547, -0.020120760425925255, -0.09298370033502579, -0.05543632432818413, -0.01229533925652504, -0.01501575205475092, 0.021042920649051666, 0.10854607820510864, -0.09691935032606125, 0.06734109669923782, -0.05216190591454506, 0.026547929272055626, 0.004292777739465237, -0.15352243185043335, 0.022462399676442146, -0.019334280863404274, 0.05511358752846718, -0.008206096477806568, 0.20110881328582764, -0.023746369406580925, -0.07440613210201263, -0.0016110674478113651, 0.05484867841005325, 0.11298367381095886, 0.014042969793081284, 0.14593608677387238, 0.11677439510822296, -0.06171366199851036, -0.09710897505283356, 0.08280947059392929, 0.0539000928401947, 0.048777878284454346, 0.11291689425706863, -0.06119242310523987, -0.022787535563111305, 0.061088401824235916, 0.000545645016245544, 0.012988620437681675, -0.07018586993217468, -0.09790170937776566, -0.06763819605112076, 0.07109257578849792, -0.014833972789347172, 0.08777111768722534, 0.11082703620195389, 0.009514488279819489, 0.006145723629742861, 0.004193494096398354, -0.05931401625275612, -0.14727644622325897, -0.2134905755519867, -0.06982265412807465, -0.14913377165794373, 0.016054963693022728, -0.10643167793750763, 0.02487991377711296, 0.030900826677680016, 0.08928501605987549, -0.04842084273695946, 0.06700529903173447, 0.06524013727903366, -0.1064470186829567, 0.07552243024110794, -0.05531793460249901, 0.018208177760243416, -0.02408779226243496, -0.030898533761501312, -0.03781437873840332, 0.045784659683704376, -0.0072268592193722725, 0.050904449075460434, -0.06797164678573608, 0.026513775810599327, -0.10081592202186584, -0.07494308054447174, -0.030940232798457146, 0.05606820434331894, -0.026770709082484245, 0.1495637595653534, 0.06506277620792389, -0.013914015144109726, 0.02407282032072544, 0.23423822224140167, -0.06292486190795898, -0.08266431093215942, -0.11650409549474716, 0.2845245599746704, -0.031237972900271416, 0.10136662423610687, -0.014208740554749966, -0.0012398433173075318, -0.1301715075969696, 0.3093337118625641, 0.2788785696029663, -0.11111702024936676, 0.014543777331709862, -0.01599927432835102, 0.021205579861998558, 0.10256141424179077, 0.10610761493444443, 0.09100702404975891, 0.28278830647468567, -0.045956727117300034, -0.0230806153267622, -0.002734594512730837, -0.02276642806828022, -0.05856456235051155, 0.03995688259601593, 0.06347959488630295, -0.05656182020902634, -0.05370040237903595, 0.0847783014178276, -0.33897706866264343, 0.10105393081903458, -0.17451752722263336, -0.09860469400882721, -0.08765176683664322, -0.0075173224322497845, 0.024428874254226685, 0.06166418641805649, 0.09553751349449158, -0.0269780196249485, -0.04948883876204491, 0.03203405439853668, -0.002262555528432131, -0.1768261343240738, -0.03611206263303757, 0.05233944207429886, -0.07006628811359406, -0.02389705739915371, -0.030494796112179756, 0.08255168050527573, 0.06687495112419128, 0.04867232218384743, -0.022617362439632416, 0.07939300686120987, -0.00237515801563859, -0.03830418363213539, 0.044226404279470444, 0.07563652098178864, 0.0293730515986681, -0.023430626839399338, 0.07726442068815231, -0.15321655571460724, 0.04039967432618141, 0.007415379863232374, -0.00871585588902235, -0.0542464479804039, 0.007670647464692593, -0.031799424439668655, 0.03552321344614029, 0.08841203153133392, -0.029113924130797386, -0.005829178728163242, 0.006596866063773632, -0.015015145763754845, -0.05083087831735611, -0.11320263147354126, -0.1280146986246109, -0.2248052954673767, -0.10160241276025772, 0.030224395915865898, 0.007838121615350246, -0.20322240889072418, 0.0367949940264225, -0.15532487630844116, 0.04988107085227966, -0.08213485032320023, 0.10796844214200974, 0.047491975128650665, 0.03052872233092785, -0.006736125331372023, -0.0029071574099361897, 0.031519707292318344, 0.09958803653717041, -0.12802071869373322, -0.1028793454170227 ]
null
null
null
this is a test. How do you write a paper?
{}
null
Katiejdarby/test1
[ "region:us" ]
2022-03-02T23:29:04+00:00
[]
[]
TAGS #region-us
this is a test. How do you write a paper?
[]
[ "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
<!-- 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 This model is a fine-tuned version of [distilbert-base-uncased](https://huggingface.co/distilbert-base-uncased) on the None dataset. It achieves the following results on the evaluation set: - Loss: 0.8229 - Accuracy: 0.54 ## 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: 16 - eval_batch_size: 16 - seed: 42 - optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08 - lr_scheduler_type: linear - num_epochs: 5 ### Training results | Training Loss | Epoch | Step | Validation Loss | Accuracy | |:-------------:|:-----:|:----:|:---------------:|:--------:| | No log | 1.0 | 7 | 0.7709 | 0.74 | | No log | 2.0 | 14 | 0.7048 | 0.72 | | No log | 3.0 | 21 | 0.8728 | 0.46 | | No log | 4.0 | 28 | 0.7849 | 0.64 | | No log | 5.0 | 35 | 0.8229 | 0.54 | ### Framework versions - Transformers 4.12.5 - Pytorch 1.10.0+cu111 - Datasets 1.16.1 - Tokenizers 0.10.3
{"license": "apache-2.0", "tags": ["generated_from_trainer"], "metrics": ["accuracy"], "model-index": [{"name": "distilbert-base-uncased-finetuned", "results": []}]}
text-classification
Katsiaryna/distilbert-base-uncased-finetuned
[ "transformers", "pytorch", "tensorboard", "distilbert", "text-classification", "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 #text-classification #generated_from_trainer #license-apache-2.0 #autotrain_compatible #endpoints_compatible #region-us
distilbert-base-uncased-finetuned ================================= This model is a fine-tuned version of distilbert-base-uncased on the None dataset. It achieves the following results on the evaluation set: * Loss: 0.8229 * Accuracy: 0.54 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: 16 * eval\_batch\_size: 16 * seed: 42 * optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08 * lr\_scheduler\_type: linear * num\_epochs: 5 ### Training results ### Framework versions * Transformers 4.12.5 * Pytorch 1.10.0+cu111 * Datasets 1.16.1 * Tokenizers 0.10.3
[ "### Training hyperparameters\n\n\nThe following hyperparameters were used during training:\n\n\n* learning\\_rate: 2e-05\n* train\\_batch\\_size: 16\n* eval\\_batch\\_size: 16\n* seed: 42\n* optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08\n* lr\\_scheduler\\_type: linear\n* num\\_epochs: 5", "### Training results", "### Framework versions\n\n\n* Transformers 4.12.5\n* Pytorch 1.10.0+cu111\n* Datasets 1.16.1\n* Tokenizers 0.10.3" ]
[ "TAGS\n#transformers #pytorch #tensorboard #distilbert #text-classification #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: 16\n* eval\\_batch\\_size: 16\n* seed: 42\n* optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08\n* lr\\_scheduler\\_type: linear\n* num\\_epochs: 5", "### Training results", "### Framework versions\n\n\n* Transformers 4.12.5\n* Pytorch 1.10.0+cu111\n* Datasets 1.16.1\n* Tokenizers 0.10.3" ]
[ 57, 98, 4, 33 ]
[ "passage: TAGS\n#transformers #pytorch #tensorboard #distilbert #text-classification #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: 16\n* eval\\_batch\\_size: 16\n* seed: 42\n* optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08\n* lr\\_scheduler\\_type: linear\n* num\\_epochs: 5### Training results### Framework versions\n\n\n* Transformers 4.12.5\n* Pytorch 1.10.0+cu111\n* Datasets 1.16.1\n* Tokenizers 0.10.3" ]
[ -0.09664030373096466, 0.07754351198673248, -0.0021348795853555202, 0.11694347113370895, 0.1785859763622284, 0.02272130735218525, 0.11980821937322617, 0.12126996368169785, -0.11060652881860733, 0.014753839001059532, 0.11855363100767136, 0.18399372696876526, 0.008993122726678848, 0.10573434084653854, -0.057546861469745636, -0.25679314136505127, -0.014464427717030048, 0.05223499983549118, -0.08228296041488647, 0.14094053208827972, 0.09671057015657425, -0.1331251710653305, 0.07799521088600159, 0.004060455597937107, -0.22743605077266693, 0.008365861140191555, 0.012462257407605648, -0.06473059207201004, 0.1501169353723526, 0.021324781700968742, 0.12911687791347504, 0.009771355427801609, 0.07776093482971191, -0.18035392463207245, 0.00950444582849741, 0.047767721116542816, 0.006632935255765915, 0.08934807777404785, 0.05698529630899429, -0.0115698566660285, 0.11490756273269653, -0.08474927395582199, 0.05642274022102356, 0.023936111479997635, -0.12389149516820908, -0.2190290242433548, -0.07773610204458237, 0.02240557223558426, 0.06784240901470184, 0.10878897458314896, -0.0030056785326451063, 0.12665535509586334, -0.09900662302970886, 0.09715819358825684, 0.21428829431533813, -0.27457502484321594, -0.06678496301174164, 0.030306247994303703, 0.007387419231235981, 0.07439862936735153, -0.11262435466051102, -0.024141304194927216, 0.05710768327116966, 0.04960476979613304, 0.13848097622394562, -0.029556699097156525, -0.12723663449287415, 0.013959349133074284, -0.14383453130722046, -0.03404617682099342, 0.14209257066249847, 0.024155709892511368, -0.027262933552265167, -0.04473581165075302, -0.05895468592643738, -0.1612018346786499, -0.03867466747760773, -0.009552061557769775, 0.04520897939801216, -0.034224919974803925, -0.053449828177690506, 0.001154270488768816, -0.11013708263635635, -0.06842170655727386, -0.06981758028268814, 0.14452682435512543, 0.040064629167318344, 0.007818290032446384, -0.03209805488586426, 0.11276521533727646, 0.02679118700325489, -0.13021360337734222, 0.03285469859838486, 0.029752107337117195, 0.003636161098256707, -0.04909926652908325, -0.06670550256967545, -0.05942463129758835, 0.006428643595427275, 0.11163800954818726, -0.06230355426669121, 0.0495130680501461, 0.028292370960116386, 0.045248743146657944, -0.10001613199710846, 0.19522716104984283, -0.027079841122031212, -0.0005954411462880671, 0.006089972332119942, 0.05060214176774025, 0.0030545995105057955, -0.008104607462882996, -0.11701153218746185, 0.000677290721796453, 0.11306048929691315, 0.021474706009030342, -0.06928238272666931, 0.07372277230024338, -0.056703049689531326, -0.025101499632000923, 0.013249189592897892, -0.10074743628501892, 0.031050389632582664, 0.0011709531536325812, -0.08479342609643936, -0.011484011076390743, 0.03106018714606762, 0.010183313861489296, -0.030252642929553986, 0.11735805124044418, -0.07969975471496582, 0.04090745374560356, -0.0989963561296463, -0.10931166261434555, 0.014286342076957226, -0.07852095365524292, 0.023892702534794807, -0.10254000872373581, -0.15985822677612305, -0.01761920563876629, 0.05662083253264427, -0.02403872273862362, -0.05891917273402214, -0.05670502409338951, -0.0750877857208252, 0.013258914463222027, -0.01414977852255106, 0.14777351915836334, -0.05768778547644615, 0.11320965737104416, 0.039022330194711685, 0.06616956740617752, -0.044864535331726074, 0.0660032331943512, -0.09796379506587982, -0.0010492063593119383, -0.18818023800849915, 0.05166009068489075, -0.05171915888786316, 0.07727009057998657, -0.08892477303743362, -0.11465431749820709, 0.012440819293260574, -0.003866455052047968, 0.06675662845373154, 0.0965576171875, -0.16370061039924622, -0.0828910619020462, 0.1496659219264984, -0.06738477945327759, -0.10818814486265182, 0.11563854664564133, -0.057913005352020264, 0.05859324708580971, 0.07830660790205002, 0.16578619182109833, 0.08643350750207901, -0.0660562664270401, 0.026647862046957016, 0.006454107817262411, 0.04748667776584625, -0.06979258358478546, 0.055676255375146866, 0.003169451141729951, -0.008809373714029789, 0.03744528815150261, -0.028558282181620598, 0.07006490230560303, -0.09489474445581436, -0.09650839865207672, -0.04065709933638573, -0.09850382059812546, 0.0629991963505745, 0.0812896341085434, 0.09239872545003891, -0.09111221879720688, -0.06753380596637726, 0.07838938385248184, 0.07563108205795288, -0.061193402856588364, 0.03239356353878975, -0.04762740805745125, 0.057239122688770294, -0.028674354776740074, -0.016767067834734917, -0.20220166444778442, 0.0025097199250012636, 0.010022977367043495, -0.0013443526113405824, 0.02173963189125061, 0.01843666471540928, 0.07012975215911865, 0.05474141612648964, -0.05847841873764992, -0.02399352379143238, -0.024607067927718163, -0.007008310407400131, -0.13593536615371704, -0.1936565637588501, -0.01785537414252758, -0.016874141991138458, 0.13493123650550842, -0.20333464443683624, 0.0416574627161026, -0.01210542768239975, 0.061978552490472794, 0.0003494810953270644, -0.0011325560044497252, -0.042915914207696915, 0.08908616751432419, -0.03558795154094696, -0.044432640075683594, 0.07851159572601318, 0.003776323050260544, -0.08404967933893204, -0.040299903601408005, -0.09154012799263, 0.16955536603927612, 0.143190398812294, -0.13334590196609497, -0.08087679743766785, -0.0026482301764190197, -0.059295304119586945, -0.03266482427716255, -0.03870754688978195, 0.03998842090368271, 0.18384534120559692, -0.015708571299910545, 0.15907415747642517, -0.06912233680486679, -0.048985883593559265, 0.019609566777944565, -0.03327260538935661, 0.03144196793437004, 0.12747818231582642, 0.11284767091274261, -0.07302378863096237, 0.1460103988647461, 0.15494301915168762, -0.09766729176044464, 0.13303865492343903, -0.045813534408807755, -0.06429827213287354, -0.00498165562748909, -0.015994111075997353, -0.0014147893525660038, 0.07899163663387299, -0.14482589066028595, -0.0074024624191224575, 0.019711656495928764, 0.020620474591851234, 0.026808692142367363, -0.2299666702747345, -0.033363714814186096, 0.02764873579144478, -0.0407303050160408, -0.0031802973244339228, -0.018744582310318947, 0.011027884669601917, 0.10838103294372559, -0.0012317998334765434, -0.08044564723968506, 0.04276132956147194, 0.006363342050462961, -0.08169394731521606, 0.2232215851545334, -0.09356945008039474, -0.1682203859090805, -0.1255357265472412, -0.07146687805652618, -0.03956642001867294, 0.009242527186870575, 0.06270582973957062, -0.10706386715173721, -0.023371612653136253, -0.05060189589858055, 0.026665549725294113, -0.007014952600002289, 0.037304021418094635, 0.004735644441097975, 0.01146845705807209, 0.0698213204741478, -0.11215782910585403, -0.006995046976953745, -0.05244644731283188, -0.06311611086130142, 0.05495775490999222, 0.03169136494398117, 0.10374967753887177, 0.1672000288963318, -0.021621866151690483, 0.006942110601812601, -0.03190287947654724, 0.21975228190422058, -0.06756770610809326, -0.029609231278300285, 0.13474826514720917, -0.006453764159232378, 0.05388464033603668, 0.10006289929151535, 0.07218863070011139, -0.09013345092535019, 0.01448779460042715, 0.022347301244735718, -0.032590970396995544, -0.23661884665489197, -0.054311126470565796, -0.05715524032711983, -0.01841450296342373, 0.09853522479534149, 0.027360955253243446, 0.05388880893588066, 0.06579634547233582, 0.040908124297857285, 0.08743833005428314, -0.03168032690882683, 0.046790413558483124, 0.12698647379875183, 0.04220069944858551, 0.12263786047697067, -0.049826040863990784, -0.06816302984952927, 0.028821192681789398, -0.020378973335027695, 0.21870361268520355, 0.006816644687205553, 0.1320200115442276, 0.058344729244709015, 0.1764768660068512, 0.0039752465672791, 0.08905015885829926, 0.0012421285500749946, -0.04255291819572449, -0.006297153886407614, -0.04061990603804588, -0.04651600867509842, 0.01260953675955534, -0.0616849921643734, 0.056595876812934875, -0.1249382272362709, -0.017290066927671432, 0.05639331787824631, 0.2529350519180298, 0.023662852123379707, -0.32034698128700256, -0.08747250586748123, -0.0021842927671968937, -0.03336668387055397, -0.020661594346165657, 0.018549127504229546, 0.08427238464355469, -0.09907183796167374, 0.026621028780937195, -0.07002085447311401, 0.09549295157194138, -0.049283504486083984, 0.04762294143438339, 0.06734253466129303, 0.07926016300916672, 0.01213066279888153, 0.08824093639850616, -0.3281472623348236, 0.27128705382347107, 0.0030108278151601553, 0.07055635005235672, -0.08075433224439621, -0.00048399472143501043, 0.03460526838898659, 0.06517557799816132, 0.054071467369794846, -0.013763747178018093, -0.014040413312613964, -0.19513043761253357, -0.056170959025621414, 0.023525552824139595, 0.09262107312679291, -0.029993677511811256, 0.08290828764438629, -0.026991426944732666, 0.0063420007936656475, 0.07717399299144745, -0.04205523431301117, -0.055123984813690186, -0.09963395446538925, -0.009255491197109222, 0.015115359798073769, -0.03782067447900772, -0.06111108139157295, -0.11671502143144608, -0.12694987654685974, 0.14729461073875427, -0.02863914705812931, -0.038368865847587585, -0.11137454211711884, 0.08607728779315948, 0.07424455136060715, -0.0860525593161583, 0.05292944982647896, 0.005734042264521122, 0.059326350688934326, 0.026466909795999527, -0.07688198238611221, 0.1047925055027008, -0.06291582435369492, -0.16030295193195343, -0.05104261264204979, 0.1121629849076271, 0.03777259215712547, 0.06303292512893677, -0.01323955412954092, 0.008310453034937382, -0.03812609985470772, -0.09173069894313812, 0.017751742154359818, -0.012115784920752048, 0.08025374263525009, 0.02848195843398571, -0.06594555824995041, -0.0021434288937598467, -0.06845633685588837, -0.03517375886440277, 0.19774281978607178, 0.21953189373016357, -0.09425332397222519, 0.02496441826224327, 0.039135873317718506, -0.07318677008152008, -0.20571543276309967, 0.04974091053009033, 0.06620851159095764, 0.003762568347156048, 0.030461542308330536, -0.18704910576343536, 0.12524078786373138, 0.09399764984846115, -0.01029702927917242, 0.10600541532039642, -0.33817633986473083, -0.12702347338199615, 0.12445802986621857, 0.14359158277511597, 0.11421486735343933, -0.14181910455226898, -0.023083984851837158, -0.026733431965112686, -0.11348078399896622, 0.10511992126703262, -0.07939059287309647, 0.1226278766989708, -0.0357695110142231, 0.07755076885223389, 0.003303714096546173, -0.05991572514176369, 0.11696313321590424, 0.02185993641614914, 0.09718784689903259, -0.059927597641944885, -0.033275313675403595, 0.041946955025196075, -0.03434290364384651, 0.014537284150719643, -0.08022011071443558, 0.02762027084827423, -0.09502220153808594, -0.019646186381578445, -0.08435683697462082, 0.04547612741589546, -0.03852600231766701, -0.055147890001535416, -0.03335560858249664, 0.02086322382092476, 0.044611670076847076, -0.01272230502218008, 0.12119782716035843, 0.023182084783911705, 0.14938589930534363, 0.12021424621343613, 0.07601138949394226, -0.05185308679938316, -0.06242780014872551, -0.016625329852104187, -0.014718692749738693, 0.05858546495437622, -0.15119773149490356, 0.027551958337426186, 0.14658258855342865, 0.021269572898745537, 0.13584297895431519, 0.08647977560758591, -0.016796568408608437, 0.0013405254576355219, 0.0651664212346077, -0.16301967203617096, -0.07729458063840866, -0.01127711683511734, -0.0602094866335392, -0.10315459221601486, 0.04911838471889496, 0.0820721685886383, -0.07093016058206558, -0.012602089904248714, -0.006651954725384712, 0.0031154388561844826, -0.06130502000451088, 0.2090722769498825, 0.06345164030790329, 0.05087192356586456, -0.10809715837240219, 0.08045943826436996, 0.06014520674943924, -0.07992684841156006, -0.0020830132998526096, 0.07818474620580673, -0.08665382117033005, -0.05013059824705124, 0.10962999612092972, 0.1679425835609436, -0.049421291798353195, -0.04305979609489441, -0.13824360072612762, -0.12895597517490387, 0.08015362918376923, 0.15951290726661682, 0.12135905027389526, 0.01708517223596573, -0.06316474080085754, 0.011289899237453938, -0.12371472269296646, 0.08284952491521835, 0.04032664746046066, 0.06519890576601028, -0.13547098636627197, 0.1728973239660263, 0.01539664901793003, 0.04884759336709976, -0.02200150303542614, 0.022038565948605537, -0.1030765101313591, 0.021570660173892975, -0.11091745644807816, -0.027112076058983803, -0.01305987499654293, 0.00678062392398715, -0.009523633867502213, -0.05132487788796425, -0.04703149199485779, 0.014544378034770489, -0.12193086743354797, -0.0213321503251791, 0.026933833956718445, 0.05927042290568352, -0.11340299248695374, -0.04334643483161926, 0.025675948709249496, -0.06253208220005035, 0.06416186690330505, 0.05473083630204201, 0.010187980718910694, 0.06937682628631592, -0.1368441879749298, -0.0020703428890556097, 0.08185508847236633, 0.014552767388522625, 0.062363579869270325, -0.084890216588974, -0.006343865301460028, 0.005116546992212534, 0.06730932742357254, 0.02443050779402256, 0.07867857068777084, -0.14421869814395905, 0.003991976380348206, -0.036343324929475784, -0.08281565457582474, -0.06985405087471008, 0.034656599164009094, 0.08345188200473785, 0.010233595035970211, 0.19465458393096924, -0.07884745299816132, 0.042267780750989914, -0.21043804287910461, 0.0012657525949180126, -0.020392144098877907, -0.12005666643381119, -0.12594683468341827, -0.06925748288631439, 0.06475383043289185, -0.05215463414788246, 0.12885041534900665, 0.03338585048913956, 0.04019498452544212, 0.02792595513164997, -0.009641480632126331, -0.0005794409662485123, 0.028073366731405258, 0.21053209900856018, 0.03597037494182587, -0.03348669782280922, 0.07072431594133377, 0.05678381025791168, 0.099601611495018, 0.11870591342449188, 0.19494031369686127, 0.15614384412765503, -0.023923465982079506, 0.0935533344745636, 0.022624507546424866, -0.048773616552352905, -0.15344412624835968, 0.04725328087806702, -0.050994690507650375, 0.1018424779176712, -0.026074210181832314, 0.212716206908226, 0.054270677268505096, -0.16617953777313232, 0.05264216288924217, -0.05454518646001816, -0.09384450316429138, -0.10430816560983658, -0.03279311582446098, -0.07950714975595474, -0.14151769876480103, -0.004002503119409084, -0.10686349123716354, 0.012617534957826138, 0.10493210703134537, 0.0049677626229822636, -0.0303502157330513, 0.1617426574230194, 0.03920857608318329, 0.01670846901834011, 0.06891157478094101, -0.002604582579806447, -0.029904311522841454, -0.11687850207090378, -0.06257953494787216, -0.0187678262591362, -0.006778992712497711, 0.03604286164045334, -0.054690729826688766, -0.07585758715867996, 0.038427066057920456, -0.02887483686208725, -0.09979651868343353, 0.01833822950720787, 0.02129053883254528, 0.06481311470270157, 0.049999576061964035, 0.007180407643318176, 0.00845287274569273, -0.011029024608433247, 0.21986006200313568, -0.07685232907533646, -0.08644675463438034, -0.0888458713889122, 0.26817557215690613, 0.05066132918000221, -0.006393067073076963, 0.03470877930521965, -0.06090207397937775, -0.001514220959506929, 0.25957441329956055, 0.20097118616104126, -0.08378081023693085, -0.007462200243026018, 0.006290748715400696, -0.00912840198725462, -0.011690407991409302, 0.12180963158607483, 0.14636719226837158, 0.039637669920921326, -0.10580331087112427, -0.03852572664618492, -0.05605216324329376, -0.018002934753894806, -0.0441601537168026, 0.06634299457073212, 0.03828029707074165, -0.00010694486263673753, -0.037169381976127625, 0.06404117494821548, -0.0689399391412735, -0.08956405520439148, 0.05606764927506447, -0.2097516804933548, -0.16211771965026855, -0.019225310534238815, 0.1085369661450386, -0.0006762038683518767, 0.05937253311276436, -0.024012194946408272, 0.0005049513420090079, 0.06769219785928726, -0.023777147755026817, -0.08800005912780762, -0.0772843286395073, 0.0918390303850174, -0.11744124442338943, 0.1793500781059265, -0.042244818061590195, 0.06892924755811691, 0.12031257152557373, 0.07236958295106888, -0.06394502520561218, 0.05968497321009636, 0.03277517482638359, -0.0685926303267479, 0.03985034301877022, 0.08623471111059189, -0.029853107407689095, 0.0398746021091938, 0.035713035613298416, -0.1214585155248642, 0.030756544321775436, -0.07128503918647766, -0.05388738214969635, -0.04153499752283096, -0.04266955703496933, -0.05428756773471832, 0.11730451881885529, 0.2212284356355667, -0.025605322793126106, 0.011343976482748985, -0.07579314708709717, 0.00249475403688848, 0.047261759638786316, 0.02017367258667946, -0.07791149616241455, -0.23328614234924316, 0.003476995974779129, 0.05573244020342827, -0.017566422000527382, -0.22723062336444855, -0.08901436626911163, -0.0010159487137570977, -0.0750289112329483, -0.1025356873869896, 0.08259724825620651, 0.07340656965970993, 0.050564832985401154, -0.05203565955162048, -0.077113576233387, -0.0814492255449295, 0.15934589505195618, -0.1553533524274826, -0.08776571601629257 ]
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_9th This model is a fine-tuned version of [distilbert-base-uncased](https://huggingface.co/distilbert-base-uncased) on the None dataset. It achieves the following results on the evaluation set: - Loss: 0.2826 - Accuracy: 0.4462 ## 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: 16 - eval_batch_size: 16 - seed: 42 - optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08 - lr_scheduler_type: linear - num_epochs: 5 ### Training results | Training Loss | Epoch | Step | Validation Loss | Accuracy | |:-------------:|:-----:|:----:|:---------------:|:--------:| | 0.2357 | 1.0 | 569 | 0.2277 | 0.3474 | | 0.2237 | 2.0 | 1138 | 0.2316 | 0.3474 | | 0.1847 | 3.0 | 1707 | 0.2456 | 0.3712 | | 0.1302 | 4.0 | 2276 | 0.2763 | 0.4602 | | 0.0863 | 5.0 | 2845 | 0.2826 | 0.4462 | ### Framework versions - Transformers 4.12.5 - Pytorch 1.10.0+cu111 - Datasets 1.16.1 - Tokenizers 0.10.3
{"license": "apache-2.0", "tags": ["generated_from_trainer"], "metrics": ["accuracy"], "model-index": [{"name": "distilbert-base-uncased-finetuned_9th", "results": []}]}
text-classification
Katsiaryna/distilbert-base-uncased-finetuned_9th
[ "transformers", "pytorch", "tensorboard", "distilbert", "text-classification", "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 #text-classification #generated_from_trainer #license-apache-2.0 #autotrain_compatible #endpoints_compatible #region-us
distilbert-base-uncased-finetuned\_9th ====================================== This model is a fine-tuned version of distilbert-base-uncased on the None dataset. It achieves the following results on the evaluation set: * Loss: 0.2826 * Accuracy: 0.4462 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: 16 * eval\_batch\_size: 16 * seed: 42 * optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08 * lr\_scheduler\_type: linear * num\_epochs: 5 ### Training results ### Framework versions * Transformers 4.12.5 * Pytorch 1.10.0+cu111 * Datasets 1.16.1 * Tokenizers 0.10.3
[ "### Training hyperparameters\n\n\nThe following hyperparameters were used during training:\n\n\n* learning\\_rate: 2e-05\n* train\\_batch\\_size: 16\n* eval\\_batch\\_size: 16\n* seed: 42\n* optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08\n* lr\\_scheduler\\_type: linear\n* num\\_epochs: 5", "### Training results", "### Framework versions\n\n\n* Transformers 4.12.5\n* Pytorch 1.10.0+cu111\n* Datasets 1.16.1\n* Tokenizers 0.10.3" ]
[ "TAGS\n#transformers #pytorch #tensorboard #distilbert #text-classification #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: 16\n* eval\\_batch\\_size: 16\n* seed: 42\n* optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08\n* lr\\_scheduler\\_type: linear\n* num\\_epochs: 5", "### Training results", "### Framework versions\n\n\n* Transformers 4.12.5\n* Pytorch 1.10.0+cu111\n* Datasets 1.16.1\n* Tokenizers 0.10.3" ]
[ 57, 98, 4, 33 ]
[ "passage: TAGS\n#transformers #pytorch #tensorboard #distilbert #text-classification #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: 16\n* eval\\_batch\\_size: 16\n* seed: 42\n* optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08\n* lr\\_scheduler\\_type: linear\n* num\\_epochs: 5### Training results### Framework versions\n\n\n* Transformers 4.12.5\n* Pytorch 1.10.0+cu111\n* Datasets 1.16.1\n* Tokenizers 0.10.3" ]
[ -0.09664030373096466, 0.07754351198673248, -0.0021348795853555202, 0.11694347113370895, 0.1785859763622284, 0.02272130735218525, 0.11980821937322617, 0.12126996368169785, -0.11060652881860733, 0.014753839001059532, 0.11855363100767136, 0.18399372696876526, 0.008993122726678848, 0.10573434084653854, -0.057546861469745636, -0.25679314136505127, -0.014464427717030048, 0.05223499983549118, -0.08228296041488647, 0.14094053208827972, 0.09671057015657425, -0.1331251710653305, 0.07799521088600159, 0.004060455597937107, -0.22743605077266693, 0.008365861140191555, 0.012462257407605648, -0.06473059207201004, 0.1501169353723526, 0.021324781700968742, 0.12911687791347504, 0.009771355427801609, 0.07776093482971191, -0.18035392463207245, 0.00950444582849741, 0.047767721116542816, 0.006632935255765915, 0.08934807777404785, 0.05698529630899429, -0.0115698566660285, 0.11490756273269653, -0.08474927395582199, 0.05642274022102356, 0.023936111479997635, -0.12389149516820908, -0.2190290242433548, -0.07773610204458237, 0.02240557223558426, 0.06784240901470184, 0.10878897458314896, -0.0030056785326451063, 0.12665535509586334, -0.09900662302970886, 0.09715819358825684, 0.21428829431533813, -0.27457502484321594, -0.06678496301174164, 0.030306247994303703, 0.007387419231235981, 0.07439862936735153, -0.11262435466051102, -0.024141304194927216, 0.05710768327116966, 0.04960476979613304, 0.13848097622394562, -0.029556699097156525, -0.12723663449287415, 0.013959349133074284, -0.14383453130722046, -0.03404617682099342, 0.14209257066249847, 0.024155709892511368, -0.027262933552265167, -0.04473581165075302, -0.05895468592643738, -0.1612018346786499, -0.03867466747760773, -0.009552061557769775, 0.04520897939801216, -0.034224919974803925, -0.053449828177690506, 0.001154270488768816, -0.11013708263635635, -0.06842170655727386, -0.06981758028268814, 0.14452682435512543, 0.040064629167318344, 0.007818290032446384, -0.03209805488586426, 0.11276521533727646, 0.02679118700325489, -0.13021360337734222, 0.03285469859838486, 0.029752107337117195, 0.003636161098256707, -0.04909926652908325, -0.06670550256967545, -0.05942463129758835, 0.006428643595427275, 0.11163800954818726, -0.06230355426669121, 0.0495130680501461, 0.028292370960116386, 0.045248743146657944, -0.10001613199710846, 0.19522716104984283, -0.027079841122031212, -0.0005954411462880671, 0.006089972332119942, 0.05060214176774025, 0.0030545995105057955, -0.008104607462882996, -0.11701153218746185, 0.000677290721796453, 0.11306048929691315, 0.021474706009030342, -0.06928238272666931, 0.07372277230024338, -0.056703049689531326, -0.025101499632000923, 0.013249189592897892, -0.10074743628501892, 0.031050389632582664, 0.0011709531536325812, -0.08479342609643936, -0.011484011076390743, 0.03106018714606762, 0.010183313861489296, -0.030252642929553986, 0.11735805124044418, -0.07969975471496582, 0.04090745374560356, -0.0989963561296463, -0.10931166261434555, 0.014286342076957226, -0.07852095365524292, 0.023892702534794807, -0.10254000872373581, -0.15985822677612305, -0.01761920563876629, 0.05662083253264427, -0.02403872273862362, -0.05891917273402214, -0.05670502409338951, -0.0750877857208252, 0.013258914463222027, -0.01414977852255106, 0.14777351915836334, -0.05768778547644615, 0.11320965737104416, 0.039022330194711685, 0.06616956740617752, -0.044864535331726074, 0.0660032331943512, -0.09796379506587982, -0.0010492063593119383, -0.18818023800849915, 0.05166009068489075, -0.05171915888786316, 0.07727009057998657, -0.08892477303743362, -0.11465431749820709, 0.012440819293260574, -0.003866455052047968, 0.06675662845373154, 0.0965576171875, -0.16370061039924622, -0.0828910619020462, 0.1496659219264984, -0.06738477945327759, -0.10818814486265182, 0.11563854664564133, -0.057913005352020264, 0.05859324708580971, 0.07830660790205002, 0.16578619182109833, 0.08643350750207901, -0.0660562664270401, 0.026647862046957016, 0.006454107817262411, 0.04748667776584625, -0.06979258358478546, 0.055676255375146866, 0.003169451141729951, -0.008809373714029789, 0.03744528815150261, -0.028558282181620598, 0.07006490230560303, -0.09489474445581436, -0.09650839865207672, -0.04065709933638573, -0.09850382059812546, 0.0629991963505745, 0.0812896341085434, 0.09239872545003891, -0.09111221879720688, -0.06753380596637726, 0.07838938385248184, 0.07563108205795288, -0.061193402856588364, 0.03239356353878975, -0.04762740805745125, 0.057239122688770294, -0.028674354776740074, -0.016767067834734917, -0.20220166444778442, 0.0025097199250012636, 0.010022977367043495, -0.0013443526113405824, 0.02173963189125061, 0.01843666471540928, 0.07012975215911865, 0.05474141612648964, -0.05847841873764992, -0.02399352379143238, -0.024607067927718163, -0.007008310407400131, -0.13593536615371704, -0.1936565637588501, -0.01785537414252758, -0.016874141991138458, 0.13493123650550842, -0.20333464443683624, 0.0416574627161026, -0.01210542768239975, 0.061978552490472794, 0.0003494810953270644, -0.0011325560044497252, -0.042915914207696915, 0.08908616751432419, -0.03558795154094696, -0.044432640075683594, 0.07851159572601318, 0.003776323050260544, -0.08404967933893204, -0.040299903601408005, -0.09154012799263, 0.16955536603927612, 0.143190398812294, -0.13334590196609497, -0.08087679743766785, -0.0026482301764190197, -0.059295304119586945, -0.03266482427716255, -0.03870754688978195, 0.03998842090368271, 0.18384534120559692, -0.015708571299910545, 0.15907415747642517, -0.06912233680486679, -0.048985883593559265, 0.019609566777944565, -0.03327260538935661, 0.03144196793437004, 0.12747818231582642, 0.11284767091274261, -0.07302378863096237, 0.1460103988647461, 0.15494301915168762, -0.09766729176044464, 0.13303865492343903, -0.045813534408807755, -0.06429827213287354, -0.00498165562748909, -0.015994111075997353, -0.0014147893525660038, 0.07899163663387299, -0.14482589066028595, -0.0074024624191224575, 0.019711656495928764, 0.020620474591851234, 0.026808692142367363, -0.2299666702747345, -0.033363714814186096, 0.02764873579144478, -0.0407303050160408, -0.0031802973244339228, -0.018744582310318947, 0.011027884669601917, 0.10838103294372559, -0.0012317998334765434, -0.08044564723968506, 0.04276132956147194, 0.006363342050462961, -0.08169394731521606, 0.2232215851545334, -0.09356945008039474, -0.1682203859090805, -0.1255357265472412, -0.07146687805652618, -0.03956642001867294, 0.009242527186870575, 0.06270582973957062, -0.10706386715173721, -0.023371612653136253, -0.05060189589858055, 0.026665549725294113, -0.007014952600002289, 0.037304021418094635, 0.004735644441097975, 0.01146845705807209, 0.0698213204741478, -0.11215782910585403, -0.006995046976953745, -0.05244644731283188, -0.06311611086130142, 0.05495775490999222, 0.03169136494398117, 0.10374967753887177, 0.1672000288963318, -0.021621866151690483, 0.006942110601812601, -0.03190287947654724, 0.21975228190422058, -0.06756770610809326, -0.029609231278300285, 0.13474826514720917, -0.006453764159232378, 0.05388464033603668, 0.10006289929151535, 0.07218863070011139, -0.09013345092535019, 0.01448779460042715, 0.022347301244735718, -0.032590970396995544, -0.23661884665489197, -0.054311126470565796, -0.05715524032711983, -0.01841450296342373, 0.09853522479534149, 0.027360955253243446, 0.05388880893588066, 0.06579634547233582, 0.040908124297857285, 0.08743833005428314, -0.03168032690882683, 0.046790413558483124, 0.12698647379875183, 0.04220069944858551, 0.12263786047697067, -0.049826040863990784, -0.06816302984952927, 0.028821192681789398, -0.020378973335027695, 0.21870361268520355, 0.006816644687205553, 0.1320200115442276, 0.058344729244709015, 0.1764768660068512, 0.0039752465672791, 0.08905015885829926, 0.0012421285500749946, -0.04255291819572449, -0.006297153886407614, -0.04061990603804588, -0.04651600867509842, 0.01260953675955534, -0.0616849921643734, 0.056595876812934875, -0.1249382272362709, -0.017290066927671432, 0.05639331787824631, 0.2529350519180298, 0.023662852123379707, -0.32034698128700256, -0.08747250586748123, -0.0021842927671968937, -0.03336668387055397, -0.020661594346165657, 0.018549127504229546, 0.08427238464355469, -0.09907183796167374, 0.026621028780937195, -0.07002085447311401, 0.09549295157194138, -0.049283504486083984, 0.04762294143438339, 0.06734253466129303, 0.07926016300916672, 0.01213066279888153, 0.08824093639850616, -0.3281472623348236, 0.27128705382347107, 0.0030108278151601553, 0.07055635005235672, -0.08075433224439621, -0.00048399472143501043, 0.03460526838898659, 0.06517557799816132, 0.054071467369794846, -0.013763747178018093, -0.014040413312613964, -0.19513043761253357, -0.056170959025621414, 0.023525552824139595, 0.09262107312679291, -0.029993677511811256, 0.08290828764438629, -0.026991426944732666, 0.0063420007936656475, 0.07717399299144745, -0.04205523431301117, -0.055123984813690186, -0.09963395446538925, -0.009255491197109222, 0.015115359798073769, -0.03782067447900772, -0.06111108139157295, -0.11671502143144608, -0.12694987654685974, 0.14729461073875427, -0.02863914705812931, -0.038368865847587585, -0.11137454211711884, 0.08607728779315948, 0.07424455136060715, -0.0860525593161583, 0.05292944982647896, 0.005734042264521122, 0.059326350688934326, 0.026466909795999527, -0.07688198238611221, 0.1047925055027008, -0.06291582435369492, -0.16030295193195343, -0.05104261264204979, 0.1121629849076271, 0.03777259215712547, 0.06303292512893677, -0.01323955412954092, 0.008310453034937382, -0.03812609985470772, -0.09173069894313812, 0.017751742154359818, -0.012115784920752048, 0.08025374263525009, 0.02848195843398571, -0.06594555824995041, -0.0021434288937598467, -0.06845633685588837, -0.03517375886440277, 0.19774281978607178, 0.21953189373016357, -0.09425332397222519, 0.02496441826224327, 0.039135873317718506, -0.07318677008152008, -0.20571543276309967, 0.04974091053009033, 0.06620851159095764, 0.003762568347156048, 0.030461542308330536, -0.18704910576343536, 0.12524078786373138, 0.09399764984846115, -0.01029702927917242, 0.10600541532039642, -0.33817633986473083, -0.12702347338199615, 0.12445802986621857, 0.14359158277511597, 0.11421486735343933, -0.14181910455226898, -0.023083984851837158, -0.026733431965112686, -0.11348078399896622, 0.10511992126703262, -0.07939059287309647, 0.1226278766989708, -0.0357695110142231, 0.07755076885223389, 0.003303714096546173, -0.05991572514176369, 0.11696313321590424, 0.02185993641614914, 0.09718784689903259, -0.059927597641944885, -0.033275313675403595, 0.041946955025196075, -0.03434290364384651, 0.014537284150719643, -0.08022011071443558, 0.02762027084827423, -0.09502220153808594, -0.019646186381578445, -0.08435683697462082, 0.04547612741589546, -0.03852600231766701, -0.055147890001535416, -0.03335560858249664, 0.02086322382092476, 0.044611670076847076, -0.01272230502218008, 0.12119782716035843, 0.023182084783911705, 0.14938589930534363, 0.12021424621343613, 0.07601138949394226, -0.05185308679938316, -0.06242780014872551, -0.016625329852104187, -0.014718692749738693, 0.05858546495437622, -0.15119773149490356, 0.027551958337426186, 0.14658258855342865, 0.021269572898745537, 0.13584297895431519, 0.08647977560758591, -0.016796568408608437, 0.0013405254576355219, 0.0651664212346077, -0.16301967203617096, -0.07729458063840866, -0.01127711683511734, -0.0602094866335392, -0.10315459221601486, 0.04911838471889496, 0.0820721685886383, -0.07093016058206558, -0.012602089904248714, -0.006651954725384712, 0.0031154388561844826, -0.06130502000451088, 0.2090722769498825, 0.06345164030790329, 0.05087192356586456, -0.10809715837240219, 0.08045943826436996, 0.06014520674943924, -0.07992684841156006, -0.0020830132998526096, 0.07818474620580673, -0.08665382117033005, -0.05013059824705124, 0.10962999612092972, 0.1679425835609436, -0.049421291798353195, -0.04305979609489441, -0.13824360072612762, -0.12895597517490387, 0.08015362918376923, 0.15951290726661682, 0.12135905027389526, 0.01708517223596573, -0.06316474080085754, 0.011289899237453938, -0.12371472269296646, 0.08284952491521835, 0.04032664746046066, 0.06519890576601028, -0.13547098636627197, 0.1728973239660263, 0.01539664901793003, 0.04884759336709976, -0.02200150303542614, 0.022038565948605537, -0.1030765101313591, 0.021570660173892975, -0.11091745644807816, -0.027112076058983803, -0.01305987499654293, 0.00678062392398715, -0.009523633867502213, -0.05132487788796425, -0.04703149199485779, 0.014544378034770489, -0.12193086743354797, -0.0213321503251791, 0.026933833956718445, 0.05927042290568352, -0.11340299248695374, -0.04334643483161926, 0.025675948709249496, -0.06253208220005035, 0.06416186690330505, 0.05473083630204201, 0.010187980718910694, 0.06937682628631592, -0.1368441879749298, -0.0020703428890556097, 0.08185508847236633, 0.014552767388522625, 0.062363579869270325, -0.084890216588974, -0.006343865301460028, 0.005116546992212534, 0.06730932742357254, 0.02443050779402256, 0.07867857068777084, -0.14421869814395905, 0.003991976380348206, -0.036343324929475784, -0.08281565457582474, -0.06985405087471008, 0.034656599164009094, 0.08345188200473785, 0.010233595035970211, 0.19465458393096924, -0.07884745299816132, 0.042267780750989914, -0.21043804287910461, 0.0012657525949180126, -0.020392144098877907, -0.12005666643381119, -0.12594683468341827, -0.06925748288631439, 0.06475383043289185, -0.05215463414788246, 0.12885041534900665, 0.03338585048913956, 0.04019498452544212, 0.02792595513164997, -0.009641480632126331, -0.0005794409662485123, 0.028073366731405258, 0.21053209900856018, 0.03597037494182587, -0.03348669782280922, 0.07072431594133377, 0.05678381025791168, 0.099601611495018, 0.11870591342449188, 0.19494031369686127, 0.15614384412765503, -0.023923465982079506, 0.0935533344745636, 0.022624507546424866, -0.048773616552352905, -0.15344412624835968, 0.04725328087806702, -0.050994690507650375, 0.1018424779176712, -0.026074210181832314, 0.212716206908226, 0.054270677268505096, -0.16617953777313232, 0.05264216288924217, -0.05454518646001816, -0.09384450316429138, -0.10430816560983658, -0.03279311582446098, -0.07950714975595474, -0.14151769876480103, -0.004002503119409084, -0.10686349123716354, 0.012617534957826138, 0.10493210703134537, 0.0049677626229822636, -0.0303502157330513, 0.1617426574230194, 0.03920857608318329, 0.01670846901834011, 0.06891157478094101, -0.002604582579806447, -0.029904311522841454, -0.11687850207090378, -0.06257953494787216, -0.0187678262591362, -0.006778992712497711, 0.03604286164045334, -0.054690729826688766, -0.07585758715867996, 0.038427066057920456, -0.02887483686208725, -0.09979651868343353, 0.01833822950720787, 0.02129053883254528, 0.06481311470270157, 0.049999576061964035, 0.007180407643318176, 0.00845287274569273, -0.011029024608433247, 0.21986006200313568, -0.07685232907533646, -0.08644675463438034, -0.0888458713889122, 0.26817557215690613, 0.05066132918000221, -0.006393067073076963, 0.03470877930521965, -0.06090207397937775, -0.001514220959506929, 0.25957441329956055, 0.20097118616104126, -0.08378081023693085, -0.007462200243026018, 0.006290748715400696, -0.00912840198725462, -0.011690407991409302, 0.12180963158607483, 0.14636719226837158, 0.039637669920921326, -0.10580331087112427, -0.03852572664618492, -0.05605216324329376, -0.018002934753894806, -0.0441601537168026, 0.06634299457073212, 0.03828029707074165, -0.00010694486263673753, -0.037169381976127625, 0.06404117494821548, -0.0689399391412735, -0.08956405520439148, 0.05606764927506447, -0.2097516804933548, -0.16211771965026855, -0.019225310534238815, 0.1085369661450386, -0.0006762038683518767, 0.05937253311276436, -0.024012194946408272, 0.0005049513420090079, 0.06769219785928726, -0.023777147755026817, -0.08800005912780762, -0.0772843286395073, 0.0918390303850174, -0.11744124442338943, 0.1793500781059265, -0.042244818061590195, 0.06892924755811691, 0.12031257152557373, 0.07236958295106888, -0.06394502520561218, 0.05968497321009636, 0.03277517482638359, -0.0685926303267479, 0.03985034301877022, 0.08623471111059189, -0.029853107407689095, 0.0398746021091938, 0.035713035613298416, -0.1214585155248642, 0.030756544321775436, -0.07128503918647766, -0.05388738214969635, -0.04153499752283096, -0.04266955703496933, -0.05428756773471832, 0.11730451881885529, 0.2212284356355667, -0.025605322793126106, 0.011343976482748985, -0.07579314708709717, 0.00249475403688848, 0.047261759638786316, 0.02017367258667946, -0.07791149616241455, -0.23328614234924316, 0.003476995974779129, 0.05573244020342827, -0.017566422000527382, -0.22723062336444855, -0.08901436626911163, -0.0010159487137570977, -0.0750289112329483, -0.1025356873869896, 0.08259724825620651, 0.07340656965970993, 0.050564832985401154, -0.05203565955162048, -0.077113576233387, -0.0814492255449295, 0.15934589505195618, -0.1553533524274826, -0.08776571601629257 ]
null
null
transformers
# Joshua Dialogue Model
{"tags": ["conversational"]}
text-generation
KaydenSou/Joshua
[ "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
# Joshua Dialogue Model
[ "# Joshua Dialogue Model" ]
[ "TAGS\n#transformers #pytorch #gpt2 #text-generation #conversational #autotrain_compatible #endpoints_compatible #text-generation-inference #region-us \n", "# Joshua Dialogue Model" ]
[ 51, 5 ]
[ "passage: TAGS\n#transformers #pytorch #gpt2 #text-generation #conversational #autotrain_compatible #endpoints_compatible #text-generation-inference #region-us \n# Joshua Dialogue Model" ]
[ -0.009204401634633541, 0.1022615134716034, -0.006557633634656668, 0.031764693558216095, 0.12144801020622253, -0.03460531309247017, 0.1854749619960785, 0.13954772055149078, 0.050800491124391556, -0.07617168128490448, 0.13617631793022156, 0.1888355314731598, -0.013084749691188335, 0.09548284113407135, -0.0921555832028389, -0.22316394746303558, 0.015574995428323746, 0.02042166329920292, 0.013872812502086163, 0.11917487531900406, 0.09431900829076767, -0.05266484245657921, 0.08109607547521591, -0.03509194403886795, -0.14055505394935608, 0.04046091064810753, 0.013122827745974064, -0.08562901616096497, 0.13827304542064667, 0.03145430237054825, -0.003615844063460827, 0.056988444179296494, -0.09140990674495697, -0.18839067220687866, 0.04891837015748024, -0.02070336602628231, -0.03191511332988739, 0.029820147901773453, -0.00581760611385107, -0.12510386109352112, 0.1084655150771141, 0.1058277115225792, -0.01864907704293728, 0.08116058260202408, -0.19606278836727142, 0.015922440215945244, 0.01065377239137888, 0.06361149251461029, 0.08372393995523453, 0.11011792719364166, -0.06399168074131012, 0.07498602569103241, -0.02703383006155491, 0.11653326451778412, 0.07060416042804718, -0.2852550745010376, -0.014819201081991196, 0.17867101728916168, 0.04064394533634186, 0.12584958970546722, -0.04831443354487419, 0.07123587280511856, 0.020198805257678032, 0.008670013397932053, -0.0202172938734293, -0.10462624579668045, -0.09400137513875961, 0.04919266700744629, -0.0832415446639061, -0.020657898858189583, 0.32792893052101135, -0.029103918001055717, 0.07819163054227829, -0.0680679902434349, -0.0976053848862648, 0.029060347005724907, -0.0033501724246889353, -0.03318649157881737, -0.0859447568655014, 0.07552814483642578, -0.09369020164012909, -0.12087662518024445, -0.11494643241167068, -0.003516389988362789, -0.14559559524059296, 0.16664382815361023, 0.04259934276342392, 0.045974042266607285, -0.2510055601596832, 0.09130830317735672, 0.03498392179608345, -0.11629055440425873, 0.0021989450324326754, -0.10187333077192307, 0.02743236906826496, 0.007400240283459425, -0.025086503475904465, -0.006285939831286669, 0.05855279043316841, 0.13444046676158905, 0.03242822736501694, 0.002304498804733157, -0.02160772867500782, 0.048930924385786057, 0.09542606770992279, 0.0788012221455574, 0.09447099268436432, -0.0615990050137043, 0.014257755130529404, -0.0522749088704586, -0.0064328755252063274, -0.025886863470077515, -0.1733105331659317, -0.018711166456341743, 0.025781134143471718, 0.07457728683948517, 0.040279943495988846, 0.13521462678909302, -0.01948072947561741, -0.05773252993822098, -0.04809373617172241, 0.015516507439315319, -0.034745264798402786, 0.013117719441652298, -0.018646782264113426, 0.0825183168053627, 0.008278919383883476, 0.03883352503180504, -0.10903213918209076, -0.02472245693206787, -0.038832664489746094, -0.01106944214552641, -0.014654908329248428, -0.021630404517054558, 0.012835430912673473, 0.05468558520078659, 0.03729170933365822, -0.14117328822612762, -0.14828269183635712, 0.0084391999989748, -0.005613128188997507, -0.01963484100997448, -0.13921639323234558, -0.1097734197974205, 0.0007665259181521833, -0.00906501617282629, -0.06861675530672073, -0.038653478026390076, -0.04163454845547676, 0.08582247048616409, 0.024643056094646454, 0.1025543212890625, -0.02420799247920513, 0.07959853857755661, -0.07935777306556702, -0.03564445674419403, -0.04637441411614418, 0.0938393846154213, 0.007715874817222357, 0.0276753269135952, -0.012619017623364925, 0.009879247285425663, -0.07133312523365021, 0.0524524487555027, -0.07621847093105316, 0.2998141348361969, -0.07077179849147797, -0.12685099244117737, 0.30016812682151794, -0.00498362397775054, -0.17003124952316284, 0.13410401344299316, -0.026586389169096947, 0.1201234757900238, 0.16236452758312225, 0.2067565619945526, -0.09882940351963043, -0.015764614567160606, 0.061534538865089417, 0.14629106223583221, -0.07694362103939056, 0.031385086476802826, 0.04976601153612137, 0.0018727502319961786, -0.1056443303823471, 0.005651865620166063, 0.16841882467269897, 0.05968024209141731, -0.0498226173222065, -0.03262767195701599, 0.014981159940361977, -0.00678279111161828, 0.07168354094028473, -0.008062171749770641, 0.059467315673828125, -0.027616430073976517, -0.04224846139550209, -0.03761959820985794, 0.02159273996949196, -0.03913497552275658, 0.02181718312203884, -0.0486828051507473, 0.013356576673686504, -0.04806586727499962, 0.06197204440832138, -0.10549604147672653, -0.04437238723039627, -0.03774426504969597, 0.1373550146818161, 0.0834549143910408, 0.1425541788339615, 0.05634167417883873, -0.06976311653852463, -0.05565779656171799, 0.020761502906680107, 0.13087297976016998, -0.037869665771722794, -0.08492238074541092, -0.09248239547014236, 0.08096553385257721, -0.04967190697789192, 0.12106502801179886, -0.0837666243314743, 0.021121840924024582, -0.025939976796507835, 0.08192571252584457, 0.00922675896435976, 0.023917078971862793, 0.03423193842172623, -0.045128725469112396, -0.02331819012761116, -0.016711702570319176, 0.08283474296331406, 0.009995347820222378, -0.08650517463684082, 0.19549094140529633, -0.19403988122940063, 0.14368107914924622, 0.17301101982593536, -0.2531191408634186, 0.025415759533643723, -0.10165901482105255, -0.06245589628815651, -0.005248377565294504, 0.05644810572266579, 0.0067794290371239185, 0.2237301468849182, -0.011379880830645561, 0.14978283643722534, -0.021382223814725876, -0.060731880366802216, -0.05195670202374458, -0.05329112336039543, 0.031390562653541565, 0.113465815782547, 0.09423840045928955, -0.1958782970905304, 0.15391752123832703, 0.13088485598564148, 0.05989065021276474, 0.17563602328300476, 0.03168746456503868, 0.02861669845879078, 0.04400022700428963, -0.012025564908981323, -0.07760324329137802, -0.04817685857415199, -0.25926974415779114, -0.03462875634431839, 0.0493641123175621, 0.012983858585357666, 0.11284220963716507, -0.09007396548986435, -0.039819952100515366, 0.0151803158223629, 0.0017877782229334116, -0.0006679475191049278, 0.1270175576210022, 0.011115818284451962, 0.09608219563961029, -0.00138053297996521, -0.01453182939440012, 0.07825528085231781, 0.0031660909298807383, -0.08810149133205414, 0.16890570521354675, -0.10704629123210907, -0.3127566874027252, -0.05890977755188942, -0.17958404123783112, -0.054689206182956696, 0.045819785445928574, 0.11011791974306107, -0.09931932389736176, 0.0013238454703241587, 0.04091276973485947, 0.2193453460931778, -0.1564658135175705, -0.03153219074010849, -0.042084015905857086, -0.007444706279784441, -0.144121453166008, -0.09902903437614441, -0.05209125205874443, 0.002096412004902959, -0.1278933882713318, 0.07727077603340149, -0.16592909395694733, -0.014604159630835056, 0.15444667637348175, 0.0993337482213974, 0.062152739614248276, -0.053327079862356186, 0.25509944558143616, -0.10332488268613815, -0.005298931617289782, 0.20399121940135956, -0.05516081675887108, 0.05231700465083122, 0.13781410455703735, -0.03511333838105202, -0.04370209947228432, 0.03876522555947304, -0.004122215323150158, -0.04972411319613457, -0.24350674450397491, -0.10320811718702316, -0.11267726868391037, 0.16655874252319336, 0.013200541026890278, 0.03829321637749672, 0.18374484777450562, 0.0747380182147026, -0.07452041655778885, -0.015709299594163895, 0.06683557480573654, 0.12526732683181763, 0.26419293880462646, -0.08435539156198502, 0.11350654065608978, -0.010898456908762455, -0.14025239646434784, 0.05362554267048836, 0.10697819292545319, 0.032984960824251175, 0.10770872235298157, 0.07448061555624008, 0.03150288388133049, 0.050384778529405594, 0.10620840638875961, 0.00045597206917591393, 0.03936891630291939, -0.04665973410010338, -0.040134117007255554, -0.05093805491924286, -0.02925924025475979, 0.05635933205485344, 0.0859537348151207, -0.10243573039770126, -0.04359038546681404, -0.012789813801646233, 0.06512247025966644, 0.017847813665866852, 0.10889455676078796, -0.1451716274023056, -0.07560323178768158, 0.0888829454779625, -0.06578107923269272, -0.11885781586170197, 0.1297747790813446, 0.02256566286087036, -0.14214545488357544, 0.01101539097726345, -0.041204147040843964, 0.12673261761665344, -0.10909568518400192, 0.10678955912590027, -0.12435790151357651, -0.11225034296512604, 0.024976365268230438, 0.09479384124279022, -0.33528900146484375, 0.2317853569984436, 0.004553359933197498, -0.07898301631212234, -0.10494758933782578, -0.033761560916900635, -0.0031273667700588703, 0.04660207778215408, 0.11088155210018158, -0.020419087260961533, 0.07327370345592499, 0.02897973544895649, -0.0023920584935694933, 0.0674954429268837, 0.11795660853385925, -0.09255615621805191, -0.01789437048137188, -0.05766264721751213, 0.02427259273827076, -0.028628846630454063, 0.045578472316265106, -0.03654886409640312, -0.1890673041343689, 0.07549232989549637, 0.06775490194559097, 0.10246261209249496, 0.04125479236245155, 0.001748435664921999, -0.06220049783587456, 0.24229297041893005, 0.012789491564035416, -0.08943537622690201, -0.06788402050733566, -0.028650371357798576, 0.017506061121821404, -0.06544626504182816, -0.00588464830070734, -0.05508541688323021, 0.023887652903795242, -0.10708092153072357, -0.19968707859516144, 0.10731124132871628, -0.10436175018548965, -0.0121592553332448, -0.01583503931760788, 0.2493901252746582, -0.012984885834157467, 0.026718003675341606, 0.030776631087064743, -0.0011671382235363126, -0.15419863164424896, -0.05601172521710396, 0.04016291722655296, -0.06427647918462753, 0.02754763327538967, 0.015150985680520535, 0.06185847893357277, 0.008138366974890232, -0.07261062413454056, -0.02832578681409359, 0.28913095593452454, 0.1828039288520813, -0.003259537275880575, 0.16737674176692963, 0.10754025727510452, -0.0389445535838604, -0.24034173786640167, -0.1085115522146225, -0.10673275589942932, -0.05493102967739105, -0.024717163294553757, -0.2134694755077362, 0.05547872930765152, -0.110432468354702, -0.02280358038842678, 0.04131193086504936, -0.2667424976825714, -0.07518646121025085, 0.15426087379455566, -0.02928885631263256, 0.44307252764701843, -0.08303333818912506, -0.07211074978113174, -0.020322604104876518, -0.2452344447374344, 0.1364414393901825, -0.05560589209198952, 0.11897781491279602, 0.011005002073943615, 0.27324050664901733, 0.0562639944255352, 0.015657885000109673, 0.07935818284749985, 0.018849214538931847, -0.05258370190858841, -0.08887705951929092, -0.1479867547750473, -0.055743567645549774, -0.0014379823114722967, -0.04039596766233444, -0.11112777143716812, 0.0610765777528286, -0.09437370300292969, -0.07356300204992294, -0.09058331698179245, 0.013070892542600632, 0.007370527368038893, -0.10039325803518295, 0.012523873709142208, -0.03859718516469002, -0.0014659911394119263, 0.030444609001278877, 0.24042068421840668, -0.08195774257183075, 0.21079854667186737, 0.08312055468559265, 0.16917511820793152, -0.05484689772129059, -0.011434062384068966, -0.08634264767169952, -0.07621274143457413, 0.08670814335346222, -0.1248001903295517, 0.03861703723669052, 0.10157021135091782, -0.023551104590296745, 0.10501579940319061, 0.09119816869497299, 0.0016760446596890688, 0.0065171122550964355, 0.06221649795770645, -0.2805304527282715, -0.17371982336044312, -0.0955585166811943, 0.04270338639616966, 0.05093567445874214, 0.12924210727214813, 0.23153039813041687, -0.015025663189589977, -0.06369896233081818, 0.004981132224202156, 0.03650844097137451, -0.04654655605554581, -0.003939134068787098, -0.015407359227538109, 0.031528737396001816, -0.1300055980682373, 0.0752580463886261, -0.018727028742432594, -0.1177835538983345, 0.0005968923214823008, 0.15468372404575348, -0.0743316113948822, -0.11856991797685623, -0.07740922272205353, 0.1075533777475357, -0.10712912678718567, 0.043210335075855255, -0.01706300862133503, -0.11049901694059372, 0.04115875065326691, 0.13596276938915253, 0.048039499670267105, 0.06846405565738678, -0.09326902776956558, 0.006696357391774654, 0.001652265782468021, 0.027594108134508133, 0.01694180630147457, -0.05083857476711273, -0.039747752249240875, 0.05157548189163208, -0.07090211659669876, 0.14618299901485443, -0.0780436173081398, -0.12783131003379822, -0.18339207768440247, 0.05026925355195999, -0.1499844640493393, -0.1165459156036377, -0.098549023270607, -0.05029156059026718, -0.018342940136790276, -0.04048066586256027, -0.056080956012010574, -0.039628829807043076, -0.12015119940042496, 0.059389568865299225, -0.006976819131523371, 0.06295479834079742, -0.06301131099462509, 0.048647865653038025, 0.07251186668872833, -0.013367146253585815, 0.16923430562019348, 0.1411195695400238, -0.12234462052583694, 0.08732494711875916, -0.10034561157226562, -0.07298500835895538, 0.08731082826852798, 0.010349986143410206, 0.026129983365535736, 0.06194239482283592, -0.015041621401906013, 0.021707603707909584, 0.06250081956386566, 0.034530721604824066, 0.018250608816742897, -0.06743846833705902, 0.059251341968774796, -0.0148317264392972, -0.09410949051380157, -0.050047580152750015, -0.04256206005811691, -0.04892738536000252, 0.04174324497580528, 0.067466139793396, -0.06356976181268692, 0.08053687959909439, -0.08929802477359772, 0.05036698281764984, 0.03879664093255997, -0.18609781563282013, -0.08428414165973663, -0.11846153438091278, 0.06065162643790245, -0.0086402278393507, 0.18674571812152863, 0.006899429019540548, -0.0031483389902859926, 0.05052361264824867, 0.04690534994006157, 0.02890513278543949, -0.03634892404079437, 0.15918228030204773, 0.10182464867830276, -0.07614118605852127, -0.06297613680362701, 0.06568972021341324, 0.01832655444741249, 0.04109569266438484, 0.14381815493106842, 0.04813026636838913, -0.010834434069693089, 0.05489685758948326, -0.024756040424108505, 0.03885392099618912, -0.06116773560643196, -0.22085393965244293, -0.0020104742143303156, 0.036883313208818436, -0.0877218022942543, 0.10943327099084854, 0.12695945799350739, 0.003455559490248561, 0.013729171827435493, -0.047481320798397064, -0.031074531376361847, -0.20123182237148285, -0.22527535259723663, -0.0644960105419159, -0.1211373507976532, 0.01321581844240427, -0.13192681968212128, 0.044229213148355484, 0.014831315726041794, 0.08459837734699249, -0.09599743038415909, 0.051024261862039566, 0.09078599512577057, -0.13664618134498596, 0.05866329371929169, -0.04354202747344971, 0.08691026270389557, -0.0834895446896553, 0.028954168781638145, -0.09459647536277771, 0.03698339685797691, 0.01613830216228962, 0.0233305711299181, -0.07388083636760712, -0.0030145535711199045, -0.14332999289035797, -0.10110613703727722, -0.06915494799613953, 0.07401825487613678, -0.012433226220309734, 0.1977176070213318, -0.019124573096632957, 0.005052579566836357, 0.04555361345410347, 0.33942145109176636, -0.07726488262414932, -0.09819858521223068, -0.058378878980875015, 0.23637793958187103, -0.022914987057447433, 0.08716174960136414, -0.01747397892177105, 0.023855311796069145, -0.11173255741596222, 0.32980579137802124, 0.3041772246360779, -0.08730939030647278, 0.005900091025978327, 0.020602451637387276, 0.05074666067957878, 0.10539697110652924, 0.03732150048017502, 0.07834257930517197, 0.2806762158870697, -0.09626796841621399, 0.009411604143679142, 0.03540150448679924, -0.03362814709544182, -0.01574755273759365, 0.05505096912384033, 0.038519032299518585, -0.06223820149898529, -0.0038293267134577036, 0.09532784670591354, -0.26408758759498596, 0.08339130133390427, -0.23880234360694885, -0.19414347410202026, -0.07433780282735825, -0.01838293857872486, 0.14093904197216034, 0.039303526282310486, 0.09424452483654022, -0.001340276445262134, -0.0812951996922493, 0.07412295043468475, 0.024046888574957848, -0.17513872683048248, -0.011555773206055164, 0.12625180184841156, -0.10267789661884308, -0.0890980213880539, -0.03391207754611969, 0.07256938517093658, 0.07924698293209076, 0.03378802165389061, -0.019746296107769012, 0.007902879267930984, 0.038841355592012405, -0.1156143918633461, -0.04832884296774864, 0.10277419537305832, 0.006588067393749952, -0.01877131126821041, 0.08212455362081528, -0.14021404087543488, 0.024262527003884315, 0.003680103225633502, -0.0445399284362793, -0.024840256199240685, 0.037562575191259384, -0.03536711260676384, 0.04336095601320267, 0.09059158712625504, -0.029412560164928436, -0.02968856506049633, -0.00839362945407629, -0.033240895718336105, 0.019624847918748856, -0.06204903498291969, -0.09528715163469315, -0.10136658698320389, -0.11725178360939026, 0.027954820543527603, -0.01179762464016676, -0.15923531353473663, 0.0070636942982673645, -0.09271498024463654, 0.07078783959150314, -0.131702721118927, 0.1021127998828888, 0.11170412600040436, 0.024400854483246803, 0.016050081700086594, -0.06884727627038956, 0.041940443217754364, 0.08860539644956589, -0.12576186656951904, -0.09859362989664078 ]
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-complaints-product This model was trained from the [CFBP](https://www.consumerfinance.gov/data-research/consumer-complaints/) dataset, also made available on the HuggingFace Datasets library. This model predicts the type of financial complaint based on the text provided ## Model description A DistilBert Text Classification Model, with 18 possible classes to determine the nature of a financial customer complaint. ## Intended uses & limitations This model is used as part of.a demonstration for E2E Machine Learning Projects focused on Contact Centre Automation: - **Infrastructure:** Terraform - **ML Ops:** HuggingFace (Datasets, Hub, Transformers) - **Ml Explainability:** SHAP - **Cloud:** AWS - Model Hosting: Lambda - DB Backend: DynamoDB - Orchestration: Step-Functions - UI Hosting: EC2 - Routing: API Gateway - **UI:** Budibase ## Training and evaluation data consumer_complaints dataset ## Training procedure ### Training hyperparameters The following hyperparameters were used during training: - learning_rate: 5e-05 - train_batch_size: 32 - eval_batch_size: 64 - seed: 42 - optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08 - lr_scheduler_type: linear - lr_scheduler_warmup_steps: 500 - num_epochs: 3 ### Framework versions - Transformers 4.16.1 - Pytorch 1.10.0+cu111 - Datasets 1.18.2 - Tokenizers 0.11.0
{"tags": ["generated_from_trainer"], "datasets": ["consumer_complaints"], "model-index": [{"name": "distilbert-complaints-product", "results": []}]}
text-classification
Kayvane/distilbert-complaints-product
[ "transformers", "pytorch", "distilbert", "text-classification", "generated_from_trainer", "dataset:consumer_complaints", "autotrain_compatible", "endpoints_compatible", "region:us" ]
2022-03-02T23:29:04+00:00
[]
[]
TAGS #transformers #pytorch #distilbert #text-classification #generated_from_trainer #dataset-consumer_complaints #autotrain_compatible #endpoints_compatible #region-us
# distilbert-complaints-product This model was trained from the CFBP dataset, also made available on the HuggingFace Datasets library. This model predicts the type of financial complaint based on the text provided ## Model description A DistilBert Text Classification Model, with 18 possible classes to determine the nature of a financial customer complaint. ## Intended uses & limitations This model is used as part of.a demonstration for E2E Machine Learning Projects focused on Contact Centre Automation: - Infrastructure: Terraform - ML Ops: HuggingFace (Datasets, Hub, Transformers) - Ml Explainability: SHAP - Cloud: AWS - Model Hosting: Lambda - DB Backend: DynamoDB - Orchestration: Step-Functions - UI Hosting: EC2 - Routing: API Gateway - UI: Budibase ## Training and evaluation data consumer_complaints dataset ## Training procedure ### Training hyperparameters The following hyperparameters were used during training: - learning_rate: 5e-05 - train_batch_size: 32 - eval_batch_size: 64 - seed: 42 - optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08 - lr_scheduler_type: linear - lr_scheduler_warmup_steps: 500 - num_epochs: 3 ### Framework versions - Transformers 4.16.1 - Pytorch 1.10.0+cu111 - Datasets 1.18.2 - Tokenizers 0.11.0
[ "# distilbert-complaints-product\n\nThis model was trained from the CFBP dataset, also made available on the HuggingFace Datasets library. This model predicts the type of financial complaint based on the text provided", "## Model description\n\nA DistilBert Text Classification Model, with 18 possible classes to determine the nature of a financial customer complaint.", "## Intended uses & limitations\n\nThis model is used as part of.a demonstration for E2E Machine Learning Projects focused on Contact Centre Automation: \n\n- Infrastructure: Terraform\n- ML Ops: HuggingFace (Datasets, Hub, Transformers) \n- Ml Explainability: SHAP \n- Cloud: AWS \n - Model Hosting: Lambda \n - DB Backend: DynamoDB\n - Orchestration: Step-Functions\n - UI Hosting: EC2\n - Routing: API Gateway \n- UI: Budibase", "## Training and evaluation data\n\nconsumer_complaints dataset", "## Training procedure", "### Training hyperparameters\n\nThe following hyperparameters were used during training:\n- learning_rate: 5e-05\n- train_batch_size: 32\n- eval_batch_size: 64\n- seed: 42\n- optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08\n- lr_scheduler_type: linear\n- lr_scheduler_warmup_steps: 500\n- num_epochs: 3", "### Framework versions\n\n- Transformers 4.16.1\n- Pytorch 1.10.0+cu111\n- Datasets 1.18.2\n- Tokenizers 0.11.0" ]
[ "TAGS\n#transformers #pytorch #distilbert #text-classification #generated_from_trainer #dataset-consumer_complaints #autotrain_compatible #endpoints_compatible #region-us \n", "# distilbert-complaints-product\n\nThis model was trained from the CFBP dataset, also made available on the HuggingFace Datasets library. This model predicts the type of financial complaint based on the text provided", "## Model description\n\nA DistilBert Text Classification Model, with 18 possible classes to determine the nature of a financial customer complaint.", "## Intended uses & limitations\n\nThis model is used as part of.a demonstration for E2E Machine Learning Projects focused on Contact Centre Automation: \n\n- Infrastructure: Terraform\n- ML Ops: HuggingFace (Datasets, Hub, Transformers) \n- Ml Explainability: SHAP \n- Cloud: AWS \n - Model Hosting: Lambda \n - DB Backend: DynamoDB\n - Orchestration: Step-Functions\n - UI Hosting: EC2\n - Routing: API Gateway \n- UI: Budibase", "## Training and evaluation data\n\nconsumer_complaints dataset", "## Training procedure", "### Training hyperparameters\n\nThe following hyperparameters were used during training:\n- learning_rate: 5e-05\n- train_batch_size: 32\n- eval_batch_size: 64\n- seed: 42\n- optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08\n- lr_scheduler_type: linear\n- lr_scheduler_warmup_steps: 500\n- num_epochs: 3", "### Framework versions\n\n- Transformers 4.16.1\n- Pytorch 1.10.0+cu111\n- Datasets 1.18.2\n- Tokenizers 0.11.0" ]
[ 56, 51, 27, 116, 12, 3, 105, 33 ]
[ "passage: TAGS\n#transformers #pytorch #distilbert #text-classification #generated_from_trainer #dataset-consumer_complaints #autotrain_compatible #endpoints_compatible #region-us \n# distilbert-complaints-product\n\nThis model was trained from the CFBP dataset, also made available on the HuggingFace Datasets library. This model predicts the type of financial complaint based on the text provided## Model description\n\nA DistilBert Text Classification Model, with 18 possible classes to determine the nature of a financial customer complaint.## Intended uses & limitations\n\nThis model is used as part of.a demonstration for E2E Machine Learning Projects focused on Contact Centre Automation: \n\n- Infrastructure: Terraform\n- ML Ops: HuggingFace (Datasets, Hub, Transformers) \n- Ml Explainability: SHAP \n- Cloud: AWS \n - Model Hosting: Lambda \n - DB Backend: DynamoDB\n - Orchestration: Step-Functions\n - UI Hosting: EC2\n - Routing: API Gateway \n- UI: Budibase## Training and evaluation data\n\nconsumer_complaints dataset## Training procedure### Training hyperparameters\n\nThe following hyperparameters were used during training:\n- learning_rate: 5e-05\n- train_batch_size: 32\n- eval_batch_size: 64\n- seed: 42\n- optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08\n- lr_scheduler_type: linear\n- lr_scheduler_warmup_steps: 500\n- num_epochs: 3### Framework versions\n\n- Transformers 4.16.1\n- Pytorch 1.10.0+cu111\n- Datasets 1.18.2\n- Tokenizers 0.11.0" ]
[ -0.0637822076678276, 0.14058686792850494, -0.0036588397342711687, 0.0683508962392807, 0.14228898286819458, 0.03813335672020912, 0.12654881179332733, 0.11386535316705704, -0.036216750741004944, 0.04543296992778778, -0.009573814459145069, 0.041236113756895065, 0.08098585158586502, 0.13073275983333588, -0.010753565467894077, -0.20842215418815613, 0.017291659489274025, -0.06808993965387344, -0.12012513726949692, 0.0845867171883583, 0.11007432639598846, -0.08750955760478973, 0.07481090724468231, 0.011382309719920158, -0.10361362248659134, 0.01665852591395378, -0.014576702378690243, -0.048162683844566345, 0.0758405551314354, 0.0703096017241478, 0.09030617028474808, -0.03912967070937157, 0.1320551335811615, -0.18642935156822205, 0.002893673488870263, 0.07469896972179413, 0.025060320273041725, 0.04410687834024429, 0.07502497732639313, 0.015394939109683037, 0.09963299334049225, -0.03734258562326431, 0.11265845596790314, 0.02194344252347946, -0.06092344969511032, -0.10969939082860947, -0.13098879158496857, 0.08656428754329681, 0.10988297313451767, 0.1010124534368515, -0.0099916011095047, 0.0867401510477066, -0.1247434914112091, 0.06954732537269592, 0.04424145072698593, -0.1768292635679245, -0.06908468157052994, 0.051028113812208176, 0.039998143911361694, -0.0026038256473839283, -0.10204651951789856, -0.04962543398141861, -0.014301642775535583, 0.060956403613090515, 0.05087763071060181, -0.022059744223952293, -0.05278820917010307, -0.0061916750855743885, -0.09733518958091736, -0.03353205695748329, 0.20583319664001465, 0.015359776094555855, -0.032906439155340195, -0.168045774102211, -0.0391995944082737, 0.05317245423793793, -0.02133449725806713, -0.01777496747672558, 0.04715225473046303, -0.043820563703775406, 0.039713386446237564, 0.006354246288537979, -0.06185675412416458, -0.0230171587318182, 0.025510583072900772, 0.014157425612211227, 0.028943244367837906, 0.003633540589362383, -0.06587690114974976, 0.11445160955190659, 0.05630163848400116, -0.11948372423648834, -0.020497001707553864, -0.047611627727746964, -0.09856762737035751, -0.05102389305830002, 0.0030461198184639215, -0.010104378685355186, 0.030267558991909027, 0.2169056236743927, 0.009397394023835659, 0.0717807188630104, -0.008679816499352455, -0.019527751952409744, 0.03300167992711067, 0.18133026361465454, -0.022883865982294083, -0.13342422246932983, 0.016015179455280304, 0.07440497726202011, 0.0058264341205358505, 0.005904572084546089, -0.030834738165140152, 0.0467010959982872, 0.012892032973468304, 0.02704113908112049, 0.029211202636361122, 0.04160342738032341, -0.05883810669183731, -0.05890359729528427, 0.15521378815174103, -0.14793738722801208, 0.050366830080747604, 0.04250630363821983, -0.05067514255642891, -0.027513206005096436, 0.07816199958324432, 0.0030725139658898115, -0.050646863877773285, 0.09491404891014099, -0.04715966433286667, -0.03577270358800888, -0.09026678651571274, -0.08505794405937195, 0.023188691586256027, -0.008731001988053322, 0.009446488693356514, -0.03962282836437225, -0.14441142976284027, -0.08182493597269058, 0.08039949834346771, -0.05800353363156319, -0.059979651123285294, -0.027377942577004433, -0.06735295802354813, 0.032249391078948975, -0.014887217432260513, 0.08847413957118988, -0.0600946843624115, 0.003820907324552536, -0.05628806725144386, -0.024987680837512016, 0.030070502310991287, 0.03679034486413002, -0.055467601865530014, 0.008609572425484657, -0.19703786075115204, 0.07526438683271408, -0.12765206396579742, 0.03966330364346504, -0.0724351704120636, -0.014061015099287033, 0.0705227255821228, 0.0407748706638813, 0.026094309985637665, 0.1312025636434555, -0.22565118968486786, -0.018407445400953293, 0.15334534645080566, -0.09321717917919159, -0.030904453247785568, 0.03606643155217171, -0.0680844858288765, 0.03506195917725563, 0.06451829522848129, 0.1354709416627884, 0.13346078991889954, -0.11683721840381622, -0.0002668687957338989, -0.030174866318702698, 0.04942580312490463, 0.06802264600992203, 0.011111543513834476, -0.05924741178750992, 0.09608834236860275, 0.023010149598121643, -0.07298937439918518, -0.02016318403184414, -0.015089377760887146, -0.059137385338544846, -0.004642656538635492, -0.062485773116350174, -0.029162932187318802, 0.008563903160393238, -0.00299368635751307, -0.02011687122285366, -0.10759466141462326, 0.10334078222513199, 0.1158396303653717, -0.0656217485666275, -0.004378263372927904, -0.06973835825920105, 0.012535663321614265, 0.08889368176460266, -0.004172149114310741, -0.1954345703125, -0.1346164345741272, 0.036387085914611816, -0.030965516343712807, 0.04591343551874161, 0.053488630801439285, 0.05034421384334564, 0.04812871664762497, -0.019328761845827103, -0.029101435095071793, -0.03318917751312256, 0.019925720989704132, -0.05322565883398056, -0.21464961767196655, -0.042360562831163406, -0.04246048256754875, 0.14325939118862152, -0.22750519216060638, 0.00975613109767437, -0.010162102989852428, 0.1328255534172058, 0.04461199417710304, -0.0447775237262249, 0.0021070397924631834, -0.002751407213509083, 0.003240389982238412, -0.08214491605758667, -0.001922236056998372, 0.020153211429715157, -0.014505019411444664, -0.0004351054085418582, -0.111661896109581, 0.02375815436244011, 0.0851825699210167, 0.12928615510463715, -0.07920559495687485, -0.012070886790752411, -0.046538494527339935, -0.039118483662605286, -0.05365065857768059, -0.03189025819301605, 0.19533221423625946, 0.03389987722039223, 0.08490471541881561, -0.027596956118941307, -0.07242558896541595, -0.02359839342534542, 0.0012347052106633782, 0.025606973096728325, 0.10822485387325287, 0.048743102699518204, -0.048691727221012115, 0.08518562465906143, 0.0335843525826931, 0.03952120617032051, 0.10592091828584671, -0.07090305536985397, -0.03589410334825516, -0.0050004152581095695, -0.014926919713616371, -0.007253003306686878, 0.1718253195285797, -0.07134105265140533, -0.008210361003875732, 0.04530467838048935, 0.022974153980612755, 0.0005329220439307392, -0.13261161744594574, 0.03750518336892128, 0.009324654005467892, -0.03327592834830284, -0.011912365444004536, -0.020342912524938583, 0.03948969021439552, 0.0766066163778305, -0.013298885896801949, -0.021575063467025757, -0.014365839771926403, -0.05845851078629494, -0.1151200458407402, 0.1816873401403427, -0.1462375968694687, -0.12174750864505768, -0.06874573230743408, -0.016988331452012062, -0.03264574334025383, -0.017296159639954567, 0.00785326398909092, -0.04708332568407059, -0.10553620010614395, -0.09449130296707153, 0.009439773857593536, 0.07298319041728973, -0.08355940133333206, -0.003862518584355712, -0.000012136029909015633, 0.07407645136117935, -0.17407427728176117, -0.006784828379750252, -0.01994028128683567, -0.064793162047863, -0.00956516433507204, 0.0755390003323555, 0.03917583078145981, 0.1111537292599678, 0.05441698431968689, -0.004601785913109779, -0.02226853370666504, 0.2369970828294754, -0.06656595319509506, 0.07343850284814835, 0.09882190823554993, -0.03761289268732071, 0.0389256589114666, 0.20025698840618134, 0.04678906500339508, -0.08182702958583832, 0.007591934874653816, 0.05581114813685417, 0.016558486968278885, -0.23104071617126465, -0.07725255191326141, -0.05783620476722717, -0.0562799870967865, 0.05844433233141899, 0.060499150305986404, -0.05697734281420708, -0.004093833267688751, -0.012922744266688824, 0.04058043658733368, 0.0834508016705513, 0.04247014969587326, 0.03610511124134064, 0.009790775366127491, 0.08634060621261597, -0.01000657957047224, 0.043749187141656876, 0.09214656054973602, 0.04580868035554886, 0.2736632227897644, -0.017350468784570694, 0.027556156739592552, 0.09590251743793488, 0.07161068916320801, -0.029083717614412308, 0.026887865737080574, 0.003575572744011879, 0.025792282074689865, 0.005956787150353193, -0.05100609362125397, -0.05132273584604263, 0.022039609029889107, -0.010511286556720734, -0.0009920966112986207, -0.04944190755486488, -0.004622336011379957, 0.03953723981976509, 0.2357998639345169, 0.015509323216974735, -0.18970729410648346, -0.04911065474152565, 0.051494188606739044, -0.09496057778596878, -0.0713866800069809, 0.008177489042282104, 0.02285560965538025, -0.16268402338027954, 0.050226014107465744, -0.05881105735898018, 0.09232136607170105, -0.08899641036987305, -0.0017222899477928877, 0.09588725864887238, 0.07162785530090332, 0.006743921432644129, 0.04060441628098488, -0.21026477217674255, 0.17894461750984192, -0.0069671208038926125, 0.09575954079627991, -0.0647740364074707, 0.10486399382352829, 0.026570020243525505, 0.0016068898839876056, 0.09969758242368698, 0.004981056321412325, -0.0528281144797802, -0.0712941586971283, -0.09251771867275238, 0.0432484969496727, 0.029185988008975983, -0.05381116271018982, 0.08787340670824051, -0.03240875527262688, -0.010433790273964405, 0.018553601577878, -0.09832946211099625, -0.1578797847032547, -0.17690123617649078, 0.009881451725959778, -0.09973142296075821, -0.04149705171585083, -0.08576658368110657, -0.036124516278505325, -0.03286774829030037, 0.15179041028022766, -0.06058381870388985, -0.07222417742013931, -0.13705876469612122, -0.02282489649951458, 0.10448966920375824, -0.03911673277616501, 0.0780307799577713, 0.018062863498926163, 0.09065186977386475, 0.032031599432229996, -0.08489234745502472, 0.06925441324710846, -0.11534050852060318, -0.14102299511432648, -0.07207876443862915, 0.12126222997903824, 0.10498220473527908, 0.04354139789938927, 0.016901040449738503, 0.030340101569890976, -0.005819781217724085, -0.09229310601949692, -0.06151817739009857, 0.1694357991218567, 0.07061894237995148, 0.036933209747076035, -0.07205341756343842, -0.1342686265707016, -0.03126884624361992, 0.016534307971596718, 0.01430700346827507, 0.14804689586162567, -0.0476868599653244, 0.1530100703239441, 0.04302619770169258, -0.10651908814907074, -0.1813596934080124, 0.01818341389298439, 0.08917921781539917, 0.04356912150979042, 0.06757714599370956, -0.1474243849515915, 0.16960610449314117, 0.05120840296149254, -0.03548464551568031, 0.06663540005683899, -0.22366191446781158, -0.1377737820148468, 0.08995779603719711, 0.07932021468877792, -0.10571257025003433, -0.0904688760638237, -0.0411633625626564, 0.0006615226739086211, -0.17907847464084625, 0.10536859184503555, -0.08259152621030807, 0.046954020857810974, 0.022615544497966766, 0.0719773918390274, 0.018863804638385773, -0.045448075979948044, 0.10729148238897324, 0.04657061770558357, 0.06673001497983932, -0.06900931149721146, 0.011277679353952408, 0.08559348434209824, -0.07192646712064743, 0.03648620843887329, -0.006572640035301447, 0.027096837759017944, -0.2036246657371521, -0.010071123018860817, -0.07366909831762314, 0.0027439072728157043, -0.07680176943540573, -0.028102273121476173, -0.033495377749204636, 0.09677065908908844, 0.07865481078624725, -0.022439975291490555, 0.010490499436855316, -0.008794778026640415, 0.011992190964519978, 0.0771201103925705, 0.13417185842990875, 0.027480604127049446, -0.12305471301078796, -0.009478211402893066, 0.004755392204970121, 0.021471643820405006, -0.09636563062667847, 0.06205221638083458, 0.08974333852529526, 0.009711196646094322, 0.10652820765972137, 0.004028424620628357, -0.06372634321451187, -0.014560038223862648, 0.0418790727853775, -0.10969146341085434, -0.10045216232538223, 0.031026406213641167, -0.10111324489116669, -0.13252905011177063, -0.021016720682382584, 0.12626349925994873, 0.010529564693570137, -0.026741471141576767, 0.015362925827503204, 0.058997586369514465, -0.0016148821450769901, 0.16466966271400452, 0.006863605231046677, 0.03868655115365982, -0.10368043929338455, 0.13320641219615936, 0.07303404808044434, 0.004266572650521994, 0.024228466674685478, 0.09605616331100464, -0.10713747888803482, -0.02682129666209221, -0.004815767519176006, 0.1327076256275177, 0.01705840416252613, -0.017493585124611855, -0.04386138543486595, -0.14118236303329468, 0.017069032415747643, 0.03402457386255264, 0.04272761195898056, -0.00365740736015141, -0.05294955521821976, 0.026698507368564606, -0.07373397797346115, 0.12552888691425323, 0.11340487003326416, 0.02898348867893219, -0.10310044884681702, 0.02591753751039505, 0.02303317002952099, -0.03158549219369888, -0.0010835719294846058, 0.012835528701543808, -0.13096188008785248, -0.013975360430777073, -0.13123232126235962, 0.020554540678858757, -0.032348036766052246, 0.019180411472916603, -0.00932758767157793, 0.005530904047191143, -0.015632258728146553, 0.049168892204761505, -0.06164383515715599, -0.044082120060920715, -0.008143049664795399, 0.09814431518316269, -0.1417093276977539, -0.011224566958844662, 0.013210737146437168, -0.10842649638652802, 0.08652552217245102, 0.04602169245481491, 0.00486949784681201, 0.03698660805821419, -0.11932457983493805, -0.03754929453134537, 0.0032329175155609846, 0.029230019077658653, 0.08889133483171463, -0.14638495445251465, -0.009659668430685997, -0.005742084234952927, -0.00827703159302473, -0.020425237715244293, 0.033468782901763916, -0.07625836133956909, 0.04014504700899124, -0.0135526517406106, -0.08399905264377594, -0.03537025675177574, 0.049543347209692, 0.12813057005405426, 0.006093944888561964, 0.1695144772529602, -0.06270257383584976, 0.030559400096535683, -0.2003822773694992, -0.03707794472575188, 0.030841076746582985, -0.014997713267803192, -0.10684578865766525, -0.021505363285541534, 0.07239817827939987, -0.03264123573899269, 0.13988985121250153, -0.009473235346376896, 0.10868465900421143, 0.039130643010139465, -0.015544508583843708, -0.04115627333521843, 0.06886161118745804, 0.07292768359184265, -0.03205067664384842, 0.0232074074447155, 0.05275421962141991, -0.03792989253997803, -0.01260822732001543, -0.06588782370090485, 0.16251493990421295, 0.13626976311206818, 0.008202780038118362, 0.0260188989341259, 0.08778823167085648, -0.11528234928846359, -0.17636552453041077, 0.08177023380994797, -0.06995633244514465, 0.11457042396068573, -0.09200893342494965, 0.12884269654750824, 0.03901505097746849, -0.19763894379138947, 0.0675789937376976, -0.07302829623222351, -0.0987120047211647, -0.08045848459005356, -0.13656415045261383, -0.05127232149243355, -0.07486703246831894, 0.006785442121326923, -0.13207794725894928, 0.04587051272392273, 0.09070505201816559, 0.01001431979238987, -0.010591015219688416, 0.05981358513236046, -0.05423219874501228, -0.01307244785130024, 0.02589593268930912, 0.05143173411488533, 0.00885714590549469, -0.03915064036846161, -0.004879919346421957, -0.04615124315023422, 0.06413744390010834, 0.04976389929652214, 0.008818618021905422, 0.0013870021793991327, 0.014952943660318851, 0.01342763565480709, -0.025622589513659477, 0.04272179678082466, -0.009280235506594181, 0.006045502610504627, 0.14472651481628418, 0.06746873259544373, 0.010254069231450558, -0.00011009648005710915, 0.2244865894317627, -0.07398753613233566, -0.11302825063467026, -0.1782873421907425, 0.14584088325500488, -0.0014749986585229635, -0.008816113695502281, 0.07368907332420349, -0.10969395935535431, -0.007360844407230616, 0.17048297822475433, 0.2023203819990158, -0.08614015579223633, -0.007591084111481905, 0.004032291006296873, -0.014711142517626286, -0.05898582935333252, 0.13385844230651855, 0.05651737004518509, 0.1527734398841858, -0.008213864639401436, -0.002335416618734598, 0.017204463481903076, -0.07965177297592163, -0.05936950817704201, 0.10839836299419403, 0.004999846685677767, -0.026683110743761063, -0.010026928968727589, 0.061087097972631454, -0.03183802217245102, -0.25451475381851196, 0.020535718649625778, -0.11524685472249985, -0.16434846818447113, -0.021648401394486427, 0.027884401381015778, 0.0017972555942833424, 0.04799273982644081, 0.016680998727679253, -0.036302268505096436, 0.2772664427757263, -0.018568584695458412, -0.04152774438261986, -0.070517897605896, 0.08438458293676376, -0.10240895301103592, 0.2711159586906433, 0.004602355416864157, 0.03371824324131012, 0.06909015029668808, 0.049925658851861954, -0.12730103731155396, -0.019848570227622986, 0.06940977275371552, -0.1383715122938156, 0.018646223470568657, 0.09553365409374237, -0.0393998958170414, 0.12610161304473877, 0.04383477941155434, -0.07046468555927277, 0.03125378116965294, 0.008575474843382835, -0.03746884688735008, -0.08577795326709747, 0.04025398567318916, -0.08999931067228317, 0.1395478993654251, 0.17066140472888947, 0.00828737486153841, 0.02263578213751316, -0.04380759596824646, 0.03389560803771019, 0.011417500674724579, 0.11287347227334976, -0.03822315111756325, -0.17979617416858673, 0.023310385644435883, 0.007189706899225712, 0.02152400091290474, -0.1478276401758194, -0.1081535667181015, -0.0246215108782053, -0.025370316579937935, -0.05981965735554695, 0.14560888707637787, 0.04964620992541313, 0.03580527380108833, -0.027712231501936913, -0.008286204189062119, -0.047142256051301956, 0.14404577016830444, -0.12039029598236084, -0.051548853516578674 ]
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-undersampled-noweights This model was trained from scratch on the None 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: 3e-05 - train_batch_size: 16 - eval_batch_size: 16 - seed: 33 - optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08 - lr_scheduler_type: linear - lr_scheduler_warmup_steps: 100 - num_epochs: 5 - mixed_precision_training: Native AMP ### Framework versions - Transformers 4.16.2 - Pytorch 1.10.0+cu111 - Datasets 1.18.3 - Tokenizers 0.11.0
{"tags": ["generated_from_trainer"], "model-index": [{"name": "distilbert-undersampled-noweights", "results": []}]}
text-classification
Kayvane/distilbert-undersampled-noweights
[ "transformers", "pytorch", "distilbert", "text-classification", "generated_from_trainer", "autotrain_compatible", "endpoints_compatible", "region:us" ]
2022-03-02T23:29:04+00:00
[]
[]
TAGS #transformers #pytorch #distilbert #text-classification #generated_from_trainer #autotrain_compatible #endpoints_compatible #region-us
# distilbert-undersampled-noweights This model was trained from scratch on the None 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: 3e-05 - train_batch_size: 16 - eval_batch_size: 16 - seed: 33 - optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08 - lr_scheduler_type: linear - lr_scheduler_warmup_steps: 100 - num_epochs: 5 - mixed_precision_training: Native AMP ### Framework versions - Transformers 4.16.2 - Pytorch 1.10.0+cu111 - Datasets 1.18.3 - Tokenizers 0.11.0
[ "# distilbert-undersampled-noweights\n\nThis model was trained from scratch on the None 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: 3e-05\n- train_batch_size: 16\n- eval_batch_size: 16\n- seed: 33\n- optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08\n- lr_scheduler_type: linear\n- lr_scheduler_warmup_steps: 100\n- num_epochs: 5\n- mixed_precision_training: Native AMP", "### Framework versions\n\n- Transformers 4.16.2\n- Pytorch 1.10.0+cu111\n- Datasets 1.18.3\n- Tokenizers 0.11.0" ]
[ "TAGS\n#transformers #pytorch #distilbert #text-classification #generated_from_trainer #autotrain_compatible #endpoints_compatible #region-us \n", "# distilbert-undersampled-noweights\n\nThis model was trained from scratch on the None 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: 3e-05\n- train_batch_size: 16\n- eval_batch_size: 16\n- seed: 33\n- optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08\n- lr_scheduler_type: linear\n- lr_scheduler_warmup_steps: 100\n- num_epochs: 5\n- mixed_precision_training: Native AMP", "### Framework versions\n\n- Transformers 4.16.2\n- Pytorch 1.10.0+cu111\n- Datasets 1.18.3\n- Tokenizers 0.11.0" ]
[ 45, 27, 6, 12, 8, 3, 118, 35 ]
[ "passage: TAGS\n#transformers #pytorch #distilbert #text-classification #generated_from_trainer #autotrain_compatible #endpoints_compatible #region-us \n# distilbert-undersampled-noweights\n\nThis model was trained from scratch on the None 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: 3e-05\n- train_batch_size: 16\n- eval_batch_size: 16\n- seed: 33\n- optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08\n- lr_scheduler_type: linear\n- lr_scheduler_warmup_steps: 100\n- num_epochs: 5\n- mixed_precision_training: Native AMP### Framework versions\n\n- Transformers 4.16.2\n- Pytorch 1.10.0+cu111\n- Datasets 1.18.3\n- Tokenizers 0.11.0" ]
[ -0.0976637676358223, 0.09856539964675903, -0.0025186834391206503, 0.06606178730726242, 0.1643146425485611, 0.022997422143816948, 0.12222587317228317, 0.10954967886209488, -0.04968387261033058, 0.060022708028554916, 0.07919871807098389, 0.060836534947156906, 0.053046006709337234, 0.10433794558048248, -0.02591392770409584, -0.30375930666923523, 0.02829812467098236, 0.02984646148979664, -0.08037886768579483, 0.10469476133584976, 0.12305136024951935, -0.11346478760242462, 0.06148635596036911, 0.017627451568841934, -0.1555558741092682, 0.005818216595798731, -0.03060452826321125, -0.07888832688331604, 0.09707779437303543, 0.0028307330794632435, 0.11548962444067001, -0.0020061195828020573, 0.10907906293869019, -0.20813333988189697, 0.004910213407129049, 0.08141440153121948, 0.054330483078956604, 0.09926695376634598, 0.06296084821224213, -0.020226364955306053, 0.09569988399744034, -0.11529817432165146, 0.11866908520460129, 0.04216284677386284, -0.08227332681417465, -0.2084980607032776, -0.06802632659673691, 0.08647388964891434, 0.09924576431512833, 0.1043129414319992, 0.004828456789255142, 0.12067972868680954, -0.07857151329517365, 0.06146907061338425, 0.188273087143898, -0.23072455823421478, -0.07955040037631989, -0.007656254805624485, 0.05223516747355461, 0.04564278945326805, -0.1092204824090004, -0.043682266026735306, 0.03243537247180939, 0.04637736454606056, 0.10998742282390594, 0.0004459041520021856, -0.062118902802467346, -0.02467173896729946, -0.13256902992725372, -0.015133139677345753, 0.18029388785362244, 0.03708755597472191, -0.05611014366149902, -0.08956801891326904, -0.04628005623817444, -0.11084754765033722, -0.031686510890722275, -0.015193382278084755, 0.022823087871074677, -0.03894079104065895, -0.07183924317359924, -0.05112797021865845, -0.07224567234516144, -0.058985184878110886, 0.010272648185491562, 0.1887887567281723, 0.05126972123980522, -0.005231468006968498, -0.02004406787455082, 0.10129611194133759, 0.015645744279026985, -0.1224759891629219, -0.0028068390674889088, -0.034558504819869995, -0.04721539095044136, -0.04463096335530281, -0.05665266886353493, -0.01685386523604393, -0.009216413833200932, 0.16480602324008942, -0.033049143850803375, 0.06738757342100143, 0.02990143932402134, 0.014354814775288105, -0.026266058906912804, 0.14604374766349792, -0.05561809614300728, 0.019244784489274025, -0.004240330774337053, 0.0736120268702507, -0.012660033069550991, -0.03273611515760422, -0.0893586203455925, -0.027968456968665123, 0.09714560955762863, 0.05459850654006004, -0.027301350608468056, 0.026323581114411354, -0.031075745820999146, -0.0621584877371788, -0.038383789360523224, -0.1254003345966339, 0.03588676452636719, -0.022213054820895195, -0.06846970319747925, 0.052618395537137985, 0.014459381811320782, 0.006148034706711769, -0.06391403824090958, 0.08560200780630112, -0.10427645593881607, -0.002606605412438512, -0.1062697023153305, -0.0908922404050827, 0.0134036336094141, -0.0826990008354187, 0.009342812933027744, -0.08141551166772842, -0.1516488641500473, -0.02725585363805294, 0.0615033321082592, -0.048061806708574295, -0.07481343299150467, -0.04031806439161301, -0.058004364371299744, 0.03484359756112099, -0.006172657944262028, 0.11740322411060333, -0.030938012525439262, 0.07819267362356186, 0.005172296427190304, 0.015929218381643295, -0.011357552371919155, 0.06311620771884918, -0.09569346159696579, 0.04448727145791054, -0.09732262790203094, 0.06960451602935791, -0.0949668288230896, 0.03977253660559654, -0.11593736708164215, -0.11073918640613556, -0.0019458197057247162, -0.019649380818009377, 0.07753206044435501, 0.12451229244470596, -0.12846453487873077, -0.04415394365787506, 0.13059110939502716, -0.07371915876865387, -0.07776691764593124, 0.08383621275424957, -0.04126358777284622, 0.03407101333141327, 0.04643606022000313, 0.12396420538425446, 0.12192857265472412, -0.07595802843570709, 0.0032787034288048744, 0.013247041031718254, 0.10263363271951675, -0.010330695658922195, 0.08592676371335983, -0.001408919575624168, -0.04530614987015724, 0.027458757162094116, -0.05807501822710037, 0.027424274012446404, -0.0825720950961113, -0.0747169554233551, -0.0578029602766037, -0.08026528358459473, 0.0680389478802681, 0.027953054755926132, 0.03837357461452484, -0.0603908896446228, -0.13465042412281036, 0.0839863196015358, 0.1163337454199791, -0.07568448036909103, 0.008219373412430286, -0.06532817333936691, 0.04091178998351097, -0.027895305305719376, -0.025435561314225197, -0.18870221078395844, -0.11245852708816528, 0.03756558895111084, -0.024783870205283165, 0.046173322945833206, -0.004457871895283461, 0.0567169189453125, 0.06660044193267822, -0.04132722318172455, -0.038423314690589905, -0.10719261318445206, -0.011145721189677715, -0.09760203957557678, -0.16120097041130066, -0.0841837078332901, -0.03842239826917648, 0.14236870408058167, -0.20451468229293823, 0.024233026430010796, -0.02844388224184513, 0.12649136781692505, 0.017118509858846664, -0.03694307804107666, -0.023515652865171432, 0.05790729448199272, -0.02395540289580822, -0.09374416619539261, 0.04352949559688568, 0.009882050566375256, -0.10422070324420929, -0.02958281897008419, -0.13767822086811066, 0.048468608409166336, 0.08628147095441818, -0.011552749201655388, -0.06994635611772537, -0.07053732872009277, -0.06175082176923752, -0.03688720986247063, -0.05288996919989586, 0.0029243931639939547, 0.19517025351524353, 0.02797967568039894, 0.12548328936100006, -0.06150265783071518, -0.06440671533346176, 0.017178764566779137, -0.0005644033662974834, -0.027755549177527428, 0.07223062217235565, 0.09780339896678925, -0.04241609200835228, 0.10727585107088089, 0.10572213679552078, -0.07122648507356644, 0.11720381677150726, -0.04423826187849045, -0.10010069608688354, -0.00033680236083455384, -0.017312614247202873, -0.004080617800354958, 0.09862024337053299, -0.13954514265060425, 0.008716090582311153, 0.042994409799575806, 0.017242971807718277, 0.046955280005931854, -0.16667762398719788, 0.0030971290543675423, 0.024626396596431732, -0.0024885099846869707, -0.04967786744236946, -0.02614784799516201, 0.03124292753636837, 0.08117981255054474, 0.029446769505739212, 0.007705857045948505, 0.03761918470263481, -0.0018772566691040993, -0.08399099111557007, 0.20518769323825836, -0.1235286146402359, -0.1646886169910431, -0.14947128295898438, -0.018206564709544182, -0.05797632783651352, -0.012851132079958916, 0.014119519852101803, -0.08841082453727722, -0.056381165981292725, -0.054657481610774994, 0.0252128466963768, -0.09335751831531525, 0.005212749820202589, 0.017420869320631027, 0.019480684772133827, 0.07023325562477112, -0.11568422615528107, 0.0049275425262749195, 0.009628700092434883, -0.08063261210918427, 0.016057783737778664, 0.027701757848262787, 0.07484126091003418, 0.1514245569705963, -0.028005970641970634, 0.013380695134401321, -0.03022393211722374, 0.2057582437992096, -0.06292857229709625, -0.022188587114214897, 0.14676794409751892, 0.009741239249706268, 0.0611526295542717, 0.09196063131093979, 0.04540375992655754, -0.07598934322595596, 0.03522806987166405, 0.053491152822971344, -0.017728019505739212, -0.25343769788742065, -0.04807068035006523, -0.042275987565517426, -0.07629568129777908, 0.15080079436302185, 0.04094471409916878, 0.006566344294697046, 0.10114334523677826, -0.03801775723695755, 0.06807614117860794, -0.005495127290487289, 0.12105008959770203, 0.107875294983387, 0.044292427599430084, 0.11444710195064545, -0.010852630250155926, -0.044816792011260986, 0.05022697523236275, 0.005337242968380451, 0.27627062797546387, -0.003689067903906107, 0.08122507482767105, 0.021930649876594543, 0.12691640853881836, 0.0008868953445926309, 0.10020581632852554, 0.026262488216161728, 0.011074881069362164, 0.003887471742928028, -0.054203830659389496, -0.05562330782413483, 0.028409622609615326, -0.003424311988055706, 0.043196648359298706, -0.1324547380208969, 0.013030676171183586, -0.007309370674192905, 0.3197239935398102, 0.010379884392023087, -0.3094515800476074, -0.0914095938205719, 0.016802633181214333, -0.04979601502418518, -0.10976947098970413, 0.02895045094192028, 0.07403897494077682, -0.1284143328666687, 0.03590309992432594, -0.07485580444335938, 0.1113395169377327, -0.04116547107696533, 0.0027044916059821844, 0.04474896192550659, 0.12860625982284546, 0.0047587440349161625, 0.10576744377613068, -0.2453923225402832, 0.19710053503513336, 0.0014600399881601334, 0.08605973422527313, -0.08315184712409973, 0.034802261739969254, 0.009867902845144272, 0.039428193122148514, 0.08188716322183609, 0.004009562078863382, -0.05978267267346382, -0.18347781896591187, -0.07484927028417587, 0.033314600586891174, 0.1306961178779602, -0.05040772259235382, 0.10766146332025528, -0.06925386935472488, 0.02384859323501587, 0.04858538135886192, -0.07502270489931107, -0.14979338645935059, -0.1602800339460373, 0.03146511688828468, 0.01202003937214613, 0.011475816369056702, -0.09861941635608673, -0.11599870771169662, 0.02690538950264454, 0.16594336926937103, -0.05702017992734909, -0.0607905350625515, -0.16048763692378998, 0.06922295689582825, 0.16072678565979004, -0.059575051069259644, 0.0387745127081871, -0.007756388280540705, 0.17904706299304962, 0.008520936593413353, -0.08040832728147507, 0.06852860003709793, -0.08155179023742676, -0.1652161329984665, -0.026964301243424416, 0.12946178019046783, 0.05343779921531677, 0.042475782334804535, -0.011208581738173962, 0.02568160369992256, -0.032077398151159286, -0.09531331062316895, -0.013141886331140995, 0.07458540052175522, 0.039908796548843384, 0.07306455075740814, -0.10892152786254883, 0.04905295744538307, -0.049046508967876434, 0.014464163221418858, 0.1394767463207245, 0.20243820548057556, -0.07130508869886398, 0.04357407987117767, 0.06819871813058853, -0.07949408888816833, -0.17743121087551117, 0.04474414139986038, 0.10876631736755371, 0.02159184031188488, 0.004590428899973631, -0.24944272637367249, 0.1191662922501564, 0.1098887175321579, -0.0078014107421040535, 0.08098439127206802, -0.25621679425239563, -0.11445765197277069, 0.11780817806720734, 0.11081329733133316, 0.04244212806224823, -0.11011525243520737, -0.03921608254313469, -0.057626668363809586, -0.09313218295574188, 0.14043404161930084, -0.05744265392422676, 0.10526887327432632, -0.020881393924355507, 0.10552870482206345, 0.038297902792692184, -0.036089710891246796, 0.14850617945194244, 0.02162410132586956, 0.06904180347919464, -0.03432730212807655, 0.026758383959531784, 0.09007630497217178, -0.05653561279177666, 0.04475652799010277, -0.03455338999629021, 0.053668197244405746, -0.15857172012329102, -0.03924569860100746, -0.06530958414077759, 0.07119165360927582, -0.04497646167874336, -0.06891416013240814, -0.014709711074829102, 0.048345912247896194, 0.05882793664932251, -0.013700100593268871, 0.11628051847219467, 0.0074041420593857765, 0.1381642073392868, 0.07540349662303925, 0.13598385453224182, -0.035643935203552246, -0.07179149240255356, -0.010325593873858452, -0.025387192144989967, 0.06949988752603531, -0.0974569022655487, 0.027396509423851967, 0.1309378445148468, 0.0434485487639904, 0.11502701044082642, 0.07141919434070587, -0.050720494240522385, -0.012088335119187832, 0.0416022390127182, -0.09773353487253189, -0.11703906208276749, -0.04738995060324669, 0.08168341964483261, -0.1680506020784378, 0.01363226119428873, 0.11686628311872482, -0.07711560279130936, -0.03426392376422882, -0.011684516444802284, 0.0006608236581087112, -0.027605725452303886, 0.15708215534687042, 0.058166954666376114, 0.07580871880054474, -0.08349017053842545, 0.1313825249671936, 0.08898283541202545, -0.09161327034235, 0.03842516615986824, 0.07957392185926437, -0.07438571751117706, -0.0320252850651741, 0.035678718239068985, 0.0761750340461731, -0.08144213259220123, -0.0416569747030735, -0.07325033843517303, -0.12366641312837601, 0.05053653568029404, 0.08424916863441467, 0.03232969343662262, -0.005714294500648975, -0.050984930247068405, 0.03132784739136696, -0.16121217608451843, 0.08165524899959564, 0.03953972086310387, 0.08795011788606644, -0.14428657293319702, 0.11678341776132584, 0.013473836705088615, 0.04466277360916138, -0.016884947195649147, -0.004165507387369871, -0.09813069552183151, -0.013262128457427025, -0.13565924763679504, -0.019033240154385567, -0.03933529555797577, 0.007371837273240089, -0.009030104614794254, -0.045432522892951965, -0.04604153707623482, 0.03969993069767952, -0.08139628171920776, -0.05533437430858612, -0.004874662030488253, 0.04777194932103157, -0.10849947482347488, 0.003955917898565531, 0.04286753386259079, -0.11139897257089615, 0.07414345443248749, 0.0574716255068779, 0.016330283135175705, 0.04777570441365242, -0.07909996062517166, 0.00048417208017781377, 0.007227694150060415, 0.030235616490244865, 0.05073828250169754, -0.10889283567667007, 0.0034589264541864395, -0.021348174661397934, 0.04925529286265373, 0.006537966430187225, 0.05135687440633774, -0.13850052654743195, -0.06201997771859169, -0.02043880522251129, -0.07432065904140472, -0.07198573648929596, 0.05126523599028587, 0.08295364677906036, 0.0432799756526947, 0.16120018064975739, -0.059526920318603516, 0.056549184024333954, -0.17687004804611206, -0.003428144147619605, -0.026123056188225746, -0.029787898063659668, -0.026498887687921524, -0.04503852501511574, 0.06741734594106674, -0.04893098771572113, 0.12493924051523209, -0.02158956229686737, 0.09873301535844803, 0.036979980766773224, -0.0443444587290287, -0.00006562175985891372, 0.019390486180782318, 0.24985988438129425, 0.07038462162017822, -0.016343556344509125, 0.08367358148097992, 0.0020186244510114193, 0.05214517191052437, 0.0870688408613205, 0.1632152944803238, 0.14097468554973602, -0.012079180218279362, 0.0640111193060875, 0.06705853343009949, -0.07649461179971695, -0.12281741946935654, 0.08334596455097198, 0.043629445135593414, 0.08801613003015518, -0.03886222094297409, 0.22481831908226013, 0.10782589763402939, -0.16479647159576416, 0.05095251277089119, -0.036174461245536804, -0.09710372239351273, -0.11967755109071732, -0.09767287224531174, -0.07290191203355789, -0.13074232637882233, 0.00968831218779087, -0.136357381939888, 0.004644405096769333, 0.08823846280574799, 0.01007699966430664, 0.00043118573375977576, 0.13251638412475586, -0.009944927878677845, -0.008530329912900925, 0.09156189858913422, 0.016194287687540054, 0.014265516772866249, -0.05283733084797859, -0.08360874652862549, 0.031590964645147324, 0.013959935866296291, 0.06964954733848572, -0.046662669628858566, -0.021911311894655228, 0.036860909312963486, -0.003897219430655241, -0.08552253991365433, 0.020635973662137985, 0.002848315052688122, 0.023275617510080338, 0.06705036759376526, 0.008815542794764042, -0.028156882151961327, -0.05263150855898857, 0.2865428030490875, -0.09826111793518066, -0.06697414070367813, -0.13431884348392487, 0.23580217361450195, 0.0371401347219944, -0.02565981261432171, 0.060501471161842346, -0.08731043338775635, -0.0222854595631361, 0.14418749511241913, 0.1229206994175911, -0.03600090369582176, -0.019931050017476082, 0.00023101740225683898, -0.01782589592039585, -0.062149129807949066, 0.12761782109737396, 0.12177026271820068, 0.00804897304624319, -0.07840963453054428, -0.00266900472342968, -0.023055993020534515, -0.01928693801164627, -0.10868354141712189, 0.08565753698348999, 0.016401642933487892, -0.015430673956871033, -0.04362223669886589, 0.08247046172618866, -0.04507773369550705, -0.06659797579050064, 0.007809775415807962, -0.11661877483129501, -0.17778229713439941, -0.05101950466632843, 0.0074152289889752865, -0.008160751312971115, 0.058681126683950424, -0.013057554140686989, -0.013189799152314663, 0.14248494803905487, 0.00754342507570982, -0.05525020882487297, -0.10170592367649078, 0.11726085841655731, -0.021962394937872887, 0.22138053178787231, -0.007135691121220589, 0.033895332366228104, 0.10793858766555786, 0.0354139469563961, -0.1232714131474495, 0.024187443777918816, 0.057104114443063736, -0.06232016533613205, 0.049374058842659, 0.16811881959438324, -0.04085010290145874, 0.10118195414543152, 0.027298016473650932, -0.15733006596565247, -0.02104620449244976, -0.05441795662045479, -0.022833893075585365, -0.058682285249233246, 0.0046337139792740345, -0.06623145192861557, 0.14572620391845703, 0.2148720771074295, -0.052554383873939514, -0.04565977677702904, -0.08421176671981812, 0.028115984052419662, 0.042509377002716064, 0.09094362705945969, -0.03018268384039402, -0.2169571965932846, -0.014975021593272686, 0.05861852318048477, 0.020321156829595566, -0.2661782205104828, -0.06273476779460907, 0.019851062446832657, -0.048675600439310074, -0.058860715478658676, 0.1122741550207138, 0.04525294527411461, 0.025305800139904022, -0.05427134037017822, -0.10899382084608078, -0.0577857568860054, 0.1595149040222168, -0.16663259267807007, -0.035835739225149155 ]
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-undersampled This model is a fine-tuned version of [distilbert-base-uncased](https://huggingface.co/distilbert-base-uncased) on the None dataset. It achieves the following results on the evaluation set: - Loss: 0.0826 - Accuracy: 0.9811 - F1: 0.9810 - Recall: 0.9811 - Precision: 0.9812 ## Model description More information needed ## Intended uses & limitations More information needed ## Training and evaluation data More information needed ## Training procedure ### Training hyperparameters The following hyperparameters were used during training: - learning_rate: 3e-05 - train_batch_size: 16 - eval_batch_size: 16 - seed: 33 - optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08 - lr_scheduler_type: linear - lr_scheduler_warmup_steps: 100 - num_epochs: 5 - mixed_precision_training: Native AMP ### Training results | Training Loss | Epoch | Step | Validation Loss | Accuracy | F1 | Recall | Precision | |:-------------:|:-----:|:-----:|:---------------:|:--------:|:------:|:------:|:---------:| | 0.0959 | 0.2 | 2000 | 0.0999 | 0.9651 | 0.9628 | 0.9651 | 0.9655 | | 0.0618 | 0.41 | 4000 | 0.0886 | 0.9717 | 0.9717 | 0.9717 | 0.9731 | | 0.159 | 0.61 | 6000 | 0.0884 | 0.9719 | 0.9720 | 0.9719 | 0.9728 | | 0.0513 | 0.81 | 8000 | 0.0785 | 0.9782 | 0.9782 | 0.9782 | 0.9788 | | 0.0219 | 1.01 | 10000 | 0.0680 | 0.9779 | 0.9779 | 0.9779 | 0.9783 | | 0.036 | 1.22 | 12000 | 0.0745 | 0.9787 | 0.9787 | 0.9787 | 0.9792 | | 0.0892 | 1.42 | 14000 | 0.0675 | 0.9786 | 0.9786 | 0.9786 | 0.9789 | | 0.0214 | 1.62 | 16000 | 0.0760 | 0.9799 | 0.9798 | 0.9799 | 0.9801 | | 0.0882 | 1.83 | 18000 | 0.0800 | 0.9800 | 0.9800 | 0.9800 | 0.9802 | | 0.0234 | 2.03 | 20000 | 0.0720 | 0.9813 | 0.9813 | 0.9813 | 0.9815 | | 0.0132 | 2.23 | 22000 | 0.0738 | 0.9803 | 0.9803 | 0.9803 | 0.9805 | | 0.0136 | 2.43 | 24000 | 0.0847 | 0.9804 | 0.9804 | 0.9804 | 0.9806 | | 0.0119 | 2.64 | 26000 | 0.0826 | 0.9811 | 0.9810 | 0.9811 | 0.9812 | ### Framework versions - Transformers 4.16.2 - Pytorch 1.10.0+cu111 - Datasets 1.18.3 - Tokenizers 0.11.0
{"license": "apache-2.0", "tags": ["generated_from_trainer"], "metrics": ["accuracy", "f1", "recall", "precision"], "model-index": [{"name": "distilbert-undersampled", "results": []}]}
text-classification
Kayvane/distilbert-undersampled
[ "transformers", "pytorch", "distilbert", "text-classification", "generated_from_trainer", "license:apache-2.0", "autotrain_compatible", "endpoints_compatible", "region:us" ]
2022-03-02T23:29:04+00:00
[]
[]
TAGS #transformers #pytorch #distilbert #text-classification #generated_from_trainer #license-apache-2.0 #autotrain_compatible #endpoints_compatible #region-us
distilbert-undersampled ======================= This model is a fine-tuned version of distilbert-base-uncased on the None dataset. It achieves the following results on the evaluation set: * Loss: 0.0826 * Accuracy: 0.9811 * F1: 0.9810 * Recall: 0.9811 * Precision: 0.9812 Model description ----------------- More information needed Intended uses & limitations --------------------------- More information needed Training and evaluation data ---------------------------- More information needed Training procedure ------------------ ### Training hyperparameters The following hyperparameters were used during training: * learning\_rate: 3e-05 * train\_batch\_size: 16 * eval\_batch\_size: 16 * seed: 33 * optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08 * lr\_scheduler\_type: linear * lr\_scheduler\_warmup\_steps: 100 * num\_epochs: 5 * mixed\_precision\_training: Native AMP ### Training results ### Framework versions * Transformers 4.16.2 * Pytorch 1.10.0+cu111 * Datasets 1.18.3 * Tokenizers 0.11.0
[ "### Training hyperparameters\n\n\nThe following hyperparameters were used during training:\n\n\n* learning\\_rate: 3e-05\n* train\\_batch\\_size: 16\n* eval\\_batch\\_size: 16\n* seed: 33\n* optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08\n* lr\\_scheduler\\_type: linear\n* lr\\_scheduler\\_warmup\\_steps: 100\n* num\\_epochs: 5\n* mixed\\_precision\\_training: Native AMP", "### Training results", "### Framework versions\n\n\n* Transformers 4.16.2\n* Pytorch 1.10.0+cu111\n* Datasets 1.18.3\n* Tokenizers 0.11.0" ]
[ "TAGS\n#transformers #pytorch #distilbert #text-classification #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: 3e-05\n* train\\_batch\\_size: 16\n* eval\\_batch\\_size: 16\n* seed: 33\n* optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08\n* lr\\_scheduler\\_type: linear\n* lr\\_scheduler\\_warmup\\_steps: 100\n* num\\_epochs: 5\n* mixed\\_precision\\_training: Native AMP", "### Training results", "### Framework versions\n\n\n* Transformers 4.16.2\n* Pytorch 1.10.0+cu111\n* Datasets 1.18.3\n* Tokenizers 0.11.0" ]
[ 53, 131, 4, 35 ]
[ "passage: TAGS\n#transformers #pytorch #distilbert #text-classification #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: 3e-05\n* train\\_batch\\_size: 16\n* eval\\_batch\\_size: 16\n* seed: 33\n* optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08\n* lr\\_scheduler\\_type: linear\n* lr\\_scheduler\\_warmup\\_steps: 100\n* num\\_epochs: 5\n* mixed\\_precision\\_training: Native AMP### Training results### Framework versions\n\n\n* Transformers 4.16.2\n* Pytorch 1.10.0+cu111\n* Datasets 1.18.3\n* Tokenizers 0.11.0" ]
[ -0.10016762465238571, 0.11535537987947464, -0.0035724793560802937, 0.08533094078302383, 0.1260635405778885, -0.002691118512302637, 0.13093601167201996, 0.15196458995342255, -0.10509660840034485, 0.060040201991796494, 0.14039526879787445, 0.16476565599441528, 0.03489883989095688, 0.16848042607307434, -0.05724785849452019, -0.29566171765327454, 0.036471132189035416, 0.030336784198880196, -0.037657205015420914, 0.1274789422750473, 0.08965030312538147, -0.12568169832229614, 0.07324224710464478, 0.019514763727784157, -0.1589854210615158, -0.0068588098511099815, -0.018070638179779053, -0.08102966099977493, 0.12203734368085861, -0.0002810188743751496, 0.09428232908248901, 0.04058549553155899, 0.06728805601596832, -0.2049846202135086, 0.007458664942532778, 0.04488760605454445, 0.009335197508335114, 0.08196225762367249, 0.06438950449228287, -0.04452727362513542, 0.13268829882144928, -0.08923817425966263, 0.09545250236988068, 0.026866141706705093, -0.134780615568161, -0.25081923604011536, -0.11186939477920532, 0.03716665506362915, 0.09445548802614212, 0.07736898958683014, -0.0013978208880871534, 0.1420646458864212, -0.07367364317178726, 0.1070045530796051, 0.2709908187389374, -0.29475098848342896, -0.06199005991220474, -0.0063384100794792175, 0.03334105759859085, 0.056313056498765945, -0.10488132387399673, -0.039268482476472855, 0.022752119228243828, 0.049617160111665726, 0.14855711162090302, -0.019488874822854996, -0.04338177666068077, -0.008927688002586365, -0.14685912430286407, -0.07142631709575653, 0.13098974525928497, 0.02348436787724495, -0.04257271811366081, -0.08197876065969467, -0.05324485898017883, -0.19394034147262573, -0.05816468596458435, 0.0031730197370052338, 0.04444977268576622, -0.04177761822938919, -0.06778671592473984, 0.005606274586170912, -0.07002846896648407, -0.053723517805337906, -0.026648515835404396, 0.1675046682357788, 0.05889106169342995, -0.0010374435223639011, -0.031836338341236115, 0.09240158647298813, -0.00234696501865983, -0.15564338862895966, -0.023144466802477837, 0.007464602589607239, -0.008065667934715748, -0.04600059613585472, -0.03948522359132767, -0.05560191348195076, 0.01531099434942007, 0.18700456619262695, -0.10734828561544418, 0.08997508883476257, 0.0027985461056232452, 0.029418302699923515, -0.08237781375646591, 0.18502534925937653, -0.0013975795591250062, 0.01643112115561962, -0.006026711314916611, 0.056407906115055084, 0.023454725742340088, -0.024942046031355858, -0.09413911402225494, 0.04074115678668022, 0.11029481887817383, 0.05137554183602333, -0.05191803351044655, 0.05823619291186333, -0.04883391782641411, -0.023776177316904068, 0.037819474935531616, -0.11241892725229263, 0.0390157513320446, 0.0013659107498824596, -0.07456932216882706, -0.03858646750450134, 0.005782919004559517, 0.004975452553480864, -0.04115971922874451, 0.11854837834835052, -0.07391347736120224, 0.028893444687128067, -0.07627032697200775, -0.12445162981748581, 0.03166607767343521, -0.125033438205719, 0.010065215639770031, -0.08701193332672119, -0.14160148799419403, -0.024369312450289726, 0.055700477212667465, -0.03958752006292343, -0.046255700290203094, -0.06713956594467163, -0.07590388506650925, 0.040279682725667953, -0.015487835742533207, 0.0798003152012825, -0.07861673831939697, 0.09114135056734085, 0.013580279424786568, 0.07487990707159042, -0.0032819388434290886, 0.05615144968032837, -0.09317508339881897, 0.03880839794874191, -0.22339212894439697, 0.060582343488931656, -0.08459042757749557, 0.09945659339427948, -0.1121136024594307, -0.12014194577932358, 0.02748282067477703, -0.02461238205432892, 0.08991152793169022, 0.11562631279230118, -0.1537623405456543, -0.07377476990222931, 0.19896213710308075, -0.08213923126459122, -0.10996231436729431, 0.10992445051670074, -0.05597624182701111, 0.012666172347962856, 0.05198271945118904, 0.2227117270231247, 0.0763327106833458, -0.09520648419857025, 0.012030831538140774, -0.05218643322587013, 0.0586056262254715, -0.03104514442384243, 0.05781693011522293, -0.0025133187882602215, 0.05394599959254265, 0.018734676763415337, -0.0015963391633704305, 0.03504595533013344, -0.09142403304576874, -0.08278337866067886, -0.03821546211838722, -0.06912627071142197, 0.03223145753145218, 0.04464355483651161, 0.06694726645946503, -0.12635493278503418, -0.08987413346767426, 0.03946438804268837, 0.08138784766197205, -0.07238782942295074, 0.04860011488199234, -0.07871685177087784, 0.09259835630655289, -0.009096642956137657, -0.004758947063237429, -0.18920569121837616, -0.01886255480349064, 0.036976903676986694, -0.001851630862802267, 0.019234422594308853, -0.05909901484847069, 0.06868326663970947, 0.06597601622343063, -0.03239908441901207, -0.04219617322087288, -0.02462725341320038, 0.0014910460449755192, -0.1077539399266243, -0.21100673079490662, -0.042808789759874344, -0.04488077387213707, 0.09166383743286133, -0.1702517420053482, 0.046083953231573105, 0.06540954113006592, 0.09492673724889755, 0.03023090772330761, -0.025234805420041084, -0.004470787476748228, 0.0858868658542633, -0.037089407444000244, -0.07531537860631943, 0.061422962695360184, 0.01951485499739647, -0.08431931585073471, -0.006122545804828405, -0.12337295711040497, 0.14280270040035248, 0.1254786103963852, -0.025677140802145004, -0.08714617043733597, -0.0362512581050396, -0.06501613557338715, -0.024257056415081024, -0.03177585080265999, 0.0669817104935646, 0.17809133231639862, 0.01171314250677824, 0.14997528493404388, -0.08527757227420807, -0.05805578827857971, 0.045934125781059265, -0.022334661334753036, 0.008800212293863297, 0.13207516074180603, 0.06247608736157417, -0.09112848341464996, 0.13375267386436462, 0.13362818956375122, -0.04763096943497658, 0.12650173902511597, -0.06539097428321838, -0.06556565314531326, -0.021528325974941254, 0.0023944878485053778, 0.022930994629859924, 0.09083420038223267, -0.11701280623674393, -0.027384430170059204, 0.023231586441397667, 0.04277466610074043, 0.0044819568283855915, -0.2002565860748291, -0.01103984285145998, 0.03909929469227791, -0.053117915987968445, -0.04735671728849411, -0.013256767764687538, 0.017008671537041664, 0.0970686674118042, 0.023048149421811104, -0.07696778327226639, 0.01910354755818844, 0.009822689928114414, -0.06975321471691132, 0.20085491240024567, -0.11130161583423615, -0.1546671837568283, -0.10565969347953796, -0.09749390184879303, -0.048956047743558884, -0.0013005550717934966, 0.08739428967237473, -0.09458355605602264, -0.03846009448170662, -0.08087722957134247, -0.0207386314868927, -0.01835673861205578, 0.030660703778266907, 0.00822172686457634, 0.003360958071425557, 0.04506126046180725, -0.10563278943300247, -0.03290366008877754, -0.026156948879361153, -0.0166421290487051, 0.07340525090694427, 0.013708635233342648, 0.1086285412311554, 0.13313224911689758, -0.020676448941230774, 0.04198158159852028, -0.04643351584672928, 0.21591216325759888, -0.07438100129365921, -0.025638863444328308, 0.10183461010456085, 0.00044216850074008107, 0.08301015198230743, 0.11165685951709747, 0.05523952096700668, -0.10548562556505203, 0.0062917377799749374, 0.01381692849099636, -0.04577594995498657, -0.22531504929065704, -0.03189145401120186, -0.05175003409385681, -0.0020777552854269743, 0.1351730227470398, 0.044457580894231796, 0.03963150084018707, 0.049720682203769684, 0.017012322321534157, 0.027683168649673462, 0.0006860123830847442, 0.11716049909591675, 0.10797031223773956, 0.05046199634671211, 0.12903277575969696, -0.045008908957242966, -0.03610466048121452, 0.042270977050065994, -0.0014048544690012932, 0.24431465566158295, 0.01303855050355196, 0.16713260114192963, 0.05879656970500946, 0.16862648725509644, 0.017775071784853935, 0.07725249230861664, 0.0014481018297374249, -0.014237229712307453, -0.005978482775390148, -0.04411979764699936, -0.04660336300730705, 0.02889835648238659, -0.04143555089831352, 0.014516093768179417, -0.13817614316940308, -0.0016850625397637486, 0.058724548667669296, 0.33993053436279297, 0.022595109418034554, -0.3301554024219513, -0.09592252224683762, 0.0037409120704978704, -0.06781426817178726, -0.035226818174123764, 0.030062515288591385, 0.05374906584620476, -0.09394990652799606, 0.07910841703414917, -0.0695885494351387, 0.11054811626672745, -0.05371967703104019, 0.02932826802134514, 0.04038349911570549, 0.06483770906925201, -0.009079854004085064, 0.05579321086406708, -0.29252874851226807, 0.28284648060798645, 0.011794114485383034, 0.06672932207584381, -0.0758325457572937, 0.012365738861262798, 0.035884659737348557, 0.058308109641075134, 0.07893858850002289, -0.013937794603407383, -0.13879624009132385, -0.17890730500221252, -0.08946284651756287, 0.004213704261928797, 0.10536476224660873, -0.016605615615844727, 0.11749785393476486, -0.013366504572331905, 0.0007468428811989725, 0.03670181334018707, -0.0769277811050415, -0.04565955325961113, -0.10366526246070862, 0.01267196238040924, 0.012907957658171654, 0.004321497865021229, -0.07669204473495483, -0.09788607805967331, -0.05986226722598076, 0.1649477481842041, -0.027967363595962524, -0.05323292687535286, -0.1406727284193039, 0.029330004006624222, 0.08785167336463928, -0.0851575955748558, 0.055290188640356064, -0.007293516770005226, 0.10174302011728287, -0.0031270429026335478, -0.06408514082431793, 0.11167518049478531, -0.062514528632164, -0.17949679493904114, -0.038639165461063385, 0.12366417050361633, 0.031023947522044182, 0.062487468123435974, -0.009168430231511593, 0.04623080790042877, -0.0247358251363039, -0.09304655343294144, 0.025483058765530586, -0.008879804983735085, 0.09016069769859314, -0.014275405555963516, -0.0389806292951107, 0.05315844714641571, -0.07836983352899551, -0.026239685714244843, 0.18643119931221008, 0.27068573236465454, -0.09840405732393265, 0.08685940504074097, 0.03048863261938095, -0.06012546643614769, -0.16503335535526276, 0.012277055531740189, 0.062357328832149506, -0.009949489496648312, 0.0014507145388051867, -0.21075353026390076, 0.04209240525960922, 0.09813430160284042, -0.013248850591480732, 0.09095946699380875, -0.3127278983592987, -0.124371238052845, 0.11064017564058304, 0.12690481543540955, 0.06649675965309143, -0.1559990793466568, -0.039980292320251465, -0.009574506431818008, -0.12006967514753342, 0.10428329557180405, -0.06658507138490677, 0.12180434167385101, -0.03790328651666641, 0.08379125595092773, 0.010783671401441097, -0.056230317801237106, 0.12251651287078857, 0.011287568137049675, 0.09095774590969086, -0.06217414513230324, 0.0032382288482040167, 0.06168118491768837, -0.07959599047899246, 0.046380143612623215, -0.08674836903810501, 0.029251325875520706, -0.12349951267242432, -0.02239835076034069, -0.07273299992084503, 0.020964959636330605, -0.03781622275710106, -0.03781326860189438, -0.04073374718427658, 0.022771824151277542, 0.08048947155475616, -0.014739550650119781, 0.19408810138702393, 0.0028592911548912525, 0.149932399392128, 0.12603607773780823, 0.08796287328004837, -0.10580434650182724, -0.050255756825208664, -0.0012561609037220478, -0.021137671545147896, 0.04317161813378334, -0.15818236768245697, 0.036760296672582626, 0.15067099034786224, 0.02319430187344551, 0.12273330986499786, 0.0789102166891098, -0.03601473197340965, 0.017141098156571388, 0.05680198594927788, -0.1605750024318695, -0.0883491039276123, 0.010868275538086891, 0.02750767581164837, -0.0980595052242279, 0.04998713731765747, 0.10074908286333084, -0.0571540929377079, -0.026528334245085716, -0.0009237210033461452, 0.023857686668634415, -0.023275146260857582, 0.1823199838399887, 0.036674100905656815, 0.06788130104541779, -0.11220137774944305, 0.08680715411901474, 0.06532593816518784, -0.11877775192260742, 0.041177645325660706, 0.12637385725975037, -0.09631986916065216, -0.03398708254098892, 0.06028221920132637, 0.14774678647518158, -0.054082900285720825, -0.048651259392499924, -0.15540695190429688, -0.13483378291130066, 0.11182629317045212, 0.19480285048484802, 0.07831323146820068, 0.015611938200891018, -0.0393005907535553, 0.010782205499708652, -0.11653100699186325, 0.07837894558906555, 0.04427158832550049, 0.07452905178070068, -0.11970395594835281, 0.12994535267353058, 0.0017952858470380306, 0.04516781121492386, -0.009877488948404789, -0.004077455028891563, -0.12219096720218658, 0.02051461488008499, -0.11170873045921326, 0.0008467250154353678, -0.06465895473957062, 0.010119968093931675, -0.013815762475132942, -0.034555260092020035, -0.05275025591254234, 0.019846010953187943, -0.12234041839838028, -0.0269026942551136, -0.006130438297986984, 0.04868532717227936, -0.1232447624206543, -0.028198083862662315, 0.01968475989997387, -0.09664182364940643, 0.0782933235168457, 0.05148359015583992, -0.007216500584036112, 0.02944602072238922, -0.04614349082112312, 0.00005616588896373287, 0.06584510207176208, -0.011813257820904255, 0.061608027666807175, -0.13928446173667908, -0.017788423225283623, -0.0027113151736557484, 0.01687273383140564, 0.029724450781941414, 0.08243987709283829, -0.13514359295368195, -0.001808674423955381, -0.0037119451444596052, -0.09159869700670242, -0.06539133191108704, 0.055286142975091934, 0.10457507520914078, 0.002068392699584365, 0.17485515773296356, -0.07914420962333679, 0.044532410800457, -0.1831124722957611, -0.011428688652813435, -0.0022287864703685045, -0.13499458134174347, -0.07328668981790543, -0.05075228959321976, 0.06859352439641953, -0.05800558999180794, 0.13048456609249115, 0.0022455898579210043, 0.03769759461283684, 0.045161064714193344, -0.045738983899354935, -0.025550099089741707, 0.03656350076198578, 0.17000530660152435, 0.033645715564489365, -0.04927131533622742, 0.0797533243894577, 0.0345790795981884, 0.07825641334056854, 0.11313772201538086, 0.20199048519134521, 0.13687649369239807, 0.062434807419776917, 0.08674505352973938, 0.021089209243655205, -0.046536628156900406, -0.17111742496490479, 0.06583068519830704, -0.01591769978404045, 0.13021209836006165, -0.005703344475477934, 0.1992242932319641, 0.10900276154279709, -0.18106213212013245, 0.06929969787597656, -0.028770841658115387, -0.08814560621976852, -0.11706890165805817, -0.06432970613241196, -0.08522211015224457, -0.155807226896286, 0.002562735928222537, -0.11456440389156342, 0.04678555950522423, 0.05064692720770836, 0.02410942316055298, 0.009024077095091343, 0.12976403534412384, 0.025488805025815964, 0.023035382851958275, 0.07707518339157104, -0.003194942371919751, -0.03595108538866043, -0.06799788028001785, -0.08089885860681534, -0.0026207873597741127, -0.03300980105996132, 0.04452241584658623, -0.01934279501438141, -0.040606752038002014, 0.040187761187553406, -0.03064737655222416, -0.09887276589870453, 0.026989346370100975, 0.020392360165715218, 0.06588616222143173, 0.05811578780412674, 0.0177337434142828, -0.013878055848181248, -0.0035112136974930763, 0.2052050232887268, -0.07182548195123672, -0.06992584466934204, -0.11546745151281357, 0.2722630202770233, 0.057543713599443436, -0.02958296239376068, 0.033732540905475616, -0.05814533680677414, -0.007865897379815578, 0.18898414075374603, 0.1697215884923935, -0.012345714494585991, 0.0005294206202961504, -0.018841955810785294, -0.008542384952306747, -0.0028822235763072968, 0.09010221809148788, 0.1282707005739212, 0.030717065557837486, -0.08858908712863922, -0.04380415007472038, -0.058599554002285004, -0.02991049364209175, -0.07271707057952881, 0.07514183968305588, 0.031367138028144836, -0.008970582857728004, -0.04259461164474487, 0.07068049907684326, -0.0720922201871872, -0.056582700461149216, 0.0578838586807251, -0.2042226642370224, -0.16119082272052765, -0.008329284377396107, 0.056224796921014786, 0.0002962560683954507, 0.055190641433000565, 0.006067901384085417, -0.02671433612704277, 0.08065562695264816, -0.01129129622131586, -0.07057753950357437, -0.09919296205043793, 0.10442224889993668, -0.12528002262115479, 0.19036509096622467, -0.04065457358956337, 0.021085847169160843, 0.13490843772888184, 0.0626121535897255, -0.09165550023317337, 0.05348992347717285, 0.05754673480987549, -0.06794423609972, 0.013255761004984379, 0.12153089791536331, -0.038910504430532455, 0.0681694969534874, 0.036765675991773605, -0.12237273901700974, 0.011717096902430058, -0.07330729067325592, -0.04147462546825409, -0.025960005819797516, -0.024595599621534348, -0.0360138863325119, 0.11658313125371933, 0.2080768346786499, -0.03536947816610336, 0.006141273770481348, -0.07043147087097168, 0.01715908758342266, 0.05348007380962372, -0.007114092353731394, -0.07031643390655518, -0.2535184621810913, 0.012802626006305218, 0.09261763840913773, -0.0062635717913508415, -0.24258600175380707, -0.1050635501742363, 0.012202730402350426, -0.04095938801765442, -0.09943246841430664, 0.1029604896903038, 0.05373259633779526, 0.04846007004380226, -0.061936475336551666, -0.0669725090265274, -0.06535181403160095, 0.1754995882511139, -0.14813625812530518, -0.05700556933879852 ]
null
null
transformers
# Model Trained Using AutoNLP - Problem type: Binary Classification - Model ID: 13522454 ## Validation Metrics - Loss: 0.31450966000556946 - Accuracy: 0.8461538461538461 - Precision: 0.8181818181818182 - Recall: 0.782608695652174 - AUC: 0.9369259032455604 - F1: 0.8 ## Usage You can use cURL to access this model: ``` $ curl -X POST -H "Authorization: Bearer YOUR_API_KEY" -H "Content-Type: application/json" -d '{"inputs": "I love AutoNLP"}' https://api-inference.huggingface.co/models/Kceilord/autonlp-tc-13522454 ``` Or Python API: ``` from transformers import AutoModelForSequenceClassification, AutoTokenizer model = AutoModelForSequenceClassification.from_pretrained("Kceilord/autonlp-tc-13522454", use_auth_token=True) tokenizer = AutoTokenizer.from_pretrained("Kceilord/autonlp-tc-13522454", use_auth_token=True) inputs = tokenizer("I love AutoNLP", return_tensors="pt") outputs = model(**inputs) ```
{"language": "en", "tags": "autonlp", "datasets": ["Kceilord/autonlp-data-tc"], "widget": [{"text": "I love AutoNLP \ud83e\udd17"}]}
text-classification
Kceilord/autonlp-tc-13522454
[ "transformers", "pytorch", "distilbert", "text-classification", "autonlp", "en", "dataset:Kceilord/autonlp-data-tc", "autotrain_compatible", "endpoints_compatible", "region:us" ]
2022-03-02T23:29:04+00:00
[]
[ "en" ]
TAGS #transformers #pytorch #distilbert #text-classification #autonlp #en #dataset-Kceilord/autonlp-data-tc #autotrain_compatible #endpoints_compatible #region-us
# Model Trained Using AutoNLP - Problem type: Binary Classification - Model ID: 13522454 ## Validation Metrics - Loss: 0.31450966000556946 - Accuracy: 0.8461538461538461 - Precision: 0.8181818181818182 - Recall: 0.782608695652174 - AUC: 0.9369259032455604 - F1: 0.8 ## Usage You can use cURL to access this model: Or Python API:
[ "# Model Trained Using AutoNLP\n\n- Problem type: Binary Classification\n- Model ID: 13522454", "## Validation Metrics\n\n- Loss: 0.31450966000556946\n- Accuracy: 0.8461538461538461\n- Precision: 0.8181818181818182\n- Recall: 0.782608695652174\n- AUC: 0.9369259032455604\n- F1: 0.8", "## Usage\n\nYou can use cURL to access this model:\n\n\n\nOr Python API:" ]
[ "TAGS\n#transformers #pytorch #distilbert #text-classification #autonlp #en #dataset-Kceilord/autonlp-data-tc #autotrain_compatible #endpoints_compatible #region-us \n", "# Model Trained Using AutoNLP\n\n- Problem type: Binary Classification\n- Model ID: 13522454", "## Validation Metrics\n\n- Loss: 0.31450966000556946\n- Accuracy: 0.8461538461538461\n- Precision: 0.8181818181818182\n- Recall: 0.782608695652174\n- AUC: 0.9369259032455604\n- F1: 0.8", "## Usage\n\nYou can use cURL to access this model:\n\n\n\nOr Python API:" ]
[ 61, 24, 73, 17 ]
[ "passage: TAGS\n#transformers #pytorch #distilbert #text-classification #autonlp #en #dataset-Kceilord/autonlp-data-tc #autotrain_compatible #endpoints_compatible #region-us \n# Model Trained Using AutoNLP\n\n- Problem type: Binary Classification\n- Model ID: 13522454## Validation Metrics\n\n- Loss: 0.31450966000556946\n- Accuracy: 0.8461538461538461\n- Precision: 0.8181818181818182\n- Recall: 0.782608695652174\n- AUC: 0.9369259032455604\n- F1: 0.8## Usage\n\nYou can use cURL to access this model:\n\n\n\nOr Python API:" ]
[ -0.11922763288021088, 0.16058599948883057, -0.000014388429917744361, 0.08642196655273438, 0.14488211274147034, 0.030029654502868652, 0.04421203210949898, 0.1074129194021225, 0.03478629142045975, 0.046039801090955734, 0.15215055644512177, 0.21258564293384552, 0.04211365059018135, 0.14237357676029205, -0.14417682588100433, -0.18435713648796082, 0.042570509016513824, 0.07310265302658081, 0.1324252486228943, 0.11520108580589294, 0.07313670217990875, -0.09198594838380814, 0.10677415877580643, 0.013924257829785347, -0.15953846275806427, -0.00888157356530428, 0.07703199982643127, -0.13477234542369843, 0.09543096274137497, 0.07156775146722794, 0.13223713636398315, 0.0008263973286375403, 0.09126273542642593, -0.09724274277687073, -0.023496082052588463, -0.007810858078300953, 0.005243760533630848, 0.08092477917671204, 0.0366678349673748, -0.05243094265460968, 0.013514679856598377, -0.025841491296887398, 0.06413914263248444, 0.02611559070646763, -0.0973176658153534, -0.09364300221204758, -0.042288415133953094, 0.08198560774326324, 0.13779982924461365, 0.0910031646490097, -0.006598770152777433, 0.2383979856967926, -0.05054328590631485, 0.1123138964176178, -0.044376738369464874, -0.2888467609882355, -0.012303967960178852, 0.10205433517694473, -0.058615006506443024, -0.08287116885185242, 0.009519743733108044, 0.020530670881271362, 0.09184000641107559, 0.02365049161016941, 0.03220910578966141, -0.0557088628411293, -0.12204169481992722, -0.021276721730828285, -0.10108093917369843, -0.07445789873600006, 0.25318625569343567, 0.005153522826731205, -0.07814929634332657, 0.0017812005244195461, -0.06660410016775131, -0.06596458703279495, -0.05234368517994881, -0.027889739722013474, -0.05734699219465256, -0.04973402991890907, -0.05265454947948456, 0.08881115913391113, -0.07721799612045288, -0.0527125783264637, -0.18711437284946442, 0.1298251450061798, 0.017269207164645195, 0.06677333265542984, -0.043227192014455795, 0.08818519115447998, -0.07663119584321976, -0.07842955738306046, -0.00024985443451441824, -0.006504384335130453, -0.0575302392244339, -0.10258803516626358, -0.030787231400609016, 0.015730109065771103, -0.016135351732373238, 0.19707173109054565, 0.09010998159646988, 0.05516912043094635, -0.0027606901712715626, -0.005739844404160976, 0.011138451285660267, 0.18511056900024414, -0.11298591643571854, 0.04122737795114517, 0.05620338022708893, -0.04718494787812233, 0.011212257668375969, -0.03455730527639389, -0.09971462935209274, -0.11598071455955505, 0.169227734208107, 0.03678744286298752, 0.01587093248963356, 0.09840936958789825, -0.057952880859375, -0.06031731516122818, 0.04997095838189125, -0.06711121648550034, 0.02713914029300213, -0.008819634094834328, -0.10429466515779495, 0.057972501963377, 0.0676555410027504, 0.05052417889237404, -0.09251195192337036, 0.07027380913496017, -0.0890933945775032, 0.01920146681368351, -0.026476889848709106, -0.11672383546829224, 0.03526267781853676, -0.017615603283047676, 0.043828334659338, -0.1959783285856247, -0.2108890414237976, -0.02659665420651436, 0.01343195978552103, -0.05979834496974945, -0.04757403954863548, -0.03914472088217735, -0.017793405801057816, 0.04866405576467514, -0.025248795747756958, -0.01096813939511776, -0.0350688211619854, 0.04215361550450325, 0.058672867715358734, 0.07816644757986069, -0.11939848959445953, 0.048946041613817215, -0.09519363194704056, 0.016499225050210953, -0.09947327524423599, 0.06148526072502136, -0.03143223375082016, 0.06000050529837608, -0.15827897191047668, -0.04621678590774536, 0.09783180803060532, -0.014761105179786682, 0.0614638552069664, 0.11995040625333786, -0.09328725188970566, -0.0004027245449833572, 0.07674995064735413, -0.03695254027843475, -0.11663848906755447, 0.11157328635454178, -0.046747561544179916, 0.020565932616591454, 0.09070437401533127, 0.03202490881085396, 0.13494184613227844, -0.04570551589131355, -0.0604102686047554, 0.04119128733873367, -0.03958455100655556, -0.12426058202981949, 0.05310019478201866, 0.03951054811477661, -0.2434692233800888, 0.044982172548770905, 0.02975616417825222, 0.025448743253946304, -0.04921421408653259, -0.08436820656061172, -0.042773403227329254, -0.050661277025938034, 0.05406856909394264, 0.008143414743244648, 0.10482821613550186, -0.014118874445557594, -0.030408846214413643, 0.010627382434904575, 0.12775394320487976, -0.0006972139817662537, -0.04061649739742279, -0.13632124662399292, 0.09424979984760284, -0.15774692595005035, -0.03169410303235054, -0.1882099062204361, 0.009892839938402176, -0.004034391138702631, 0.03789515420794487, -0.004367264453321695, -0.07219326496124268, 0.04586820304393768, 0.01689574494957924, 0.0318874716758728, 0.0004775114939548075, 0.16574053466320038, 0.029009075835347176, -0.12489985674619675, -0.013253695331513882, -0.010063620284199715, -0.013306996785104275, 0.19338004291057587, -0.13134326040744781, -0.026659756898880005, -0.025728091597557068, 0.09177259355783463, -0.03240199014544487, 0.0496133454144001, -0.014849621802568436, 0.06684449315071106, -0.03881402313709259, -0.0005494339857250452, 0.04634460434317589, -0.031901534646749496, -0.09631793200969696, 0.026559075340628624, -0.17433768510818481, 0.13105778396129608, 0.14911943674087524, -0.06964853405952454, -0.07716041058301926, 0.020212018862366676, 0.033654291182756424, -0.006309151649475098, -0.0008925353176891804, 0.023409729823470116, 0.13687492907047272, 0.016345659270882607, 0.14786632359027863, -0.03806733712553978, -0.013275424018502235, 0.050831373780965805, -0.09487113356590271, -0.04733879491686821, 0.14014574885368347, 0.07419263571500778, -0.21133188903331757, 0.08520827442407608, 0.04598081856966019, -0.12494226545095444, 0.0381869412958622, 0.018027545884251595, -0.032372526824474335, -0.035904619842767715, -0.042507730424404144, 0.025613518431782722, 0.01937062107026577, -0.031100045889616013, 0.013353636488318443, 0.08784971386194229, -0.01903836615383625, 0.0074747484177351, -0.10435336083173752, 0.01519001554697752, 0.01598414033651352, 0.026586195454001427, -0.04628204181790352, 0.004958575591444969, 0.03133980184793472, 0.12706366181373596, 0.06068802997469902, -0.12182439118623734, 0.07046225666999817, 0.031739238649606705, -0.12400591373443604, 0.23645207285881042, -0.1099293977022171, -0.20735126733779907, -0.15759797394275665, -0.1357087790966034, -0.04951313138008118, 0.001290184911340475, -0.017818639054894447, -0.04055914655327797, -0.0902421623468399, -0.02695457451045513, -0.08689428865909576, -0.03816559165716171, -0.015071194618940353, -0.01433893945068121, -0.0352487713098526, 0.04269091412425041, -0.04609077423810959, -0.05774983763694763, -0.02420898899435997, -0.062345147132873535, 0.14561384916305542, -0.0735902413725853, 0.09536158293485641, 0.1950843632221222, -0.056584544479846954, 0.026480959728360176, 0.008379293605685234, 0.18075993657112122, -0.014035963453352451, -0.029039204120635986, 0.13357196748256683, -0.025249939411878586, 0.026433199644088745, 0.15619274973869324, 0.012886546552181244, -0.06170635297894478, 0.01056261733174324, -0.02041224204003811, -0.03442808985710144, -0.15372303128242493, -0.1851343810558319, 0.0046410514041781425, 0.04836452379822731, 0.16545605659484863, 0.004235271364450455, 0.10148628056049347, 0.1482359617948532, 0.03306655213236809, 0.12151560187339783, -0.08165033906698227, 0.08334849029779434, 0.20101968944072723, 0.019501252099871635, 0.14732812345027924, -0.04620124772191048, -0.09948555380105972, 0.059570468962192535, 0.021331604570150375, 0.08513087034225464, 0.03970089182257652, -0.05495518073439598, -0.02994193509221077, 0.10417063534259796, 0.06313501298427582, 0.12822279334068298, 0.05643476918339729, -0.026365075260400772, 0.011643736623227596, -0.022683024406433105, -0.11322028934955597, 0.03933755308389664, 0.027922986075282097, 0.010141102597117424, -0.11504562199115753, -0.013794643804430962, -0.006291691679507494, 0.051215868443250656, 0.1978810727596283, -0.46548330783843994, -0.0977659672498703, 0.026464851573109627, -0.024496179074048996, -0.13529351353645325, 0.0028483732603490353, -0.12359529733657837, -0.14903052151203156, 0.04149176552891731, -0.043570686131715775, 0.10702428221702576, -0.10863851010799408, -0.001995047787204385, -0.08785785734653473, -0.0013723488664254546, -0.02620200626552105, 0.10176361352205276, -0.27998578548431396, 0.23786309361457825, 0.0453152172267437, 0.04960464686155319, -0.1180030107498169, -0.014523950405418873, 0.0400395542383194, 0.08679124712944031, 0.10886728763580322, 0.00028272837516851723, -0.03145521879196167, -0.3040163218975067, -0.11607728898525238, 0.03809177130460739, -0.04046826809644699, 0.028110070154070854, 0.08402812480926514, 0.000073342613177374, -0.002371923765167594, -0.002392142079770565, -0.0483732596039772, -0.08334773033857346, -0.03113093040883541, 0.016477340832352638, 0.0995519682765007, -0.02307392843067646, 0.019030291587114334, -0.05614638328552246, -0.031897637993097305, 0.08733287453651428, 0.00016575565678067505, -0.07161344587802887, -0.11458371579647064, 0.03680959716439247, 0.0864068865776062, -0.12281765788793564, 0.04229459911584854, -0.0536515936255455, 0.033759091049432755, 0.006092326249927282, -0.1547844111919403, 0.09448035806417465, -0.07488447427749634, -0.016208799555897713, 0.00992494635283947, 0.025395385921001434, -0.0024613270070403814, 0.01768600009381771, 0.07408925890922546, 0.05710045248270035, -0.06585638225078583, -0.08704274892807007, 0.03263302892446518, 0.038407016545534134, 0.0977979302406311, 0.12783728539943695, 0.007736433297395706, -0.17718204855918884, -0.08529995381832123, 0.06752333790063858, 0.20281347632408142, 0.14326488971710205, -0.07886026799678802, -0.028772756457328796, 0.11113477498292923, -0.010269810445606709, -0.26577863097190857, -0.03733852505683899, -0.019714053720235825, 0.04213994741439819, -0.09046633541584015, -0.07681271433830261, 0.12507864832878113, 0.05656047537922859, -0.04659925028681755, -0.028015460819005966, -0.16956064105033875, -0.11006224900484085, 0.3258434236049652, 0.056471917778253555, 0.20138640701770782, -0.05837407335639, -0.04314607009291649, -0.12267830222845078, -0.1679474264383316, 0.15674349665641785, 0.010189308784902096, 0.07922526448965073, -0.06715883314609528, 0.14576923847198486, 0.058429159224033356, -0.06280253082513809, 0.11080741137266159, 0.045010678470134735, 0.026758933439850807, -0.08004583418369293, -0.08872291445732117, -0.06740666180849075, -0.07792522758245468, 0.15555982291698456, 0.03541305661201477, 0.07999878376722336, -0.22999007999897003, -0.03361564129590988, -0.031528934836387634, 0.10640953481197357, 0.007037322968244553, -0.0476611852645874, -0.01593734323978424, -0.0049611604772508144, -0.016287272796034813, -0.057295769453048706, -0.033368006348609924, 0.02339661493897438, 0.05283166095614433, 0.17107254266738892, 0.11472275108098984, -0.01729845628142357, 0.05265819653868675, 0.033150963485240936, -0.082081139087677, 0.1052691712975502, -0.11909878998994827, 0.08237334340810776, 0.14750687777996063, -0.011362253688275814, 0.1160961240530014, 0.04642617329955101, -0.043177973479032516, -0.013300069607794285, 0.04106644541025162, -0.14872756600379944, 0.05550481379032135, -0.021872185170650482, -0.024395745247602463, -0.012404955923557281, 0.02675911784172058, 0.13609643280506134, -0.07157807797193527, -0.032408758997917175, -0.0010655673686414957, -0.005792579147964716, -0.022861849516630173, 0.2021038681268692, 0.061895258724689484, 0.05644313618540764, -0.11450459808111191, 0.05428528040647507, 0.05480530858039856, -0.02729581855237484, 0.07611588388681412, -0.0320967398583889, -0.13065987825393677, -0.1104561910033226, -0.018996257334947586, 0.1411571353673935, -0.21682581305503845, -0.07541517168283463, -0.02109154313802719, -0.08576955646276474, 0.069745734333992, 0.1567857712507248, 0.09881403297185898, 0.04043878987431526, -0.05244649574160576, -0.11067963391542435, -0.13882149755954742, 0.07245127856731415, 0.11796092242002487, 0.042035844177007675, -0.15661707520484924, 0.1618126928806305, -0.042790576815605164, 0.07846076786518097, -0.04513426870107651, -0.031567882746458054, -0.16629773378372192, 0.02018757164478302, -0.19340337812900543, 0.025086957961320877, -0.08255527168512344, 0.024146707728505135, 0.022596150636672974, -0.003325439291074872, -0.04439527913928032, 0.0005589639185927808, -0.08361724764108658, -0.006860175635665655, 0.025865936651825905, 0.034479767084121704, -0.05838172882795334, -0.08016817271709442, 0.05347814783453941, -0.008979810401797295, 0.05571742728352547, 0.13413852453231812, 0.023012010380625725, 0.062303729355335236, -0.06372039020061493, -0.03229203075170517, 0.08921737968921661, 0.04873402789235115, 0.08939699828624725, -0.11574222147464752, 0.05490414798259735, 0.06328146904706955, 0.03007698245346546, 0.06941582262516022, 0.1361597627401352, -0.0857771635055542, -0.051370833069086075, -0.06297340989112854, -0.06407979875802994, -0.10688593238592148, 0.06272101402282715, 0.09217439591884613, 0.056343354284763336, 0.11495444923639297, -0.08989887684583664, 0.04320559278130531, -0.10796687006950378, -0.009547281078994274, -0.07707647979259491, -0.09475746750831604, -0.09389490634202957, -0.047649163752794266, 0.06519977003335953, -0.018303759396076202, 0.09320034831762314, 0.00881871860474348, 0.03465504199266434, -0.009743482805788517, 0.0774911642074585, -0.000658176199067384, -0.01363120786845684, 0.1932130604982376, 0.11139974743127823, -0.042132873088121414, -0.0017020333325490355, 0.10824152827262878, 0.048743702471256256, 0.026332039386034012, -0.0017750803381204605, 0.020647617056965828, -0.07309149950742722, 0.09811870008707047, 0.047576628625392914, -0.06007438898086548, -0.0533302016556263, -0.08685506135225296, -0.16833645105361938, 0.0794026181101799, 0.018978983163833618, 0.010178535245358944, 0.07215046137571335, -0.05498818680644035, -0.030607949942350388, -0.07303505390882492, -0.09759674221277237, -0.19290044903755188, -0.13528206944465637, -0.15369486808776855, -0.0650622770190239, -0.00712469220161438, -0.08093474060297012, -0.04670359194278717, 0.10118970274925232, 0.0289398692548275, -0.04290222376585007, 0.07769912481307983, -0.10296031087636948, -0.014423358254134655, 0.054482053965330124, -0.02664531208574772, -0.024759242311120033, -0.024142848327755928, 0.02009851671755314, -0.009428485296666622, 0.022561494261026382, 0.054940249770879745, -0.014223922044038773, 0.006683983840048313, 0.08964922279119492, -0.020032301545143127, -0.0970739796757698, -0.02718218043446541, 0.049929503351449966, 0.052729710936546326, 0.05259811505675316, 0.040610525757074356, 0.02162892371416092, -0.01256834901869297, 0.2080543488264084, -0.08057559281587601, -0.013335371389985085, -0.14325031638145447, 0.3876572847366333, -0.0016827293438836932, 0.053499460220336914, 0.03540341928601265, -0.03784286230802536, 0.0263044610619545, 0.18296915292739868, 0.10669735819101334, -0.030458875000476837, -0.00784649420529604, -0.029264388605952263, -0.013736053369939327, 0.004855058621615171, 0.09416457265615463, 0.05431312695145607, 0.14369869232177734, -0.089462511241436, -0.003853926667943597, -0.006297406740486622, -0.034735627472400665, -0.023231174796819687, 0.01613723859190941, 0.019047711044549942, -0.025643207132816315, -0.058271102607250214, 0.10636364668607712, -0.11051134020090103, 0.12329528480768204, 0.01379887480288744, -0.07592697441577911, -0.12977105379104614, 0.014551579020917416, -0.06476976722478867, 0.01390176173299551, 0.08828538656234741, -0.08776160329580307, -0.005756280850619078, 0.028614243492484093, 0.0011293409625068307, -0.15340875089168549, -0.03494378551840782, 0.045495957136154175, 0.16067811846733093, 0.15696747601032257, 0.03163953870534897, 0.16340819001197815, 0.1346723735332489, 0.031558677554130554, -0.11922673881053925, 0.08900558203458786, -0.008240296505391598, -0.010737092234194279, 0.13645236194133759, 0.0303032286465168, 0.001919003203511238, 0.01971445232629776, 0.05945618078112602, -0.18772700428962708, -0.0021300707012414932, -0.06005784124135971, 0.031250953674316406, -0.105313241481781, 0.017621686682105064, -0.06301247328519821, 0.12631893157958984, 0.15177372097969055, -0.0665469542145729, -0.004210596438497305, -0.04614958539605141, 0.03277066349983215, -0.005700370762497187, -0.0739903599023819, -0.037573229521512985, -0.10097135603427887, 0.027855193242430687, -0.07482244074344635, 0.01297714002430439, -0.23057104647159576, 0.004762511700391769, -0.07041801512241364, -0.07555469125509262, -0.030986927449703217, 0.09741441905498505, 0.05635242909193039, 0.029065590351819992, -0.06146198511123657, -0.03250830993056297, -0.02300388179719448, 0.10435411334037781, -0.08722974359989166, -0.13236591219902039 ]
null
null
transformers
#Harry Potter DialoGPT Model
{"tags": ["conversational"]}
text-generation
Keen/DialoGPT-small-potter
[ "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
[]
[ "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
# Rick3 DialoGPT Model
{"tags": ["conversational"]}
text-generation
KekLord/DialoGPT-small-rick3
[ "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
# Rick3 DialoGPT Model
[ "# Rick3 DialoGPT Model" ]
[ "TAGS\n#transformers #pytorch #gpt2 #text-generation #conversational #autotrain_compatible #endpoints_compatible #text-generation-inference #region-us \n", "# Rick3 DialoGPT Model" ]
[ 51, 8 ]
[ "passage: TAGS\n#transformers #pytorch #gpt2 #text-generation #conversational #autotrain_compatible #endpoints_compatible #text-generation-inference #region-us \n# Rick3 DialoGPT Model" ]
[ -0.011295462027192116, 0.06662574410438538, -0.0051877195946872234, 0.02739841863512993, 0.14342306554317474, -0.0040843733586370945, 0.151703342795372, 0.14524443447589874, -0.02488236501812935, -0.04220333695411682, 0.1420804262161255, 0.21257542073726654, 0.0006470633088611066, 0.02849446050822735, -0.084637351334095, -0.3239480257034302, 0.0656745657324791, 0.0380558967590332, -0.037765804678201675, 0.1179342046380043, 0.10859689861536026, -0.021467262879014015, 0.0888713076710701, 0.00008790656283963472, -0.13267071545124054, 0.029424156993627548, 0.020367542281746864, -0.11200267821550369, 0.10760477930307388, 0.069704569876194, 0.036262352019548416, 0.04388543218374252, -0.03400728479027748, -0.13594338297843933, 0.04301569610834122, -0.00004765249468619004, -0.04451669007539749, 0.05637679621577263, 0.023269301280379295, -0.0892004668712616, 0.0819474533200264, 0.11267679184675217, -0.002829689532518387, 0.04191381856799126, -0.15375478565692902, 0.020799309015274048, -0.029658639803528786, 0.06997240334749222, 0.0740717351436615, 0.10352776944637299, -0.035360388457775116, 0.11193905025720596, -0.07848022133111954, 0.1216314509510994, 0.17756475508213043, -0.2841258645057678, -0.015803536400198936, 0.15121082961559296, 0.04099779576063156, 0.05051146820187569, -0.027764834463596344, 0.09841020405292511, 0.00994879100471735, 0.004892100114375353, -0.06472225487232208, -0.0881015732884407, -0.09343817830085754, 0.025300806388258934, -0.08988726139068604, -0.00589636480435729, 0.24450819194316864, -0.038878001272678375, 0.07310505211353302, -0.07993694394826889, -0.0721459910273552, -0.017816420644521713, -0.03784852847456932, -0.032390497624874115, -0.10534115880727768, 0.07279054075479507, -0.03359714150428772, -0.0823230966925621, -0.10685855895280838, -0.03676909580826759, -0.15210899710655212, 0.203182190656662, 0.03417696803808212, 0.03353988006711006, -0.21723705530166626, 0.08483989536762238, -0.015955127775669098, -0.09380149841308594, 0.00516151636838913, -0.08876699209213257, 0.012403084896504879, 0.02260272018611431, -0.03056636080145836, 0.0017900310922414064, 0.09327226132154465, 0.11843758821487427, 0.009168751537799835, 0.03882433846592903, 0.004492971580475569, 0.04592876881361008, 0.03113592229783535, 0.052489157766103745, -0.02320183254778385, 0.0026237827260047197, 0.024335436522960663, -0.08892269432544708, -0.014129765331745148, -0.06629358232021332, -0.20161710679531097, 0.004301691893488169, 0.0493558794260025, 0.07237274944782257, 0.02944488450884819, 0.14089983701705933, 0.0031657195650041103, -0.05194823071360588, 0.052287086844444275, -0.03289654850959778, -0.021924791857600212, 0.02643696777522564, 0.003430374665185809, 0.16087141633033752, 0.010707681067287922, 0.054201640188694, -0.11822114884853363, -0.0011731635313481092, -0.02281505987048149, -0.012610523030161858, -0.030539698898792267, -0.05667554959654808, -0.0133651839569211, -0.012442391365766525, 0.006472514010965824, -0.14022792875766754, -0.16729950904846191, -0.013111602514982224, 0.004911723546683788, -0.050129979848861694, -0.10252634435892105, -0.09655343741178513, -0.03945184499025345, 0.05498211085796356, -0.0631413534283638, 0.009470255114138126, -0.03225215896964073, 0.07465284317731857, -0.02784196473658085, 0.06951405107975006, -0.10561589896678925, 0.08720920234918594, -0.06057310849428177, -0.03820490464568138, -0.06800855696201324, 0.12186357378959656, 0.009801385924220085, 0.05078335851430893, -0.03985181450843811, -0.02370995469391346, -0.07859039306640625, 0.0802595466375351, -0.029487187042832375, 0.2211643010377884, -0.1041586771607399, -0.08668112009763718, 0.2199743241071701, -0.05748273804783821, -0.14417105913162231, 0.10255119204521179, -0.009454932995140553, 0.08769857883453369, 0.11262673884630203, 0.17321184277534485, 0.06986338645219803, 0.005953304003924131, 0.06504275649785995, 0.09834138303995132, -0.0656680017709732, -0.020481780171394348, 0.026456322520971298, -0.01667311042547226, -0.06539912521839142, 0.02318187803030014, 0.05373502895236015, 0.04197777807712555, -0.047406941652297974, -0.012486065737903118, 0.01052950695157051, 0.003479455132037401, 0.03976129740476608, -0.026418080553412437, 0.10493684560060501, -0.056592389941215515, -0.0694643184542656, -0.050143931061029434, 0.03168665990233421, -0.08126358687877655, 0.0394723080098629, -0.07743684202432632, 0.044323042035102844, -0.01099646557122469, 0.0610792376101017, -0.1659945547580719, -0.11368370056152344, -0.047890521585941315, 0.20125718414783478, 0.06672555953264236, 0.09507175534963608, 0.05821854621171951, -0.06104784831404686, -0.001686189090833068, 0.006977098062634468, 0.2041960060596466, -0.01536548137664795, -0.06551965326070786, -0.10301732271909714, 0.08309363573789597, -0.07776226103305817, 0.02052335813641548, -0.029263826087117195, 0.016757693141698837, 0.03406708315014839, 0.11017313599586487, -0.044179536402225494, 0.037939753383398056, 0.011133148334920406, -0.0270541962236166, -0.06387951225042343, -0.010477643460035324, 0.09950347244739532, -0.008788717910647392, -0.09518992900848389, 0.2464302033185959, -0.19529180228710175, 0.10211797803640366, 0.15600545704364777, -0.16960830986499786, 0.0003712787583936006, -0.10022609680891037, -0.025988589972257614, 0.0194554403424263, 0.03525441512465477, -0.04044828563928604, 0.263599693775177, -0.0044514331966638565, 0.15727511048316956, -0.043061088770627975, -0.04557087644934654, -0.04547383263707161, -0.06111970916390419, -0.004839984700083733, 0.11379539966583252, 0.0926380529999733, -0.17453545331954956, 0.16904382407665253, 0.05773141607642174, 0.036488693207502365, 0.14648176729679108, 0.02573269046843052, 0.030524086207151413, 0.06834043562412262, 0.0048202043399214745, -0.02593299373984337, -0.08150574564933777, -0.14838850498199463, -0.028466565534472466, 0.07549504190683365, 0.06878047436475754, 0.102623350918293, -0.09714048355817795, -0.028539838269352913, -0.01653466373682022, -0.035339053720235825, 0.04719765856862068, 0.13973337411880493, 0.0057454886846244335, 0.12594646215438843, -0.0201277919113636, -0.08166635036468506, 0.07375771552324295, 0.007398477289825678, -0.09376028925180435, 0.19560280442237854, -0.1049574613571167, -0.35498374700546265, -0.11061923950910568, -0.21799904108047485, -0.07218112051486969, 0.04131176322698593, 0.11915183812379837, -0.16124498844146729, -0.0384049266576767, -0.000657529104501009, 0.06556659936904907, -0.11967899650335312, 0.009998816065490246, -0.028110701590776443, -0.023467998951673508, -0.12944702804088593, -0.10114377737045288, -0.06071726977825165, -0.0419023334980011, -0.05176081880927086, 0.11430113017559052, -0.1664171665906906, 0.02442290633916855, 0.21619054675102234, 0.06203652545809746, 0.07580021023750305, -0.04369187727570534, 0.16765962541103363, -0.08051544427871704, 0.009057414717972279, 0.2337821125984192, -0.03845912218093872, 0.0687553808093071, 0.13566729426383972, -0.011169609613716602, -0.07249148935079575, 0.04418006166815758, -0.004004516638815403, -0.07559610903263092, -0.22926844656467438, -0.10061066597700119, -0.10880981385707855, 0.03340493515133858, 0.041717879474163055, 0.054779574275016785, 0.14709679782390594, 0.07207948714494705, -0.04228127747774124, -0.023239603266119957, 0.06820680946111679, 0.09273479878902435, 0.22313278913497925, -0.0475863553583622, 0.14886201918125153, -0.025676416233181953, -0.15013432502746582, 0.06388937681913376, 0.0817296952009201, 0.09082343429327011, 0.05797911435365677, 0.11222569644451141, 0.008792572654783726, 0.013815518468618393, 0.1307515949010849, 0.08446572721004486, 0.007497464772313833, -0.03369014337658882, -0.03380211442708969, -0.030611589550971985, -0.009906562976539135, 0.01588534377515316, 0.04380834475159645, -0.158782497048378, -0.04205852374434471, 0.03936895355582237, 0.05627588927745819, 0.03496771678328514, 0.08216562122106552, -0.19635359942913055, -0.002240856410935521, 0.07037802040576935, -0.00512321200221777, -0.0995737612247467, 0.09133585542440414, -0.017247634008526802, -0.12099011987447739, 0.0417693592607975, -0.03292744234204292, 0.1320047825574875, -0.07759012281894684, 0.06673359125852585, -0.09777165949344635, -0.018169593065977097, -0.010444666258990765, 0.124945729970932, -0.3135591447353363, 0.1766173094511032, -0.009940255433321, -0.04018530994653702, -0.10787597298622131, -0.009012623690068722, 0.030964920297265053, 0.08492910116910934, 0.11923904716968536, -0.02450481429696083, -0.07739819586277008, 0.06438292562961578, -0.060726601630449295, 0.04639623314142227, 0.11559358239173889, -0.06398145109415054, -0.004529268015176058, -0.06259743869304657, 0.0046128639951348305, 0.008323675021529198, -0.10635248571634293, 0.006416039075702429, -0.19523535668849945, 0.08813901990652084, 0.09246654808521271, 0.08665987104177475, 0.02880801074206829, -0.035755787044763565, -0.11072540283203125, 0.2707477807998657, 0.027301982045173645, -0.10251113772392273, -0.12665078043937683, -0.002079354366287589, 0.05427831783890724, -0.08716671168804169, -0.03455706313252449, -0.07590366899967194, 0.04703299701213837, -0.062464985996484756, -0.19344064593315125, 0.11642743647098541, -0.1103932335972786, -0.03729388862848282, -0.0271774735301733, 0.2217579483985901, -0.03290471434593201, 0.02056078240275383, 0.04475792124867439, -0.0068219914101064205, -0.10038799792528152, -0.09893320500850677, -0.0038077174685895443, -0.01575830765068531, 0.02897944115102291, 0.030328629538416862, -0.030477935448288918, 0.019676540046930313, -0.0859440341591835, -0.009813578799366951, 0.33160117268562317, 0.11440549790859222, -0.03663383796811104, 0.15916751325130463, 0.0893021821975708, -0.05720779672265053, -0.2947847247123718, -0.13546158373355865, -0.05295794829726219, -0.04585299640893936, -0.09830635786056519, -0.16553571820259094, 0.0829833447933197, -0.05277027562260628, -0.016794605180621147, 0.04563463106751442, -0.23384548723697662, -0.09425608068704605, 0.1878204494714737, -0.009866325184702873, 0.39335864782333374, -0.1164565160870552, -0.06546708941459656, -0.045273177325725555, -0.1494009792804718, 0.19039858877658844, 0.005246170796453953, 0.10863440483808517, -0.00523976469412446, 0.20227530598640442, 0.04361802712082863, -0.0002443880366627127, 0.07574597746133804, 0.02154523693025112, -0.053075797855854034, -0.09688688069581985, -0.08771809935569763, -0.04639032110571861, -0.0029737967997789383, 0.042532242834568024, -0.09542625397443771, 0.053548481315374374, -0.12621745467185974, -0.044698383659124374, -0.08442115038633347, 0.02200879342854023, 0.021695906296372414, -0.06153088063001633, -0.002405088394880295, -0.050038982182741165, 0.004549432545900345, 0.01762036606669426, 0.24424444139003754, -0.10823589563369751, 0.13523820042610168, 0.029364900663495064, 0.16271358728408813, -0.09068503975868225, -0.0451723150908947, -0.06948832422494888, -0.055786121636629105, 0.060716740787029266, -0.12216280400753021, 0.03949263319373131, 0.0998772531747818, -0.04258052259683609, 0.09423716366291046, 0.11647341400384903, -0.016428468748927116, 0.0005463605630211532, 0.09290874004364014, -0.23281565308570862, -0.04764577001333237, -0.08385764807462692, 0.0720895379781723, 0.03733832389116287, 0.1061227098107338, 0.21533440053462982, 0.011887063272297382, -0.04099925979971886, 0.01623213291168213, 0.03496300056576729, -0.02842414192855358, 0.06617359817028046, 0.0197730902582407, 0.042716823518276215, -0.14984124898910522, 0.0546073317527771, -0.025847185403108597, -0.06426850706338882, 0.03484402596950531, 0.1774795949459076, -0.10564622282981873, -0.11855024844408035, 0.006761057768017054, 0.1544705182313919, -0.14879678189754486, -0.02699643187224865, -0.06894220411777496, -0.13392075896263123, 0.0708194449543953, 0.09798779338598251, 0.05086513236165047, 0.02984382025897503, -0.09237580746412277, -0.04069889336824417, -0.05400899052619934, -0.005435810424387455, 0.013541619293391705, -0.01686834916472435, -0.07381438463926315, 0.006765058264136314, -0.04150089994072914, 0.11972667276859283, -0.07815138250589371, -0.08797682076692581, -0.17809036374092102, 0.03187650814652443, -0.05908087268471718, -0.09333709627389908, -0.08589401841163635, -0.02786802314221859, 0.012726789340376854, -0.03993283957242966, -0.031303174793720245, -0.020571060478687286, -0.10744015127420425, 0.023698611184954643, -0.05212413892149925, 0.0011453687911853194, -0.06771992892026901, 0.025761768221855164, 0.04612623527646065, -0.03334566205739975, 0.14288689196109772, 0.13626334071159363, -0.11975383013486862, 0.1071745902299881, -0.15913021564483643, -0.07814935594797134, 0.08975937217473984, 0.01765655167400837, 0.04927842319011688, 0.030097583308815956, -0.003149766940623522, 0.05504399910569191, 0.05907735601067543, 0.0459563322365284, -0.0010075445752590895, -0.0639834776520729, 0.07902171462774277, -0.08286502212285995, -0.09577080607414246, -0.04822591692209244, 0.008706909604370594, 0.017429132014513016, 0.09441334009170532, 0.10571214556694031, -0.0667727068066597, 0.10742346197366714, -0.044289249926805496, 0.04395660012960434, 0.02892674133181572, -0.16717347502708435, 0.014350918121635914, -0.08889065682888031, 0.04814201965928078, 0.0012718172511085868, 0.14090994000434875, 0.014122257009148598, -0.0182671919465065, 0.0221055056899786, 0.0743330866098404, 0.05714324116706848, -0.011995597742497921, 0.16975153982639313, 0.08944353461265564, -0.0486457422375679, -0.061138153076171875, 0.08407305181026459, 0.044253863394260406, 0.025210373103618622, 0.15203340351581573, -0.05108904838562012, -0.018126487731933594, 0.08925604075193405, 0.005254710558801889, 0.006209321320056915, -0.07210108637809753, -0.12619051337242126, -0.011069671250879765, 0.008615875616669655, -0.03592172637581825, 0.09410886466503143, 0.17032532393932343, -0.015555420890450478, 0.012666772119700909, -0.023164015263319016, -0.06146908178925514, -0.2054709941148758, -0.20246516168117523, -0.08954662829637527, -0.13799452781677246, 0.0066282739862799644, -0.14513684809207916, 0.04018257558345795, 0.054791804403066635, 0.09926409274339676, -0.019877929240465164, 0.045715007930994034, 0.03297243267297745, -0.09934204816818237, 0.03874499350786209, -0.06503445655107498, 0.10308251529932022, -0.0024052171502262354, 0.0178631953895092, -0.05896935611963272, 0.014112292788922787, 0.025990059599280357, 0.05024023726582527, -0.02260003425180912, 0.023550108075141907, -0.12561103701591492, -0.09915335476398468, -0.06017962098121643, 0.06186969578266144, 0.007124380674213171, 0.20146812498569489, 0.027967581525444984, -0.040331803262233734, 0.033768948167562485, 0.21692641079425812, -0.07670353353023529, -0.08993562310934067, -0.08078953623771667, 0.21755436062812805, -0.01313992403447628, 0.08703384548425674, -0.03551177680492401, 0.01902378723025322, -0.09307900816202164, 0.3484112322330475, 0.28545355796813965, -0.09009552001953125, 0.009784515015780926, -0.007773785386234522, 0.0412784144282341, 0.12309791147708893, 0.0886804461479187, 0.1159990206360817, 0.26035046577453613, -0.07554145157337189, -0.04018973559141159, -0.009335892274975777, -0.023855339735746384, -0.06583608686923981, 0.05118606239557266, 0.049246661365032196, -0.06763505190610886, -0.006363916210830212, 0.12235186994075775, -0.23882915079593658, 0.07877390831708908, -0.15859457850456238, -0.15569451451301575, -0.06785457581281662, 0.0010259479749947786, 0.08785444498062134, 0.02226133644580841, 0.10144700855016708, -0.014015309512615204, -0.07001620531082153, 0.033858511596918106, 0.02256188541650772, -0.2088390290737152, 0.02218233235180378, 0.0762864500284195, -0.04923632740974426, -0.0626378282904625, -0.011951438151299953, 0.08605486899614334, 0.10082977265119553, 0.02272876352071762, -0.032257210463285446, 0.0456683523952961, -0.010169532150030136, -0.06799852848052979, 0.04444025829434395, 0.04168557748198509, 0.004028897266834974, -0.07100384682416916, 0.06495901942253113, -0.17228880524635315, 0.026538901031017303, 0.019679130986332893, -0.028003573417663574, -0.012770842760801315, 0.02859078347682953, -0.06583966314792633, 0.08689316362142563, 0.0793621763586998, -0.01677393913269043, -0.0141947316005826, -0.023635992780327797, -0.012076254934072495, -0.016653554514050484, -0.0907416045665741, -0.09415193647146225, -0.161676824092865, -0.12384522706270218, 0.0744113177061081, -0.014757350087165833, -0.20932571589946747, 0.018664740025997162, -0.11076069623231888, 0.03889958932995796, -0.1406337469816208, 0.09545895457267761, 0.08185329288244247, 0.02479248121380806, -0.001910814200527966, 0.019937746226787567, 0.02748469077050686, 0.08442488312721252, -0.1425992101430893, -0.08433002978563309 ]
null
null
transformers
# Siesta
{"tags": ["conversational"]}
text-generation
Keqing/Keqing-Siesta
[ "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
# Siesta
[ "# Siesta" ]
[ "TAGS\n#transformers #pytorch #gpt2 #text-generation #conversational #autotrain_compatible #endpoints_compatible #text-generation-inference #region-us \n", "# Siesta" ]
[ 51, 3 ]
[ "passage: TAGS\n#transformers #pytorch #gpt2 #text-generation #conversational #autotrain_compatible #endpoints_compatible #text-generation-inference #region-us \n# Siesta" ]
[ -0.02320113405585289, -0.006021866574883461, -0.008026550523936749, 0.014149888418614864, 0.18005499243736267, 0.007216461468487978, 0.15346881747245789, 0.1153598353266716, 0.05253635719418526, 0.008476546965539455, 0.1121300607919693, 0.19516220688819885, 0.007871430367231369, 0.11745000630617142, -0.07670366019010544, -0.2587980329990387, 0.0813523679971695, 0.016259077936410904, 0.022399257868528366, 0.10916569828987122, 0.09268078207969666, -0.05124176666140556, 0.09752096235752106, -0.03462061658501625, -0.0978797972202301, 0.010792483575642109, 0.0564509853720665, -0.09350765496492386, 0.12622343003749847, 0.06263668090105057, 0.0679575577378273, 0.012680194340646267, -0.05437862500548363, -0.1808650940656662, 0.036205925047397614, 0.00448027066886425, -0.03560313582420349, 0.021680084988474846, 0.024212367832660675, -0.08392301946878433, 0.07729135453701019, 0.05953952670097351, -0.032396599650382996, 0.06823478639125824, -0.1618957817554474, 0.07121267169713974, -0.019922059029340744, 0.009685717523097992, 0.07800726592540741, 0.08308670669794083, -0.029400857165455818, 0.06785845011472702, -0.04925340786576271, 0.10178405046463013, 0.1391586810350418, -0.2806451618671417, -0.012632608413696289, 0.05880681425333023, 0.04449654743075371, 0.09692644327878952, -0.014765365049242973, 0.08125859498977661, 0.029552089050412178, 0.0013502646470442414, 0.0072997803799808025, -0.06972616910934448, -0.10233593732118607, 0.0500606931746006, -0.08489719778299332, -0.06481576710939407, 0.18094024062156677, -0.05241590365767479, 0.04855158179998398, -0.053747035562992096, -0.13158152997493744, -0.03647160902619362, -0.041611671447753906, -0.028982380405068398, -0.05421849340200424, 0.07839372009038925, 0.10340427607297897, -0.1200244352221489, -0.13947756588459015, -0.04463347792625427, -0.15992814302444458, 0.15669675171375275, 0.03866374492645264, 0.04459742456674576, -0.1769794225692749, 0.05731983110308647, 0.03453247621655464, -0.09266538918018341, 0.018591001629829407, -0.08188946545124054, -0.018770746886730194, 0.0355510450899601, -0.02140009216964245, -0.07109631597995758, 0.0893714651465416, 0.11495636403560638, -0.05121472477912903, 0.009800326079130173, 0.024744514375925064, 0.07888014614582062, 0.03316294029355049, 0.058384787291288376, -0.0042656525038182735, -0.015836181119084358, 0.013372010551393032, -0.11466994881629944, 0.025358792394399643, -0.0897890254855156, -0.1502334624528885, -0.023982102051377296, -0.003329948056489229, 0.055692434310913086, 0.012763150967657566, 0.09599971771240234, -0.05410175397992134, -0.00819527730345726, -0.020851237699389458, -0.07733507454395294, -0.026426872238516808, 0.005391775164753199, 0.040965985506772995, 0.14880231022834778, -0.009878445416688919, 0.03417574614286423, -0.1495477557182312, 0.043591514229774475, -0.07392150908708572, -0.007282341364771128, -0.0341239757835865, -0.03488246351480484, 0.012783325277268887, -0.1321345567703247, -0.024056922644376755, -0.14684025943279266, -0.20942184329032898, -0.01957934908568859, -0.010908585973083973, -0.05996321886777878, -0.08713627606630325, -0.05306510999798775, -0.012933128513395786, 0.050206851214170456, -0.06482579559087753, -0.1054459884762764, -0.06721992790699005, 0.09538286924362183, -0.040849339216947556, 0.08098859339952469, -0.12311191111803055, 0.06199829280376434, -0.11791159957647324, -0.014291657134890556, -0.019430220127105713, 0.10493254661560059, -0.035323694348335266, 0.10567321628332138, 0.0010520671494305134, 0.008321751840412617, -0.10394763201475143, 0.09243625402450562, -0.026332996785640717, 0.27050524950027466, -0.1254064440727234, -0.1055092066526413, 0.27582576870918274, -0.104120634496212, -0.1674516648054123, 0.14308562874794006, 0.03636385500431061, 0.04774131625890732, 0.10715975612401962, 0.2089998424053192, 0.010132503695786, -0.02094176784157753, 0.0778803825378418, 0.1356521099805832, -0.07559070736169815, -0.04115619510412216, 0.038785308599472046, -0.024996910244226456, -0.02437419258058071, 0.05268179252743721, 0.0959433764219284, 0.06146010383963585, -0.049914829432964325, -0.04798153415322304, -0.0303881224244833, 0.002485057571902871, 0.05377877503633499, 0.00856083631515503, 0.10631869733333588, -0.03382735326886177, -0.022824134677648544, 0.01561362762004137, -0.002589831594377756, -0.01845550909638405, 0.03382255509495735, -0.057149115949869156, 0.14434245228767395, 0.025090806186199188, 0.06152661144733429, -0.13820430636405945, -0.09414042532444, -0.04703206941485405, 0.13801129162311554, 0.0086041409522295, 0.08584295213222504, 0.047761086374521255, -0.05987754836678505, 0.008689561858773232, 0.03765095770359039, 0.12612688541412354, -0.018421780318021774, -0.07644505053758621, -0.07137864828109741, 0.07642652094364166, -0.0513177365064621, 0.053401656448841095, -0.06080077588558197, 0.05116904526948929, 0.05527690052986145, 0.09643791615962982, -0.0012798807583749294, 0.006968257017433643, -0.016091467812657356, 0.0017496627988293767, -0.08295761793851852, 0.01436361949890852, 0.099610835313797, 0.010795273818075657, -0.05716356262564659, 0.24984833598136902, -0.1658671647310257, 0.1903090924024582, 0.16630977392196655, -0.25357672572135925, 0.03373521938920021, -0.08760504424571991, -0.03792876750230789, 0.004922529216855764, 0.02576136775314808, -0.0703573226928711, 0.08679742366075516, 0.000017391839719493873, 0.19328883290290833, -0.043126147240400314, -0.024108385667204857, -0.005840602796524763, -0.06982967257499695, -0.0068465969525277615, 0.08207530528306961, 0.13201266527175903, -0.06759350746870041, 0.2150573432445526, 0.10008715838193893, 0.03711223602294922, 0.21942059695720673, -0.0018915642285719514, -0.04086140915751457, 0.0846966803073883, 0.003149506403133273, -0.04552191123366356, -0.04422764480113983, -0.23531244695186615, -0.03421018272638321, 0.06703715026378632, 0.01860363408923149, 0.10956712067127228, -0.09054430574178696, -0.046953681856393814, -0.0027224912773817778, -0.043665505945682526, 0.041130855679512024, 0.08993203192949295, 0.03866441920399666, 0.12632405757904053, -0.023693228140473366, 0.006642171181738377, 0.05306409299373627, 0.012232714332640171, -0.10611721873283386, 0.18913327157497406, -0.09101977944374084, -0.3348681926727295, -0.18430155515670776, -0.13158071041107178, -0.05485766753554344, 0.06525169312953949, 0.10422225296497345, -0.10605143010616302, -0.008512875996530056, -0.004929002840071917, 0.08882859349250793, -0.02852839045226574, 0.02289869822561741, -0.05805542320013046, 0.014363913796842098, -0.09464453905820847, -0.06476923078298569, -0.0604502335190773, -0.026949476450681686, -0.041219621896743774, 0.11037024855613708, -0.10988126695156097, 0.0925404503941536, 0.20749002695083618, 0.03561056777834892, 0.045009683817625046, -0.029670298099517822, 0.20484094321727753, -0.0979296863079071, 0.006902711000293493, 0.22867271304130554, -0.05851873755455017, 0.08004718273878098, 0.12415477633476257, -0.011486433446407318, -0.08662137389183044, 0.010542034171521664, 0.009688825346529484, -0.10922913998365402, -0.26259317994117737, -0.14811719954013824, -0.12463003396987915, 0.126267209649086, -0.013943628408014774, 0.05855304375290871, 0.12121089547872543, 0.08229167014360428, -0.051518429070711136, 0.008617183193564415, 0.024335842579603195, 0.07220309227705002, 0.21603263914585114, -0.056552156805992126, 0.13228292763233185, -0.04351173713803291, -0.1132429912686348, 0.1051265299320221, 0.08116719126701355, 0.061363037675619125, 0.048176102340221405, 0.11181846261024475, 0.026644064113497734, -0.009775122627615929, 0.09149591624736786, 0.05000004172325134, 0.0116666154935956, -0.02380269579589367, -0.02630278654396534, -0.03009185381233692, -0.07140504568815231, 0.07278124243021011, -0.026323461905121803, -0.1368027776479721, -0.048344843089580536, 0.012971306219696999, 0.10934248566627502, 0.1358439326286316, 0.08213113993406296, -0.17158374190330505, -0.046158820390701294, 0.11966349184513092, -0.025758014991879463, -0.12795013189315796, 0.08234041929244995, 0.07752428203821182, -0.11252317577600479, 0.027590157464146614, -0.026702284812927246, 0.1275496631860733, -0.08280284702777863, 0.10232864320278168, -0.05530170723795891, -0.07786615192890167, 0.019269775599241257, 0.1079317256808281, -0.28897786140441895, 0.21300286054611206, -0.0034515850711613894, -0.06481470167636871, -0.08640116453170776, 0.013514171354472637, -0.011471022851765156, 0.09608045220375061, 0.15337081253528595, 0.006457930896431208, 0.01580316387116909, -0.06486804783344269, -0.009051889181137085, 0.016794152557849884, 0.107896588742733, -0.032037150114774704, -0.024124931544065475, -0.0768134817481041, 0.017493221908807755, -0.037525828927755356, -0.05899115279316902, 0.030601127073168755, -0.19683799147605896, 0.09990870207548141, 0.06379064917564392, 0.025462012737989426, 0.02768058329820633, 0.00015223643276840448, -0.12387643754482269, 0.27569255232810974, -0.10235275328159332, -0.10852915048599243, -0.12954698503017426, -0.041919004172086716, -0.005259553901851177, -0.06470109522342682, 0.04004499688744545, -0.04857746511697769, 0.06467724591493607, -0.07413527369499207, -0.16698607802391052, 0.09342353045940399, -0.09475143253803253, -0.03869616985321045, -0.027804262936115265, 0.19546638429164886, -0.05614905431866646, 0.006218830123543739, 0.024899302050471306, 0.0015613178256899118, -0.0917012095451355, -0.10732420533895493, 0.02382366731762886, 0.048920027911663055, 0.022004539147019386, 0.03637717664241791, -0.08206796646118164, -0.04257775843143463, -0.03863442689180374, -0.04535645619034767, 0.32362622022628784, 0.15998663008213043, -0.05041084438562393, 0.19496974349021912, 0.099824920296669, -0.11315999925136566, -0.3545719385147095, -0.11772451549768448, -0.11577323079109192, -0.005573618691414595, -0.03499000519514084, -0.168207049369812, 0.04492398723959923, 0.03818236291408539, -0.024619437754154205, 0.0488034188747406, -0.2744148373603821, -0.1054137721657753, 0.12812165915966034, -0.011185074225068092, 0.39578190445899963, -0.15142109990119934, -0.13416177034378052, -0.06955370306968689, -0.11869644373655319, 0.10613889992237091, -0.04064321890473366, 0.08026663959026337, -0.007802612613886595, 0.08907429873943329, 0.06910469383001328, -0.019496897235512733, 0.12667618691921234, 0.02056693658232689, -0.031021110713481903, -0.09586896002292633, -0.02807372622191906, 0.06167416647076607, 0.013095799833536148, 0.0294941496104002, -0.08248022198677063, 0.03824809566140175, -0.16003133356571198, -0.049328844994306564, -0.0716463252902031, 0.038032736629247665, 0.03959394246339798, -0.068858802318573, -0.00590175436809659, -0.06883091479539871, 0.012809651903808117, 0.020341379567980766, 0.20724301040172577, -0.11006112396717072, 0.17442858219146729, 0.09636969119310379, 0.1217450499534607, -0.14160186052322388, 0.012887881137430668, -0.06787540763616562, -0.04735749587416649, 0.05889105424284935, -0.10176076740026474, 0.06100119277834892, 0.12053743004798889, -0.014996299520134926, 0.07150321453809738, 0.09576297551393509, 0.02083374373614788, 0.019062723964452744, 0.11826592683792114, -0.26382163166999817, -0.08763961493968964, -0.07400884479284286, -0.03706205636262894, 0.07190682739019394, 0.10899822413921356, 0.19471316039562225, 0.021191315725445747, -0.02152334339916706, 0.008817843161523342, 0.04011593759059906, -0.027169054374098778, 0.07139043509960175, -0.014537625014781952, 0.02686435543000698, -0.13899603486061096, 0.06292088329792023, -0.004621504340320826, -0.16888675093650818, 0.022942114621400833, 0.16905613243579865, -0.11300171166658401, -0.12835925817489624, -0.046119410544633865, -0.011917643249034882, -0.09831461310386658, -0.016676077619194984, -0.08350645750761032, -0.1431376039981842, 0.07261085510253906, 0.1593104898929596, 0.06479308009147644, 0.09397203475236893, -0.03805151581764221, -0.015330594033002853, -0.014411360025405884, 0.018012074753642082, 0.012305210344493389, 0.003370808670297265, -0.12416979670524597, 0.051771409809589386, -0.05342252925038338, 0.14288991689682007, -0.0958893820643425, -0.07857653498649597, -0.1545735001564026, 0.042459093034267426, -0.10833849012851715, -0.06502687931060791, -0.09465407580137253, -0.07459653913974762, -0.0009490333613939583, -0.02899114601314068, -0.05256016552448273, -0.0595250129699707, -0.09390563517808914, 0.02641121856868267, -0.051163021475076675, 0.04282635822892189, -0.07929588109254837, 0.028933828696608543, 0.088743194937706, -0.04104824364185333, 0.15138594806194305, 0.1333393156528473, -0.10144554078578949, 0.08264493942260742, -0.17961011826992035, -0.03542826324701309, 0.1370389759540558, 0.027270523831248283, 0.029327983036637306, 0.13839472830295563, 0.014584124088287354, 0.06127733364701271, 0.026719605550169945, 0.04954326152801514, 0.04410974681377411, -0.0906359851360321, 0.10140040516853333, -0.00863382313400507, -0.14159929752349854, -0.03994114696979523, -0.04718521609902382, 0.042310260236263275, 0.03115791454911232, 0.08462278544902802, -0.0608583465218544, 0.09974252432584763, -0.057235512882471085, 0.05640711635351181, 0.04003782942891121, -0.13656701147556305, -0.040855973958969116, -0.09939557313919067, 0.028728250414133072, 0.014471327885985374, 0.2434491664171219, 0.04021097719669342, 0.037046272307634354, 0.06254610419273376, 0.03952609747648239, 0.06857070326805115, 0.04710690677165985, 0.17725147306919098, 0.09568506479263306, -0.06306891143321991, -0.1089744120836258, 0.04498382285237312, 0.012378338724374771, 0.06186927482485771, 0.12615881860256195, 0.02629639394581318, -0.03991866484284401, 0.11899040639400482, 0.011970581486821175, 0.0423838309943676, -0.13595372438430786, -0.1432240605354309, -0.0796942412853241, 0.04408474266529083, -0.03583832457661629, 0.15512949228286743, 0.17478138208389282, -0.032905273139476776, 0.036380503326654434, -0.029741879552602768, -0.06264268606901169, -0.20461761951446533, -0.13562539219856262, -0.061320070177316666, -0.12400788813829422, 0.010577532462775707, -0.11394431442022324, 0.05185948684811592, 0.10756183415651321, 0.05455276370048523, -0.043243441730737686, 0.09089617431163788, 0.05071159079670906, -0.07870376855134964, 0.05254856124520302, -0.01576910726726055, 0.07570432126522064, -0.047429200261831284, -0.0359027124941349, -0.07159042358398438, 0.025332432240247726, -0.012557823210954666, 0.05204496160149574, -0.006794948596507311, 0.008947785943746567, -0.1527930498123169, -0.0831219032406807, -0.04677824676036835, 0.061452921479940414, -0.06051500886678696, 0.08141003549098969, 0.02257850579917431, -0.0363248847424984, 0.03788379952311516, 0.23606644570827484, -0.08097837120294571, -0.039526186883449554, -0.07478434592485428, 0.16534070670604706, 0.0443703718483448, 0.14300787448883057, -0.04214548319578171, -0.02304987609386444, -0.10346657782793045, 0.32116106152534485, 0.27366599440574646, -0.09553243964910507, 0.019751882180571556, 0.005408388562500477, 0.05341670289635658, 0.11038351058959961, 0.0990528091788292, 0.05673997476696968, 0.3421112895011902, -0.046982523053884506, -0.04499959945678711, -0.004736978095024824, -0.04471234232187271, -0.09330816566944122, 0.16652102768421173, 0.013722556643188, -0.03216451406478882, -0.041892342269420624, 0.07784178853034973, -0.24541479349136353, 0.11712867021560669, -0.0956668108701706, -0.1804165244102478, -0.056857798248529434, 0.004661490209400654, 0.06304824352264404, 0.0007265088497661054, 0.07419519871473312, 0.009930836036801338, -0.10888533294200897, 0.06237408518791199, 0.045931410044431686, -0.22990334033966064, 0.017495829612016678, 0.057774756103754044, -0.05107337608933449, 0.015570771880447865, -0.035942643880844116, 0.0349973663687706, 0.05740442872047424, 0.05611614137887955, -0.017866993322968483, 0.01470150239765644, 0.0005055126384831965, -0.049545370042324066, 0.003712188685312867, 0.03174819052219391, 0.0046564009971916676, -0.09925354272127151, 0.08480878174304962, -0.15833266079425812, 0.027155736461281776, 0.0013640446122735739, -0.08154335618019104, 0.012290350161492825, 0.02274882048368454, -0.07321073114871979, 0.03288901224732399, 0.0737006738781929, 0.006080565974116325, 0.0024236594326794147, -0.04617524519562721, -0.012275515124201775, -0.04062048718333244, -0.05801035091280937, -0.07014384120702744, -0.1571013331413269, -0.10294260084629059, 0.060868650674819946, 0.007434235420078039, -0.19605155289173126, 0.003891157219186425, -0.09946025162935257, 0.09637128561735153, -0.1550081968307495, 0.09138892590999603, 0.1191382184624672, -0.003427850781008601, -0.010070464573800564, -0.05785895884037018, 0.07301732897758484, 0.10955902934074402, -0.07165895402431488, -0.07897274941205978 ]
null
null
transformers
@ Spamton G. Spamton DialoGPT Model
{"tags": ["conversational"]}
text-generation
Keqipig/DialoGPT-small-spamton
[ "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
@ Spamton G. Spamton DialoGPT 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. --> # koelectra-sts-v0.4 This model was trained from scratch on an unknown dataset. It achieves the following results on the evaluation set: - Loss: 0.3368 - Pearson: 0.9303 - Spearmanr: 0.9287 ## 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: 16 - eval_batch_size: 16 - seed: 42 - optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08 - lr_scheduler_type: linear - num_epochs: 5 ### Training results | Training Loss | Epoch | Step | Validation Loss | Pearson | Spearmanr | |:-------------:|:-----:|:----:|:---------------:|:-------:|:---------:| | 0.0345 | 1.0 | 730 | 0.3368 | 0.9303 | 0.9287 | | 0.0343 | 2.0 | 1460 | 0.3368 | 0.9303 | 0.9287 | | 0.0337 | 3.0 | 2190 | 0.3368 | 0.9303 | 0.9287 | | 0.0345 | 4.0 | 2920 | 0.3368 | 0.9303 | 0.9287 | | 0.0347 | 5.0 | 3650 | 0.3368 | 0.9303 | 0.9287 | ### Framework versions - Transformers 4.10.0 - Pytorch 1.10.1+cu113 - Datasets 1.17.0 - Tokenizers 0.10.3
{"tags": ["generated_from_trainer"], "metrics": ["spearmanr"]}
text-classification
Ketzu/koelectra-sts-v0.4
[ "transformers", "pytorch", "tensorboard", "electra", "text-classification", "generated_from_trainer", "model-index", "autotrain_compatible", "endpoints_compatible", "region:us" ]
2022-03-02T23:29:04+00:00
[]
[]
TAGS #transformers #pytorch #tensorboard #electra #text-classification #generated_from_trainer #model-index #autotrain_compatible #endpoints_compatible #region-us
koelectra-sts-v0.4 ================== This model was trained from scratch on an unknown dataset. It achieves the following results on the evaluation set: * Loss: 0.3368 * Pearson: 0.9303 * Spearmanr: 0.9287 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: 16 * eval\_batch\_size: 16 * seed: 42 * optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08 * lr\_scheduler\_type: linear * num\_epochs: 5 ### Training results ### Framework versions * Transformers 4.10.0 * Pytorch 1.10.1+cu113 * Datasets 1.17.0 * Tokenizers 0.10.3
[ "### Training hyperparameters\n\n\nThe following hyperparameters were used during training:\n\n\n* learning\\_rate: 2e-05\n* train\\_batch\\_size: 16\n* eval\\_batch\\_size: 16\n* seed: 42\n* optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08\n* lr\\_scheduler\\_type: linear\n* num\\_epochs: 5", "### Training results", "### Framework versions\n\n\n* Transformers 4.10.0\n* Pytorch 1.10.1+cu113\n* Datasets 1.17.0\n* Tokenizers 0.10.3" ]
[ "TAGS\n#transformers #pytorch #tensorboard #electra #text-classification #generated_from_trainer #model-index #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: 16\n* eval\\_batch\\_size: 16\n* seed: 42\n* optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08\n* lr\\_scheduler\\_type: linear\n* num\\_epochs: 5", "### Training results", "### Framework versions\n\n\n* Transformers 4.10.0\n* Pytorch 1.10.1+cu113\n* Datasets 1.17.0\n* Tokenizers 0.10.3" ]
[ 52, 98, 4, 33 ]
[ "passage: TAGS\n#transformers #pytorch #tensorboard #electra #text-classification #generated_from_trainer #model-index #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: 16\n* eval\\_batch\\_size: 16\n* seed: 42\n* optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08\n* lr\\_scheduler\\_type: linear\n* num\\_epochs: 5### Training results### Framework versions\n\n\n* Transformers 4.10.0\n* Pytorch 1.10.1+cu113\n* Datasets 1.17.0\n* Tokenizers 0.10.3" ]
[ -0.10730986297130585, 0.06379786133766174, -0.0016170637682080269, 0.11220114678144455, 0.21538811922073364, 0.03224510699510574, 0.09890186786651611, 0.11033561825752258, -0.08077260851860046, 0.02715063840150833, 0.13292564451694489, 0.19747063517570496, 0.009152833372354507, 0.09669771045446396, -0.068197101354599, -0.27919644117355347, -0.025660930201411247, 0.05109788849949837, -0.08276485651731491, 0.13546839356422424, 0.09672173857688904, -0.1490934193134308, 0.08418979495763779, 0.0015731797320768237, -0.21956761181354523, 0.016473399475216866, 0.01834113709628582, -0.0676368847489357, 0.1585099697113037, 0.022340651601552963, 0.15100005269050598, 0.001052732695825398, 0.08975290507078171, -0.17183418571949005, 0.017749108374118805, 0.04383191093802452, 0.009588507935404778, 0.0940902829170227, 0.047559704631567, -0.02321903221309185, 0.11672366410493851, -0.08059114217758179, 0.06489018350839615, 0.005679646506905556, -0.1337965577840805, -0.18777905404567719, -0.050512466579675674, 0.002159325173124671, 0.05572815611958504, 0.09972831606864929, -0.014840703457593918, 0.15898142755031586, -0.0949842631816864, 0.1035037562251091, 0.21418575942516327, -0.24669435620307922, -0.071992427110672, 0.029139112681150436, 0.018460284918546677, 0.09027515351772308, -0.10848283767700195, -0.011062240228056908, 0.06758496910333633, 0.049036819487810135, 0.12398990243673325, -0.021403208374977112, -0.0904967188835144, 0.03496617451310158, -0.1503766030073166, -0.024198174476623535, 0.12564179301261902, 0.027566518634557724, -0.02021479792892933, -0.03724610432982445, -0.058142706751823425, -0.17350241541862488, -0.027908368036150932, -0.020378749817609787, 0.0333368144929409, -0.04866877570748329, -0.07599201798439026, -0.004065901506692171, -0.11256849020719528, -0.05980561301112175, -0.06350492686033249, 0.17519830167293549, 0.03729533776640892, 0.010397536680102348, -0.03342971205711365, 0.10888271033763885, 0.004390618298202753, -0.12467978894710541, 0.04464814066886902, 0.0271430853754282, -0.005054368171840906, -0.06556674838066101, -0.07709436863660812, -0.1106640174984932, -0.0000026566642645775573, 0.09124365448951721, -0.04208740219473839, 0.046205293387174606, 0.06379412114620209, 0.03802359849214554, -0.0687941163778305, 0.20132747292518616, -0.03474419564008713, 0.000652952294331044, -0.007478300016373396, 0.057303328067064285, -0.01748368889093399, -0.022083111107349396, -0.12387475371360779, 0.0057199131697416306, 0.12086386233568192, 0.010104002431035042, -0.07745521515607834, 0.06699623912572861, -0.05116472765803337, -0.035008613020181656, -0.014439892955124378, -0.09555981308221817, 0.03298145905137062, -0.008590685203671455, -0.10396057367324829, -0.003823807928711176, 0.009312331676483154, 0.023376215249300003, -0.03110477700829506, 0.1331183910369873, -0.09696222841739655, 0.04589701443910599, -0.10414192080497742, -0.1289888620376587, -0.0023344361688941717, -0.11692437529563904, 0.0363214872777462, -0.10624022036790848, -0.16503992676734924, -0.0325300507247448, 0.047838907688856125, -0.027790892869234085, -0.06386586278676987, -0.06877889484167099, -0.059273477643728256, 0.010785787366330624, -0.0075669256038963795, 0.1256987303495407, -0.05490358546376228, 0.11633148044347763, 0.04627024754881859, 0.06727632135152817, -0.03986676037311554, 0.062478549778461456, -0.08892714977264404, -0.012136229313910007, -0.18553481996059418, 0.0634056106209755, -0.0295693539083004, 0.08177745342254639, -0.07366800308227539, -0.11361847072839737, 0.014534534886479378, 0.015535200946033001, 0.07681244611740112, 0.10019620507955551, -0.15785814821720123, -0.09535902738571167, 0.14495572447776794, -0.06201522424817085, -0.09269104897975922, 0.12310478091239929, -0.07747732847929001, 0.0476558692753315, 0.09309865534305573, 0.16472692787647247, 0.054499994963407516, -0.059919390827417374, 0.029803048819303513, -0.02768448367714882, 0.04626690223813057, -0.057414110749959946, 0.0471065454185009, 0.016050953418016434, -0.008053620345890522, 0.026844695210456848, -0.014275564812123775, 0.07107923179864883, -0.11405393481254578, -0.08497938513755798, -0.027140667662024498, -0.09973639994859695, 0.0888422429561615, 0.08472892642021179, 0.09349822998046875, -0.10482380539178848, -0.07176309078931808, 0.083753302693367, 0.06945718079805374, -0.06797391176223755, 0.013326175510883331, -0.059020452201366425, 0.06811166554689407, -0.060229524970054626, -0.03625066578388214, -0.20747999846935272, -0.0149888526648283, -0.0016222173580899835, 0.03646061569452286, 0.03424319624900818, 0.039178621023893356, 0.07408762723207474, 0.057487212121486664, -0.044607292860746384, -0.016769379377365112, -0.022369327023625374, -0.011626705527305603, -0.1458791047334671, -0.18870073556900024, -0.01643386483192444, -0.02485112100839615, 0.12674084305763245, -0.2532322406768799, 0.037387166172266006, -0.05160723254084587, 0.07136403769254684, 0.009314259514212608, -0.008068850263953209, -0.04572780430316925, 0.09214449673891068, -0.03743594512343407, -0.03698965907096863, 0.07323645055294037, -0.007389265578240156, -0.09623928368091583, -0.06615988165140152, -0.11899552494287491, 0.1707649827003479, 0.1306992918252945, -0.16800247132778168, -0.09965529292821884, -0.007773010991513729, -0.046133168041706085, -0.018933897837996483, -0.06031050905585289, 0.03488270938396454, 0.22417502105236053, -0.013819241896271706, 0.1625133454799652, -0.06922010332345963, -0.042455773800611496, 0.01763276383280754, -0.04361456260085106, 0.03361370041966438, 0.13956031203269958, 0.1362876147031784, -0.10409676283597946, 0.133612722158432, 0.10809223353862762, -0.10624956339597702, 0.15904897451400757, -0.020444775000214577, -0.06679602712392807, -0.007009872235357761, -0.034914080053567886, -0.007921545766294003, 0.07184268534183502, -0.14603161811828613, -0.02293369174003601, 0.01099573913961649, 0.011707925237715244, 0.02732374332845211, -0.22475187480449677, -0.0447024405002594, 0.049084365367889404, -0.0158757995814085, -0.0004664459265768528, -0.016474928706884384, 0.01731700450181961, 0.11688292771577835, -0.0057953717187047005, -0.08516249805688858, 0.028824850916862488, 0.012542382813990116, -0.0821085050702095, 0.22576755285263062, -0.06965912878513336, -0.15597185492515564, -0.11722934246063232, -0.055654484778642654, -0.03207790106534958, 0.021338047459721565, 0.046542324125766754, -0.1167164072394371, -0.022961920127272606, -0.04892361909151077, 0.027011072263121605, -0.009815644472837448, 0.03651752322912216, 0.0034796595573425293, -0.00460032420232892, 0.045058127492666245, -0.10220645368099213, -0.006910915020853281, -0.07085952907800674, -0.04874017462134361, 0.06091652065515518, 0.03327396512031555, 0.11092472821474075, 0.1829119622707367, -0.03980642557144165, 0.011367295868694782, -0.02880227565765381, 0.23901328444480896, -0.07961643487215042, -0.03482139855623245, 0.12063552439212799, -0.030547350645065308, 0.04767351225018501, 0.1006048396229744, 0.07029613852500916, -0.08978419750928879, 0.018258260563015938, 0.023143425583839417, -0.043137725442647934, -0.22795800864696503, -0.046177834272384644, -0.047679051756858826, -0.03603495657444, 0.09883450716733932, 0.017118124291300774, 0.06623494625091553, 0.08199086785316467, 0.05360458046197891, 0.07527974992990494, -0.0550663061439991, 0.043333835899829865, 0.11747565120458603, 0.0489463247358799, 0.12874425947666168, -0.03965257108211517, -0.09936502575874329, 0.023869629949331284, -0.04985843226313591, 0.21890807151794434, 0.006791602820158005, 0.13366484642028809, 0.03588451072573662, 0.15157131850719452, 0.016227371990680695, 0.09544942528009415, 0.002449050545692444, -0.05729028582572937, -0.011338201351463795, -0.020517174154520035, -0.05511826276779175, 0.015112005174160004, -0.017493722960352898, 0.049416955560445786, -0.14077720046043396, -0.005456027574837208, 0.044522643089294434, 0.2128383219242096, 0.03181784972548485, -0.34557846188545227, -0.08096713572740555, -0.0039467220194637775, -0.035182151943445206, -0.026112312451004982, 0.00526927225291729, 0.10201046615839005, -0.10983894765377045, 0.022047491744160652, -0.07288151979446411, 0.09655097872018814, -0.06976087391376495, 0.04665442928671837, 0.03612335026264191, 0.10251571238040924, -0.014172377064824104, 0.08238536864519119, -0.28882184624671936, 0.275436669588089, 0.0016637872904539108, 0.06451614946126938, -0.08533891290426254, -0.018504096195101738, 0.037492137402296066, 0.04846319556236267, 0.035659655928611755, -0.01686445064842701, -0.043494436889886856, -0.21997173130512238, -0.03692883625626564, 0.028354963287711143, 0.1040104478597641, -0.045425061136484146, 0.102416031062603, -0.024101587012410164, 0.01597587950527668, 0.07027795910835266, -0.04301029443740845, -0.03366411477327347, -0.08493731915950775, -0.023370038717985153, 0.017738107591867447, -0.04171650856733322, -0.03828062489628792, -0.12523294985294342, -0.12764179706573486, 0.12102383375167847, -0.011477328836917877, -0.03901847079396248, -0.12072161585092545, 0.12739139795303345, 0.07175992429256439, -0.09185110032558441, 0.046491093933582306, 0.022828346118330956, 0.06825441867113113, 0.02953719161450863, -0.052980631589889526, 0.11115781962871552, -0.055935997515916824, -0.15450258553028107, -0.054224785417318344, 0.08385811001062393, 0.05500872805714607, 0.060125064104795456, -0.010662619024515152, 0.017843926325440407, -0.04194173216819763, -0.08230147510766983, 0.035201605409383774, -0.03377630189061165, 0.06494074314832687, 0.06037537381052971, -0.03918765112757683, 0.00441003916785121, -0.06972938776016235, -0.024541793391108513, 0.21628756821155548, 0.2198769897222519, -0.08166855573654175, -0.009525810368359089, 0.03900537267327309, -0.07097627222537994, -0.17900799214839935, 0.06324780732393265, 0.08269509673118591, 0.0229895431548357, 0.059955038130283356, -0.18345387279987335, 0.1312456727027893, 0.08838699012994766, 0.004056066274642944, 0.12270469218492508, -0.30782851576805115, -0.1257072389125824, 0.12084101140499115, 0.15453873574733734, 0.13208453357219696, -0.12705053389072418, -0.017479820176959038, -0.024201583117246628, -0.09327498823404312, 0.09131400287151337, -0.051506053656339645, 0.12265655398368835, -0.02045859768986702, 0.10733972489833832, 0.020888876169919968, -0.05647056922316551, 0.11442184448242188, 0.010384626686573029, 0.1020069494843483, -0.07109477370977402, -0.06515466421842575, -0.0005032606422901154, -0.02910633757710457, 0.010621650144457817, -0.07550149410963058, 0.015463405288755894, -0.11612009257078171, -0.035880688577890396, -0.08214433491230011, 0.04160114750266075, -0.023664431646466255, -0.059355467557907104, -0.024941693991422653, 0.01198829710483551, 0.03636749088764191, -0.004433878697454929, 0.1266290843486786, -0.0019539364147931337, 0.1788417100906372, 0.0912947952747345, 0.0986580103635788, -0.05306747555732727, -0.060719944536685944, -0.012458855286240578, -0.00027238030452281237, 0.05910075083374977, -0.13164475560188293, 0.024111934006214142, 0.15702994167804718, 0.019889775663614273, 0.15315844118595123, 0.08708108216524124, -0.015953972935676575, 0.023741591721773148, 0.06252294778823853, -0.15415479242801666, -0.058384597301483154, -0.02343960665166378, -0.07734938710927963, -0.10219243168830872, 0.04731502756476402, 0.09874837100505829, -0.06811260432004929, -0.018946807831525803, -0.025862805545330048, -0.01494210958480835, -0.04528741538524628, 0.20777347683906555, 0.08727759122848511, 0.05390746518969536, -0.10256540030241013, 0.056179244071245193, 0.06362771987915039, -0.08653712272644043, 0.01753542199730873, 0.07971794903278351, -0.07079806923866272, -0.042609672993421555, 0.0972440168261528, 0.22349534928798676, -0.09502681344747543, -0.03215452656149864, -0.15865206718444824, -0.11300338059663773, 0.07826081663370132, 0.1830589324235916, 0.11558721214532852, -0.015556327998638153, -0.06582061201334, 0.014588266611099243, -0.13953688740730286, 0.07923955470323563, 0.06981684267520905, 0.05936761945486069, -0.14433680474758148, 0.18280336260795593, 0.00713857589289546, 0.049105577170848846, -0.027652675285935402, 0.011774124577641487, -0.10300058126449585, 0.02916237711906433, -0.10385145992040634, -0.026214031502604485, -0.001365541946142912, -0.0005068140453658998, -0.00020637255511246622, -0.06276683509349823, -0.05127391219139099, -0.002466601086780429, -0.1325874775648117, -0.011337683536112309, 0.04059891402721405, 0.03897031769156456, -0.09975629299879074, -0.04778551310300827, 0.02486424520611763, -0.04971126839518547, 0.06272583454847336, 0.04859475791454315, 0.003724124748259783, 0.06891842931509018, -0.1486653983592987, 0.015738368034362793, 0.07599075138568878, 0.00316768791526556, 0.06484449654817581, -0.06454609334468842, 0.006667072884738445, -0.01268222089856863, 0.08654804527759552, 0.022584248334169388, 0.04819948226213455, -0.13711921870708466, 0.008081045933067799, -0.018276341259479523, -0.0964396521449089, -0.07478845119476318, 0.031137894839048386, 0.05297891050577164, 0.0131559232249856, 0.19271036982536316, -0.07285363972187042, 0.05256933346390724, -0.2128543108701706, 0.0021142899058759212, -0.01437903568148613, -0.10700622200965881, -0.10107080638408661, -0.07272259891033173, 0.07228393107652664, -0.06006141006946564, 0.12075001001358032, 0.054468847811222076, 0.050375040620565414, 0.022036539390683174, 0.007857758551836014, 0.014355013146996498, 0.03343011811375618, 0.19876393675804138, 0.042280249297618866, -0.04739838093519211, 0.04885907098650932, 0.07069171220064163, 0.11500541120767593, 0.12098711729049683, 0.19754937291145325, 0.12326280027627945, -0.02709457091987133, 0.09412834793329239, 0.015686439350247383, -0.036289338022470474, -0.1351253241300583, 0.01587379351258278, -0.047480855137109756, 0.08955878764390945, 0.0012720035156235099, 0.21002033352851868, 0.07407697290182114, -0.15808337926864624, 0.040892593562603, -0.05709882825613022, -0.09991101920604706, -0.1116478443145752, -0.05723751336336136, -0.08727509528398514, -0.13542692363262177, 0.010281693190336227, -0.11566203832626343, 0.013555853627622128, 0.12636089324951172, 0.007278498727828264, -0.03471198305487633, 0.15124990046024323, 0.049757491797208786, 0.01865534670650959, 0.0736582949757576, 0.0004908026894554496, -0.009948572143912315, -0.104075588285923, -0.0653916522860527, -0.027040090411901474, -0.0028720765840262175, 0.03401670604944229, -0.07555790990591049, -0.09039056301116943, 0.038807254284620285, -0.02288839966058731, -0.11635920405387878, 0.018316470086574554, 0.021506089717149734, 0.06348849833011627, 0.025574127212166786, -0.004501810297369957, 0.010959023609757423, -0.025077607482671738, 0.23509985208511353, -0.06939903646707535, -0.06515590101480484, -0.09781049191951752, 0.22600866854190826, 0.06139272451400757, 0.005716652609407902, 0.027352655306458473, -0.07615292072296143, 0.02000885084271431, 0.23729972541332245, 0.19691136479377747, -0.09957808256149292, -0.00497442064806819, -0.010297225788235664, -0.006205551326274872, -0.0007802277687005699, 0.1101265475153923, 0.1198275238275528, 0.03289811685681343, -0.1178089901804924, -0.027394650503993034, -0.060293491929769516, -0.008755541406571865, -0.031052887439727783, 0.04369340091943741, 0.06873223930597305, 0.013512401841580868, -0.046524420380592346, 0.07656783610582352, -0.08923818171024323, -0.09195267409086227, 0.05367879942059517, -0.2143181711435318, -0.16613464057445526, -0.027795804664492607, 0.10304086655378342, 0.013909435831010342, 0.0719851478934288, -0.029109813272953033, -0.018240459263324738, 0.03428756445646286, -0.021135829389095306, -0.0923321545124054, -0.07863807678222656, 0.09481571614742279, -0.11557068675756454, 0.15968073904514313, -0.04926596209406853, 0.06948772072792053, 0.12275653332471848, 0.06059074401855469, -0.033098287880420685, 0.061993688344955444, 0.03597278147935867, -0.05470137670636177, 0.0533885657787323, 0.11070854961872101, -0.02670503966510296, 0.03695330396294594, 0.04476485028862953, -0.14887093007564545, 0.035606466233730316, -0.08725832402706146, -0.04590922221541405, -0.030846767127513885, -0.033359840512275696, -0.05553080141544342, 0.12513236701488495, 0.22220948338508606, -0.015605313703417778, 0.015578854829072952, -0.07208705693483353, 0.0020966660231351852, 0.05919733643531799, 0.03576454892754555, -0.09056712687015533, -0.25047191977500916, -0.0024781981483101845, 0.0778350904583931, -0.029304908588528633, -0.2512841820716858, -0.08025965839624405, -0.01812134124338627, -0.08085185289382935, -0.08469437062740326, 0.08157756179571152, 0.08973243087530136, 0.05455441400408745, -0.053974948823451996, -0.04626571759581566, -0.07944217324256897, 0.1680637001991272, -0.15452013909816742, -0.09112735837697983 ]
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. --> # bart-base-finetuned-pubmed This model is a fine-tuned version of [facebook/bart-base](https://huggingface.co/facebook/bart-base) on the pub_med_summarization_dataset dataset. It achieves the following results on the evaluation set: - Loss: 2.0277 - Rouge1: 9.3963 - Rouge2: 4.0473 - Rougel: 8.4526 - Rougelsum: 8.9659 - Gen Len: 20.0 ## 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: 2 - eval_batch_size: 2 - seed: 42 - optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08 - lr_scheduler_type: linear - num_epochs: 5 - mixed_precision_training: Native AMP ### Training results | Training Loss | Epoch | Step | Validation Loss | Rouge1 | Rouge2 | Rougel | Rougelsum | Gen Len | |:-------------:|:-----:|:-----:|:---------------:|:------:|:------:|:------:|:---------:|:-------:| | 2.3706 | 1.0 | 4000 | 2.1245 | 9.1644 | 3.8264 | 8.2223 | 8.718 | 20.0 | | 2.2246 | 2.0 | 8000 | 2.0811 | 9.023 | 3.7716 | 8.1453 | 8.5998 | 20.0 | | 2.1034 | 3.0 | 12000 | 2.0469 | 9.4412 | 4.0783 | 8.4949 | 8.9977 | 20.0 | | 2.0137 | 4.0 | 16000 | 2.0390 | 9.2261 | 3.9307 | 8.3154 | 8.7937 | 20.0 | | 1.9288 | 5.0 | 20000 | 2.0277 | 9.3963 | 4.0473 | 8.4526 | 8.9659 | 20.0 | ### Framework versions - Transformers 4.16.2 - Pytorch 1.10.0+cu111 - Datasets 1.18.3 - Tokenizers 0.11.6
{"license": "apache-2.0", "tags": ["generated_from_trainer"], "datasets": ["pub_med_summarization_dataset"], "metrics": ["rouge"], "model-index": [{"name": "bart-base-finetuned-pubmed", "results": [{"task": {"type": "text2text-generation", "name": "Sequence-to-sequence Language Modeling"}, "dataset": {"name": "pub_med_summarization_dataset", "type": "pub_med_summarization_dataset", "args": "document"}, "metrics": [{"type": "rouge", "value": 9.3963, "name": "Rouge1"}]}]}]}
text2text-generation
Kevincp560/bart-base-finetuned-pubmed
[ "transformers", "pytorch", "tensorboard", "bart", "text2text-generation", "generated_from_trainer", "dataset:pub_med_summarization_dataset", "license:apache-2.0", "model-index", "autotrain_compatible", "endpoints_compatible", "region:us" ]
2022-03-02T23:29:04+00:00
[]
[]
TAGS #transformers #pytorch #tensorboard #bart #text2text-generation #generated_from_trainer #dataset-pub_med_summarization_dataset #license-apache-2.0 #model-index #autotrain_compatible #endpoints_compatible #region-us
bart-base-finetuned-pubmed ========================== This model is a fine-tuned version of facebook/bart-base on the pub\_med\_summarization\_dataset dataset. It achieves the following results on the evaluation set: * Loss: 2.0277 * Rouge1: 9.3963 * Rouge2: 4.0473 * Rougel: 8.4526 * Rougelsum: 8.9659 * Gen Len: 20.0 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: 2 * eval\_batch\_size: 2 * seed: 42 * optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08 * lr\_scheduler\_type: linear * num\_epochs: 5 * mixed\_precision\_training: Native AMP ### Training results ### Framework versions * Transformers 4.16.2 * Pytorch 1.10.0+cu111 * Datasets 1.18.3 * Tokenizers 0.11.6
[ "### Training hyperparameters\n\n\nThe following hyperparameters were used during training:\n\n\n* learning\\_rate: 2e-05\n* train\\_batch\\_size: 2\n* eval\\_batch\\_size: 2\n* seed: 42\n* optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08\n* lr\\_scheduler\\_type: linear\n* num\\_epochs: 5\n* mixed\\_precision\\_training: Native AMP", "### Training results", "### Framework versions\n\n\n* Transformers 4.16.2\n* Pytorch 1.10.0+cu111\n* Datasets 1.18.3\n* Tokenizers 0.11.6" ]
[ "TAGS\n#transformers #pytorch #tensorboard #bart #text2text-generation #generated_from_trainer #dataset-pub_med_summarization_dataset #license-apache-2.0 #model-index #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: 2\n* eval\\_batch\\_size: 2\n* seed: 42\n* optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08\n* lr\\_scheduler\\_type: linear\n* num\\_epochs: 5\n* mixed\\_precision\\_training: Native AMP", "### Training results", "### Framework versions\n\n\n* Transformers 4.16.2\n* Pytorch 1.10.0+cu111\n* Datasets 1.18.3\n* Tokenizers 0.11.6" ]
[ 75, 113, 4, 35 ]
[ "passage: TAGS\n#transformers #pytorch #tensorboard #bart #text2text-generation #generated_from_trainer #dataset-pub_med_summarization_dataset #license-apache-2.0 #model-index #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: 2\n* eval\\_batch\\_size: 2\n* seed: 42\n* optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08\n* lr\\_scheduler\\_type: linear\n* num\\_epochs: 5\n* mixed\\_precision\\_training: Native AMP### Training results### Framework versions\n\n\n* Transformers 4.16.2\n* Pytorch 1.10.0+cu111\n* Datasets 1.18.3\n* Tokenizers 0.11.6" ]
[ -0.0907699465751648, 0.11928263306617737, -0.004075680859386921, 0.08357677608728409, 0.11054203659296036, 0.00030959927244111896, 0.16413456201553345, 0.15542897582054138, -0.11424164474010468, 0.059074610471725464, 0.1286371499300003, 0.11134563386440277, 0.05098167806863785, 0.1714824140071869, -0.05906376242637634, -0.2561742663383484, 0.04344288259744644, 0.05219613388180733, -0.018471509218215942, 0.12395952641963959, 0.0881790742278099, -0.11392062902450562, 0.08065652847290039, 0.02558339200913906, -0.17030395567417145, -0.0028700886759907007, 0.0022208294831216335, -0.0754949226975441, 0.10079924762248993, 0.033199492841959, 0.09388989955186844, 0.03675559163093567, 0.052318211644887924, -0.17242026329040527, 0.009919591248035431, 0.05671437457203865, 0.005649839527904987, 0.10128302127122879, 0.06210958957672119, -0.006406585220247507, 0.12125474959611893, -0.07099586725234985, 0.07695722579956055, 0.020531678572297096, -0.12829773128032684, -0.2708515226840973, -0.1154140830039978, 0.03877511993050575, 0.08293962478637695, 0.08312854915857315, -0.007294453214854002, 0.1665930449962616, -0.041133683174848557, 0.10211582481861115, 0.22436314821243286, -0.29063257575035095, -0.059126585721969604, -0.01516260951757431, 0.04071471095085144, 0.06769929081201553, -0.07062375545501709, -0.039345886558294296, 0.019205616787075996, 0.05182594805955887, 0.14248329401016235, -0.014844668097794056, -0.021569235250353813, -0.017522918060421944, -0.13366200029850006, -0.07606609910726547, 0.16421036422252655, 0.030227042734622955, -0.04306178539991379, -0.07246280461549759, -0.06062494218349457, -0.15337058901786804, -0.0500793382525444, 0.00765910604968667, 0.03940563648939133, -0.031371213495731354, -0.09022066742181778, -0.020164575427770615, -0.08236277848482132, -0.03971463069319725, -0.052528947591781616, 0.12268892675638199, 0.049521856009960175, 0.01716787926852703, -0.059172842651605606, 0.07172628492116928, -0.02963068336248398, -0.1627863198518753, 0.002173485467210412, 0.018806371837854385, 0.0063674841076135635, -0.039494410157203674, -0.03350069746375084, -0.1274547129869461, 0.007914852350950241, 0.1611528843641281, -0.09308506548404694, 0.07286306470632553, -0.040920689702034, 0.03911416977643967, -0.07279451936483383, 0.18691344559192657, -0.009804944507777691, 0.015638357028365135, 0.011730102822184563, 0.08294590562582016, 0.06018886715173721, -0.02799931913614273, -0.11364071071147919, 0.053811222314834595, 0.09837297350168228, 0.03256955370306969, -0.027783697471022606, 0.04596436768770218, -0.04644962400197983, -0.02542634680867195, 0.06114960461854935, -0.10604851692914963, 0.03671214357018471, -0.005010340362787247, -0.052243657410144806, -0.020805584266781807, 0.01419106312096119, 0.005233186297118664, -0.046935226768255234, 0.09783810377120972, -0.07907210290431976, 0.017894716933369637, -0.08465065062046051, -0.13466480374336243, 0.04121055081486702, -0.08031358569860458, 0.0019274494843557477, -0.0872715637087822, -0.14316631853580475, -0.013829926028847694, 0.06658018380403519, -0.050210826098918915, -0.0543292760848999, -0.04060804843902588, -0.07885048538446426, 0.046970184892416, -0.019292058423161507, 0.08451994508504868, -0.0700531154870987, 0.0851895809173584, 0.036866430193185806, 0.0623069629073143, -0.04249264672398567, 0.05546289682388306, -0.09758508205413818, 0.04188307747244835, -0.22146326303482056, 0.05190308019518852, -0.057320982217788696, 0.07436919212341309, -0.11433473974466324, -0.09172983467578888, 0.02242770418524742, -0.018006231635808945, 0.10256662964820862, 0.08603481948375702, -0.17771832644939423, -0.07227544486522675, 0.19112595915794373, -0.09902627021074295, -0.13097696006298065, 0.13243210315704346, -0.046517372131347656, 0.013952730223536491, 0.049849044531583786, 0.22816118597984314, 0.054735708981752396, -0.08933465927839279, -0.0030424564611166716, -0.04366430267691612, 0.06777399033308029, -0.06409713625907898, 0.08276964724063873, -0.006405369378626347, 0.07137996703386307, 0.007832253351807594, 0.012076189741492271, 0.03662794828414917, -0.07918965816497803, -0.08080475777387619, -0.0458984412252903, -0.0555490218102932, -0.009318261407315731, 0.0408729687333107, 0.06046131253242493, -0.12105130404233932, -0.10721719264984131, 0.0629981979727745, 0.0767955631017685, -0.07650859653949738, 0.056684695184230804, -0.0906500443816185, 0.10448461771011353, -0.0636628270149231, -0.0013927827822044492, -0.1798345148563385, -0.01632443442940712, 0.03693890944123268, -0.024360472336411476, 0.024591470137238503, -0.04949173331260681, 0.06007092073559761, 0.06617218255996704, -0.035485830157995224, -0.02856253832578659, -0.02604433335363865, 0.005312655586749315, -0.11992885172367096, -0.20497551560401917, -0.0319916196167469, -0.04139226675033569, 0.0802173912525177, -0.15366768836975098, 0.04154836758971214, 0.05289103090763092, 0.11456361413002014, 0.04192572087049484, -0.02643839828670025, -0.006266437470912933, 0.07479206472635269, -0.04141368344426155, -0.06486330926418304, 0.05713421106338501, 0.025822382420301437, -0.09033021330833435, 0.016020549461245537, -0.16160471737384796, 0.14906567335128784, 0.1332867443561554, 0.005884850863367319, -0.04969673231244087, -0.022710580378770828, -0.052906692028045654, -0.02699688822031021, -0.03690674901008606, 0.022031553089618683, 0.14697834849357605, 0.029525408521294594, 0.15889793634414673, -0.09391603618860245, -0.04307658225297928, 0.045852046459913254, -0.03095407225191593, -0.015637774020433426, 0.11994056403636932, 0.0602882094681263, -0.11847641319036484, 0.14148138463497162, 0.15774549543857574, -0.051614511758089066, 0.1343565583229065, -0.07361013442277908, -0.0784980058670044, -0.04066223278641701, -0.014035222120583057, 0.027663039043545723, 0.10682608187198639, -0.10489873588085175, -0.008684150874614716, 0.040196627378463745, 0.03371242433786392, 0.012195647694170475, -0.19119659066200256, 0.002616447862237692, 0.04039229080080986, -0.05618475750088692, -0.05076504871249199, -0.01273949071764946, 0.013749704696238041, 0.09573765099048615, 0.012681635096669197, -0.06268692761659622, 0.02885032631456852, 0.007475299295037985, -0.06720412522554398, 0.17835478484630585, -0.10189136862754822, -0.17660696804523468, -0.13289065659046173, -0.07816416025161743, -0.04079543799161911, -0.010096604935824871, 0.08727134764194489, -0.07252892106771469, -0.05495835468173027, -0.10842888057231903, -0.02742595784366131, -0.012284446507692337, 0.014166934415698051, 0.03035992570221424, -0.01051086001098156, 0.07009260356426239, -0.10914929211139679, -0.02981516718864441, -0.02584727481007576, 0.0063669332303106785, 0.05821782723069191, 0.016418755054473877, 0.10681838542222977, 0.11597669124603271, -0.01826322078704834, 0.036485638469457626, -0.04328152537345886, 0.22089315950870514, -0.07087040692567825, -0.019235510379076004, 0.13524408638477325, -0.01224524062126875, 0.08268511295318604, 0.13137327134609222, 0.05476617068052292, -0.08300036936998367, -0.004450357053428888, 0.014498647302389145, -0.0463678278028965, -0.22517254948616028, -0.020754758268594742, -0.05834674462676048, 0.008065133355557919, 0.10481809079647064, 0.0296711977571249, 0.010744580067694187, 0.040575429797172546, 0.011644492857158184, 0.048336517065763474, -0.016083937138319016, 0.11196032166481018, 0.13705754280090332, 0.05213110148906708, 0.1435762494802475, -0.05676829069852829, -0.027901960536837578, 0.0556713230907917, 0.009874423034489155, 0.223161518573761, 0.0055214473977684975, 0.19502899050712585, 0.054158661514520645, 0.13944442570209503, 0.023386560380458832, 0.05324166268110275, -0.018955355510115623, -0.004475187510251999, -0.02173270285129547, -0.05102986842393875, -0.038451965898275375, 0.021664002910256386, -0.05404048413038254, 0.021250303834676743, -0.11400310695171356, 0.015957651659846306, 0.05030152201652527, 0.28876301646232605, 0.03603768348693848, -0.34078776836395264, -0.0965774655342102, 0.01740429736673832, -0.05465686693787575, -0.031655777245759964, 0.010103145614266396, 0.0898028239607811, -0.06724337488412857, 0.06429405510425568, -0.0787070170044899, 0.11602160334587097, -0.04726201295852661, 0.03688674792647362, 0.04166535660624504, 0.08943614363670349, -0.009085710160434246, 0.05831514671444893, -0.2964584529399872, 0.2741621434688568, 0.02457500994205475, 0.06903401762247086, -0.06349746882915497, 0.025664908811450005, 0.010595748201012611, 0.039695557206869125, 0.05343051254749298, -0.011508588679134846, -0.13710127770900726, -0.1647203117609024, -0.10437070578336716, 0.021309060975909233, 0.07214431464672089, 0.013878896832466125, 0.1119721531867981, -0.01698961667716503, 0.0028017612639814615, 0.04768356680870056, -0.02252834104001522, -0.04926493763923645, -0.11808673292398453, 0.02520623244345188, 0.03410717844963074, -0.04970762878656387, -0.08107423037290573, -0.10004863888025284, -0.03802821412682533, 0.16065332293510437, 0.026488041505217552, -0.06199681758880615, -0.1241506040096283, 0.05436081066727638, 0.08746955543756485, -0.09112366288900375, 0.02098756842315197, -0.014645487070083618, 0.10768163204193115, -0.003782587358728051, -0.07518846541643143, 0.11469966173171997, -0.05862759053707123, -0.16432501375675201, -0.054567500948905945, 0.1247800886631012, 0.00818151980638504, 0.06343913823366165, -0.00966550037264824, 0.041341591626405716, -0.02782432734966278, -0.06954696774482727, 0.026707395911216736, -0.0008161419536918402, 0.08598583191633224, -0.03459133207798004, -0.02160409279167652, 0.014236513525247574, -0.062798410654068, -0.03995005786418915, 0.16741524636745453, 0.2543862462043762, -0.0816669687628746, 0.07638074457645416, 0.05030681565403938, -0.059068452566862106, -0.14574646949768066, 0.0029280539602041245, 0.0543772391974926, -0.0002718061732593924, 0.013753890991210938, -0.1835358738899231, 0.03758503124117851, 0.09508271515369415, -0.02103777416050434, 0.06288586556911469, -0.31066063046455383, -0.12177971005439758, 0.10431786626577377, 0.11861114948987961, 0.0696084052324295, -0.16700462996959686, -0.053545523434877396, -0.02040529064834118, -0.12919525802135468, 0.14012981951236725, -0.1119363084435463, 0.11333578824996948, -0.029522661119699478, 0.09133033454418182, 0.011143413372337818, -0.057910047471523285, 0.11737421900033951, -0.012956255115568638, 0.07415720075368881, -0.05892236903309822, 0.029786108061671257, 0.08361633121967316, -0.07874927669763565, 0.05532745271921158, -0.10892979800701141, 0.02846134826540947, -0.12919928133487701, -0.01578109711408615, -0.05651569366455078, -0.0025970700662583113, -0.03881753236055374, -0.03154006600379944, -0.0422448106110096, 0.01150587759912014, 0.06654588133096695, -0.025383854284882545, 0.19876767694950104, 0.014720290899276733, 0.1395188421010971, 0.16121932864189148, 0.0790800154209137, -0.10864341259002686, -0.05977320298552513, 0.00018539464508648962, -0.036513131111860275, 0.04739105701446533, -0.16441240906715393, 0.03701847046613693, 0.134826198220253, -0.002016185550019145, 0.1353994607925415, 0.05742659792304039, -0.06525268405675888, 0.019033227115869522, 0.05625467374920845, -0.15073780715465546, -0.11744784563779831, 0.00790962390601635, 0.058060817420482635, -0.12495394796133041, 0.02721717394888401, 0.12976336479187012, -0.056811537593603134, -0.024037575349211693, 0.009335699491202831, 0.028480270877480507, -0.015834884718060493, 0.1860262155532837, 0.02737477235496044, 0.06087733805179596, -0.10598313808441162, 0.080365851521492, 0.07002817094326019, -0.11846433579921722, 0.055509354919195175, 0.11835401505231857, -0.09077304601669312, -0.029674284160137177, 0.03945016488432884, 0.16827261447906494, -0.04696504771709442, -0.05424424260854721, -0.16025778651237488, -0.12854987382888794, 0.10155727714300156, 0.16243061423301697, 0.06662963330745697, 0.0004897814942523837, -0.04673238843679428, 0.0007823273772373796, -0.11014654487371445, 0.10329056531190872, 0.052799854427576065, 0.07723347842693329, -0.10286284238100052, 0.11748398840427399, -0.0021525509655475616, 0.031297095119953156, -0.009843560867011547, 0.016093982383608818, -0.11546012759208679, 0.005216814111918211, -0.14027193188667297, 0.008380666375160217, -0.05428199842572212, -0.004730702377855778, -0.012644612230360508, -0.04038263112306595, -0.05813267081975937, 0.016515877097845078, -0.11160784959793091, -0.03363620489835739, 0.002139011165127158, 0.0431816428899765, -0.1253243386745453, -0.01920993998646736, 0.009482496418058872, -0.08343950659036636, 0.07344303280115128, 0.04179947450757027, 0.005740291904658079, 0.020097067579627037, -0.046104203909635544, -0.000566533301025629, 0.046737026423215866, 0.012164315208792686, 0.07148806750774384, -0.1230446919798851, -0.017794102430343628, 0.01885400526225567, 0.020961888134479523, 0.026069670915603638, 0.10251232981681824, -0.12628214061260223, -0.0025759455747902393, -0.0027266214601695538, -0.07879369705915451, -0.055709823966026306, 0.06639771163463593, 0.08964285254478455, 0.029517285525798798, 0.1894116997718811, -0.08154492825269699, 0.03128381073474884, -0.20263808965682983, 0.001914137159474194, 0.00397462397813797, -0.13387523591518402, -0.06602045148611069, -0.0441761277616024, 0.06042182818055153, -0.06706423312425613, 0.12031997740268707, 0.023530349135398865, 0.027301184833049774, 0.053663384169340134, -0.03279458358883858, -0.010409208945930004, 0.013625302352011204, 0.15607759356498718, 0.02940005622804165, -0.04022704437375069, 0.06822336465120316, 0.005019886419177055, 0.07922542840242386, 0.1224338635802269, 0.18885035812854767, 0.14528009295463562, 0.059752415865659714, 0.0939338430762291, 0.03838571161031723, -0.03690977022051811, -0.17140454053878784, 0.05354052037000656, -0.022441109642386436, 0.14743685722351074, -0.00264739990234375, 0.2026205062866211, 0.1196165531873703, -0.15779922902584076, 0.05349971354007721, -0.03774740919470787, -0.08327705413103104, -0.10990918427705765, -0.09095742553472519, -0.08991508930921555, -0.13133445382118225, -0.011627444997429848, -0.12230271100997925, 0.05472454056143761, 0.06473106890916824, 0.015403605997562408, 0.0012865894241258502, 0.10734953731298447, 0.039937492460012436, 0.009617037139832973, 0.0572228841483593, 0.0019366752821952105, -0.03597124293446541, -0.046012356877326965, -0.06715186685323715, 0.016696326434612274, 0.0062675317749381065, 0.052435245364904404, 0.000020612926164176315, -0.001088326214812696, 0.04049690067768097, -0.02902585081756115, -0.11342146247625351, 0.01287998165935278, 0.024142583832144737, 0.06861631572246552, 0.05825981870293617, 0.021976888179779053, 0.006071056239306927, -0.003455730155110359, 0.20506134629249573, -0.07131313532590866, -0.06263580173254013, -0.11694246530532837, 0.2485293745994568, 0.01583842560648918, -0.04461944103240967, 0.026379302144050598, -0.06357067823410034, -0.015110811218619347, 0.18467175960540771, 0.18729303777217865, -0.03499503433704376, -0.01585746929049492, -0.01863996498286724, -0.008758094161748886, -0.018860407173633575, 0.10275713354349136, 0.12245658785104752, 0.03661977872252464, -0.06883498281240463, -0.02378131076693535, -0.06941132247447968, -0.01947152614593506, -0.05598676949739456, 0.0733577311038971, 0.03288121894001961, -0.007525207009166479, -0.03013015352189541, 0.0600888729095459, -0.03878907859325409, -0.0628032237291336, -0.0014374118763953447, -0.2005249708890915, -0.16734158992767334, 0.0013081313809379935, 0.09411781281232834, -0.003387042321264744, 0.05049026384949684, -0.008544910699129105, 0.005898228380829096, 0.08894969522953033, -0.019573425874114037, -0.07505779713392258, -0.08125259727239609, 0.11213763803243637, -0.1647752970457077, 0.19442695379257202, -0.027100317180156708, 0.03468829020857811, 0.13489636778831482, 0.053413886576890945, -0.10239202529191971, 0.06387589871883392, 0.04691435024142265, -0.04872700944542885, 0.01666468009352684, 0.12226224690675735, -0.030688319355249405, 0.08469074964523315, 0.05202385410666466, -0.11902383714914322, -0.014853233471512794, -0.08596078306436539, -0.04110649228096008, -0.01973043754696846, -0.041122451424598694, -0.05370931327342987, 0.12129855901002884, 0.19934529066085815, -0.042263057082891464, -0.006816479843109846, -0.060271117836236954, 0.014838755130767822, 0.06542544811964035, 0.0042279488407075405, -0.045314375311136246, -0.24470436573028564, 0.007318523712456226, 0.07264579832553864, -0.0031736958771944046, -0.28416919708251953, -0.08734171092510223, -0.009181555360555649, -0.04247792810201645, -0.10377368330955505, 0.0995011106133461, 0.07549798488616943, 0.04532809183001518, -0.07314902544021606, -0.04055258631706238, -0.062077827751636505, 0.15275625884532928, -0.1308799684047699, -0.05294642224907875 ]
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. --> # bart-large-cnn-finetuned-pubmed This model is a fine-tuned version of [facebook/bart-large-cnn](https://huggingface.co/facebook/bart-large-cnn) on the pub_med_summarization_dataset dataset. It achieves the following results on the evaluation set: - Loss: 1.8416 - Rouge1: 40.4866 - Rouge2: 16.7472 - Rougel: 24.9831 - Rougelsum: 36.4002 - Gen Len: 142.0 ## 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: 2 - eval_batch_size: 2 - seed: 42 - optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08 - lr_scheduler_type: linear - num_epochs: 5 - mixed_precision_training: Native AMP ### Training results | Training Loss | Epoch | Step | Validation Loss | Rouge1 | Rouge2 | Rougel | Rougelsum | Gen Len | |:-------------:|:-----:|:-----:|:---------------:|:-------:|:-------:|:-------:|:---------:|:--------:| | 1.932 | 1.0 | 4000 | 1.8110 | 38.1151 | 15.2255 | 23.4286 | 34.2521 | 141.8905 | | 1.7001 | 2.0 | 8000 | 1.7790 | 39.8217 | 16.3042 | 24.649 | 35.831 | 142.0 | | 1.5 | 3.0 | 12000 | 1.7971 | 40.6108 | 17.0446 | 25.1977 | 36.5556 | 141.9865 | | 1.3316 | 4.0 | 16000 | 1.8106 | 40.0466 | 16.4851 | 24.7094 | 36.0998 | 141.9335 | | 1.1996 | 5.0 | 20000 | 1.8416 | 40.4866 | 16.7472 | 24.9831 | 36.4002 | 142.0 | ### Framework versions - Transformers 4.16.2 - Pytorch 1.10.0+cu111 - Datasets 1.18.3 - Tokenizers 0.11.6
{"license": "mit", "tags": ["generated_from_trainer"], "datasets": ["pub_med_summarization_dataset"], "metrics": ["rouge"], "model-index": [{"name": "bart-large-cnn-finetuned-pubmed", "results": [{"task": {"type": "text2text-generation", "name": "Sequence-to-sequence Language Modeling"}, "dataset": {"name": "pub_med_summarization_dataset", "type": "pub_med_summarization_dataset", "args": "document"}, "metrics": [{"type": "rouge", "value": 40.4866, "name": "Rouge1"}]}]}]}
text2text-generation
Kevincp560/bart-large-cnn-finetuned-pubmed
[ "transformers", "pytorch", "tensorboard", "bart", "text2text-generation", "generated_from_trainer", "dataset:pub_med_summarization_dataset", "license:mit", "model-index", "autotrain_compatible", "endpoints_compatible", "region:us" ]
2022-03-02T23:29:04+00:00
[]
[]
TAGS #transformers #pytorch #tensorboard #bart #text2text-generation #generated_from_trainer #dataset-pub_med_summarization_dataset #license-mit #model-index #autotrain_compatible #endpoints_compatible #region-us
bart-large-cnn-finetuned-pubmed =============================== This model is a fine-tuned version of facebook/bart-large-cnn on the pub\_med\_summarization\_dataset dataset. It achieves the following results on the evaluation set: * Loss: 1.8416 * Rouge1: 40.4866 * Rouge2: 16.7472 * Rougel: 24.9831 * Rougelsum: 36.4002 * Gen Len: 142.0 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: 2 * eval\_batch\_size: 2 * seed: 42 * optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08 * lr\_scheduler\_type: linear * num\_epochs: 5 * mixed\_precision\_training: Native AMP ### Training results ### Framework versions * Transformers 4.16.2 * Pytorch 1.10.0+cu111 * Datasets 1.18.3 * Tokenizers 0.11.6
[ "### Training hyperparameters\n\n\nThe following hyperparameters were used during training:\n\n\n* learning\\_rate: 2e-05\n* train\\_batch\\_size: 2\n* eval\\_batch\\_size: 2\n* seed: 42\n* optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08\n* lr\\_scheduler\\_type: linear\n* num\\_epochs: 5\n* mixed\\_precision\\_training: Native AMP", "### Training results", "### Framework versions\n\n\n* Transformers 4.16.2\n* Pytorch 1.10.0+cu111\n* Datasets 1.18.3\n* Tokenizers 0.11.6" ]
[ "TAGS\n#transformers #pytorch #tensorboard #bart #text2text-generation #generated_from_trainer #dataset-pub_med_summarization_dataset #license-mit #model-index #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: 2\n* eval\\_batch\\_size: 2\n* seed: 42\n* optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08\n* lr\\_scheduler\\_type: linear\n* num\\_epochs: 5\n* mixed\\_precision\\_training: Native AMP", "### Training results", "### Framework versions\n\n\n* Transformers 4.16.2\n* Pytorch 1.10.0+cu111\n* Datasets 1.18.3\n* Tokenizers 0.11.6" ]
[ 72, 113, 4, 35 ]
[ "passage: TAGS\n#transformers #pytorch #tensorboard #bart #text2text-generation #generated_from_trainer #dataset-pub_med_summarization_dataset #license-mit #model-index #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: 2\n* eval\\_batch\\_size: 2\n* seed: 42\n* optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08\n* lr\\_scheduler\\_type: linear\n* num\\_epochs: 5\n* mixed\\_precision\\_training: Native AMP### Training results### Framework versions\n\n\n* Transformers 4.16.2\n* Pytorch 1.10.0+cu111\n* Datasets 1.18.3\n* Tokenizers 0.11.6" ]
[ -0.08622538298368454, 0.0986131802201271, -0.004797558765858412, 0.08262558281421661, 0.1176939532160759, 0.0077551244758069515, 0.17640894651412964, 0.14275987446308136, -0.10727204382419586, 0.0580730065703392, 0.131537526845932, 0.14016549289226532, 0.04167703911662102, 0.16806162893772125, -0.05837586894631386, -0.2784123420715332, 0.03409811109304428, 0.0568169467151165, -0.023063791915774345, 0.13007718324661255, 0.09048644453287125, -0.13330820202827454, 0.0820271447300911, 0.031024828553199768, -0.19449599087238312, -0.00883830152451992, 0.006824387703090906, -0.07062938809394836, 0.11152268946170807, 0.023623811081051826, 0.10573475062847137, 0.04757880046963692, 0.06139248609542847, -0.16631948947906494, 0.01334756426513195, 0.04284859821200371, 0.002011016244068742, 0.10037699341773987, 0.05949198454618454, -0.025324955582618713, 0.12197667360305786, -0.07010123878717422, 0.07984531670808792, 0.017012260854244232, -0.14097952842712402, -0.2655169367790222, -0.10683117061853409, 0.03903910517692566, 0.07026412338018417, 0.06523840129375458, -0.013003267347812653, 0.1723211705684662, -0.053837407380342484, 0.10819393396377563, 0.24591155350208282, -0.29971522092819214, -0.06104100123047829, 0.009585412219166756, 0.04839413985610008, 0.06499633938074112, -0.08256315439939499, -0.030756875872612, 0.020714007318019867, 0.04548484832048416, 0.1486506462097168, -0.01601281389594078, -0.004998327698558569, -0.01010859478265047, -0.13891899585723877, -0.06409811973571777, 0.14768101274967194, 0.023870958015322685, -0.03764735534787178, -0.06629776954650879, -0.06091833487153053, -0.16090676188468933, -0.05369019880890846, -0.011425254866480827, 0.047050416469573975, -0.03997744992375374, -0.10887926816940308, -0.007086462806910276, -0.07592646032571793, -0.0447298027575016, -0.0625961497426033, 0.1564306616783142, 0.052227605134248734, 0.015477212145924568, -0.06271946430206299, 0.07628690451383591, -0.04817187786102295, -0.15554742515087128, -0.002201472409069538, 0.012244985438883305, 0.0031702076084911823, -0.052504342049360275, -0.03627536818385124, -0.1326596885919571, 0.002297659171745181, 0.1613280326128006, -0.09752099961042404, 0.06853414326906204, -0.01631283573806286, 0.04081682488322258, -0.06437389552593231, 0.17781434953212738, -0.01726483181118965, 0.027063846588134766, -0.007432995829731226, 0.06501517444849014, 0.03468513861298561, -0.026029521599411964, -0.11053306609392166, 0.05357060208916664, 0.1030619740486145, 0.019062014296650887, -0.047014422714710236, 0.06871262192726135, -0.05030518025159836, -0.02878827415406704, 0.02857006900012493, -0.09835892915725708, 0.042372725903987885, -0.0037402277812361717, -0.06362471729516983, -0.014025919139385223, 0.004309698008000851, 0.002823709277436137, -0.028924550861120224, 0.11525925248861313, -0.08741412311792374, 0.029556529596447945, -0.08324510604143143, -0.14520762860774994, 0.03171487897634506, -0.10008962452411652, 0.006268281023949385, -0.08114079385995865, -0.14110350608825684, -0.011852454394102097, 0.06338756531476974, -0.04881099611520767, -0.031133685261011124, -0.05003245919942856, -0.08104340732097626, 0.035965826362371445, -0.012070102617144585, 0.06277504563331604, -0.06497126072645187, 0.08958691358566284, 0.028531083837151527, 0.07958975434303284, -0.03186414763331413, 0.05315782502293587, -0.09452389180660248, 0.0398702509701252, -0.23661182820796967, 0.05985286831855774, -0.061491020023822784, 0.07235249131917953, -0.10379429161548615, -0.10335282236337662, 0.012809046544134617, -0.018679631873965263, 0.09818346798419952, 0.09278801828622818, -0.1796381175518036, -0.0891084223985672, 0.20910419523715973, -0.09415861964225769, -0.11967913806438446, 0.12900279462337494, -0.06651332229375839, 0.03122849203646183, 0.059670157730579376, 0.236399844288826, 0.04744940996170044, -0.09432025998830795, -0.003313171211630106, -0.051594797521829605, 0.045126840472221375, -0.034844961017370224, 0.06569848954677582, 0.007686811964958906, 0.08727344870567322, 0.006956445053219795, 0.01680900529026985, 0.022480342537164688, -0.1058264672756195, -0.07752633094787598, -0.036122482270002365, -0.0556621327996254, 0.038301702588796616, 0.039389029145240784, 0.07083676010370255, -0.12294723838567734, -0.10320588201284409, 0.08386052399873734, 0.06359440088272095, -0.07206931710243225, 0.05037057027220726, -0.10431931912899017, 0.10633258521556854, -0.05307931825518608, -0.007133541163057089, -0.1836361140012741, -0.018563013523817062, 0.0340750515460968, -0.015269866213202477, 0.03709476441144943, -0.03385515883564949, 0.0698874294757843, 0.07166450470685959, -0.03642183542251587, -0.017482910305261612, -0.024319279938936234, 0.006838636472821236, -0.12148178368806839, -0.2113407552242279, -0.037005722522735596, -0.04235551506280899, 0.07244163006544113, -0.1626349538564682, 0.04945734888315201, 0.06772509217262268, 0.11709592491388321, 0.042383454740047455, -0.029977306723594666, -0.01714380830526352, 0.07412026822566986, -0.03716697543859482, -0.05966663360595703, 0.059744011610746384, 0.01773000694811344, -0.09067045897245407, -0.005323269870132208, -0.16118784248828888, 0.1545412391424179, 0.13354429602622986, -0.03682341054081917, -0.07061947137117386, -0.02423529140651226, -0.05033436417579651, -0.021582813933491707, -0.029417000710964203, 0.02320673316717148, 0.16498517990112305, 0.021781278774142265, 0.14901165664196014, -0.08881110697984695, -0.04582877829670906, 0.04642597958445549, -0.03753570467233658, -0.0013580413069576025, 0.11564723402261734, 0.057746659964323044, -0.12140915542840958, 0.1364264190196991, 0.1412487030029297, -0.04225781932473183, 0.1394241452217102, -0.062426093965768814, -0.06324915587902069, -0.05070529878139496, -0.021749092265963554, 0.0198480486869812, 0.09980585426092148, -0.12477384507656097, -0.020330164581537247, 0.03222053498029709, 0.026641476899385452, 0.005603324621915817, -0.1969580501317978, -0.004409460816532373, 0.04722556471824646, -0.047896649688482285, -0.053288884460926056, -0.008287083357572556, 0.021323421970009804, 0.1020335927605629, 0.01620517671108246, -0.06529952585697174, 0.027574628591537476, 0.00903873611241579, -0.06432338058948517, 0.18885189294815063, -0.09212993830442429, -0.15020667016506195, -0.11133074760437012, -0.09708820283412933, -0.03931938856840134, -0.003899513278156519, 0.08293573558330536, -0.07521204650402069, -0.04468553140759468, -0.08821508288383484, -0.0035507220309227705, -0.0073684812523424625, 0.017310064285993576, 0.028287792578339577, -0.01714707352221012, 0.049263693392276764, -0.1128983423113823, -0.031336937099695206, -0.042184457182884216, -0.0027789927553385496, 0.07644029706716537, 0.013155009597539902, 0.10527084767818451, 0.1285204142332077, -0.03741752728819847, 0.041583072394132614, -0.04490054398775101, 0.23755674064159393, -0.07558074593544006, -0.020333290100097656, 0.10998997092247009, -0.011592544615268707, 0.0835355818271637, 0.13227355480194092, 0.06853405386209488, -0.09304571896791458, -0.009922613389790058, 0.015376622788608074, -0.0532570406794548, -0.22223086655139923, -0.021370379254221916, -0.05063685029745102, 0.0008883411646820605, 0.09701424092054367, 0.025749171152710915, 0.02074652910232544, 0.050920482724905014, 0.023793593049049377, 0.052246786653995514, -0.00519561767578125, 0.1123385801911354, 0.13232368230819702, 0.05254841968417168, 0.14928178489208221, -0.04578287526965141, -0.046523768454790115, 0.04608844965696335, -0.008621278218925, 0.24881611764431, 0.02099759690463543, 0.19090726971626282, 0.06961175799369812, 0.13287866115570068, 0.028961483389139175, 0.05630181357264519, -0.014229951426386833, -0.012159386649727821, -0.02024764008820057, -0.04628743231296539, -0.026964984834194183, 0.020298156887292862, -0.049763213843107224, 0.019161494448781013, -0.11545611172914505, 0.01158885844051838, 0.056886736303567886, 0.26877152919769287, 0.025784766301512718, -0.35660940408706665, -0.09765103459358215, 0.007907059043645859, -0.05251896753907204, -0.01833990402519703, 0.006489765830338001, 0.07985282689332962, -0.07225596904754639, 0.07078693807125092, -0.08358187973499298, 0.10877062380313873, -0.04611526057124138, 0.04608048498630524, 0.03696037456393242, 0.08668051660060883, -0.01932123489677906, 0.048419829457998276, -0.28429457545280457, 0.2892346978187561, 0.025002483278512955, 0.06180978938937187, -0.06323692202568054, 0.010659225285053253, 0.013085017912089825, 0.05610024929046631, 0.05921228975057602, -0.013302132487297058, -0.11961060762405396, -0.1760462373495102, -0.07471868395805359, 0.015345280058681965, 0.10318992286920547, 0.003695240244269371, 0.12129759788513184, -0.007843348197638988, 0.008168617263436317, 0.0484747476875782, -0.016416063532233238, -0.04642612859606743, -0.0974048525094986, 0.022750649601221085, 0.013327167369425297, -0.03077365830540657, -0.07211273163557053, -0.1070721447467804, -0.0615009106695652, 0.1628163605928421, 0.02091626636683941, -0.06118231639266014, -0.12339252233505249, 0.05217139050364494, 0.07861029356718063, -0.09068556874990463, 0.023636942729353905, -0.005287783220410347, 0.10872136056423187, -0.0073898062109947205, -0.06971453875303268, 0.12358995527029037, -0.04563577473163605, -0.16952142119407654, -0.05713300034403801, 0.11647992581129074, 0.029665149748325348, 0.06735344976186752, -0.004691848065704107, 0.04274483770132065, -0.02265903353691101, -0.07645367085933685, 0.03312840312719345, -0.011788343079388142, 0.06955542415380478, -0.02977212890982628, -0.015281295403838158, 0.02356136590242386, -0.06665321439504623, -0.016671326011419296, 0.1669241040945053, 0.26785388588905334, -0.08937643468379974, 0.07097761332988739, 0.048858705908060074, -0.06299728900194168, -0.15601332485675812, 0.021820375695824623, 0.05158454179763794, -0.0027489361818879843, 0.01812533289194107, -0.1845976859331131, 0.03869401291012764, 0.09249040484428406, -0.014869443140923977, 0.0628562942147255, -0.30869925022125244, -0.1266852617263794, 0.10093178600072861, 0.12807697057724, 0.07705280929803848, -0.1580982208251953, -0.051274366676807404, -0.007065515499562025, -0.13720764219760895, 0.13917280733585358, -0.10565724223852158, 0.12042869627475739, -0.027931906282901764, 0.1047990694642067, 0.016294801607728004, -0.05522444099187851, 0.11405443400144577, 0.012763225473463535, 0.0928589329123497, -0.06271041184663773, -0.0075380620546638966, 0.10490848124027252, -0.06720682978630066, 0.03975805640220642, -0.08187071233987808, 0.02299419417977333, -0.10866086930036545, -0.022710494697093964, -0.06525173783302307, 0.003346204524859786, -0.037310320883989334, -0.04570598155260086, -0.055403441190719604, 0.015483266673982143, 0.06570567190647125, -0.021828358992934227, 0.19032049179077148, 0.013477190397679806, 0.15574340522289276, 0.15925531089305878, 0.09294150024652481, -0.11940932273864746, -0.056132812052965164, 0.003063956741243601, -0.024474911391735077, 0.0479455441236496, -0.16027842462062836, 0.037630289793014526, 0.14964276552200317, 0.01386602595448494, 0.13899610936641693, 0.07417843490839005, -0.0646008849143982, 0.02888454496860504, 0.05310095474123955, -0.15172256529331207, -0.12836085259914398, 0.015547546558082104, 0.02119296044111252, -0.11370039731264114, 0.05341828987002373, 0.12419696897268295, -0.05930639058351517, -0.023402541875839233, 0.003501431317999959, 0.017491597682237625, -0.019734887406229973, 0.1893022656440735, 0.029014062136411667, 0.06436845660209656, -0.10800602287054062, 0.06206131353974342, 0.0595354400575161, -0.10324402153491974, 0.038416460156440735, 0.10743887722492218, -0.09185893833637238, -0.02675224468111992, 0.03131389990448952, 0.18240992724895477, -0.05664053559303284, -0.03384438157081604, -0.16246436536312103, -0.1376112401485443, 0.09621164202690125, 0.18999230861663818, 0.06940875202417374, 0.005585286766290665, -0.04988112673163414, 0.010331908240914345, -0.11424676328897476, 0.09818285703659058, 0.05997682362794876, 0.07655047625303268, -0.1028800755739212, 0.1493823528289795, -0.007594183553010225, 0.034379467368125916, -0.02035432867705822, 0.009327957406640053, -0.1224033534526825, 0.009685724973678589, -0.1360452026128769, 0.0004662679275497794, -0.059783611446619034, -0.004043733701109886, -0.01518153678625822, -0.04348546266555786, -0.05989213287830353, 0.007346705067902803, -0.11927326023578644, -0.019206419587135315, 0.020232848823070526, 0.040853701531887054, -0.12218121439218521, -0.02108088508248329, 0.009707446210086346, -0.07706773281097412, 0.07845085114240646, 0.04724932461977005, -0.0014415174955502152, 0.02606903575360775, -0.061939943581819534, 0.002512955106794834, 0.054220281541347504, 0.00452076829969883, 0.07345199584960938, -0.11604924499988556, -0.017512254416942596, -0.000978224677965045, 0.027599124237895012, 0.030685869976878166, 0.07577256113290787, -0.12264978140592575, 0.015220827423036098, -0.012227659113705158, -0.07984689623117447, -0.06010216474533081, 0.061609067022800446, 0.08492229133844376, 0.02026200294494629, 0.1817891150712967, -0.07809672504663467, 0.03631718084216118, -0.20848937332630157, -0.003524663159623742, 0.014281640760600567, -0.13851618766784668, -0.06382717937231064, -0.055705491453409195, 0.06293177604675293, -0.07105600833892822, 0.1381332278251648, 0.0269118994474411, 0.004966017324477434, 0.048657193779945374, -0.022670304402709007, -0.031009020283818245, 0.016265012323856354, 0.1495617777109146, 0.03290468454360962, -0.05038156360387802, 0.05554375424981117, 0.02229161374270916, 0.07874719053506851, 0.09430099278688431, 0.20502355694770813, 0.1462629735469818, 0.04703977704048157, 0.07844223827123642, 0.05255025625228882, -0.024660736322402954, -0.1801946461200714, 0.06166466698050499, -0.01922893151640892, 0.12512105703353882, -0.003795317839831114, 0.19106636941432953, 0.1222572848200798, -0.15623319149017334, 0.0610998198390007, -0.03282054886221886, -0.08763181418180466, -0.11126569658517838, -0.08926694840192795, -0.09164362400770187, -0.1426580548286438, -0.0006690634763799608, -0.12424060702323914, 0.04940561205148697, 0.06986744701862335, 0.02136613056063652, -0.002578820800408721, 0.11916393041610718, 0.017824947834014893, 0.018977275118231773, 0.06020110100507736, -0.0006693410687148571, -0.042789027094841, -0.06738582253456116, -0.06596595793962479, 0.010849465616047382, 0.006875933613628149, 0.04525844752788544, -0.005593064706772566, -0.007259828969836235, 0.02338373474776745, -0.03153863921761513, -0.11809246242046356, 0.014042741619050503, 0.029272474348545074, 0.06119348481297493, 0.016374412924051285, 0.00927465595304966, -0.0005508640897460282, -0.009178121574223042, 0.18940865993499756, -0.06177987903356552, -0.057594433426856995, -0.1027536541223526, 0.2506958246231079, 0.024830246344208717, -0.025796355679631233, 0.03475945442914963, -0.06218261271715164, -0.008120267651975155, 0.17960336804389954, 0.2016572207212448, -0.031734954565763474, -0.00290865171700716, -0.015150465071201324, -0.008284633979201317, -0.0072822594083845615, 0.09151513874530792, 0.10394273698329926, 0.03297331556677818, -0.07446745783090591, -0.01778372749686241, -0.06928593665361404, -0.01673179678618908, -0.04518190771341324, 0.06580160558223724, 0.05135171860456467, 0.0017623869935050607, -0.04171149432659149, 0.06457062810659409, -0.07044914364814758, -0.0736643373966217, 0.029682312160730362, -0.21088337898254395, -0.15555252134799957, -0.000321440544212237, 0.07511607557535172, 0.00019969523418694735, 0.06573735177516937, -0.010724544525146484, -0.009663120843470097, 0.07636599242687225, -0.00865604355931282, -0.08353202790021896, -0.07059100270271301, 0.11443283408880234, -0.16659435629844666, 0.1856231540441513, -0.033377911895513535, 0.04070569947361946, 0.1348247230052948, 0.05082336440682411, -0.0844334065914154, 0.059976864606142044, 0.046715233474969864, -0.05249554291367531, 0.004755170550197363, 0.11843422055244446, -0.02478911355137825, 0.07999921590089798, 0.053657855838537216, -0.14418624341487885, -0.0067167868837714195, -0.07742909342050552, -0.04769345000386238, -0.02454391121864319, -0.03731333091855049, -0.04522929713129997, 0.109575055539608, 0.20898663997650146, -0.032553259283304214, 0.0007043451769277453, -0.05671599879860878, 0.016975054517388344, 0.07894550263881683, 0.0017427083803340793, -0.055993225425481796, -0.2596404254436493, 0.00856891181319952, 0.09069205820560455, -0.007115636952221394, -0.2780064344406128, -0.09642411768436432, -0.004750704858452082, -0.03592870011925697, -0.09509408473968506, 0.09607453644275665, 0.08772170543670654, 0.053560078144073486, -0.06809689104557037, -0.05659853667020798, -0.0685713067650795, 0.16533824801445007, -0.13565818965435028, -0.05261095613241196 ]
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. --> # bart-large-finetuned-pubmed This model is a fine-tuned version of [facebook/bart-large](https://huggingface.co/facebook/bart-large) on the pub_med_summarization_dataset dataset. It achieves the following results on the evaluation set: - Loss: 1.8135 - Rouge1: 10.946 - Rouge2: 5.0933 - Rougel: 9.5608 - Rougelsum: 10.4259 - Gen Len: 19.0495 ## 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: 2 - eval_batch_size: 2 - seed: 42 - optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08 - lr_scheduler_type: linear - num_epochs: 5 - mixed_precision_training: Native AMP ### Training results | Training Loss | Epoch | Step | Validation Loss | Rouge1 | Rouge2 | Rougel | Rougelsum | Gen Len | |:-------------:|:-----:|:-----:|:---------------:|:-------:|:------:|:------:|:---------:|:-------:| | 2.0861 | 1.0 | 4000 | 1.8909 | 8.7344 | 3.6919 | 7.8804 | 8.3305 | 20.0 | | 1.8996 | 2.0 | 8000 | 1.8261 | 10.2124 | 4.6212 | 8.9842 | 9.7417 | 17.632 | | 1.7459 | 3.0 | 12000 | 1.8160 | 9.4933 | 4.4117 | 8.3977 | 9.0758 | 16.4775 | | 1.6258 | 4.0 | 16000 | 1.8136 | 10.8248 | 5.0335 | 9.4286 | 10.3123 | 18.724 | | 1.5214 | 5.0 | 20000 | 1.8135 | 10.946 | 5.0933 | 9.5608 | 10.4259 | 19.0495 | ### Framework versions - Transformers 4.16.2 - Pytorch 1.10.0+cu111 - Datasets 1.18.3 - Tokenizers 0.11.6
{"license": "apache-2.0", "tags": ["generated_from_trainer"], "datasets": ["pub_med_summarization_dataset"], "metrics": ["rouge"], "model-index": [{"name": "bart-large-finetuned-pubmed", "results": [{"task": {"type": "text2text-generation", "name": "Sequence-to-sequence Language Modeling"}, "dataset": {"name": "pub_med_summarization_dataset", "type": "pub_med_summarization_dataset", "args": "document"}, "metrics": [{"type": "rouge", "value": 10.946, "name": "Rouge1"}]}]}]}
text2text-generation
Kevincp560/bart-large-finetuned-pubmed
[ "transformers", "pytorch", "tensorboard", "bart", "text2text-generation", "generated_from_trainer", "dataset:pub_med_summarization_dataset", "license:apache-2.0", "model-index", "autotrain_compatible", "endpoints_compatible", "region:us" ]
2022-03-02T23:29:04+00:00
[]
[]
TAGS #transformers #pytorch #tensorboard #bart #text2text-generation #generated_from_trainer #dataset-pub_med_summarization_dataset #license-apache-2.0 #model-index #autotrain_compatible #endpoints_compatible #region-us
bart-large-finetuned-pubmed =========================== This model is a fine-tuned version of facebook/bart-large on the pub\_med\_summarization\_dataset dataset. It achieves the following results on the evaluation set: * Loss: 1.8135 * Rouge1: 10.946 * Rouge2: 5.0933 * Rougel: 9.5608 * Rougelsum: 10.4259 * Gen Len: 19.0495 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: 2 * eval\_batch\_size: 2 * seed: 42 * optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08 * lr\_scheduler\_type: linear * num\_epochs: 5 * mixed\_precision\_training: Native AMP ### Training results ### Framework versions * Transformers 4.16.2 * Pytorch 1.10.0+cu111 * Datasets 1.18.3 * Tokenizers 0.11.6
[ "### Training hyperparameters\n\n\nThe following hyperparameters were used during training:\n\n\n* learning\\_rate: 2e-05\n* train\\_batch\\_size: 2\n* eval\\_batch\\_size: 2\n* seed: 42\n* optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08\n* lr\\_scheduler\\_type: linear\n* num\\_epochs: 5\n* mixed\\_precision\\_training: Native AMP", "### Training results", "### Framework versions\n\n\n* Transformers 4.16.2\n* Pytorch 1.10.0+cu111\n* Datasets 1.18.3\n* Tokenizers 0.11.6" ]
[ "TAGS\n#transformers #pytorch #tensorboard #bart #text2text-generation #generated_from_trainer #dataset-pub_med_summarization_dataset #license-apache-2.0 #model-index #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: 2\n* eval\\_batch\\_size: 2\n* seed: 42\n* optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08\n* lr\\_scheduler\\_type: linear\n* num\\_epochs: 5\n* mixed\\_precision\\_training: Native AMP", "### Training results", "### Framework versions\n\n\n* Transformers 4.16.2\n* Pytorch 1.10.0+cu111\n* Datasets 1.18.3\n* Tokenizers 0.11.6" ]
[ 75, 113, 4, 35 ]
[ "passage: TAGS\n#transformers #pytorch #tensorboard #bart #text2text-generation #generated_from_trainer #dataset-pub_med_summarization_dataset #license-apache-2.0 #model-index #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: 2\n* eval\\_batch\\_size: 2\n* seed: 42\n* optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08\n* lr\\_scheduler\\_type: linear\n* num\\_epochs: 5\n* mixed\\_precision\\_training: Native AMP### Training results### Framework versions\n\n\n* Transformers 4.16.2\n* Pytorch 1.10.0+cu111\n* Datasets 1.18.3\n* Tokenizers 0.11.6" ]
[ -0.0907699465751648, 0.11928263306617737, -0.004075680859386921, 0.08357677608728409, 0.11054203659296036, 0.00030959927244111896, 0.16413456201553345, 0.15542897582054138, -0.11424164474010468, 0.059074610471725464, 0.1286371499300003, 0.11134563386440277, 0.05098167806863785, 0.1714824140071869, -0.05906376242637634, -0.2561742663383484, 0.04344288259744644, 0.05219613388180733, -0.018471509218215942, 0.12395952641963959, 0.0881790742278099, -0.11392062902450562, 0.08065652847290039, 0.02558339200913906, -0.17030395567417145, -0.0028700886759907007, 0.0022208294831216335, -0.0754949226975441, 0.10079924762248993, 0.033199492841959, 0.09388989955186844, 0.03675559163093567, 0.052318211644887924, -0.17242026329040527, 0.009919591248035431, 0.05671437457203865, 0.005649839527904987, 0.10128302127122879, 0.06210958957672119, -0.006406585220247507, 0.12125474959611893, -0.07099586725234985, 0.07695722579956055, 0.020531678572297096, -0.12829773128032684, -0.2708515226840973, -0.1154140830039978, 0.03877511993050575, 0.08293962478637695, 0.08312854915857315, -0.007294453214854002, 0.1665930449962616, -0.041133683174848557, 0.10211582481861115, 0.22436314821243286, -0.29063257575035095, -0.059126585721969604, -0.01516260951757431, 0.04071471095085144, 0.06769929081201553, -0.07062375545501709, -0.039345886558294296, 0.019205616787075996, 0.05182594805955887, 0.14248329401016235, -0.014844668097794056, -0.021569235250353813, -0.017522918060421944, -0.13366200029850006, -0.07606609910726547, 0.16421036422252655, 0.030227042734622955, -0.04306178539991379, -0.07246280461549759, -0.06062494218349457, -0.15337058901786804, -0.0500793382525444, 0.00765910604968667, 0.03940563648939133, -0.031371213495731354, -0.09022066742181778, -0.020164575427770615, -0.08236277848482132, -0.03971463069319725, -0.052528947591781616, 0.12268892675638199, 0.049521856009960175, 0.01716787926852703, -0.059172842651605606, 0.07172628492116928, -0.02963068336248398, -0.1627863198518753, 0.002173485467210412, 0.018806371837854385, 0.0063674841076135635, -0.039494410157203674, -0.03350069746375084, -0.1274547129869461, 0.007914852350950241, 0.1611528843641281, -0.09308506548404694, 0.07286306470632553, -0.040920689702034, 0.03911416977643967, -0.07279451936483383, 0.18691344559192657, -0.009804944507777691, 0.015638357028365135, 0.011730102822184563, 0.08294590562582016, 0.06018886715173721, -0.02799931913614273, -0.11364071071147919, 0.053811222314834595, 0.09837297350168228, 0.03256955370306969, -0.027783697471022606, 0.04596436768770218, -0.04644962400197983, -0.02542634680867195, 0.06114960461854935, -0.10604851692914963, 0.03671214357018471, -0.005010340362787247, -0.052243657410144806, -0.020805584266781807, 0.01419106312096119, 0.005233186297118664, -0.046935226768255234, 0.09783810377120972, -0.07907210290431976, 0.017894716933369637, -0.08465065062046051, -0.13466480374336243, 0.04121055081486702, -0.08031358569860458, 0.0019274494843557477, -0.0872715637087822, -0.14316631853580475, -0.013829926028847694, 0.06658018380403519, -0.050210826098918915, -0.0543292760848999, -0.04060804843902588, -0.07885048538446426, 0.046970184892416, -0.019292058423161507, 0.08451994508504868, -0.0700531154870987, 0.0851895809173584, 0.036866430193185806, 0.0623069629073143, -0.04249264672398567, 0.05546289682388306, -0.09758508205413818, 0.04188307747244835, -0.22146326303482056, 0.05190308019518852, -0.057320982217788696, 0.07436919212341309, -0.11433473974466324, -0.09172983467578888, 0.02242770418524742, -0.018006231635808945, 0.10256662964820862, 0.08603481948375702, -0.17771832644939423, -0.07227544486522675, 0.19112595915794373, -0.09902627021074295, -0.13097696006298065, 0.13243210315704346, -0.046517372131347656, 0.013952730223536491, 0.049849044531583786, 0.22816118597984314, 0.054735708981752396, -0.08933465927839279, -0.0030424564611166716, -0.04366430267691612, 0.06777399033308029, -0.06409713625907898, 0.08276964724063873, -0.006405369378626347, 0.07137996703386307, 0.007832253351807594, 0.012076189741492271, 0.03662794828414917, -0.07918965816497803, -0.08080475777387619, -0.0458984412252903, -0.0555490218102932, -0.009318261407315731, 0.0408729687333107, 0.06046131253242493, -0.12105130404233932, -0.10721719264984131, 0.0629981979727745, 0.0767955631017685, -0.07650859653949738, 0.056684695184230804, -0.0906500443816185, 0.10448461771011353, -0.0636628270149231, -0.0013927827822044492, -0.1798345148563385, -0.01632443442940712, 0.03693890944123268, -0.024360472336411476, 0.024591470137238503, -0.04949173331260681, 0.06007092073559761, 0.06617218255996704, -0.035485830157995224, -0.02856253832578659, -0.02604433335363865, 0.005312655586749315, -0.11992885172367096, -0.20497551560401917, -0.0319916196167469, -0.04139226675033569, 0.0802173912525177, -0.15366768836975098, 0.04154836758971214, 0.05289103090763092, 0.11456361413002014, 0.04192572087049484, -0.02643839828670025, -0.006266437470912933, 0.07479206472635269, -0.04141368344426155, -0.06486330926418304, 0.05713421106338501, 0.025822382420301437, -0.09033021330833435, 0.016020549461245537, -0.16160471737384796, 0.14906567335128784, 0.1332867443561554, 0.005884850863367319, -0.04969673231244087, -0.022710580378770828, -0.052906692028045654, -0.02699688822031021, -0.03690674901008606, 0.022031553089618683, 0.14697834849357605, 0.029525408521294594, 0.15889793634414673, -0.09391603618860245, -0.04307658225297928, 0.045852046459913254, -0.03095407225191593, -0.015637774020433426, 0.11994056403636932, 0.0602882094681263, -0.11847641319036484, 0.14148138463497162, 0.15774549543857574, -0.051614511758089066, 0.1343565583229065, -0.07361013442277908, -0.0784980058670044, -0.04066223278641701, -0.014035222120583057, 0.027663039043545723, 0.10682608187198639, -0.10489873588085175, -0.008684150874614716, 0.040196627378463745, 0.03371242433786392, 0.012195647694170475, -0.19119659066200256, 0.002616447862237692, 0.04039229080080986, -0.05618475750088692, -0.05076504871249199, -0.01273949071764946, 0.013749704696238041, 0.09573765099048615, 0.012681635096669197, -0.06268692761659622, 0.02885032631456852, 0.007475299295037985, -0.06720412522554398, 0.17835478484630585, -0.10189136862754822, -0.17660696804523468, -0.13289065659046173, -0.07816416025161743, -0.04079543799161911, -0.010096604935824871, 0.08727134764194489, -0.07252892106771469, -0.05495835468173027, -0.10842888057231903, -0.02742595784366131, -0.012284446507692337, 0.014166934415698051, 0.03035992570221424, -0.01051086001098156, 0.07009260356426239, -0.10914929211139679, -0.02981516718864441, -0.02584727481007576, 0.0063669332303106785, 0.05821782723069191, 0.016418755054473877, 0.10681838542222977, 0.11597669124603271, -0.01826322078704834, 0.036485638469457626, -0.04328152537345886, 0.22089315950870514, -0.07087040692567825, -0.019235510379076004, 0.13524408638477325, -0.01224524062126875, 0.08268511295318604, 0.13137327134609222, 0.05476617068052292, -0.08300036936998367, -0.004450357053428888, 0.014498647302389145, -0.0463678278028965, -0.22517254948616028, -0.020754758268594742, -0.05834674462676048, 0.008065133355557919, 0.10481809079647064, 0.0296711977571249, 0.010744580067694187, 0.040575429797172546, 0.011644492857158184, 0.048336517065763474, -0.016083937138319016, 0.11196032166481018, 0.13705754280090332, 0.05213110148906708, 0.1435762494802475, -0.05676829069852829, -0.027901960536837578, 0.0556713230907917, 0.009874423034489155, 0.223161518573761, 0.0055214473977684975, 0.19502899050712585, 0.054158661514520645, 0.13944442570209503, 0.023386560380458832, 0.05324166268110275, -0.018955355510115623, -0.004475187510251999, -0.02173270285129547, -0.05102986842393875, -0.038451965898275375, 0.021664002910256386, -0.05404048413038254, 0.021250303834676743, -0.11400310695171356, 0.015957651659846306, 0.05030152201652527, 0.28876301646232605, 0.03603768348693848, -0.34078776836395264, -0.0965774655342102, 0.01740429736673832, -0.05465686693787575, -0.031655777245759964, 0.010103145614266396, 0.0898028239607811, -0.06724337488412857, 0.06429405510425568, -0.0787070170044899, 0.11602160334587097, -0.04726201295852661, 0.03688674792647362, 0.04166535660624504, 0.08943614363670349, -0.009085710160434246, 0.05831514671444893, -0.2964584529399872, 0.2741621434688568, 0.02457500994205475, 0.06903401762247086, -0.06349746882915497, 0.025664908811450005, 0.010595748201012611, 0.039695557206869125, 0.05343051254749298, -0.011508588679134846, -0.13710127770900726, -0.1647203117609024, -0.10437070578336716, 0.021309060975909233, 0.07214431464672089, 0.013878896832466125, 0.1119721531867981, -0.01698961667716503, 0.0028017612639814615, 0.04768356680870056, -0.02252834104001522, -0.04926493763923645, -0.11808673292398453, 0.02520623244345188, 0.03410717844963074, -0.04970762878656387, -0.08107423037290573, -0.10004863888025284, -0.03802821412682533, 0.16065332293510437, 0.026488041505217552, -0.06199681758880615, -0.1241506040096283, 0.05436081066727638, 0.08746955543756485, -0.09112366288900375, 0.02098756842315197, -0.014645487070083618, 0.10768163204193115, -0.003782587358728051, -0.07518846541643143, 0.11469966173171997, -0.05862759053707123, -0.16432501375675201, -0.054567500948905945, 0.1247800886631012, 0.00818151980638504, 0.06343913823366165, -0.00966550037264824, 0.041341591626405716, -0.02782432734966278, -0.06954696774482727, 0.026707395911216736, -0.0008161419536918402, 0.08598583191633224, -0.03459133207798004, -0.02160409279167652, 0.014236513525247574, -0.062798410654068, -0.03995005786418915, 0.16741524636745453, 0.2543862462043762, -0.0816669687628746, 0.07638074457645416, 0.05030681565403938, -0.059068452566862106, -0.14574646949768066, 0.0029280539602041245, 0.0543772391974926, -0.0002718061732593924, 0.013753890991210938, -0.1835358738899231, 0.03758503124117851, 0.09508271515369415, -0.02103777416050434, 0.06288586556911469, -0.31066063046455383, -0.12177971005439758, 0.10431786626577377, 0.11861114948987961, 0.0696084052324295, -0.16700462996959686, -0.053545523434877396, -0.02040529064834118, -0.12919525802135468, 0.14012981951236725, -0.1119363084435463, 0.11333578824996948, -0.029522661119699478, 0.09133033454418182, 0.011143413372337818, -0.057910047471523285, 0.11737421900033951, -0.012956255115568638, 0.07415720075368881, -0.05892236903309822, 0.029786108061671257, 0.08361633121967316, -0.07874927669763565, 0.05532745271921158, -0.10892979800701141, 0.02846134826540947, -0.12919928133487701, -0.01578109711408615, -0.05651569366455078, -0.0025970700662583113, -0.03881753236055374, -0.03154006600379944, -0.0422448106110096, 0.01150587759912014, 0.06654588133096695, -0.025383854284882545, 0.19876767694950104, 0.014720290899276733, 0.1395188421010971, 0.16121932864189148, 0.0790800154209137, -0.10864341259002686, -0.05977320298552513, 0.00018539464508648962, -0.036513131111860275, 0.04739105701446533, -0.16441240906715393, 0.03701847046613693, 0.134826198220253, -0.002016185550019145, 0.1353994607925415, 0.05742659792304039, -0.06525268405675888, 0.019033227115869522, 0.05625467374920845, -0.15073780715465546, -0.11744784563779831, 0.00790962390601635, 0.058060817420482635, -0.12495394796133041, 0.02721717394888401, 0.12976336479187012, -0.056811537593603134, -0.024037575349211693, 0.009335699491202831, 0.028480270877480507, -0.015834884718060493, 0.1860262155532837, 0.02737477235496044, 0.06087733805179596, -0.10598313808441162, 0.080365851521492, 0.07002817094326019, -0.11846433579921722, 0.055509354919195175, 0.11835401505231857, -0.09077304601669312, -0.029674284160137177, 0.03945016488432884, 0.16827261447906494, -0.04696504771709442, -0.05424424260854721, -0.16025778651237488, -0.12854987382888794, 0.10155727714300156, 0.16243061423301697, 0.06662963330745697, 0.0004897814942523837, -0.04673238843679428, 0.0007823273772373796, -0.11014654487371445, 0.10329056531190872, 0.052799854427576065, 0.07723347842693329, -0.10286284238100052, 0.11748398840427399, -0.0021525509655475616, 0.031297095119953156, -0.009843560867011547, 0.016093982383608818, -0.11546012759208679, 0.005216814111918211, -0.14027193188667297, 0.008380666375160217, -0.05428199842572212, -0.004730702377855778, -0.012644612230360508, -0.04038263112306595, -0.05813267081975937, 0.016515877097845078, -0.11160784959793091, -0.03363620489835739, 0.002139011165127158, 0.0431816428899765, -0.1253243386745453, -0.01920993998646736, 0.009482496418058872, -0.08343950659036636, 0.07344303280115128, 0.04179947450757027, 0.005740291904658079, 0.020097067579627037, -0.046104203909635544, -0.000566533301025629, 0.046737026423215866, 0.012164315208792686, 0.07148806750774384, -0.1230446919798851, -0.017794102430343628, 0.01885400526225567, 0.020961888134479523, 0.026069670915603638, 0.10251232981681824, -0.12628214061260223, -0.0025759455747902393, -0.0027266214601695538, -0.07879369705915451, -0.055709823966026306, 0.06639771163463593, 0.08964285254478455, 0.029517285525798798, 0.1894116997718811, -0.08154492825269699, 0.03128381073474884, -0.20263808965682983, 0.001914137159474194, 0.00397462397813797, -0.13387523591518402, -0.06602045148611069, -0.0441761277616024, 0.06042182818055153, -0.06706423312425613, 0.12031997740268707, 0.023530349135398865, 0.027301184833049774, 0.053663384169340134, -0.03279458358883858, -0.010409208945930004, 0.013625302352011204, 0.15607759356498718, 0.02940005622804165, -0.04022704437375069, 0.06822336465120316, 0.005019886419177055, 0.07922542840242386, 0.1224338635802269, 0.18885035812854767, 0.14528009295463562, 0.059752415865659714, 0.0939338430762291, 0.03838571161031723, -0.03690977022051811, -0.17140454053878784, 0.05354052037000656, -0.022441109642386436, 0.14743685722351074, -0.00264739990234375, 0.2026205062866211, 0.1196165531873703, -0.15779922902584076, 0.05349971354007721, -0.03774740919470787, -0.08327705413103104, -0.10990918427705765, -0.09095742553472519, -0.08991508930921555, -0.13133445382118225, -0.011627444997429848, -0.12230271100997925, 0.05472454056143761, 0.06473106890916824, 0.015403605997562408, 0.0012865894241258502, 0.10734953731298447, 0.039937492460012436, 0.009617037139832973, 0.0572228841483593, 0.0019366752821952105, -0.03597124293446541, -0.046012356877326965, -0.06715186685323715, 0.016696326434612274, 0.0062675317749381065, 0.052435245364904404, 0.000020612926164176315, -0.001088326214812696, 0.04049690067768097, -0.02902585081756115, -0.11342146247625351, 0.01287998165935278, 0.024142583832144737, 0.06861631572246552, 0.05825981870293617, 0.021976888179779053, 0.006071056239306927, -0.003455730155110359, 0.20506134629249573, -0.07131313532590866, -0.06263580173254013, -0.11694246530532837, 0.2485293745994568, 0.01583842560648918, -0.04461944103240967, 0.026379302144050598, -0.06357067823410034, -0.015110811218619347, 0.18467175960540771, 0.18729303777217865, -0.03499503433704376, -0.01585746929049492, -0.01863996498286724, -0.008758094161748886, -0.018860407173633575, 0.10275713354349136, 0.12245658785104752, 0.03661977872252464, -0.06883498281240463, -0.02378131076693535, -0.06941132247447968, -0.01947152614593506, -0.05598676949739456, 0.0733577311038971, 0.03288121894001961, -0.007525207009166479, -0.03013015352189541, 0.0600888729095459, -0.03878907859325409, -0.0628032237291336, -0.0014374118763953447, -0.2005249708890915, -0.16734158992767334, 0.0013081313809379935, 0.09411781281232834, -0.003387042321264744, 0.05049026384949684, -0.008544910699129105, 0.005898228380829096, 0.08894969522953033, -0.019573425874114037, -0.07505779713392258, -0.08125259727239609, 0.11213763803243637, -0.1647752970457077, 0.19442695379257202, -0.027100317180156708, 0.03468829020857811, 0.13489636778831482, 0.053413886576890945, -0.10239202529191971, 0.06387589871883392, 0.04691435024142265, -0.04872700944542885, 0.01666468009352684, 0.12226224690675735, -0.030688319355249405, 0.08469074964523315, 0.05202385410666466, -0.11902383714914322, -0.014853233471512794, -0.08596078306436539, -0.04110649228096008, -0.01973043754696846, -0.041122451424598694, -0.05370931327342987, 0.12129855901002884, 0.19934529066085815, -0.042263057082891464, -0.006816479843109846, -0.060271117836236954, 0.014838755130767822, 0.06542544811964035, 0.0042279488407075405, -0.045314375311136246, -0.24470436573028564, 0.007318523712456226, 0.07264579832553864, -0.0031736958771944046, -0.28416919708251953, -0.08734171092510223, -0.009181555360555649, -0.04247792810201645, -0.10377368330955505, 0.0995011106133461, 0.07549798488616943, 0.04532809183001518, -0.07314902544021606, -0.04055258631706238, -0.062077827751636505, 0.15275625884532928, -0.1308799684047699, -0.05294642224907875 ]
null
null
transformers
# Model for chat bot to talk like tony stark
{"tags": ["conversational"]}
text-generation
KhanAdeeb/model-tony-stark
[ "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
# Model for chat bot to talk like tony stark
[ "# Model for chat bot to talk like tony stark" ]
[ "TAGS\n#transformers #pytorch #gpt2 #text-generation #conversational #autotrain_compatible #endpoints_compatible #text-generation-inference #region-us \n", "# Model for chat bot to talk like tony stark" ]
[ 51, 11 ]
[ "passage: TAGS\n#transformers #pytorch #gpt2 #text-generation #conversational #autotrain_compatible #endpoints_compatible #text-generation-inference #region-us \n# Model for chat bot to talk like tony stark" ]
[ -0.008321219123899937, -0.0538681223988533, -0.004910435061901808, -0.05681754648685455, 0.12793034315109253, -0.044547293335199356, 0.16892650723457336, 0.10811572521924973, 0.0885237604379654, -0.05716032162308693, 0.03857899084687233, 0.1444668024778366, 0.0067237429320812225, 0.20547544956207275, 0.0005171679658815265, -0.2691881060600281, 0.1126793622970581, -0.009234796278178692, 0.04751557856798172, 0.08819349110126495, 0.10400057584047318, -0.029996056109666824, 0.072688527405262, 0.04221750423312187, -0.14216814935207367, 0.019086645916104317, 0.04802684113383293, -0.08976303040981293, 0.09725958108901978, 0.07369672507047653, 0.037737686187028885, 0.00257573532871902, -0.06576896458864212, -0.09453080594539642, 0.03572427108883858, 0.0016327716875821352, -0.017237817868590355, 0.02752915769815445, -0.05872507020831108, -0.08379822224378586, 0.18273742496967316, 0.11592446267604828, 0.04267467185854912, 0.08705238997936249, -0.12297891825437546, 0.0565556138753891, 0.026151638478040695, -0.040925104171037674, 0.11507537215948105, 0.14392298460006714, -0.07342280447483063, 0.19700434803962708, -0.12068674713373184, 0.12101087719202042, 0.05011808127164841, -0.32291823625564575, -0.05431818962097168, 0.0801437646150589, 0.018481142818927765, 0.10280215740203857, -0.06365521997213364, 0.03167564421892166, -0.021792888641357422, 0.03652423992753029, -0.08909439295530319, -0.0404931902885437, -0.19915883243083954, -0.030904723331332207, -0.07070950418710709, -0.0011422807583585382, 0.20696896314620972, -0.009416050277650356, 0.04570585861802101, -0.10384855419397354, -0.0851578414440155, -0.029974402859807014, -0.08404643088579178, -0.015111020766198635, -0.08940519392490387, 0.078428715467453, -0.07411186397075653, -0.08161649852991104, -0.10657986253499985, -0.05097421631217003, -0.1257147490978241, 0.10573608428239822, 0.03184126690030098, 0.04632730409502983, -0.2576398551464081, 0.035372767597436905, 0.06714462488889694, -0.04543106257915497, 0.026227600872516632, -0.09416854381561279, -0.04894067347049713, 0.02071215584874153, -0.030225709080696106, -0.09655874222517014, 0.10548794269561768, 0.07015039026737213, -0.08368634432554245, 0.0667794719338417, -0.07328903675079346, 0.04506486654281616, 0.03784521296620369, 0.06292573362588882, 0.04849447309970856, 0.020854249596595764, 0.019840708002448082, -0.09057022631168365, 0.02622567117214203, -0.04753223806619644, -0.16633854806423187, 0.02015823870897293, 0.010167076252400875, 0.046902846544981, -0.015480507165193558, 0.13106897473335266, -0.026062220335006714, -0.04355623573064804, 0.04636378213763237, 0.010792936198413372, -0.010243438184261322, 0.037011805921792984, -0.0367993600666523, 0.05864337086677551, 0.011832482181489468, 0.02848048508167267, -0.10115223377943039, -0.11974401026964188, -0.03899991884827614, 0.004926120862364769, -0.0503140352666378, -0.020805591717362404, 0.001602141186594963, 0.07919645309448242, -0.018568335101008415, -0.16435441374778748, -0.04499811306595802, 0.007065316662192345, -0.01750880293548107, -0.042826440185308456, -0.12744031846523285, -0.13230685889720917, 0.0007069037528708577, 0.02815917134284973, -0.032859161496162415, -0.017127711325883865, -0.04022282361984253, 0.033263757824897766, -0.047151971608400345, 0.13153178989887238, -0.12719111144542694, 0.060061920434236526, -0.10750619322061539, -0.05285932868719101, -0.20674650371074677, 0.11019378900527954, -0.04640672355890274, 0.1447688639163971, -0.0010989257134497166, 0.038922298699617386, -0.12954670190811157, 0.06206787750124931, -0.03609681874513626, 0.21083512902259827, -0.060487836599349976, -0.10307388007640839, 0.3608373701572418, -0.05364949628710747, -0.08203861117362976, 0.16030555963516235, 0.0075996145606040955, 0.05827678367495537, 0.17698301374912262, 0.19872820377349854, -0.01757730357348919, 0.020498784258961678, 0.086251400411129, 0.11320694535970688, -0.15131455659866333, 0.023565584793686867, -0.03139930218458176, -0.03607219457626343, -0.08757877349853516, 0.02407127432525158, 0.22345398366451263, 0.12958848476409912, -0.04634449630975723, -0.016154678538441658, 0.024538004770874977, -0.025344619527459145, 0.03490627184510231, -0.02022225596010685, 0.08134450763463974, -0.0535145103931427, -0.061193641275167465, -0.08966720104217529, 0.06368288397789001, -0.036872733384370804, -0.004616826307028532, -0.19337886571884155, -0.010042807087302208, 0.09298627823591232, 0.08706525713205338, -0.10781022906303406, -0.1173965185880661, -0.0037631045561283827, 0.14599132537841797, 0.13598321378231049, 0.08483893424272537, 0.0724349245429039, -0.05536169558763504, 0.04311554878950119, 0.04130341485142708, 0.1696479320526123, -0.016939034685492516, -0.09474839270114899, -0.11870095878839493, 0.0882781371474266, -0.05823463946580887, 0.14967849850654602, -0.008273552171885967, 0.006533603649586439, 0.05442741885781288, 0.13097834587097168, 0.004163030534982681, 0.02391170710325241, 0.053524449467659, -0.050932787358760834, -0.011466682888567448, -0.008727994747459888, 0.06005970388650894, -0.006271578371524811, -0.1032181978225708, 0.24194562435150146, -0.12101168930530548, 0.019869111478328705, 0.18817973136901855, -0.1402209997177124, 0.011925130151212215, -0.025916052982211113, -0.05262485891580582, 0.02203553169965744, 0.054569706320762634, -0.06634613871574402, 0.26691755652427673, -0.02815328724682331, 0.14227138459682465, -0.014203943312168121, 0.027196872979402542, -0.007158003747463226, -0.025051258504390717, 0.004454972688108683, 0.08682961761951447, 0.0898796021938324, -0.16639217734336853, 0.08248820155858994, 0.038247253745794296, 0.07368886470794678, 0.24680152535438538, 0.041947584599256516, 0.049556028097867966, 0.05312899500131607, 0.03378111124038696, -0.08358664065599442, -0.02928061969578266, -0.3525620698928833, -0.05238056182861328, 0.01645556092262268, 0.019030243158340454, 0.14245206117630005, -0.06374365091323853, -0.0035076031927019358, -0.051025278866291046, -0.04196542501449585, 0.1245785653591156, 0.10192031413316727, 0.054184723645448685, 0.14962176978588104, -0.004075162578374147, -0.14684738218784332, 0.046635501086711884, -0.009386333636939526, -0.09768842905759811, 0.11997739970684052, -0.158807173371315, -0.35703644156455994, -0.045969948172569275, -0.040187399834394455, -0.04412920027971268, 0.050817154347896576, 0.07898092269897461, -0.19043442606925964, -0.008208155632019043, 0.01785765029489994, 0.09364649653434753, -0.0013829063391312957, 0.013050558976829052, 0.008764686994254589, -0.002944949083030224, -0.08341429382562637, -0.09831659495830536, -0.07211273908615112, -0.043020736426115036, -0.10626903921365738, 0.0917973592877388, -0.18084731698036194, 0.009866224601864815, 0.2011324167251587, 0.03942880779504776, 0.08222942054271698, -0.01856001280248165, 0.22093817591667175, -0.08572543412446976, 0.02470533177256584, 0.1205507218837738, 0.051044683903455734, 0.03260159492492676, 0.14316046237945557, -0.02735799551010132, -0.0873805359005928, 0.07183818519115448, -0.014950255863368511, -0.08132950961589813, -0.12308315932750702, -0.1869850754737854, -0.10524585098028183, 0.1025637537240982, -0.02025415375828743, 0.06516148149967194, 0.12329991906881332, 0.02403414435684681, -0.06600390374660492, -0.025087939575314522, 0.10696476697921753, 0.0514521561563015, 0.12054555863142014, -0.10693111270666122, 0.13930736482143402, -0.009648976847529411, -0.16066600382328033, 0.05120531842112541, -0.025461504235863686, 0.04539255052804947, 0.0933079794049263, 0.12147264927625656, -0.014042068272829056, 0.09228429943323135, 0.16471503674983978, 0.007923158816993237, 0.03833897039294243, -0.0701674222946167, -0.02424660511314869, -0.04055522382259369, -0.10790108889341354, 0.059257250279188156, 0.11231467872858047, -0.15424543619155884, -0.020350726321339607, 0.04420583322644234, 0.10533037781715393, 0.1070147305727005, 0.06972944736480713, -0.17705821990966797, -0.07537391036748886, 0.05283156782388687, -0.061895884573459625, -0.08952566236257553, 0.11992131173610687, 0.08924233168363571, -0.1385224312543869, 0.026615533977746964, 0.00512812752276659, 0.0797516405582428, -0.049803074449300766, 0.11090590804815292, -0.15841495990753174, 0.0070611522532999516, 0.011298085562884808, 0.09253143519163132, -0.2609182298183441, 0.08773528784513474, -0.046172112226486206, -0.016476672142744064, -0.1377948820590973, -0.024763774126768112, 0.037620339542627335, 0.03219733387231827, 0.04558434709906578, 0.011718410067260265, -0.06116004288196564, 0.006594100967049599, -0.07385055720806122, 0.051790088415145874, 0.04368716850876808, 0.004384180065244436, -0.038036298006772995, -0.035054709762334824, -0.053063906729221344, -0.012618285603821278, -0.08247004449367523, -0.011648504994809628, -0.1362272948026657, 0.02157118171453476, 0.2050035297870636, 0.08755125105381012, 0.02473396249115467, 0.03399014472961426, 0.033061400055885315, 0.23398461937904358, 0.07905618101358414, -0.09697664529085159, -0.04784542694687843, 0.00974594708532095, 0.002720792545005679, -0.051912277936935425, -0.04583321511745453, -0.06741046160459518, 0.10916460305452347, -0.04942116141319275, -0.17112000286579132, 0.11493087559938431, -0.11745195835828781, -0.02732953242957592, -0.022043365985155106, 0.21610505878925323, 0.07823032885789871, 0.03261365368962288, 0.07870787382125854, -0.07012731581926346, -0.07965297996997833, -0.06641104072332382, -0.0104441549628973, 0.10356223583221436, -0.11626407504081726, 0.07384204119443893, -0.028582436963915825, -0.1563137024641037, -0.11032398790121078, 0.014249526895582676, 0.3005729019641876, 0.013708284124732018, -0.03370891511440277, 0.16141486167907715, 0.14296269416809082, -0.0018479304853826761, -0.19318614900112152, -0.08420924842357635, -0.07876341789960861, -0.013541625812649727, -0.08207355439662933, -0.17977601289749146, 0.0784941092133522, -0.09654728323221207, -0.008025295101106167, 0.058185823261737823, -0.24640366435050964, -0.07182889431715012, 0.20161135494709015, -0.05190857872366905, 0.3235878646373749, -0.041080180555582047, -0.06556541472673416, -0.03635299950838089, -0.0008683945052325726, 0.2182076871395111, -0.07870371639728546, 0.06771326065063477, 0.053079601377248764, 0.2553443908691406, 0.06799907982349396, 0.03282221779227257, -0.00445548864081502, 0.00010599709639791399, -0.07751411199569702, -0.08299493044614792, -0.048246026039123535, -0.028572548180818558, 0.049448106437921524, 0.08457620441913605, -0.07290442287921906, -0.00962201226502657, -0.09153073281049728, -0.022204801440238953, -0.13588151335716248, 0.02535390667617321, 0.03491532430052757, -0.02511618658900261, -0.0017969002947211266, -0.0415966659784317, -0.020909877493977547, 0.06979653239250183, 0.14116820693016052, -0.08508451282978058, 0.194948211312294, 0.08522620052099228, 0.1061457172036171, -0.24981120228767395, 0.011575900949537754, -0.00965879950672388, -0.02320566214621067, 0.08167368918657303, 0.00718202767893672, 0.03515490144491196, 0.07363852858543396, -0.06432308256626129, 0.11469575762748718, 0.0564306415617466, -0.062329452484846115, 0.032640956342220306, 0.09396284073591232, -0.22638539969921112, -0.13467366993427277, -0.05704643577337265, 0.1822599619626999, 0.1038806214928627, 0.09175627678632736, 0.2344573736190796, -0.026371601969003677, -0.036788202822208405, -0.02586027979850769, 0.05107911676168442, -0.051843736320734024, 0.012147001922130585, -0.07212764024734497, 0.008449705317616463, -0.15736889839172363, 0.014555348083376884, 0.008110754191875458, -0.14677482843399048, 0.06793142110109329, 0.1924932301044464, -0.12191470712423325, -0.12895283102989197, -0.1370360553264618, 0.10322225838899612, -0.005400567315518856, -0.011750616133213043, -0.035718563944101334, -0.15295520424842834, 0.043547701090574265, 0.025525009259581566, 0.01623614877462387, 0.07727110385894775, -0.057376183569431305, 0.0004260424757376313, -0.002833559876307845, -0.044454894959926605, -0.022283688187599182, -0.08762455731630325, -0.016869572922587395, 0.0865284726023674, 0.008325707167387009, 0.08209025114774704, -0.07418780028820038, -0.14968588948249817, -0.16860038042068481, 0.0387185700237751, -0.09322109818458557, -0.09711866825819016, -0.12144280970096588, -0.050208937376737595, 0.014641670510172844, -0.028525911271572113, -0.02954041212797165, -0.04867318272590637, -0.10012472420930862, 0.031025435775518417, -0.04009910672903061, 0.013511327095329762, -0.07551976293325424, 0.08352094888687134, 0.035728245973587036, -0.01369447447359562, 0.15900160372257233, 0.20173592865467072, -0.10832776874303818, 0.08393226563930511, -0.0903998464345932, -0.09755146503448486, 0.0890083909034729, -0.0020278259180486202, 0.10104136168956757, 0.08679426461458206, -0.02747751772403717, 0.08030141890048981, 0.10174283385276794, 0.03633332997560501, 0.11007784307003021, -0.0928286463022232, 0.05619101971387863, 0.05567128583788872, -0.09807027131319046, -0.046534936875104904, -0.034933604300022125, 0.010310479439795017, 0.04193071648478508, 0.0902000442147255, -0.07103682309389114, 0.043578799813985825, -0.05730506032705307, 0.023358779028058052, 0.01091668289154768, -0.10272291302680969, 0.032628919929265976, -0.07318384945392609, 0.054033312946558, -0.025146115571260452, 0.046673160046339035, 0.03968331962823868, 0.055310674011707306, 0.037746768444776535, 0.007868779823184013, -0.03294699266552925, 0.019837865605950356, -0.017793135717511177, 0.09225738048553467, -0.03971380740404129, -0.02415730245411396, 0.0038203641306608915, 0.08375650644302368, 0.03192051127552986, 0.10153751075267792, -0.03776842728257179, 0.048475172370672226, 0.0989827886223793, 0.0686568021774292, 0.027708496898412704, -0.13861563801765442, -0.10241401195526123, -0.13686838746070862, 0.05569241940975189, -0.09302151948213577, 0.11279477179050446, 0.11262078583240509, 0.009846237488090992, -0.001336153014563024, -0.05668718367815018, -0.05070978403091431, -0.11029316484928131, -0.16930226981639862, -0.05114737153053284, -0.18429550528526306, 0.004083117004483938, -0.09985283762216568, 0.03262002021074295, -0.015205948613584042, 0.07974236458539963, -0.06279896944761276, 0.14693765342235565, -0.030874067917466164, -0.10642679780721664, 0.08723951131105423, -0.02646205946803093, 0.06179042160511017, 0.015883799642324448, -0.030516520142555237, -0.06227798014879227, 0.0884874239563942, 0.008892434649169445, 0.06830094009637833, -0.05191086232662201, 0.017753437161445618, -0.08234263211488724, -0.06061476469039917, -0.0529819056391716, -0.001541786827147007, -0.0588202029466629, 0.04895880073308945, 0.07003206759691238, -0.036173976957798004, 0.005533890333026648, 0.22469016909599304, -0.08510945737361908, -0.06827464699745178, -0.11142825335264206, 0.18279491364955902, -0.026159072294831276, 0.06532386690378189, -0.06464528292417526, -0.0004895356833003461, -0.18524086475372314, 0.29037272930145264, 0.3184812068939209, -0.1207924634218216, 0.010239747352898121, -0.08400805294513702, 0.03014235571026802, 0.02129116840660572, 0.1195908710360527, 0.11507289856672287, 0.3289744257926941, -0.016831813380122185, 0.07573013752698898, 0.000727310311049223, -0.07403632998466492, -0.08231794834136963, -0.08061251789331436, 0.006389819085597992, -0.007205374538898468, -0.013070433400571346, 0.09758131951093674, -0.2681957185268402, 0.04134874790906906, -0.21967339515686035, -0.22570571303367615, -0.06088302284479141, 0.00047826903755776584, 0.12667691707611084, 0.06844621151685715, 0.14289328455924988, -0.022577576339244843, -0.030135303735733032, 0.03716005012392998, -0.019789887592196465, -0.18812355399131775, -0.08948531001806259, 0.11336420476436615, -0.1536027044057846, -0.04626674950122833, -0.02859976887702942, 0.07269129902124405, 0.06065453961491585, 0.048778336495161057, -0.01323414035141468, 0.04576821252703667, -0.020239846780896187, -0.06321240961551666, 0.0028854464180767536, 0.08622417598962784, 0.0050955042243003845, 0.06324340403079987, 0.053116824477910995, -0.22251175343990326, 0.01050957664847374, -0.06901746243238449, 0.046961709856987, -0.007435640320181847, 0.07717247307300568, -0.06579411029815674, 0.055667370557785034, 0.11375443637371063, -0.03774590045213699, -0.0060338908806443214, 0.03293558210134506, -0.026034820824861526, -0.06297355145215988, -0.11436876654624939, -0.1528674066066742, -0.23337474465370178, -0.13551613688468933, 0.04602082446217537, 0.012041687034070492, -0.16208027303218842, 0.00630534440279007, -0.11869043111801147, 0.07561225444078445, -0.06971550732851028, 0.11747834831476212, 0.09454485774040222, 0.04060683399438858, -0.0000024519747512385948, 0.09085829555988312, 0.04731873422861099, 0.0979892835021019, -0.095351941883564, -0.09965503960847855 ]
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. --> # bert-base-multilingual-cased-finetuned-squad This model is a fine-tuned version of [bert-base-multilingual-cased](https://huggingface.co/bert-base-multilingual-cased) on the None dataset. It achieves the following results on the evaluation set: - Loss: 0.4919 ## 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: 16 - eval_batch_size: 16 - seed: 42 - optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08 - lr_scheduler_type: linear - num_epochs: 3 ### Training results | Training Loss | Epoch | Step | Validation Loss | |:-------------:|:-----:|:----:|:---------------:| | 1.1782 | 1.0 | 579 | 0.5258 | | 0.4938 | 2.0 | 1158 | 0.4639 | | 0.32 | 3.0 | 1737 | 0.4919 | ### Framework versions - Transformers 4.15.0 - Pytorch 1.10.0+cu111 - Datasets 1.17.0 - Tokenizers 0.10.3
{"license": "apache-2.0", "tags": ["generated_from_trainer"], "model-index": [{"name": "bert-base-multilingual-cased-finetuned-squad", "results": []}]}
question-answering
Khanh/bert-base-multilingual-cased-finetuned-squad
[ "transformers", "pytorch", "tensorboard", "bert", "question-answering", "generated_from_trainer", "license:apache-2.0", "endpoints_compatible", "region:us" ]
2022-03-02T23:29:04+00:00
[]
[]
TAGS #transformers #pytorch #tensorboard #bert #question-answering #generated_from_trainer #license-apache-2.0 #endpoints_compatible #region-us
bert-base-multilingual-cased-finetuned-squad ============================================ This model is a fine-tuned version of bert-base-multilingual-cased on the None dataset. It achieves the following results on the evaluation set: * Loss: 0.4919 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: 16 * eval\_batch\_size: 16 * seed: 42 * optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08 * lr\_scheduler\_type: linear * num\_epochs: 3 ### Training results ### Framework versions * Transformers 4.15.0 * Pytorch 1.10.0+cu111 * Datasets 1.17.0 * Tokenizers 0.10.3
[ "### Training hyperparameters\n\n\nThe following hyperparameters were used during training:\n\n\n* learning\\_rate: 2e-05\n* train\\_batch\\_size: 16\n* eval\\_batch\\_size: 16\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", "### Training results", "### Framework versions\n\n\n* Transformers 4.15.0\n* Pytorch 1.10.0+cu111\n* Datasets 1.17.0\n* Tokenizers 0.10.3" ]
[ "TAGS\n#transformers #pytorch #tensorboard #bert #question-answering #generated_from_trainer #license-apache-2.0 #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: 16\n* eval\\_batch\\_size: 16\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", "### Training results", "### Framework versions\n\n\n* Transformers 4.15.0\n* Pytorch 1.10.0+cu111\n* Datasets 1.17.0\n* Tokenizers 0.10.3" ]
[ 48, 98, 4, 33 ]
[ "passage: TAGS\n#transformers #pytorch #tensorboard #bert #question-answering #generated_from_trainer #license-apache-2.0 #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: 16\n* eval\\_batch\\_size: 16\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### Training results### Framework versions\n\n\n* Transformers 4.15.0\n* Pytorch 1.10.0+cu111\n* Datasets 1.17.0\n* Tokenizers 0.10.3" ]
[ -0.08914545178413391, 0.057503219693899155, -0.0016140509396791458, 0.11532987654209137, 0.17587001621723175, 0.02728365734219551, 0.10399696975946426, 0.11160171031951904, -0.10792303085327148, 0.03525716811418533, 0.12413422018289566, 0.15918655693531036, 0.0052014924585819244, 0.05659395828843117, -0.048507846891880035, -0.231133371591568, -0.025694336742162704, 0.03944993391633034, -0.1061583161354065, 0.13233330845832825, 0.0736350566148758, -0.1597299724817276, 0.07162079960107803, -0.007439969107508659, -0.22796551883220673, 0.022962044924497604, 0.009860293008387089, -0.04412946477532387, 0.14651525020599365, 0.0027211871929466724, 0.13964451849460602, -0.004376502241939306, 0.09066581726074219, -0.18719784915447235, 0.013952964916825294, 0.06534706801176071, 0.009082996286451817, 0.08049532026052475, 0.05423872172832489, 0.01289578340947628, 0.10414687544107437, -0.09156187623739243, 0.053803715854883194, 0.016516773030161858, -0.1273995041847229, -0.24225199222564697, -0.10338086634874344, 0.006900268141180277, 0.057016707956790924, 0.11182326078414917, -0.004354720003902912, 0.16461150348186493, -0.11172590404748917, 0.08772405982017517, 0.2565155625343323, -0.3007168769836426, -0.0834711566567421, 0.05303163826465607, 0.012795640155673027, 0.08449146896600723, -0.11336978524923325, -0.020808298140764236, 0.06187755614519119, 0.05392714962363243, 0.1123105138540268, -0.038859814405441284, -0.12109023332595825, 0.0444766990840435, -0.15081416070461273, -0.01984051987528801, 0.07646382600069046, 0.04568520560860634, -0.021343238651752472, -0.006619448773562908, -0.06092903017997742, -0.1356024593114853, -0.033483318984508514, -0.027767349034547806, 0.06153269484639168, -0.05248996615409851, -0.09616415947675705, 0.0021788140293210745, -0.10169122368097305, -0.08224166929721832, -0.07342835515737534, 0.1365291029214859, 0.043442338705062866, 0.03095446713268757, -0.050403229892253876, 0.09946742653846741, -0.01450781524181366, -0.13717766106128693, 0.0336633063852787, 0.038447074592113495, -0.01914561539888382, -0.04448486119508743, -0.06406669318675995, -0.07362116873264313, 0.028413791209459305, 0.10347805172204971, -0.07028395682573318, 0.04226294532418251, 0.03339296206831932, 0.041473835706710815, -0.10422545671463013, 0.1844356209039688, -0.06080283969640732, -0.026149727404117584, -0.008526400662958622, 0.0486873984336853, -0.0019908915273845196, -0.002782106399536133, -0.08974980562925339, 0.003888569073751569, 0.08930660784244537, 0.015626033768057823, -0.04681340977549553, 0.04979879409074783, -0.03415435925126076, -0.007951367646455765, -0.03733852878212929, -0.08829215914011002, 0.04326105862855911, -0.0035562559496611357, -0.09242180734872818, 0.0005761341308243573, 0.007316316943615675, 0.016766751185059547, -0.006577278953045607, 0.1435927450656891, -0.0923311784863472, 0.04160881042480469, -0.11655062437057495, -0.10304099321365356, 0.025642091408371925, -0.05734346807003021, 0.022182170301675797, -0.0775393694639206, -0.14118793606758118, -0.015580751933157444, 0.06736614555120468, -0.03538398817181587, -0.02764434739947319, -0.028425127267837524, -0.0943349078297615, -0.010586663149297237, -0.023221319541335106, 0.18706484138965607, -0.05678022652864456, 0.12079528719186783, 0.04746749997138977, 0.07095048576593399, -0.049847740679979324, 0.048108816146850586, -0.09321851283311844, 0.0073285410180687904, -0.19961129128932953, 0.01545692142099142, -0.06820869445800781, 0.07600008696317673, -0.08990450948476791, -0.11990050971508026, 0.016231371089816093, -0.012503248639404774, 0.09631094336509705, 0.08159616589546204, -0.17472875118255615, -0.06543052196502686, 0.15029658377170563, -0.05074181407690048, -0.13271836936473846, 0.11765829473733902, -0.05767215043306351, 0.025120900943875313, 0.07433432340621948, 0.16606950759887695, 0.02618471346795559, -0.10721760988235474, 0.01688106544315815, -0.01840209774672985, 0.05424070730805397, -0.06695748120546341, 0.055917900055646896, -0.001450450043193996, 0.01813434064388275, 0.02521696873009205, -0.06075892597436905, 0.05616516247391701, -0.1194215714931488, -0.09207358211278915, -0.04925130307674408, -0.10952452570199966, 0.027450526133179665, 0.08757293224334717, 0.07930384576320648, -0.10787228494882584, -0.07116430997848511, 0.08360940217971802, 0.05943051353096962, -0.05420837551355362, 0.028965258970856667, -0.05901164934039116, 0.06252741813659668, -0.06121877580881119, -0.026635782793164253, -0.19068601727485657, -0.025353651493787766, -0.0026194583624601364, 0.00753070879727602, 0.03064989112317562, 0.039176564663648605, 0.08453720062971115, 0.043537914752960205, -0.06373143196105957, -0.0023766905069351196, -0.048384010791778564, -0.005586167331784964, -0.14158228039741516, -0.21085330843925476, -0.02539811097085476, -0.009064271114766598, 0.0679791197180748, -0.19091631472110748, 0.02038363181054592, -0.03207580745220184, 0.07640073448419571, -0.00199403939768672, -0.0059423502534627914, -0.0637584924697876, 0.09604401141405106, -0.005291610024869442, -0.04455869644880295, 0.067350372672081, -0.013481237925589085, -0.07730704545974731, -0.0826697051525116, -0.07266977429389954, 0.17862944304943085, 0.146369069814682, -0.14544054865837097, -0.07200635224580765, 0.017642546445131302, -0.06391093134880066, -0.029288657009601593, -0.04930030182003975, 0.053144726902246475, 0.18108148872852325, -0.003816091688349843, 0.12712110579013824, -0.07638368010520935, -0.04473158344626427, 0.010917342267930508, -0.03174925222992897, 0.0562911219894886, 0.1192333921790123, 0.14066961407661438, -0.06148511543869972, 0.13449569046497345, 0.17032934725284576, -0.12146571278572083, 0.09557022899389267, -0.055723417550325394, -0.0894867554306984, -0.02589118480682373, -0.007759986910969019, -0.00085879658581689, 0.12855012714862823, -0.12424226850271225, 0.004514691419899464, 0.01170586608350277, 0.023327432572841644, 0.02765479125082493, -0.23957353830337524, -0.061111126095056534, 0.017017900943756104, -0.03624006360769272, -0.02772572450339794, -0.02006419375538826, 0.018282635137438774, 0.1090526133775711, -0.006270939018577337, -0.06646476686000824, 0.02377564273774624, -0.0064892214722931385, -0.06040431186556816, 0.2126384973526001, -0.06582682579755783, -0.08161570876836777, -0.08166465908288956, -0.06106654554605484, -0.03895535320043564, -0.010717125609517097, 0.05716152861714363, -0.11681252717971802, -0.016530541703104973, -0.03844404220581055, 0.024260710924863815, 0.0034719721879810095, 0.03696295991539955, 0.0157546978443861, -0.0024847458116710186, 0.07864148914813995, -0.11866724491119385, 0.0026758438907563686, -0.06706024706363678, -0.08282843977212906, 0.04502466693520546, 0.07187812775373459, 0.13014833629131317, 0.1500435322523117, -0.02734096348285675, 0.0015396157978102565, -0.02083183266222477, 0.2566448748111725, -0.06912373006343842, -0.04736227169632912, 0.12744073569774628, 0.00030311508453451097, 0.05820269137620926, 0.09967374801635742, 0.08866651356220245, -0.1032431349158287, 0.010453693568706512, 0.04723711311817169, -0.03633497655391693, -0.23960386216640472, -0.016820617020130157, -0.05308590456843376, -0.03913674131035805, 0.06744269281625748, 0.02347741834819317, 0.026248019188642502, 0.06103008985519409, 0.05626488849520683, 0.0689237043261528, -0.06620609760284424, 0.04015989229083061, 0.09693840891122818, 0.04582533612847328, 0.11619208008050919, -0.047134093940258026, -0.07218410074710846, 0.02346901036798954, -0.01202561054378748, 0.24023473262786865, -0.0008096497040241957, 0.10473594814538956, 0.07517261803150177, 0.20926745235919952, -0.01728784292936325, 0.0767873227596283, -0.01756730116903782, -0.06320266425609589, -0.008664712309837341, -0.04244758561253548, -0.02300061658024788, 0.006399554666131735, -0.04565541446208954, 0.0687776580452919, -0.09568832069635391, -0.026651576161384583, 0.06276563555002213, 0.2565896213054657, 0.010511154308915138, -0.28717973828315735, -0.06293030083179474, -0.0051417481154203415, -0.03363662585616112, 0.007170789409428835, 0.016776634380221367, 0.11824607849121094, -0.08033155649900436, 0.01048740092664957, -0.06849605590105057, 0.10258512943983078, 0.006610456854104996, 0.047993481159210205, 0.07386098802089691, 0.10172215849161148, 0.007863041944801807, 0.0756116434931755, -0.3263399600982666, 0.2848644256591797, 0.006283029913902283, 0.09551527351140976, -0.0736621841788292, -0.014657527208328247, 0.02287842333316803, 0.019358670338988304, 0.05777881667017937, -0.02065407484769821, 0.0023285862989723682, -0.17633572220802307, -0.02433568425476551, 0.04772723838686943, 0.10901901870965958, -0.0027149503584951162, 0.09795775264501572, -0.013734152540564537, 0.007566224783658981, 0.08369006961584091, 0.00727959955111146, -0.06324279308319092, -0.06563826650381088, -0.028533020988106728, 0.004109872505068779, -0.07141227275133133, -0.06494658440351486, -0.10868994891643524, -0.14752431213855743, 0.11446364223957062, 0.011882929131388664, -0.010706081986427307, -0.10537071526050568, 0.10767679661512375, 0.09894898533821106, -0.07627400755882263, 0.031175347045063972, 0.0213890690356493, 0.02336001582443714, 0.04304046556353569, -0.060738928616046906, 0.10666227340698242, -0.060013700276613235, -0.15440316498279572, -0.05597369372844696, 0.0896095260977745, 0.04536215215921402, 0.07270090281963348, -0.01566554419696331, 0.01604015752673149, -0.03953477367758751, -0.10204532742500305, 0.03152468800544739, -0.04088756814599037, 0.08082126080989838, 0.00929757859557867, -0.029980922117829323, 0.036988623440265656, -0.05904949828982353, -0.019486203789711, 0.17406076192855835, 0.247580423951149, -0.0921984612941742, -0.007588311098515987, 0.045358654111623764, -0.05268115922808647, -0.1828208714723587, 0.08535641431808472, 0.06782103329896927, -0.01201340276747942, 0.06131255254149437, -0.14904993772506714, 0.1684865653514862, 0.11642926931381226, -0.01124358270317316, 0.10942260921001434, -0.3525781035423279, -0.11990111321210861, 0.08395112305879593, 0.17823652923107147, 0.13082365691661835, -0.1723843812942505, -0.016916600987315178, -0.012461203150451183, -0.15895617008209229, 0.10159315913915634, -0.11500713229179382, 0.10901051759719849, -0.02425600215792656, 0.10357372462749481, -0.0009114465792663395, -0.0764995738863945, 0.12176012247800827, 0.010908315889537334, 0.11311463266611099, -0.053026992827653885, -0.037466056644916534, 0.05855102464556694, -0.019397424533963203, -0.0019219911191612482, -0.06107492744922638, 0.028746597468852997, -0.06492539495229721, -0.011983600445091724, -0.10363763570785522, 0.03187711536884308, -0.04322577267885208, -0.05842976272106171, -0.036263998597860336, 0.02770855836570263, 0.045102592557668686, -0.016433002427220345, 0.11750063300132751, 0.022890428081154823, 0.16407589614391327, 0.07624803483486176, 0.06436847150325775, -0.06984905898571014, -0.08945311605930328, 0.0014257569564506412, -0.010585462674498558, 0.06264656037092209, -0.15040791034698486, 0.019133472815155983, 0.15858352184295654, 0.04080996289849281, 0.11152570694684982, 0.08427828550338745, -0.03536931425333023, 0.01062531303614378, 0.05536416918039322, -0.15781311690807343, -0.11558269709348679, 0.024654587730765343, -0.05796736106276512, -0.10712649673223495, 0.060681965202093124, 0.062493979930877686, -0.06535661220550537, -0.005572287365794182, 0.0000020161674001428764, -0.011650115251541138, -0.07733794301748276, 0.21660801768302917, 0.0825200006365776, 0.043754562735557556, -0.10730025172233582, 0.07299959659576416, 0.048555638641119, -0.1009429320693016, -0.008959434926509857, 0.0698951706290245, -0.059013839811086655, -0.02596745453774929, 0.1171719953417778, 0.18189400434494019, -0.05295110121369362, -0.027759866788983345, -0.13793981075286865, -0.10841310769319534, 0.06884347647428513, 0.17426659166812897, 0.10959094017744064, -0.011894927360117435, -0.043198563158512115, 0.034811973571777344, -0.12324412912130356, 0.07402089983224869, 0.027049247175455093, 0.06953663378953934, -0.12705941498279572, 0.1555747538805008, 0.010126874782145023, 0.04232097789645195, -0.022150207310914993, 0.051282186061143875, -0.11686494201421738, 0.03539641201496124, -0.1412140130996704, -0.05005362257361412, -0.01194503903388977, -0.01350176241248846, -0.0021747087594121695, -0.08806045353412628, -0.07348297536373138, 0.016857106238603592, -0.13332729041576385, -0.01971944235265255, 0.05386890843510628, 0.0365765318274498, -0.14493055641651154, -0.03876436501741409, 0.03612540289759636, -0.045297808945178986, 0.04255324602127075, 0.05085093155503273, 0.01400754600763321, 0.0810251384973526, -0.17858047783374786, -0.02534370869398117, 0.05034644156694412, 0.009170823730528355, 0.09227696806192398, -0.06364943087100983, -0.02186262607574463, -0.0006020793807692826, 0.09747668355703354, 0.0223834365606308, 0.04719976335763931, -0.1394641250371933, -0.013411198742687702, -0.03309279680252075, -0.09752242267131805, -0.056665800511837006, 0.005738117266446352, 0.09584098309278488, 0.019912779331207275, 0.18847393989562988, -0.07009010016918182, 0.05568906292319298, -0.2260379046201706, -0.0070390901528298855, -0.012823587283492088, -0.09287898242473602, -0.11322230845689774, -0.04681205749511719, 0.07432673126459122, -0.06397288292646408, 0.1254676878452301, 0.008494256995618343, 0.06268122792243958, 0.03429776430130005, -0.03609171882271767, 0.010753563605248928, 0.023279134184122086, 0.23907417058944702, 0.03092147409915924, -0.025377217680215836, 0.06761675328016281, 0.06404877454042435, 0.07757028192281723, 0.10395614057779312, 0.2265041321516037, 0.1849115788936615, 0.010645943693816662, 0.07764840126037598, 0.042615823447704315, -0.0523771196603775, -0.13386143743991852, 0.041670411825180054, -0.04105495661497116, 0.0851527526974678, -0.030253680422902107, 0.23521766066551208, 0.06337718665599823, -0.17348292469978333, 0.05089240148663521, -0.08139868825674057, -0.09070809930562973, -0.09411460161209106, 0.00325198657810688, -0.07209891080856323, -0.1578041911125183, 0.023192619904875755, -0.11405394971370697, 0.029011458158493042, 0.147065669298172, 0.016472147777676582, -0.022000694647431374, 0.18796539306640625, 0.04685922712087631, 0.04570762440562248, 0.04273871332406998, 0.004923447035253048, -0.021815938875079155, -0.0855475589632988, -0.04922111704945564, -0.019447721540927887, -0.023989859968423843, 0.038838375359773636, -0.056140728294849396, -0.10244139283895493, 0.031164923682808876, -0.019444115459918976, -0.09480936080217361, 0.020175140351057053, 0.024450713768601418, 0.08271778374910355, 0.05469837784767151, 0.004628213122487068, 0.03232944756746292, -0.026998842135071754, 0.2288156896829605, -0.09196648746728897, -0.08844488114118576, -0.09160447120666504, 0.24845606088638306, 0.031069353222846985, -0.00797430332750082, 0.024637727066874504, -0.07029705494642258, 0.0011545374291017652, 0.24416999518871307, 0.18244445323944092, -0.12664003670215607, -0.015263412147760391, 0.011041833087801933, -0.009984154254198074, -0.05576518177986145, 0.10792560130357742, 0.14964179694652557, 0.04924152418971062, -0.11834850162267685, -0.03731127083301544, -0.06758043169975281, -0.014593585394322872, -0.0395270474255085, 0.04256799444556236, 0.05764589458703995, 0.0018283457029610872, -0.046006351709365845, 0.07576315850019455, -0.05715017393231392, -0.1488703042268753, 0.07690665125846863, -0.2110549509525299, -0.1695379614830017, -0.013958454132080078, 0.13857395946979523, -0.0064605893567204475, 0.06361360102891922, -0.03455514833331108, 0.010222124867141247, 0.04829849675297737, -0.025858424603939056, -0.07087799906730652, -0.101326584815979, 0.11699939519166946, -0.1078789085149765, 0.1979021430015564, -0.03864986449480057, 0.0890113115310669, 0.12798596918582916, 0.05881567299365997, -0.06537915021181107, 0.0579991452395916, 0.0632476955652237, -0.13662053644657135, 0.0021609163377434015, 0.08652154356241226, -0.02150397002696991, 0.052460264414548874, 0.044695895165205, -0.1176488921046257, 0.02303455024957657, -0.04790601134300232, -0.032511524856090546, -0.06232602521777153, -0.043969009071588516, -0.06457839161157608, 0.1174972653388977, 0.22635582089424133, -0.026324816048145294, 0.032202381640672684, -0.07932505011558533, 0.015541065484285355, 0.04936914145946503, 0.04634208604693413, -0.0948411375284195, -0.22447608411312103, 0.029348688200116158, 0.06345114856958389, -0.037876565009355545, -0.2056373655796051, -0.09078117460012436, 0.029740620404481888, -0.07541532814502716, -0.0843740850687027, 0.06440865993499756, 0.09089987725019455, 0.05973908305168152, -0.04422174021601677, -0.12516307830810547, -0.08665695041418076, 0.1581984907388687, -0.15268611907958984, -0.08308115601539612 ]
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. --> # bert-base-multilingual-cased-finetuned-viquad This model is a fine-tuned version of [bert-base-multilingual-cased](https://huggingface.co/bert-base-multilingual-cased) on the None dataset. It achieves the following results on the evaluation set: - Loss: 1.9815 ## 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: 16 - eval_batch_size: 16 - seed: 42 - optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08 - lr_scheduler_type: linear - num_epochs: 3 ### Training results | Training Loss | Epoch | Step | Validation Loss | |:-------------:|:-----:|:----:|:---------------:| | No log | 1.0 | 65 | 2.5534 | | No log | 2.0 | 130 | 2.1165 | | No log | 3.0 | 195 | 1.9815 | ### Framework versions - Transformers 4.15.0 - Pytorch 1.10.0+cu111 - Datasets 1.17.0 - Tokenizers 0.10.3
{"license": "apache-2.0", "tags": ["generated_from_trainer"], "model-index": [{"name": "bert-base-multilingual-cased-finetuned-viquad", "results": []}]}
question-answering
Khanh/bert-base-multilingual-cased-finetuned-viquad
[ "transformers", "pytorch", "tensorboard", "bert", "question-answering", "generated_from_trainer", "license:apache-2.0", "endpoints_compatible", "region:us" ]
2022-03-02T23:29:04+00:00
[]
[]
TAGS #transformers #pytorch #tensorboard #bert #question-answering #generated_from_trainer #license-apache-2.0 #endpoints_compatible #region-us
bert-base-multilingual-cased-finetuned-viquad ============================================= This model is a fine-tuned version of bert-base-multilingual-cased on the None dataset. It achieves the following results on the evaluation set: * Loss: 1.9815 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: 16 * eval\_batch\_size: 16 * seed: 42 * optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08 * lr\_scheduler\_type: linear * num\_epochs: 3 ### Training results ### Framework versions * Transformers 4.15.0 * Pytorch 1.10.0+cu111 * Datasets 1.17.0 * Tokenizers 0.10.3
[ "### Training hyperparameters\n\n\nThe following hyperparameters were used during training:\n\n\n* learning\\_rate: 2e-05\n* train\\_batch\\_size: 16\n* eval\\_batch\\_size: 16\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", "### Training results", "### Framework versions\n\n\n* Transformers 4.15.0\n* Pytorch 1.10.0+cu111\n* Datasets 1.17.0\n* Tokenizers 0.10.3" ]
[ "TAGS\n#transformers #pytorch #tensorboard #bert #question-answering #generated_from_trainer #license-apache-2.0 #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: 16\n* eval\\_batch\\_size: 16\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", "### Training results", "### Framework versions\n\n\n* Transformers 4.15.0\n* Pytorch 1.10.0+cu111\n* Datasets 1.17.0\n* Tokenizers 0.10.3" ]
[ 48, 98, 4, 33 ]
[ "passage: TAGS\n#transformers #pytorch #tensorboard #bert #question-answering #generated_from_trainer #license-apache-2.0 #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: 16\n* eval\\_batch\\_size: 16\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### Training results### Framework versions\n\n\n* Transformers 4.15.0\n* Pytorch 1.10.0+cu111\n* Datasets 1.17.0\n* Tokenizers 0.10.3" ]
[ -0.08914545178413391, 0.057503219693899155, -0.0016140509396791458, 0.11532987654209137, 0.17587001621723175, 0.02728365734219551, 0.10399696975946426, 0.11160171031951904, -0.10792303085327148, 0.03525716811418533, 0.12413422018289566, 0.15918655693531036, 0.0052014924585819244, 0.05659395828843117, -0.048507846891880035, -0.231133371591568, -0.025694336742162704, 0.03944993391633034, -0.1061583161354065, 0.13233330845832825, 0.0736350566148758, -0.1597299724817276, 0.07162079960107803, -0.007439969107508659, -0.22796551883220673, 0.022962044924497604, 0.009860293008387089, -0.04412946477532387, 0.14651525020599365, 0.0027211871929466724, 0.13964451849460602, -0.004376502241939306, 0.09066581726074219, -0.18719784915447235, 0.013952964916825294, 0.06534706801176071, 0.009082996286451817, 0.08049532026052475, 0.05423872172832489, 0.01289578340947628, 0.10414687544107437, -0.09156187623739243, 0.053803715854883194, 0.016516773030161858, -0.1273995041847229, -0.24225199222564697, -0.10338086634874344, 0.006900268141180277, 0.057016707956790924, 0.11182326078414917, -0.004354720003902912, 0.16461150348186493, -0.11172590404748917, 0.08772405982017517, 0.2565155625343323, -0.3007168769836426, -0.0834711566567421, 0.05303163826465607, 0.012795640155673027, 0.08449146896600723, -0.11336978524923325, -0.020808298140764236, 0.06187755614519119, 0.05392714962363243, 0.1123105138540268, -0.038859814405441284, -0.12109023332595825, 0.0444766990840435, -0.15081416070461273, -0.01984051987528801, 0.07646382600069046, 0.04568520560860634, -0.021343238651752472, -0.006619448773562908, -0.06092903017997742, -0.1356024593114853, -0.033483318984508514, -0.027767349034547806, 0.06153269484639168, -0.05248996615409851, -0.09616415947675705, 0.0021788140293210745, -0.10169122368097305, -0.08224166929721832, -0.07342835515737534, 0.1365291029214859, 0.043442338705062866, 0.03095446713268757, -0.050403229892253876, 0.09946742653846741, -0.01450781524181366, -0.13717766106128693, 0.0336633063852787, 0.038447074592113495, -0.01914561539888382, -0.04448486119508743, -0.06406669318675995, -0.07362116873264313, 0.028413791209459305, 0.10347805172204971, -0.07028395682573318, 0.04226294532418251, 0.03339296206831932, 0.041473835706710815, -0.10422545671463013, 0.1844356209039688, -0.06080283969640732, -0.026149727404117584, -0.008526400662958622, 0.0486873984336853, -0.0019908915273845196, -0.002782106399536133, -0.08974980562925339, 0.003888569073751569, 0.08930660784244537, 0.015626033768057823, -0.04681340977549553, 0.04979879409074783, -0.03415435925126076, -0.007951367646455765, -0.03733852878212929, -0.08829215914011002, 0.04326105862855911, -0.0035562559496611357, -0.09242180734872818, 0.0005761341308243573, 0.007316316943615675, 0.016766751185059547, -0.006577278953045607, 0.1435927450656891, -0.0923311784863472, 0.04160881042480469, -0.11655062437057495, -0.10304099321365356, 0.025642091408371925, -0.05734346807003021, 0.022182170301675797, -0.0775393694639206, -0.14118793606758118, -0.015580751933157444, 0.06736614555120468, -0.03538398817181587, -0.02764434739947319, -0.028425127267837524, -0.0943349078297615, -0.010586663149297237, -0.023221319541335106, 0.18706484138965607, -0.05678022652864456, 0.12079528719186783, 0.04746749997138977, 0.07095048576593399, -0.049847740679979324, 0.048108816146850586, -0.09321851283311844, 0.0073285410180687904, -0.19961129128932953, 0.01545692142099142, -0.06820869445800781, 0.07600008696317673, -0.08990450948476791, -0.11990050971508026, 0.016231371089816093, -0.012503248639404774, 0.09631094336509705, 0.08159616589546204, -0.17472875118255615, -0.06543052196502686, 0.15029658377170563, -0.05074181407690048, -0.13271836936473846, 0.11765829473733902, -0.05767215043306351, 0.025120900943875313, 0.07433432340621948, 0.16606950759887695, 0.02618471346795559, -0.10721760988235474, 0.01688106544315815, -0.01840209774672985, 0.05424070730805397, -0.06695748120546341, 0.055917900055646896, -0.001450450043193996, 0.01813434064388275, 0.02521696873009205, -0.06075892597436905, 0.05616516247391701, -0.1194215714931488, -0.09207358211278915, -0.04925130307674408, -0.10952452570199966, 0.027450526133179665, 0.08757293224334717, 0.07930384576320648, -0.10787228494882584, -0.07116430997848511, 0.08360940217971802, 0.05943051353096962, -0.05420837551355362, 0.028965258970856667, -0.05901164934039116, 0.06252741813659668, -0.06121877580881119, -0.026635782793164253, -0.19068601727485657, -0.025353651493787766, -0.0026194583624601364, 0.00753070879727602, 0.03064989112317562, 0.039176564663648605, 0.08453720062971115, 0.043537914752960205, -0.06373143196105957, -0.0023766905069351196, -0.048384010791778564, -0.005586167331784964, -0.14158228039741516, -0.21085330843925476, -0.02539811097085476, -0.009064271114766598, 0.0679791197180748, -0.19091631472110748, 0.02038363181054592, -0.03207580745220184, 0.07640073448419571, -0.00199403939768672, -0.0059423502534627914, -0.0637584924697876, 0.09604401141405106, -0.005291610024869442, -0.04455869644880295, 0.067350372672081, -0.013481237925589085, -0.07730704545974731, -0.0826697051525116, -0.07266977429389954, 0.17862944304943085, 0.146369069814682, -0.14544054865837097, -0.07200635224580765, 0.017642546445131302, -0.06391093134880066, -0.029288657009601593, -0.04930030182003975, 0.053144726902246475, 0.18108148872852325, -0.003816091688349843, 0.12712110579013824, -0.07638368010520935, -0.04473158344626427, 0.010917342267930508, -0.03174925222992897, 0.0562911219894886, 0.1192333921790123, 0.14066961407661438, -0.06148511543869972, 0.13449569046497345, 0.17032934725284576, -0.12146571278572083, 0.09557022899389267, -0.055723417550325394, -0.0894867554306984, -0.02589118480682373, -0.007759986910969019, -0.00085879658581689, 0.12855012714862823, -0.12424226850271225, 0.004514691419899464, 0.01170586608350277, 0.023327432572841644, 0.02765479125082493, -0.23957353830337524, -0.061111126095056534, 0.017017900943756104, -0.03624006360769272, -0.02772572450339794, -0.02006419375538826, 0.018282635137438774, 0.1090526133775711, -0.006270939018577337, -0.06646476686000824, 0.02377564273774624, -0.0064892214722931385, -0.06040431186556816, 0.2126384973526001, -0.06582682579755783, -0.08161570876836777, -0.08166465908288956, -0.06106654554605484, -0.03895535320043564, -0.010717125609517097, 0.05716152861714363, -0.11681252717971802, -0.016530541703104973, -0.03844404220581055, 0.024260710924863815, 0.0034719721879810095, 0.03696295991539955, 0.0157546978443861, -0.0024847458116710186, 0.07864148914813995, -0.11866724491119385, 0.0026758438907563686, -0.06706024706363678, -0.08282843977212906, 0.04502466693520546, 0.07187812775373459, 0.13014833629131317, 0.1500435322523117, -0.02734096348285675, 0.0015396157978102565, -0.02083183266222477, 0.2566448748111725, -0.06912373006343842, -0.04736227169632912, 0.12744073569774628, 0.00030311508453451097, 0.05820269137620926, 0.09967374801635742, 0.08866651356220245, -0.1032431349158287, 0.010453693568706512, 0.04723711311817169, -0.03633497655391693, -0.23960386216640472, -0.016820617020130157, -0.05308590456843376, -0.03913674131035805, 0.06744269281625748, 0.02347741834819317, 0.026248019188642502, 0.06103008985519409, 0.05626488849520683, 0.0689237043261528, -0.06620609760284424, 0.04015989229083061, 0.09693840891122818, 0.04582533612847328, 0.11619208008050919, -0.047134093940258026, -0.07218410074710846, 0.02346901036798954, -0.01202561054378748, 0.24023473262786865, -0.0008096497040241957, 0.10473594814538956, 0.07517261803150177, 0.20926745235919952, -0.01728784292936325, 0.0767873227596283, -0.01756730116903782, -0.06320266425609589, -0.008664712309837341, -0.04244758561253548, -0.02300061658024788, 0.006399554666131735, -0.04565541446208954, 0.0687776580452919, -0.09568832069635391, -0.026651576161384583, 0.06276563555002213, 0.2565896213054657, 0.010511154308915138, -0.28717973828315735, -0.06293030083179474, -0.0051417481154203415, -0.03363662585616112, 0.007170789409428835, 0.016776634380221367, 0.11824607849121094, -0.08033155649900436, 0.01048740092664957, -0.06849605590105057, 0.10258512943983078, 0.006610456854104996, 0.047993481159210205, 0.07386098802089691, 0.10172215849161148, 0.007863041944801807, 0.0756116434931755, -0.3263399600982666, 0.2848644256591797, 0.006283029913902283, 0.09551527351140976, -0.0736621841788292, -0.014657527208328247, 0.02287842333316803, 0.019358670338988304, 0.05777881667017937, -0.02065407484769821, 0.0023285862989723682, -0.17633572220802307, -0.02433568425476551, 0.04772723838686943, 0.10901901870965958, -0.0027149503584951162, 0.09795775264501572, -0.013734152540564537, 0.007566224783658981, 0.08369006961584091, 0.00727959955111146, -0.06324279308319092, -0.06563826650381088, -0.028533020988106728, 0.004109872505068779, -0.07141227275133133, -0.06494658440351486, -0.10868994891643524, -0.14752431213855743, 0.11446364223957062, 0.011882929131388664, -0.010706081986427307, -0.10537071526050568, 0.10767679661512375, 0.09894898533821106, -0.07627400755882263, 0.031175347045063972, 0.0213890690356493, 0.02336001582443714, 0.04304046556353569, -0.060738928616046906, 0.10666227340698242, -0.060013700276613235, -0.15440316498279572, -0.05597369372844696, 0.0896095260977745, 0.04536215215921402, 0.07270090281963348, -0.01566554419696331, 0.01604015752673149, -0.03953477367758751, -0.10204532742500305, 0.03152468800544739, -0.04088756814599037, 0.08082126080989838, 0.00929757859557867, -0.029980922117829323, 0.036988623440265656, -0.05904949828982353, -0.019486203789711, 0.17406076192855835, 0.247580423951149, -0.0921984612941742, -0.007588311098515987, 0.045358654111623764, -0.05268115922808647, -0.1828208714723587, 0.08535641431808472, 0.06782103329896927, -0.01201340276747942, 0.06131255254149437, -0.14904993772506714, 0.1684865653514862, 0.11642926931381226, -0.01124358270317316, 0.10942260921001434, -0.3525781035423279, -0.11990111321210861, 0.08395112305879593, 0.17823652923107147, 0.13082365691661835, -0.1723843812942505, -0.016916600987315178, -0.012461203150451183, -0.15895617008209229, 0.10159315913915634, -0.11500713229179382, 0.10901051759719849, -0.02425600215792656, 0.10357372462749481, -0.0009114465792663395, -0.0764995738863945, 0.12176012247800827, 0.010908315889537334, 0.11311463266611099, -0.053026992827653885, -0.037466056644916534, 0.05855102464556694, -0.019397424533963203, -0.0019219911191612482, -0.06107492744922638, 0.028746597468852997, -0.06492539495229721, -0.011983600445091724, -0.10363763570785522, 0.03187711536884308, -0.04322577267885208, -0.05842976272106171, -0.036263998597860336, 0.02770855836570263, 0.045102592557668686, -0.016433002427220345, 0.11750063300132751, 0.022890428081154823, 0.16407589614391327, 0.07624803483486176, 0.06436847150325775, -0.06984905898571014, -0.08945311605930328, 0.0014257569564506412, -0.010585462674498558, 0.06264656037092209, -0.15040791034698486, 0.019133472815155983, 0.15858352184295654, 0.04080996289849281, 0.11152570694684982, 0.08427828550338745, -0.03536931425333023, 0.01062531303614378, 0.05536416918039322, -0.15781311690807343, -0.11558269709348679, 0.024654587730765343, -0.05796736106276512, -0.10712649673223495, 0.060681965202093124, 0.062493979930877686, -0.06535661220550537, -0.005572287365794182, 0.0000020161674001428764, -0.011650115251541138, -0.07733794301748276, 0.21660801768302917, 0.0825200006365776, 0.043754562735557556, -0.10730025172233582, 0.07299959659576416, 0.048555638641119, -0.1009429320693016, -0.008959434926509857, 0.0698951706290245, -0.059013839811086655, -0.02596745453774929, 0.1171719953417778, 0.18189400434494019, -0.05295110121369362, -0.027759866788983345, -0.13793981075286865, -0.10841310769319534, 0.06884347647428513, 0.17426659166812897, 0.10959094017744064, -0.011894927360117435, -0.043198563158512115, 0.034811973571777344, -0.12324412912130356, 0.07402089983224869, 0.027049247175455093, 0.06953663378953934, -0.12705941498279572, 0.1555747538805008, 0.010126874782145023, 0.04232097789645195, -0.022150207310914993, 0.051282186061143875, -0.11686494201421738, 0.03539641201496124, -0.1412140130996704, -0.05005362257361412, -0.01194503903388977, -0.01350176241248846, -0.0021747087594121695, -0.08806045353412628, -0.07348297536373138, 0.016857106238603592, -0.13332729041576385, -0.01971944235265255, 0.05386890843510628, 0.0365765318274498, -0.14493055641651154, -0.03876436501741409, 0.03612540289759636, -0.045297808945178986, 0.04255324602127075, 0.05085093155503273, 0.01400754600763321, 0.0810251384973526, -0.17858047783374786, -0.02534370869398117, 0.05034644156694412, 0.009170823730528355, 0.09227696806192398, -0.06364943087100983, -0.02186262607574463, -0.0006020793807692826, 0.09747668355703354, 0.0223834365606308, 0.04719976335763931, -0.1394641250371933, -0.013411198742687702, -0.03309279680252075, -0.09752242267131805, -0.056665800511837006, 0.005738117266446352, 0.09584098309278488, 0.019912779331207275, 0.18847393989562988, -0.07009010016918182, 0.05568906292319298, -0.2260379046201706, -0.0070390901528298855, -0.012823587283492088, -0.09287898242473602, -0.11322230845689774, -0.04681205749511719, 0.07432673126459122, -0.06397288292646408, 0.1254676878452301, 0.008494256995618343, 0.06268122792243958, 0.03429776430130005, -0.03609171882271767, 0.010753563605248928, 0.023279134184122086, 0.23907417058944702, 0.03092147409915924, -0.025377217680215836, 0.06761675328016281, 0.06404877454042435, 0.07757028192281723, 0.10395614057779312, 0.2265041321516037, 0.1849115788936615, 0.010645943693816662, 0.07764840126037598, 0.042615823447704315, -0.0523771196603775, -0.13386143743991852, 0.041670411825180054, -0.04105495661497116, 0.0851527526974678, -0.030253680422902107, 0.23521766066551208, 0.06337718665599823, -0.17348292469978333, 0.05089240148663521, -0.08139868825674057, -0.09070809930562973, -0.09411460161209106, 0.00325198657810688, -0.07209891080856323, -0.1578041911125183, 0.023192619904875755, -0.11405394971370697, 0.029011458158493042, 0.147065669298172, 0.016472147777676582, -0.022000694647431374, 0.18796539306640625, 0.04685922712087631, 0.04570762440562248, 0.04273871332406998, 0.004923447035253048, -0.021815938875079155, -0.0855475589632988, -0.04922111704945564, -0.019447721540927887, -0.023989859968423843, 0.038838375359773636, -0.056140728294849396, -0.10244139283895493, 0.031164923682808876, -0.019444115459918976, -0.09480936080217361, 0.020175140351057053, 0.024450713768601418, 0.08271778374910355, 0.05469837784767151, 0.004628213122487068, 0.03232944756746292, -0.026998842135071754, 0.2288156896829605, -0.09196648746728897, -0.08844488114118576, -0.09160447120666504, 0.24845606088638306, 0.031069353222846985, -0.00797430332750082, 0.024637727066874504, -0.07029705494642258, 0.0011545374291017652, 0.24416999518871307, 0.18244445323944092, -0.12664003670215607, -0.015263412147760391, 0.011041833087801933, -0.009984154254198074, -0.05576518177986145, 0.10792560130357742, 0.14964179694652557, 0.04924152418971062, -0.11834850162267685, -0.03731127083301544, -0.06758043169975281, -0.014593585394322872, -0.0395270474255085, 0.04256799444556236, 0.05764589458703995, 0.0018283457029610872, -0.046006351709365845, 0.07576315850019455, -0.05715017393231392, -0.1488703042268753, 0.07690665125846863, -0.2110549509525299, -0.1695379614830017, -0.013958454132080078, 0.13857395946979523, -0.0064605893567204475, 0.06361360102891922, -0.03455514833331108, 0.010222124867141247, 0.04829849675297737, -0.025858424603939056, -0.07087799906730652, -0.101326584815979, 0.11699939519166946, -0.1078789085149765, 0.1979021430015564, -0.03864986449480057, 0.0890113115310669, 0.12798596918582916, 0.05881567299365997, -0.06537915021181107, 0.0579991452395916, 0.0632476955652237, -0.13662053644657135, 0.0021609163377434015, 0.08652154356241226, -0.02150397002696991, 0.052460264414548874, 0.044695895165205, -0.1176488921046257, 0.02303455024957657, -0.04790601134300232, -0.032511524856090546, -0.06232602521777153, -0.043969009071588516, -0.06457839161157608, 0.1174972653388977, 0.22635582089424133, -0.026324816048145294, 0.032202381640672684, -0.07932505011558533, 0.015541065484285355, 0.04936914145946503, 0.04634208604693413, -0.0948411375284195, -0.22447608411312103, 0.029348688200116158, 0.06345114856958389, -0.037876565009355545, -0.2056373655796051, -0.09078117460012436, 0.029740620404481888, -0.07541532814502716, -0.0843740850687027, 0.06440865993499756, 0.09089987725019455, 0.05973908305168152, -0.04422174021601677, -0.12516307830810547, -0.08665695041418076, 0.1581984907388687, -0.15268611907958984, -0.08308115601539612 ]
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-multilingual-cased-finetuned-squad This model is a fine-tuned version of [distilbert-base-multilingual-cased](https://huggingface.co/distilbert-base-multilingual-cased) on the None dataset. It achieves the following results on the evaluation set: - Loss: 0.6587 ## 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: 16 - eval_batch_size: 16 - seed: 42 - optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08 - lr_scheduler_type: linear - num_epochs: 3 ### Training results | Training Loss | Epoch | Step | Validation Loss | |:-------------:|:-----:|:----:|:---------------:| | 1.923 | 1.0 | 579 | 0.8439 | | 0.8479 | 2.0 | 1158 | 0.6784 | | 0.6148 | 3.0 | 1737 | 0.6587 | ### Framework versions - Transformers 4.15.0 - Pytorch 1.10.0+cu111 - Datasets 1.17.0 - Tokenizers 0.10.3
{"license": "apache-2.0", "tags": ["generated_from_trainer"], "model-index": [{"name": "distilbert-base-multilingual-cased-finetuned-squad", "results": []}]}
question-answering
Khanh/distilbert-base-multilingual-cased-finetuned-squad
[ "transformers", "pytorch", "tensorboard", "distilbert", "question-answering", "generated_from_trainer", "license:apache-2.0", "endpoints_compatible", "region:us" ]
2022-03-02T23:29:04+00:00
[]
[]
TAGS #transformers #pytorch #tensorboard #distilbert #question-answering #generated_from_trainer #license-apache-2.0 #endpoints_compatible #region-us
distilbert-base-multilingual-cased-finetuned-squad ================================================== This model is a fine-tuned version of distilbert-base-multilingual-cased on the None dataset. It achieves the following results on the evaluation set: * Loss: 0.6587 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: 16 * eval\_batch\_size: 16 * seed: 42 * optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08 * lr\_scheduler\_type: linear * num\_epochs: 3 ### Training results ### Framework versions * Transformers 4.15.0 * Pytorch 1.10.0+cu111 * Datasets 1.17.0 * Tokenizers 0.10.3
[ "### Training hyperparameters\n\n\nThe following hyperparameters were used during training:\n\n\n* learning\\_rate: 2e-05\n* train\\_batch\\_size: 16\n* eval\\_batch\\_size: 16\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", "### Training results", "### Framework versions\n\n\n* Transformers 4.15.0\n* Pytorch 1.10.0+cu111\n* Datasets 1.17.0\n* Tokenizers 0.10.3" ]
[ "TAGS\n#transformers #pytorch #tensorboard #distilbert #question-answering #generated_from_trainer #license-apache-2.0 #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: 16\n* eval\\_batch\\_size: 16\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", "### Training results", "### Framework versions\n\n\n* Transformers 4.15.0\n* Pytorch 1.10.0+cu111\n* Datasets 1.17.0\n* Tokenizers 0.10.3" ]
[ 50, 98, 4, 33 ]
[ "passage: TAGS\n#transformers #pytorch #tensorboard #distilbert #question-answering #generated_from_trainer #license-apache-2.0 #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: 16\n* eval\\_batch\\_size: 16\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### Training results### Framework versions\n\n\n* Transformers 4.15.0\n* Pytorch 1.10.0+cu111\n* Datasets 1.17.0\n* Tokenizers 0.10.3" ]
[ -0.09656668454408646, 0.05259823799133301, -0.001788869732990861, 0.11758013069629669, 0.17076191306114197, 0.024761131033301353, 0.10800626873970032, 0.10819680243730545, -0.10365679860115051, 0.032840147614479065, 0.12739114463329315, 0.16930121183395386, -0.0010400440078228712, 0.048984237015247345, -0.053295284509658813, -0.22306835651397705, -0.026492824777960777, 0.042195942252874374, -0.10054091364145279, 0.13875894248485565, 0.0823163390159607, -0.15468132495880127, 0.069036103785038, -0.0023680529557168484, -0.227896586060524, 0.016254862770438194, 0.007537247613072395, -0.03558363392949104, 0.14906874299049377, -0.0028529164846986532, 0.13843657076358795, -0.0015096780844032764, 0.08945266902446747, -0.1819930225610733, 0.01432072278112173, 0.056389108300209045, 0.011914603412151337, 0.08016130328178406, 0.05012253671884537, 0.005749955307692289, 0.09963032603263855, -0.08854717761278152, 0.050715282559394836, 0.019841976463794708, -0.12807458639144897, -0.23836839199066162, -0.10513410717248917, 0.006164680700749159, 0.06302747130393982, 0.11677518486976624, -0.004029016476124525, 0.17024847865104675, -0.11510585993528366, 0.09081567078828812, 0.2487516701221466, -0.2920535206794739, -0.08195777237415314, 0.048661623150110245, 0.02217128500342369, 0.08399096131324768, -0.1096891388297081, -0.025425376370549202, 0.06109391525387764, 0.053945984691381454, 0.1088714525103569, -0.0429827943444252, -0.13073432445526123, 0.04046822711825371, -0.15157143771648407, -0.026827944442629814, 0.09881439059972763, 0.047857772558927536, -0.026668064296245575, -0.012130677700042725, -0.06612696498632431, -0.13043542206287384, -0.02686849981546402, -0.026312919333577156, 0.05411425605416298, -0.05194665864109993, -0.08935995399951935, -0.00244200904853642, -0.10453881323337555, -0.08355843275785446, -0.07036001235246658, 0.14483743906021118, 0.03954927250742912, 0.02928120642900467, -0.043017640709877014, 0.10551895201206207, -0.0026640617288649082, -0.1388184279203415, 0.02787165716290474, 0.035841282457113266, -0.024320563301444054, -0.04431529343128204, -0.06627096235752106, -0.06956568360328674, 0.025570528581738472, 0.1180010512471199, -0.06704800575971603, 0.03987370803952217, 0.05229612812399864, 0.0401623472571373, -0.10278557240962982, 0.1834736168384552, -0.05127986893057823, -0.01914273574948311, -0.008714365772902966, 0.05041913315653801, -0.0016828007064759731, -0.0028644248377531767, -0.09648594260215759, 0.0035028611309826374, 0.0895644798874855, 0.017192725092172623, -0.040861401706933975, 0.0465996228158474, -0.04234093055129051, -0.013995712623000145, -0.03010796569287777, -0.08614935725927353, 0.03668864071369171, -0.005007830448448658, -0.09059496223926544, -0.0018170553958043456, 0.0046534230932593346, 0.01987285353243351, -0.00463896244764328, 0.1324450969696045, -0.09013886004686356, 0.043780367821455, -0.110127292573452, -0.09664002060890198, 0.021560007706284523, -0.07150436192750931, 0.025020718574523926, -0.0820605531334877, -0.15215018391609192, -0.018445495516061783, 0.0652727410197258, -0.03125254064798355, -0.0376521460711956, -0.031321413815021515, -0.09410376846790314, -0.01013513095676899, -0.018095778301358223, 0.18373587727546692, -0.058383263647556305, 0.12225355207920074, 0.046025801450014114, 0.0633285716176033, -0.04643098637461662, 0.0469919815659523, -0.09402976930141449, 0.012024028226733208, -0.1878286749124527, 0.02442602999508381, -0.06349428743124008, 0.0794684961438179, -0.09124347567558289, -0.12188886106014252, 0.01877792738378048, -0.01643245853483677, 0.09233124554157257, 0.08713099360466003, -0.17646104097366333, -0.06268610805273056, 0.13689948618412018, -0.046336378902196884, -0.13625380396842957, 0.12506967782974243, -0.060059819370508194, 0.03254618123173714, 0.07161420583724976, 0.16636650264263153, 0.04020301625132561, -0.10816837102174759, 0.021975906565785408, -0.014484385959804058, 0.050166044384241104, -0.06179068982601166, 0.055756572633981705, -0.005917112343013287, 0.016986817121505737, 0.023050006479024887, -0.0647934153676033, 0.053007084876298904, -0.1153809055685997, -0.09456752985715866, -0.05555213615298271, -0.10850029438734055, 0.03114093653857708, 0.0879838615655899, 0.0722811371088028, -0.1066461056470871, -0.06968002766370773, 0.07475677877664566, 0.0651441141963005, -0.05157572031021118, 0.027841631323099136, -0.056216515600681305, 0.06771138310432434, -0.058510638773441315, -0.03123614378273487, -0.195236936211586, -0.02116258442401886, -0.001062216004356742, 0.006380116101354361, 0.03171229362487793, 0.043918412178754807, 0.08227703720331192, 0.044965535402297974, -0.06024054065346718, -0.013067806139588356, -0.052559614181518555, -0.005017015617340803, -0.13501113653182983, -0.20450741052627563, -0.028006313368678093, -0.01138558890670538, 0.09003807604312897, -0.1841384917497635, 0.020528994500637054, -0.03487682342529297, 0.07048487663269043, -0.005198563914746046, -0.008159427903592587, -0.058961912989616394, 0.09106580168008804, -0.010390058159828186, -0.045622318983078, 0.06527555733919144, -0.009821279905736446, -0.08462221920490265, -0.08345785737037659, -0.06919708102941513, 0.16629259288311005, 0.13775703310966492, -0.1419614553451538, -0.0715954601764679, 0.018885286524891853, -0.06728994101285934, -0.029752179980278015, -0.04570649564266205, 0.04824240505695343, 0.18141405284404755, -0.0035823506768792868, 0.12212246656417847, -0.07851045578718185, -0.04838050156831741, 0.006387944333255291, -0.03531896322965622, 0.058150529861450195, 0.12224461883306503, 0.13702982664108276, -0.06740803271532059, 0.13301318883895874, 0.16995199024677277, -0.11653068661689758, 0.09265656024217606, -0.06277426332235336, -0.08728484064340591, -0.029834097251296043, -0.000006223884156497661, -0.0015324408886954188, 0.13003970682621002, -0.12944427132606506, 0.009771548211574554, 0.01638616994023323, 0.021297812461853027, 0.0231503676623106, -0.23829099535942078, -0.06050965189933777, 0.01764863356947899, -0.03806326165795326, -0.02549182064831257, -0.015231406316161156, 0.017679424956440926, 0.10457577556371689, -0.009473281912505627, -0.07112869620323181, 0.02541429176926613, -0.00517244590446353, -0.060237687081098557, 0.2146330177783966, -0.0680677518248558, -0.0804818719625473, -0.08488528430461884, -0.053519949316978455, -0.0421549454331398, -0.004477833863347769, 0.05664661154150963, -0.10641976445913315, -0.01881004497408867, -0.038688309490680695, 0.02008371241390705, 0.0019639793317764997, 0.03130175173282623, 0.01334889605641365, -0.0046206130646169186, 0.0815165713429451, -0.11985702067613602, 0.006158479489386082, -0.06227928400039673, -0.07679235935211182, 0.050045691430568695, 0.06773649156093597, 0.13074420392513275, 0.15234464406967163, -0.014011280611157417, -0.0014337352477014065, -0.01672295108437538, 0.2642005980014801, -0.07560421526432037, -0.04233470931649208, 0.13007354736328125, -0.0003653752792160958, 0.06104164198040962, 0.10324042290449142, 0.08707383275032043, -0.10519052296876907, 0.011760273948311806, 0.04092307388782501, -0.033553801476955414, -0.2385067492723465, -0.023647334426641464, -0.057131778448820114, -0.041596490889787674, 0.06562910228967667, 0.02296069636940956, 0.03447721526026726, 0.0654425323009491, 0.049192264676094055, 0.058096084743738174, -0.06455203145742416, 0.03947120159864426, 0.10000244528055191, 0.04662565886974335, 0.11570389568805695, -0.04583853483200073, -0.07253754138946533, 0.02335263229906559, -0.011735599488019943, 0.24416007101535797, 0.0021052316296845675, 0.12584160268306732, 0.07848762720823288, 0.21287646889686584, -0.020150896161794662, 0.0789889246225357, -0.009928499348461628, -0.060178134590387344, -0.007719019427895546, -0.03956674411892891, -0.01953873224556446, 0.007668992970138788, -0.04070228338241577, 0.07106267660856247, -0.08863110095262527, -0.019902728497982025, 0.06350228935480118, 0.2611789405345917, 0.017966378480196, -0.28803154826164246, -0.07135137915611267, -0.005448869429528713, -0.03466842323541641, 0.003856722032651305, 0.011806024238467216, 0.11454465240240097, -0.0864584743976593, 0.008529793471097946, -0.06719271838665009, 0.10442741215229034, 0.007532126735895872, 0.04453809931874275, 0.06812280416488647, 0.09714557230472565, 0.010695837438106537, 0.0781313106417656, -0.3283427953720093, 0.2831871211528778, 0.006025488488376141, 0.09232032299041748, -0.0742865800857544, -0.013181517831981182, 0.022317685186862946, 0.023055581375956535, 0.06274174153804779, -0.015939926728606224, 0.008524328470230103, -0.17181392014026642, -0.029568348079919815, 0.04100935906171799, 0.10880222171545029, -0.010806539095938206, 0.09709873050451279, -0.01464675460010767, 0.009563921950757504, 0.08223258703947067, -0.0014679100131615996, -0.06364338099956512, -0.06806433945894241, -0.022745581343770027, 0.0008717230521142483, -0.06928034126758575, -0.06662590801715851, -0.10381501913070679, -0.1430395096540451, 0.10781623423099518, 0.002768466714769602, -0.01822056993842125, -0.10644105076789856, 0.09358333796262741, 0.10325857996940613, -0.07752819359302521, 0.035579994320869446, 0.019875483587384224, 0.020695751532912254, 0.040635909885168076, -0.05710908770561218, 0.1005675196647644, -0.0629582405090332, -0.1605432629585266, -0.05049380287528038, 0.10139001160860062, 0.04953007400035858, 0.07120224088430405, -0.015397983603179455, 0.017138442024588585, -0.05381183326244354, -0.1065899133682251, 0.027943944558501244, -0.04624925181269646, 0.0836729034781456, 0.01681266352534294, -0.022419624030590057, 0.04415956884622574, -0.06305523961782455, -0.019994424656033516, 0.17261318862438202, 0.2473146915435791, -0.09260664135217667, -0.00525782210752368, 0.03791165351867676, -0.0454355925321579, -0.1776253879070282, 0.07531905919313431, 0.07361821830272675, -0.012111236341297626, 0.06242011487483978, -0.14324145019054413, 0.162331223487854, 0.1098300889134407, -0.01061813160777092, 0.11561595648527145, -0.36099085211753845, -0.1214434877038002, 0.08207110315561295, 0.17299817502498627, 0.12315575033426285, -0.16219253838062286, -0.019555816426873207, -0.006565774790942669, -0.1636098027229309, 0.09636732935905457, -0.10217680037021637, 0.11000603437423706, -0.02642049454152584, 0.10751944780349731, -0.0011951697524636984, -0.0759277418255806, 0.13082098960876465, 0.020263569429516792, 0.11193060129880905, -0.0532112643122673, -0.029516473412513733, 0.0662255585193634, -0.01786809414625168, 0.0029445565305650234, -0.06736587733030319, 0.03470456972718239, -0.07354789972305298, -0.011349651031196117, -0.1026502475142479, 0.039764150977134705, -0.04577231779694557, -0.05720604211091995, -0.03604420647025108, 0.022013815119862556, 0.04244690760970116, -0.016501864418387413, 0.11135940998792648, 0.028087526559829712, 0.1556985229253769, 0.07627962529659271, 0.06901218742132187, -0.07307013869285583, -0.09860766679048538, -0.0041837263852357864, -0.007235305849462748, 0.05908183380961418, -0.1425216645002365, 0.01865311898291111, 0.15676458179950714, 0.04634033143520355, 0.11457957327365875, 0.08042708784341812, -0.031150735914707184, 0.010620858520269394, 0.047203123569488525, -0.16189053654670715, -0.12457528710365295, 0.020377080887556076, -0.06411246210336685, -0.10606116056442261, 0.05816126614809036, 0.06224179267883301, -0.05627826601266861, -0.005826687905937433, 0.000383501872420311, -0.0122650982812047, -0.07487840205430984, 0.2184572070837021, 0.08349769562482834, 0.0498800091445446, -0.1078694611787796, 0.07241321355104446, 0.04889819025993347, -0.09784885495901108, -0.015454871580004692, 0.061015598475933075, -0.06420773267745972, -0.030795332044363022, 0.11644010245800018, 0.17069777846336365, -0.05271328240633011, -0.026610303670167923, -0.13815097510814667, -0.1113860160112381, 0.06880093365907669, 0.16266518831253052, 0.11442320793867111, -0.006715546362102032, -0.04578681290149689, 0.031137876212596893, -0.12121954560279846, 0.07968420535326004, 0.041320670396089554, 0.06994692981243134, -0.12980495393276215, 0.14720501005649567, 0.007769663818180561, 0.04776740074157715, -0.0196816585958004, 0.04729847237467766, -0.10258660465478897, 0.03616549074649811, -0.14278875291347504, -0.04850022494792938, -0.013635041192173958, -0.00909979734569788, -0.005360172595828772, -0.09152492880821228, -0.06836698204278946, 0.020757710561156273, -0.13137705624103546, -0.02288881316781044, 0.05666431784629822, 0.034703534096479416, -0.1411987692117691, -0.04440241679549217, 0.04232775792479515, -0.051412370055913925, 0.048794206231832504, 0.06046077236533165, 0.010694828815758228, 0.07392865419387817, -0.16618803143501282, -0.0251716747879982, 0.05263926833868027, 0.016933737322688103, 0.08608723431825638, -0.07565808296203613, -0.023913264274597168, 0.0022131861187517643, 0.09526918828487396, 0.018738102167844772, 0.046790216118097305, -0.13689680397510529, -0.010728491470217705, -0.030830850824713707, -0.09557439386844635, -0.06382068246603012, 0.0037851978559046984, 0.09041067212820053, 0.02471965178847313, 0.19717705249786377, -0.06421131640672684, 0.05782746896147728, -0.22380396723747253, -0.007079278584569693, -0.012079472653567791, -0.09458909928798676, -0.11961768567562103, -0.05204270780086517, 0.07234684377908707, -0.06524300575256348, 0.11704123765230179, -0.006709686014801264, 0.06405647099018097, 0.030002981424331665, -0.012004192918539047, 0.020313316956162453, 0.019157398492097855, 0.23759853839874268, 0.027383532375097275, -0.02272714488208294, 0.06744727492332458, 0.05873151123523712, 0.08000119775533676, 0.09772269427776337, 0.22082139551639557, 0.1848837286233902, 0.005067301914095879, 0.07362717390060425, 0.039385706186294556, -0.04962858930230141, -0.13714773952960968, 0.040897078812122345, -0.038000497967004776, 0.08046384900808334, -0.027406439185142517, 0.23674702644348145, 0.06018918752670288, -0.17509979009628296, 0.049955327063798904, -0.07223429530858994, -0.09281103312969208, -0.08851025998592377, -0.006892309058457613, -0.07096320390701294, -0.15569940209388733, 0.021586410701274872, -0.11108721047639847, 0.0260965283960104, 0.13720116019248962, 0.013494034297764301, -0.026321392506361008, 0.19192583858966827, 0.05117916315793991, 0.04082014411687851, 0.04188760370016098, 0.0013528279960155487, -0.02530389465391636, -0.08368777483701706, -0.050782717764377594, -0.01999776065349579, -0.02435271628201008, 0.040764179080724716, -0.059665143489837646, -0.10269886255264282, 0.028125982731580734, -0.023296743631362915, -0.09538423269987106, 0.016086485236883163, 0.029334131628274918, 0.07656382024288177, 0.054207224398851395, 0.006234575528651476, 0.035778552293777466, -0.02600289322435856, 0.22839294373989105, -0.08725722134113312, -0.10069949924945831, -0.08991564810276031, 0.23652838170528412, 0.02477220818400383, -0.014213595539331436, 0.03455527126789093, -0.06924930959939957, 0.009248086251318455, 0.2420770823955536, 0.17569178342819214, -0.1262645721435547, -0.012642047367990017, 0.008333302102982998, -0.010164530947804451, -0.05282624810934067, 0.10056979209184647, 0.14690521359443665, 0.047794852405786514, -0.11593761295080185, -0.04220186918973923, -0.07087643444538116, -0.014285477809607983, -0.04161510244011879, 0.04270530492067337, 0.04932261258363724, -0.0040051862597465515, -0.04222708195447922, 0.07763318717479706, -0.0631362721323967, -0.13659150898456573, 0.07633782178163528, -0.20333708822727203, -0.1655840426683426, -0.017795370891690254, 0.14240650832653046, -0.004016111139208078, 0.060213569551706314, -0.03781239688396454, 0.006820909678936005, 0.05600409954786301, -0.025414254516363144, -0.07205980271100998, -0.09445825964212418, 0.11951181292533875, -0.11920259147882462, 0.1891748011112213, -0.03859296813607216, 0.09542351216077805, 0.12745130062103271, 0.06107275187969208, -0.06772151589393616, 0.06474298238754272, 0.06793998926877975, -0.12879690527915955, 0.010545404627919197, 0.08715839684009552, -0.015937520191073418, 0.04662707448005676, 0.04351513460278511, -0.11884009093046188, 0.023131607100367546, -0.03158972039818764, -0.02768757753074169, -0.06706086546182632, -0.039110083132982254, -0.06579568237066269, 0.12038523703813553, 0.21563977003097534, -0.03051280975341797, 0.03276354447007179, -0.07979228347539902, 0.01499180868268013, 0.05479186400771141, 0.04099946469068527, -0.09119156002998352, -0.23008646070957184, 0.028927013278007507, 0.05828333646059036, -0.03617362678050995, -0.1903248131275177, -0.09690463542938232, 0.027805471792817116, -0.07903888076543808, -0.07674995809793472, 0.06566696614027023, 0.08710779249668121, 0.057884521782398224, -0.04164014756679535, -0.10455972701311111, -0.09372348338365555, 0.1596175730228424, -0.15410645306110382, -0.07849179953336716 ]
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-multilingual-cased-finetuned-viquad This model is a fine-tuned version of [distilbert-base-multilingual-cased](https://huggingface.co/distilbert-base-multilingual-cased) on the None dataset. It achieves the following results on the evaluation set: - Loss: 3.4241 ## 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: 16 - eval_batch_size: 16 - seed: 42 - optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08 - lr_scheduler_type: linear - num_epochs: 5 ### Training results | Training Loss | Epoch | Step | Validation Loss | |:-------------:|:-----:|:----:|:---------------:| | No log | 1.0 | 65 | 4.0975 | | No log | 2.0 | 130 | 3.9315 | | No log | 3.0 | 195 | 3.6742 | | No log | 4.0 | 260 | 3.4878 | | No log | 5.0 | 325 | 3.4241 | ### Framework versions - Transformers 4.15.0 - Pytorch 1.10.0+cu111 - Datasets 1.17.0 - Tokenizers 0.10.3
{"license": "apache-2.0", "tags": ["generated_from_trainer"], "model-index": [{"name": "distilbert-base-multilingual-cased-finetuned-viquad", "results": []}]}
question-answering
Khanh/distilbert-base-multilingual-cased-finetuned-viquad
[ "transformers", "pytorch", "tensorboard", "distilbert", "question-answering", "generated_from_trainer", "license:apache-2.0", "endpoints_compatible", "region:us" ]
2022-03-02T23:29:04+00:00
[]
[]
TAGS #transformers #pytorch #tensorboard #distilbert #question-answering #generated_from_trainer #license-apache-2.0 #endpoints_compatible #region-us
distilbert-base-multilingual-cased-finetuned-viquad =================================================== This model is a fine-tuned version of distilbert-base-multilingual-cased on the None dataset. It achieves the following results on the evaluation set: * Loss: 3.4241 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: 16 * eval\_batch\_size: 16 * seed: 42 * optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08 * lr\_scheduler\_type: linear * num\_epochs: 5 ### Training results ### Framework versions * Transformers 4.15.0 * Pytorch 1.10.0+cu111 * Datasets 1.17.0 * Tokenizers 0.10.3
[ "### Training hyperparameters\n\n\nThe following hyperparameters were used during training:\n\n\n* learning\\_rate: 2e-05\n* train\\_batch\\_size: 16\n* eval\\_batch\\_size: 16\n* seed: 42\n* optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08\n* lr\\_scheduler\\_type: linear\n* num\\_epochs: 5", "### Training results", "### Framework versions\n\n\n* Transformers 4.15.0\n* Pytorch 1.10.0+cu111\n* Datasets 1.17.0\n* Tokenizers 0.10.3" ]
[ "TAGS\n#transformers #pytorch #tensorboard #distilbert #question-answering #generated_from_trainer #license-apache-2.0 #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: 16\n* eval\\_batch\\_size: 16\n* seed: 42\n* optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08\n* lr\\_scheduler\\_type: linear\n* num\\_epochs: 5", "### Training results", "### Framework versions\n\n\n* Transformers 4.15.0\n* Pytorch 1.10.0+cu111\n* Datasets 1.17.0\n* Tokenizers 0.10.3" ]
[ 50, 98, 4, 33 ]
[ "passage: TAGS\n#transformers #pytorch #tensorboard #distilbert #question-answering #generated_from_trainer #license-apache-2.0 #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: 16\n* eval\\_batch\\_size: 16\n* seed: 42\n* optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08\n* lr\\_scheduler\\_type: linear\n* num\\_epochs: 5### Training results### Framework versions\n\n\n* Transformers 4.15.0\n* Pytorch 1.10.0+cu111\n* Datasets 1.17.0\n* Tokenizers 0.10.3" ]
[ -0.09783022850751877, 0.053020935505628586, -0.0017783221555873752, 0.11710700392723083, 0.17133080959320068, 0.02484462596476078, 0.10733792185783386, 0.10761012136936188, -0.10258204489946365, 0.03346406668424606, 0.12715686857700348, 0.1684611588716507, -0.000503131712321192, 0.05032483860850334, -0.053537338972091675, -0.22266387939453125, -0.02732985094189644, 0.04387688264250755, -0.10161442309617996, 0.1383039653301239, 0.0817924216389656, -0.15629857778549194, 0.06855325400829315, -0.0020899507217109203, -0.22998599708080292, 0.016544105485081673, 0.008532015606760979, -0.0360582172870636, 0.1484728306531906, -0.002719207899644971, 0.13878631591796875, -0.0020411747973412275, 0.0890340581536293, -0.18107588589191437, 0.014345665462315083, 0.05701298639178276, 0.012020419351756573, 0.08123379200696945, 0.05086306110024452, 0.006966740824282169, 0.09904899448156357, -0.08958221971988678, 0.05013417825102806, 0.01991293765604496, -0.12707209587097168, -0.24041759967803955, -0.10325600951910019, 0.006392849143594503, 0.06308625638484955, 0.1164318397641182, -0.004816181026399136, 0.1692996323108673, -0.11521490663290024, 0.09117139875888824, 0.24840296804904938, -0.2932557761669159, -0.08184543997049332, 0.04806096851825714, 0.02142302691936493, 0.08357495069503784, -0.11099555343389511, -0.02630758285522461, 0.06213349476456642, 0.05218982324004173, 0.11016585677862167, -0.042315904051065445, -0.13098828494548798, 0.04034687578678131, -0.15115991234779358, -0.02703891135752201, 0.09926624596118927, 0.048521291464567184, -0.02585642598569393, -0.012176730670034885, -0.06660069525241852, -0.13155893981456757, -0.02713014744222164, -0.026726100593805313, 0.05468060448765755, -0.052304450422525406, -0.08850152790546417, -0.0013691023923456669, -0.10501999408006668, -0.0836922749876976, -0.06984894722700119, 0.14337967336177826, 0.040144022554159164, 0.02915382944047451, -0.044797059148550034, 0.10510880500078201, -0.004888877738267183, -0.13900385797023773, 0.028610216453671455, 0.035841282457113266, -0.025030240416526794, -0.04438266158103943, -0.06652189791202545, -0.07088696956634521, 0.025710366666316986, 0.11669664829969406, -0.06614816933870316, 0.03974675014615059, 0.05200154334306717, 0.03966895863413811, -0.10281726717948914, 0.1832655370235443, -0.05081849545240402, -0.019564123824238777, -0.008541982620954514, 0.05014423653483391, -0.003310431493446231, -0.0021321435924619436, -0.09541165083646774, 0.0023781461641192436, 0.09099509567022324, 0.015378718264400959, -0.041277650743722916, 0.04636482149362564, -0.04201832413673401, -0.013227584771811962, -0.03280717507004738, -0.08616422861814499, 0.037285611033439636, -0.004459118004888296, -0.0914229154586792, -0.0022870658431202173, 0.004391438793390989, 0.01886131428182125, -0.005809837020933628, 0.13331380486488342, -0.09144166111946106, 0.04328973963856697, -0.11144457757472992, -0.09765929728746414, 0.02124078944325447, -0.072795569896698, 0.02592066302895546, -0.08184067904949188, -0.15116992592811584, -0.018994975835084915, 0.06483647972345352, -0.030509861186146736, -0.038173288106918335, -0.032066430896520615, -0.09461233764886856, -0.010324996896088123, -0.017840920016169548, 0.18571677803993225, -0.057505976408720016, 0.12307175248861313, 0.046889498829841614, 0.0640338733792305, -0.04481273889541626, 0.04746309667825699, -0.09444817900657654, 0.010824862867593765, -0.18635348975658417, 0.023915918543934822, -0.06342426687479019, 0.07984142750501633, -0.09183745831251144, -0.12196378409862518, 0.01774018630385399, -0.017107747495174408, 0.09249449521303177, 0.08752173185348511, -0.17491032183170319, -0.06344980001449585, 0.1395808905363083, -0.04601297527551651, -0.13517877459526062, 0.12463908642530441, -0.06020418927073479, 0.03297743573784828, 0.07247425615787506, 0.16635631024837494, 0.0409989170730114, -0.10800640285015106, 0.020834865048527718, -0.014573135413229465, 0.05087972432374954, -0.06234754994511604, 0.05489585921168327, -0.004676578566431999, 0.015593256801366806, 0.023479538038372993, -0.0643598809838295, 0.053403716534376144, -0.11584557592868805, -0.09431205689907074, -0.056768085807561874, -0.10892359912395477, 0.03218964487314224, 0.08914682269096375, 0.0739707425236702, -0.10588794946670532, -0.06974104791879654, 0.07515998929738998, 0.06508181244134903, -0.05121680721640587, 0.026484468951821327, -0.05571895092725754, 0.06787827610969543, -0.06033128499984741, -0.03031267039477825, -0.19631968438625336, -0.01950713060796261, -0.0007948593120090663, 0.004228001460433006, 0.031683299690485, 0.04498206451535225, 0.08234325796365738, 0.0445164255797863, -0.05960695073008537, -0.013272818177938461, -0.053764522075653076, -0.005348763428628445, -0.13644526898860931, -0.2050565481185913, -0.027808668091893196, -0.011223744601011276, 0.09011663496494293, -0.18585625290870667, 0.020790768787264824, -0.03502843901515007, 0.07117372751235962, -0.004241141490638256, -0.008260492235422134, -0.0590737909078598, 0.09111813455820084, -0.009417575784027576, -0.044571299105882645, 0.06477412581443787, -0.010197674855589867, -0.08311624825000763, -0.08595221489667892, -0.06864975392818451, 0.16762398183345795, 0.13827908039093018, -0.14185871183872223, -0.0713307112455368, 0.01911412551999092, -0.06674327701330185, -0.03033072128891945, -0.04653468728065491, 0.04911879822611809, 0.17955739796161652, -0.004517967812716961, 0.12279277294874191, -0.07869178056716919, -0.04813533276319504, 0.0076716928742825985, -0.03435541316866875, 0.059388723224401474, 0.12329521775245667, 0.1377091258764267, -0.0673396959900856, 0.13363812863826752, 0.1695260852575302, -0.11767459660768509, 0.09419430792331696, -0.0636216327548027, -0.08871924132108688, -0.029625795781612396, -0.00003308533996460028, -0.002602425403892994, 0.13048997521400452, -0.13141147792339325, 0.008851287886500359, 0.01715567708015442, 0.019558997824788094, 0.022771496325731277, -0.2384745478630066, -0.05893339961767197, 0.017481354996562004, -0.03678371012210846, -0.027003681287169456, -0.015017149038612843, 0.01792074739933014, 0.10469934344291687, -0.01040829811245203, -0.07038700580596924, 0.024515345692634583, -0.004604301881045103, -0.059429775923490524, 0.2149813175201416, -0.0670355036854744, -0.07963632047176361, -0.08367933332920074, -0.050497520714998245, -0.0411938838660717, -0.0053955381736159325, 0.05736725777387619, -0.10681140422821045, -0.01867072843015194, -0.03719448298215866, 0.01977209746837616, 0.002640526043251157, 0.032288409769535065, 0.01267168764024973, -0.0039014166686683893, 0.08121967315673828, -0.11979080736637115, 0.007375386077910662, -0.06270814687013626, -0.07660239934921265, 0.04983900114893913, 0.06866303086280823, 0.1301608681678772, 0.15172778069972992, -0.014849231578409672, -0.0014466417487710714, -0.017217032611370087, 0.2649042010307312, -0.07664582878351212, -0.04300634190440178, 0.12975116074085236, 0.00041485924157314, 0.060160454362630844, 0.10288681089878082, 0.08705149590969086, -0.1041862964630127, 0.011219802312552929, 0.04083148017525673, -0.03208097442984581, -0.23891901969909668, -0.023020386695861816, -0.05744730681180954, -0.04145263880491257, 0.0672660693526268, 0.0222708098590374, 0.0356561541557312, 0.06554466485977173, 0.049711596220731735, 0.05939123034477234, -0.0650089830160141, 0.03928763419389725, 0.0999295637011528, 0.04653353989124298, 0.11567703634500504, -0.04651276767253876, -0.07298384606838226, 0.021759385243058205, -0.012598223984241486, 0.24655263125896454, 0.0021185220684856176, 0.12615922093391418, 0.07692717760801315, 0.21455931663513184, -0.019487924873828888, 0.08012253791093826, -0.009733568876981735, -0.05992940813302994, -0.006872724276036024, -0.03894917666912079, -0.01923477277159691, 0.008495554327964783, -0.040693894028663635, 0.07121681421995163, -0.08930659294128418, -0.021106811240315437, 0.06308317184448242, 0.26148054003715515, 0.018011081963777542, -0.28723081946372986, -0.07194633036851883, -0.006470604334026575, -0.03558489307761192, 0.0027791031170636415, 0.011592795141041279, 0.11539854854345322, -0.08579602092504501, 0.007227686699479818, -0.06810900568962097, 0.10508470237255096, 0.007890776731073856, 0.04491005465388298, 0.06670945137739182, 0.09814845770597458, 0.01074999663978815, 0.07805132865905762, -0.32994893193244934, 0.2834704518318176, 0.0065789055079221725, 0.0932065099477768, -0.07508761435747147, -0.013347272761166096, 0.021282348781824112, 0.021914532408118248, 0.0625620037317276, -0.01652682200074196, 0.00689123896881938, -0.17100080847740173, -0.028919633477926254, 0.041620589792728424, 0.10901398211717606, -0.011147698387503624, 0.09648624062538147, -0.01447233185172081, 0.008677087724208832, 0.0825115367770195, -0.0033452243078500032, -0.06467650830745697, -0.06726383417844772, -0.022563355043530464, 0.0014926695730537176, -0.06805166602134705, -0.06650104373693466, -0.10389728844165802, -0.14220252633094788, 0.10486174374818802, -0.001804462051950395, -0.017518291249871254, -0.10628874599933624, 0.09688495844602585, 0.10290073603391647, -0.07751009613275528, 0.03720454126596451, 0.020079154521226883, 0.020885061472654343, 0.0407598614692688, -0.05725535377860069, 0.10150744020938873, -0.06229822337627411, -0.1606348752975464, -0.0497443750500679, 0.1003052294254303, 0.049310848116874695, 0.07086720317602158, -0.0156349316239357, 0.016932237893342972, -0.054798707365989685, -0.1059378981590271, 0.027802804484963417, -0.04658396169543266, 0.08295821398496628, 0.016388801857829094, -0.022962016984820366, 0.03972482308745384, -0.0626528412103653, -0.020065326243638992, 0.17166844010353088, 0.24585214257240295, -0.09315427392721176, -0.006492288317531347, 0.0384000800549984, -0.04624707251787186, -0.17656993865966797, 0.07693415135145187, 0.07492572069168091, -0.011017155833542347, 0.060804419219493866, -0.14435289800167084, 0.1628260314464569, 0.10902351886034012, -0.010376732796430588, 0.1171031966805458, -0.36093154549598694, -0.12124346941709518, 0.08299744129180908, 0.17272721230983734, 0.12563209235668182, -0.16168314218521118, -0.019867973402142525, -0.005822774488478899, -0.16352702677249908, 0.09642039239406586, -0.10302269458770752, 0.10954686254262924, -0.026328686624765396, 0.10650352388620377, -0.0006053052493371069, -0.07639101147651672, 0.1292610913515091, 0.01948140375316143, 0.11314058303833008, -0.05174632743000984, -0.029384559020400047, 0.06579005718231201, -0.01725298911333084, 0.0035117538645863533, -0.0672006830573082, 0.03442962095141411, -0.07260806113481522, -0.010991783812642097, -0.10314676910638809, 0.04036751762032509, -0.04584380239248276, -0.05658017098903656, -0.03561021387577057, 0.021605387330055237, 0.041741400957107544, -0.016086958348751068, 0.11197413504123688, 0.02894851192831993, 0.15631103515625, 0.07683547586202621, 0.0676688477396965, -0.07192477583885193, -0.09936323761940002, -0.0036510969512164593, -0.006841897498816252, 0.060919344425201416, -0.14483298361301422, 0.018472518771886826, 0.15758465230464935, 0.0472024604678154, 0.11462754011154175, 0.08027005195617676, -0.03072080947458744, 0.009784147143363953, 0.04725576192140579, -0.16247716546058655, -0.1271354705095291, 0.01991577446460724, -0.06396660208702087, -0.10576602816581726, 0.0585428886115551, 0.062101975083351135, -0.05817175656557083, -0.0064438567496836185, -0.0002782391384243965, -0.012822956778109074, -0.07428653538227081, 0.21993380784988403, 0.08323810994625092, 0.0502200610935688, -0.1081085279583931, 0.0726407840847969, 0.05035288259387016, -0.10105528682470322, -0.015472241677343845, 0.05924933776259422, -0.06420246511697769, -0.030997969210147858, 0.11718727648258209, 0.17197374999523163, -0.05105976760387421, -0.027074400335550308, -0.13830037415027618, -0.11051749438047409, 0.06909577548503876, 0.16435472667217255, 0.11416523158550262, -0.007375782355666161, -0.04495783895254135, 0.032067254185676575, -0.12203826755285263, 0.08110208809375763, 0.04228563234210014, 0.07039891183376312, -0.12965738773345947, 0.14879170060157776, 0.007984479889273643, 0.04654872044920921, -0.019588150084018707, 0.04754693806171417, -0.10324763506650925, 0.03553443402051926, -0.1399577409029007, -0.04829539358615875, -0.012793051078915596, -0.009316334500908852, -0.005425836890935898, -0.09140780568122864, -0.0678173154592514, 0.021199911832809448, -0.13179990649223328, -0.022349653765559196, 0.05699189007282257, 0.035113345831632614, -0.1410365253686905, -0.04399169981479645, 0.04235212132334709, -0.0510166697204113, 0.04807037115097046, 0.06032008305191994, 0.010596133768558502, 0.07429130375385284, -0.16614915430545807, -0.023792890831828117, 0.052389297634363174, 0.016732560470700264, 0.08603290468454361, -0.07530592381954193, -0.022602422162890434, 0.0018762423424050212, 0.09574771672487259, 0.017691563814878464, 0.04623552784323692, -0.1374664604663849, -0.012294766493141651, -0.03107745200395584, -0.09449422359466553, -0.0648324117064476, 0.003548902226611972, 0.08961018919944763, 0.023597532883286476, 0.19698040187358856, -0.06351188570261002, 0.05736856907606125, -0.22410482168197632, -0.006760704796761274, -0.012158825062215328, -0.09599971026182175, -0.11849024146795273, -0.05224381014704704, 0.07303516566753387, -0.06616771221160889, 0.11561871320009232, -0.005769737064838409, 0.06485870480537415, 0.03006007894873619, -0.01241239346563816, 0.017638640478253365, 0.019957613199949265, 0.2381104826927185, 0.027559805661439896, -0.022499874234199524, 0.0670590028166771, 0.06011573225259781, 0.0800524353981018, 0.1007431149482727, 0.22019755840301514, 0.18557816743850708, 0.003362016985192895, 0.07436637580394745, 0.03867800161242485, -0.04989146068692207, -0.13777293264865875, 0.04405030235648155, -0.03842215985059738, 0.08250271528959274, -0.02845272608101368, 0.23705627024173737, 0.06097811087965965, -0.17434746026992798, 0.05069446936249733, -0.07181285321712494, -0.09273506700992584, -0.08802555501461029, -0.006986973807215691, -0.07146254181861877, -0.15683096647262573, 0.021721037104725838, -0.11097622662782669, 0.026205608621239662, 0.1357831507921219, 0.012869082391262054, -0.027026930823922157, 0.1930074691772461, 0.0528172068297863, 0.04063853621482849, 0.04418237879872322, 0.001346150296740234, -0.026397842913866043, -0.08553162217140198, -0.050544921308755875, -0.019920654594898224, -0.025240862742066383, 0.0402936115860939, -0.060545410960912704, -0.10394151508808136, 0.028348127380013466, -0.021940065547823906, -0.09447307884693146, 0.016418777406215668, 0.02915794961154461, 0.07584886997938156, 0.05377377197146416, 0.005521715618669987, 0.03557882085442543, -0.02672320418059826, 0.22971582412719727, -0.08785461634397507, -0.09926068782806396, -0.09027884155511856, 0.23374329507350922, 0.02611343190073967, -0.014433056116104126, 0.03528650850057602, -0.06952985376119614, 0.010458900593221188, 0.24217040836811066, 0.17304947972297668, -0.12338296324014664, -0.012587671168148518, 0.008535989560186863, -0.01074954029172659, -0.05342983826994896, 0.10017824172973633, 0.14685091376304626, 0.04823289439082146, -0.11601337790489197, -0.0406484492123127, -0.07013606280088425, -0.014742947183549404, -0.04173218458890915, 0.04307813197374344, 0.04903765767812729, -0.00500475475564599, -0.04178093746304512, 0.07755725085735321, -0.06178191304206848, -0.1367974877357483, 0.07693057507276535, -0.2027824968099594, -0.16581042110919952, -0.018448680639266968, 0.14367692172527313, -0.0035867500118911266, 0.05930458754301071, -0.03776990622282028, 0.006896155420690775, 0.056009020656347275, -0.025374170392751694, -0.0715666115283966, -0.09727751463651657, 0.11845814436674118, -0.12098909914493561, 0.1882028579711914, -0.03796703368425369, 0.09489724785089493, 0.12718677520751953, 0.06091166287660599, -0.06789854913949966, 0.06339403241872787, 0.06770561635494232, -0.12964387238025665, 0.010719879530370235, 0.08873356133699417, -0.015560779720544815, 0.04776613041758537, 0.04255065321922302, -0.118440181016922, 0.022641228511929512, -0.03306092694401741, -0.027224209159612656, -0.06734160333871841, -0.037914592772722244, -0.06514683365821838, 0.11952214688062668, 0.21590621769428253, -0.030252311378717422, 0.032655373215675354, -0.08084332197904587, 0.015371205285191536, 0.05487614497542381, 0.042553286999464035, -0.0912126749753952, -0.22985084354877472, 0.029641468077898026, 0.0593695342540741, -0.03565239906311035, -0.18849661946296692, -0.09588894248008728, 0.027001600712537766, -0.07938985526561737, -0.07680901139974594, 0.06472108513116837, 0.08973505347967148, 0.05751907080411911, -0.04194386303424835, -0.10853543132543564, -0.0933651253581047, 0.15982186794281006, -0.15394827723503113, -0.07872044295072556 ]
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. --> # xlm-roberta-base-finetuned-squad This model is a fine-tuned version of [xlm-roberta-base](https://huggingface.co/xlm-roberta-base) on the None dataset. It achieves the following results on the evaluation set: - Loss: 0.5539 ## 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: 2 ### Training results | Training Loss | Epoch | Step | Validation Loss | |:-------------:|:-----:|:----:|:---------------:| | 0.7665 | 1.0 | 2295 | 0.5231 | | 0.5236 | 2.0 | 4590 | 0.5539 | ### Framework versions - Transformers 4.15.0 - Pytorch 1.10.0+cu111 - Datasets 1.17.0 - Tokenizers 0.10.3
{"license": "mit", "tags": ["generated_from_trainer"], "model-index": [{"name": "xlm-roberta-base-finetuned-squad", "results": []}]}
question-answering
Khanh/xlm-roberta-base-finetuned-squad
[ "transformers", "pytorch", "tensorboard", "xlm-roberta", "question-answering", "generated_from_trainer", "license:mit", "endpoints_compatible", "region:us" ]
2022-03-02T23:29:04+00:00
[]
[]
TAGS #transformers #pytorch #tensorboard #xlm-roberta #question-answering #generated_from_trainer #license-mit #endpoints_compatible #region-us
xlm-roberta-base-finetuned-squad ================================ This model is a fine-tuned version of xlm-roberta-base on the None dataset. It achieves the following results on the evaluation set: * Loss: 0.5539 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: 2 ### Training results ### Framework versions * Transformers 4.15.0 * Pytorch 1.10.0+cu111 * Datasets 1.17.0 * Tokenizers 0.10.3
[ "### 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: 2", "### Training results", "### Framework versions\n\n\n* Transformers 4.15.0\n* Pytorch 1.10.0+cu111\n* Datasets 1.17.0\n* Tokenizers 0.10.3" ]
[ "TAGS\n#transformers #pytorch #tensorboard #xlm-roberta #question-answering #generated_from_trainer #license-mit #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: 2", "### Training results", "### Framework versions\n\n\n* Transformers 4.15.0\n* Pytorch 1.10.0+cu111\n* Datasets 1.17.0\n* Tokenizers 0.10.3" ]
[ 49, 98, 4, 33 ]
[ "passage: TAGS\n#transformers #pytorch #tensorboard #xlm-roberta #question-answering #generated_from_trainer #license-mit #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: 2### Training results### Framework versions\n\n\n* Transformers 4.15.0\n* Pytorch 1.10.0+cu111\n* Datasets 1.17.0\n* Tokenizers 0.10.3" ]
[ -0.09082736074924469, 0.04550819471478462, -0.001645911717787385, 0.11099866777658463, 0.1908314973115921, 0.030665822327136993, 0.1096125915646553, 0.11442726105451584, -0.09129320830106735, 0.03532300144433975, 0.1180754154920578, 0.17735439538955688, 0.00022878024901729077, 0.062734454870224, -0.058697763830423355, -0.24216073751449585, -0.038452766835689545, 0.04625284671783447, -0.10805201530456543, 0.133136585354805, 0.07451032102108002, -0.16510799527168274, 0.07333330065011978, -0.01091860607266426, -0.25834059715270996, 0.02324811927974224, 0.02115687169134617, -0.04388050734996796, 0.14613620936870575, 0.009616020135581493, 0.15291813015937805, 0.005502055399119854, 0.09493067860603333, -0.17794907093048096, 0.018724732100963593, 0.05325968191027641, 0.0060134222730994225, 0.0818047747015953, 0.05626002699136734, 0.004465356934815645, 0.10779222100973129, -0.09476294368505478, 0.05303250253200531, 0.01731709949672222, -0.1345221847295761, -0.24310734868049622, -0.09168583154678345, 0.0037223068065941334, 0.05398575961589813, 0.11377555876970291, -0.01046848762780428, 0.17935127019882202, -0.11038317531347275, 0.09401386231184006, 0.24749746918678284, -0.2899854779243469, -0.0840941071510315, 0.06302855908870697, 0.03224087134003639, 0.09525086730718613, -0.12108629196882248, -0.012696958146989346, 0.06455732882022858, 0.04525590315461159, 0.10059341043233871, -0.0455198809504509, -0.09573495388031006, 0.048341572284698486, -0.1496497541666031, -0.013707269914448261, 0.07808603346347809, 0.03943247348070145, -0.024962134659290314, -0.015922091901302338, -0.055393658578395844, -0.13843077421188354, -0.031000768765807152, -0.027440542355179787, 0.052068643271923065, -0.06533987075090408, -0.1204950138926506, -0.0038427328690886497, -0.10618376731872559, -0.07964079082012177, -0.06566261500120163, 0.17100924253463745, 0.04097968712449074, 0.028294427320361137, -0.04819165915250778, 0.10466040670871735, -0.0009412510553374887, -0.13295899331569672, 0.03526031970977783, 0.034433793276548386, -0.035414233803749084, -0.050524819642305374, -0.0549914613366127, -0.0892055481672287, 0.018389757722616196, 0.08317112922668457, -0.07452452927827835, 0.04028435796499252, 0.04353393614292145, 0.04382605105638504, -0.09076086431741714, 0.18748627603054047, -0.05505535006523132, -0.014010781422257423, -0.018733445554971695, 0.05016999691724777, -0.01932818628847599, -0.002604289446026087, -0.10203776508569717, -0.00048203993355855346, 0.08106891810894012, 0.02383224107325077, -0.05190955102443695, 0.05577867105603218, -0.031094474717974663, -0.01604294590651989, -0.05011641979217529, -0.08311793953180313, 0.04795676842331886, -0.00574976671487093, -0.09529068320989609, 0.005652203224599361, -0.0033414270728826523, 0.008472884073853493, 0.0017392680747434497, 0.13937759399414062, -0.10329721122980118, 0.05397661402821541, -0.11720466613769531, -0.1202397495508194, 0.009760596789419651, -0.06546326726675034, 0.022687720134854317, -0.08533983677625656, -0.12394578754901886, -0.026816468685865402, 0.05698366090655327, -0.03490221127867699, -0.02049945667386055, -0.0372852198779583, -0.09330420196056366, -0.013561462983489037, -0.013330336660146713, 0.17644675076007843, -0.05234496295452118, 0.13049641251564026, 0.051411163061857224, 0.0714007169008255, -0.044780924916267395, 0.045377571135759354, -0.08609722554683685, 0.005669251549988985, -0.18889445066452026, 0.022872786968946457, -0.06232302635908127, 0.07201947271823883, -0.0769738107919693, -0.12976565957069397, 0.024034587666392326, -0.003278016112744808, 0.08669377118349075, 0.07853688299655914, -0.16651131212711334, -0.07328878343105316, 0.15766556560993195, -0.044710781425237656, -0.12136131525039673, 0.11851301789283752, -0.065514475107193, 0.04469382390379906, 0.06885281950235367, 0.1673727035522461, 0.03484402969479561, -0.1245870515704155, 0.01835656352341175, -0.027941837906837463, 0.03420890122652054, -0.059463586658239365, 0.045968297868967056, 0.009354904294013977, 0.022728314623236656, 0.023139551281929016, -0.06290285289287567, 0.054336003959178925, -0.1281076818704605, -0.08991475403308868, -0.04330842196941376, -0.10176388174295425, 0.03818931430578232, 0.09238169342279434, 0.08247242122888565, -0.11053551733493805, -0.07339586317539215, 0.09408418834209442, 0.05881721153855324, -0.056491754949092865, 0.017090855166316032, -0.06550861895084381, 0.06415936350822449, -0.07548696547746658, -0.03611021116375923, -0.18832392990589142, -0.0413459949195385, -0.006115700583904982, 0.026914017274975777, 0.03767543286085129, 0.07013560086488724, 0.08337358385324478, 0.04804935306310654, -0.0625116154551506, -0.009563375264406204, -0.05406472459435463, -0.007402153220027685, -0.14111988246440887, -0.19949178397655487, -0.027195706963539124, -0.015612196177244186, 0.07513460516929626, -0.20443294942378998, 0.021519368514418602, -0.03678104281425476, 0.06743720918893814, 0.009745401330292225, -0.010220259428024292, -0.057425230741500854, 0.10182055830955505, -0.005030717235058546, -0.040757760405540466, 0.0702761560678482, -0.014545352198183537, -0.07598244398832321, -0.08185839653015137, -0.10220959037542343, 0.18251636624336243, 0.14369617402553558, -0.14188794791698456, -0.08955104649066925, 0.013484563678503036, -0.06705556064844131, -0.023212604224681854, -0.055763423442840576, 0.04792923480272293, 0.17666545510292053, -0.010266691446304321, 0.13009455800056458, -0.07038836926221848, -0.04442080110311508, 0.013951428234577179, -0.03641045093536377, 0.051244884729385376, 0.12047798186540604, 0.14402993023395538, -0.0823289230465889, 0.13114391267299652, 0.13967828452587128, -0.11192924529314041, 0.12419313192367554, -0.04787936806678772, -0.08359938859939575, -0.03907046094536781, -0.003459096886217594, 0.0010420625330880284, 0.13740511238574982, -0.11269621551036835, 0.002306184032931924, 0.008859054185450077, 0.012172018177807331, 0.02945382334291935, -0.24326306581497192, -0.0719393640756607, 0.0190277136862278, -0.034153975546360016, -0.029775142669677734, -0.010186753235757351, 0.02578520029783249, 0.11336493492126465, -0.007467764895409346, -0.06363006681203842, 0.018266238272190094, -0.004947084002196789, -0.0637265220284462, 0.20962268114089966, -0.05559227988123894, -0.0837201476097107, -0.08710948377847672, -0.04718860611319542, -0.035084713250398636, -0.008039609529078007, 0.048120636492967606, -0.1082024946808815, -0.014631194062530994, -0.033013470470905304, 0.030555004253983498, -0.007947067730128765, 0.03544631227850914, 0.00038481270894408226, 0.007124622818082571, 0.06406479328870773, -0.11924910545349121, 0.004687089938670397, -0.07464355230331421, -0.08994604647159576, 0.05691443756222725, 0.0643886998295784, 0.1379457414150238, 0.15740551054477692, -0.036743659526109695, 0.005866727326065302, -0.026950830593705177, 0.2514578700065613, -0.08439868688583374, -0.051943548023700714, 0.11158768087625504, 0.005887346807867289, 0.054178208112716675, 0.1030733659863472, 0.09076159447431564, -0.10374973714351654, 0.00849209725856781, 0.04508289694786072, -0.041493967175483704, -0.23035278916358948, -0.016541877761483192, -0.05490349233150482, -0.03563753142952919, 0.06536166369915009, 0.026595668867230415, 0.03349215164780617, 0.06672170758247375, 0.059578586369752884, 0.04803486168384552, -0.07105163484811783, 0.045196373015642166, 0.08393523097038269, 0.04627571254968643, 0.1204194724559784, -0.04755067452788353, -0.08412724733352661, 0.015589943155646324, -0.013917514123022556, 0.25249364972114563, 0.0013379266019910574, 0.10343261063098907, 0.07660767436027527, 0.19558118283748627, -0.005486876238137484, 0.06984883546829224, -0.0071816458366811275, -0.07019928097724915, -0.0016540936194360256, -0.035005662590265274, -0.00589078851044178, 0.008811380714178085, -0.018417714163661003, 0.06161249801516533, -0.10327152907848358, -0.029660144820809364, 0.06506150960922241, 0.2183474451303482, 0.009321462363004684, -0.289766788482666, -0.06758227199316025, -0.007506875786930323, -0.02738160640001297, 0.009296373464167118, 0.0034263336565345526, 0.13785351812839508, -0.09094127267599106, -0.0026702359318733215, -0.0804222971200943, 0.09653443843126297, 0.0044786361977458, 0.04277796670794487, 0.07265084236860275, 0.1096123531460762, -0.004743504803627729, 0.07055599242448807, -0.3110164999961853, 0.29130539298057556, 0.011484152637422085, 0.1002984419465065, -0.06533990055322647, -0.021587880328297615, 0.013998344540596008, 0.01411093957722187, 0.05998162180185318, -0.024617649614810944, -0.012210308574140072, -0.20352233946323395, -0.005694416351616383, 0.0468255840241909, 0.12648554146289825, -0.0037788657937198877, 0.11294030398130417, -0.01169349905103445, 0.008604529313743114, 0.08259406685829163, -0.006377202924340963, -0.052159637212753296, -0.06795273721218109, -0.02576143853366375, -0.006684109568595886, -0.07292623817920685, -0.0585174523293972, -0.10958582162857056, -0.1500530242919922, 0.12217919528484344, 0.012550504878163338, -0.01600056327879429, -0.11012984812259674, 0.11065071821212769, 0.0892348662018776, -0.07967480272054672, 0.024947386234998703, 0.029055405408143997, 0.026396559551358223, 0.03539871424436569, -0.051898617297410965, 0.10932786762714386, -0.05104593187570572, -0.15776067972183228, -0.05274922400712967, 0.0952048972249031, 0.043950844556093216, 0.06984636932611465, -0.012101242318749428, 0.016925588250160217, -0.035167016088962555, -0.10473799705505371, 0.04382552206516266, -0.048714108765125275, 0.07389124482870102, 0.01368379220366478, -0.03355845436453819, 0.04074639081954956, -0.06291893124580383, -0.019156329333782196, 0.17478355765342712, 0.2539617419242859, -0.10017331689596176, -0.01266217976808548, 0.020179161801934242, -0.054681625217199326, -0.18075205385684967, 0.1005706712603569, 0.06993074715137482, -0.0035002545919269323, 0.07028285413980484, -0.14006763696670532, 0.1379721611738205, 0.10864881426095963, -0.001267952611669898, 0.12149091809988022, -0.36351925134658813, -0.12175745517015457, 0.06486447155475616, 0.18896400928497314, 0.12601318955421448, -0.16566751897335052, -0.011272819712758064, 0.006904946640133858, -0.1526266485452652, 0.11353509873151779, -0.09036990255117416, 0.12195362895727158, -0.02489093504846096, 0.11848843842744827, 0.008996840566396713, -0.07731655240058899, 0.12025505304336548, 0.007526904810220003, 0.12230081111192703, -0.049945056438446045, -0.06383253633975983, 0.0604170523583889, -0.010160720907151699, -0.005044064950197935, -0.048124827444553375, 0.01871584728360176, -0.0723862424492836, -0.01751546375453472, -0.11011575907468796, 0.037923313677310944, -0.04099913686513901, -0.06681758165359497, -0.0441104918718338, 0.029402846470475197, 0.03307119011878967, -0.020267628133296967, 0.11320118606090546, 0.006911919452250004, 0.17858684062957764, 0.07703542709350586, 0.06876705586910248, -0.053259871900081635, -0.09274227172136307, 0.0073492019437253475, -0.006094159092754126, 0.06194309517741203, -0.13488714396953583, 0.016138777136802673, 0.16254913806915283, 0.04813230037689209, 0.12298629432916641, 0.09012382477521896, -0.03068016655743122, 0.027488311752676964, 0.057793375104665756, -0.1496814638376236, -0.13847734034061432, 0.013713073916733265, -0.08731139451265335, -0.09803304076194763, 0.052281443029642105, 0.06525109708309174, -0.06068691611289978, -0.008307832293212414, -0.0011180016444996, -0.01881818287074566, -0.06945839524269104, 0.2184624969959259, 0.09102723002433777, 0.04622465744614601, -0.10043217241764069, 0.05503357574343681, 0.048085130751132965, -0.09873422980308533, -0.014346380718052387, 0.0747952088713646, -0.055765412747859955, -0.024277905002236366, 0.10496937483549118, 0.19052302837371826, -0.0759250596165657, -0.01318808738142252, -0.1528313010931015, -0.10785523056983948, 0.05621878802776337, 0.17161229252815247, 0.10255186259746552, -0.013918852433562279, -0.03977534919977188, 0.03830373287200928, -0.14703774452209473, 0.07967950403690338, 0.03319690749049187, 0.07035239785909653, -0.12954606115818024, 0.19372466206550598, 0.0009097751462832093, 0.05039769783616066, -0.025800596922636032, 0.04312984272837639, -0.12606967985630035, 0.036249563097953796, -0.1278015524148941, -0.05140451341867447, -0.01538899727165699, -0.018513815477490425, -0.004017211031168699, -0.08552317321300507, -0.07119511812925339, 0.013176730833947659, -0.13806192576885223, -0.017112648114562035, 0.06252812594175339, 0.02768947184085846, -0.13176178932189941, -0.04220186173915863, 0.02463705651462078, -0.04176279902458191, 0.03955473005771637, 0.05192148685455322, 0.016721012070775032, 0.07485799491405487, -0.18393553793430328, -0.016801226884126663, 0.051688726991415024, 0.002891022013500333, 0.09276843070983887, -0.059602126479148865, -0.012831095606088638, -0.008189648389816284, 0.10274191945791245, 0.026785487309098244, 0.03609982132911682, -0.13900914788246155, 0.00374040799215436, -0.037974271923303604, -0.08949096500873566, -0.0678938701748848, 0.016559042036533356, 0.07592450082302094, 0.02825460582971573, 0.18262776732444763, -0.07906591147184372, 0.06553179025650024, -0.22684243321418762, -0.01523641124367714, -0.007765649352222681, -0.08849087357521057, -0.08664079010486603, -0.049498628824949265, 0.07859383523464203, -0.06595055758953094, 0.11616382747888565, 0.022750021889805794, 0.055862877517938614, 0.0348588302731514, -0.0368385873734951, 0.01914089359343052, 0.01529910322278738, 0.2325439602136612, 0.024836426600813866, -0.02682754024863243, 0.06311683356761932, 0.0703597143292427, 0.07544919848442078, 0.1004653349518776, 0.2284148782491684, 0.17660686373710632, -0.0028649535961449146, 0.06586518883705139, 0.047182995826005936, -0.05448005348443985, -0.13562637567520142, 0.0423184297978878, -0.03955727815628052, 0.07591095566749573, -0.03956311568617821, 0.21356849372386932, 0.07864183932542801, -0.16898247599601746, 0.05161260440945625, -0.07243672758340836, -0.0971968024969101, -0.09293757379055023, -0.0011897929944097996, -0.07719170302152634, -0.15353617072105408, 0.030759204179048538, -0.11094828695058823, 0.02931509166955948, 0.1217164695262909, 0.013162613846361637, -0.023747697472572327, 0.18788346648216248, 0.05354597792029381, 0.03951027989387512, 0.044268898665905, 0.005736431572586298, -0.015292229130864143, -0.09152736514806747, -0.031126542016863823, -0.026343006640672684, -0.037625063210725784, 0.036260850727558136, -0.05703701451420784, -0.10593976080417633, 0.02329869754612446, -0.02638750895857811, -0.09715971350669861, 0.014993241988122463, 0.038134559988975525, 0.08410586416721344, 0.045973870903253555, 0.00669352849945426, 0.023999711498618126, -0.03667166829109192, 0.2351180613040924, -0.08244737982749939, -0.08223562687635422, -0.08580123633146286, 0.25135812163352966, 0.02997085638344288, -0.005312733817845583, 0.029070131480693817, -0.07088228315114975, 0.015719162300229073, 0.23474310338497162, 0.19480042159557343, -0.11986710876226425, -0.00017169326019939035, 0.005238027311861515, -0.00998226460069418, -0.05094148963689804, 0.11028189957141876, 0.12474752962589264, 0.07196284085512161, -0.11481726914644241, -0.033424265682697296, -0.0708058699965477, -0.006395270116627216, -0.030816923826932907, 0.042106352746486664, 0.06164072826504707, 0.00724007748067379, -0.051528483629226685, 0.07752806693315506, -0.06535462290048599, -0.13935025036334991, 0.0932464599609375, -0.20641779899597168, -0.1576683223247528, -0.01448455173522234, 0.129062682390213, -0.010847734287381172, 0.073944590985775, -0.043578460812568665, 0.0038223862648010254, 0.044341374188661575, -0.020855918526649475, -0.08084007352590561, -0.09245041757822037, 0.11468778550624847, -0.11201338469982147, 0.17838706076145172, -0.046934522688388824, 0.09112809598445892, 0.1245095357298851, 0.051746148616075516, -0.05896643549203873, 0.07069838047027588, 0.06734758615493774, -0.1351284384727478, 0.012808198109269142, 0.10678548365831375, -0.020609570667147636, 0.058878712356090546, 0.04115627706050873, -0.12517572939395905, 0.03151499480009079, -0.07140018790960312, -0.034944288432598114, -0.06343868374824524, -0.0442773662507534, -0.059836823493242264, 0.12230926752090454, 0.22883225977420807, -0.021087272092700005, 0.03647240251302719, -0.07537665963172913, 0.017514383420348167, 0.06466144323348999, 0.059809360653162, -0.09316142648458481, -0.23494462668895721, 0.0210261270403862, 0.07645995914936066, -0.03990798443555832, -0.21741726994514465, -0.08845634758472443, 0.021805791184306145, -0.07956068217754364, -0.07412739843130112, 0.06996514648199081, 0.09586463123559952, 0.06343655288219452, -0.04358317703008652, -0.12721651792526245, -0.08453242480754852, 0.16497811675071716, -0.15065862238407135, -0.08014482259750366 ]
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. --> # xlm-roberta-base-finetuned-viquad This model is a fine-tuned version of [xlm-roberta-base](https://huggingface.co/xlm-roberta-base) on the None dataset. It achieves the following results on the evaluation set: - Loss: 2.3761 ## 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: 2 ### Training results | Training Loss | Epoch | Step | Validation Loss | |:-------------:|:-----:|:----:|:---------------:| | No log | 1.0 | 259 | 2.9945 | | 3.3665 | 2.0 | 518 | 2.3761 | ### Framework versions - Transformers 4.15.0 - Pytorch 1.10.0+cu111 - Datasets 1.17.0 - Tokenizers 0.10.3
{"license": "mit", "tags": ["generated_from_trainer"], "model-index": [{"name": "xlm-roberta-base-finetuned-viquad", "results": []}]}
question-answering
Khanh/xlm-roberta-base-finetuned-viquad
[ "transformers", "pytorch", "tensorboard", "xlm-roberta", "question-answering", "generated_from_trainer", "license:mit", "endpoints_compatible", "region:us" ]
2022-03-02T23:29:04+00:00
[]
[]
TAGS #transformers #pytorch #tensorboard #xlm-roberta #question-answering #generated_from_trainer #license-mit #endpoints_compatible #region-us
xlm-roberta-base-finetuned-viquad ================================= This model is a fine-tuned version of xlm-roberta-base on the None dataset. It achieves the following results on the evaluation set: * Loss: 2.3761 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: 2 ### Training results ### Framework versions * Transformers 4.15.0 * Pytorch 1.10.0+cu111 * Datasets 1.17.0 * Tokenizers 0.10.3
[ "### 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: 2", "### Training results", "### Framework versions\n\n\n* Transformers 4.15.0\n* Pytorch 1.10.0+cu111\n* Datasets 1.17.0\n* Tokenizers 0.10.3" ]
[ "TAGS\n#transformers #pytorch #tensorboard #xlm-roberta #question-answering #generated_from_trainer #license-mit #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: 2", "### Training results", "### Framework versions\n\n\n* Transformers 4.15.0\n* Pytorch 1.10.0+cu111\n* Datasets 1.17.0\n* Tokenizers 0.10.3" ]
[ 49, 98, 4, 33 ]
[ "passage: TAGS\n#transformers #pytorch #tensorboard #xlm-roberta #question-answering #generated_from_trainer #license-mit #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: 2### Training results### Framework versions\n\n\n* Transformers 4.15.0\n* Pytorch 1.10.0+cu111\n* Datasets 1.17.0\n* Tokenizers 0.10.3" ]
[ -0.09082736074924469, 0.04550819471478462, -0.001645911717787385, 0.11099866777658463, 0.1908314973115921, 0.030665822327136993, 0.1096125915646553, 0.11442726105451584, -0.09129320830106735, 0.03532300144433975, 0.1180754154920578, 0.17735439538955688, 0.00022878024901729077, 0.062734454870224, -0.058697763830423355, -0.24216073751449585, -0.038452766835689545, 0.04625284671783447, -0.10805201530456543, 0.133136585354805, 0.07451032102108002, -0.16510799527168274, 0.07333330065011978, -0.01091860607266426, -0.25834059715270996, 0.02324811927974224, 0.02115687169134617, -0.04388050734996796, 0.14613620936870575, 0.009616020135581493, 0.15291813015937805, 0.005502055399119854, 0.09493067860603333, -0.17794907093048096, 0.018724732100963593, 0.05325968191027641, 0.0060134222730994225, 0.0818047747015953, 0.05626002699136734, 0.004465356934815645, 0.10779222100973129, -0.09476294368505478, 0.05303250253200531, 0.01731709949672222, -0.1345221847295761, -0.24310734868049622, -0.09168583154678345, 0.0037223068065941334, 0.05398575961589813, 0.11377555876970291, -0.01046848762780428, 0.17935127019882202, -0.11038317531347275, 0.09401386231184006, 0.24749746918678284, -0.2899854779243469, -0.0840941071510315, 0.06302855908870697, 0.03224087134003639, 0.09525086730718613, -0.12108629196882248, -0.012696958146989346, 0.06455732882022858, 0.04525590315461159, 0.10059341043233871, -0.0455198809504509, -0.09573495388031006, 0.048341572284698486, -0.1496497541666031, -0.013707269914448261, 0.07808603346347809, 0.03943247348070145, -0.024962134659290314, -0.015922091901302338, -0.055393658578395844, -0.13843077421188354, -0.031000768765807152, -0.027440542355179787, 0.052068643271923065, -0.06533987075090408, -0.1204950138926506, -0.0038427328690886497, -0.10618376731872559, -0.07964079082012177, -0.06566261500120163, 0.17100924253463745, 0.04097968712449074, 0.028294427320361137, -0.04819165915250778, 0.10466040670871735, -0.0009412510553374887, -0.13295899331569672, 0.03526031970977783, 0.034433793276548386, -0.035414233803749084, -0.050524819642305374, -0.0549914613366127, -0.0892055481672287, 0.018389757722616196, 0.08317112922668457, -0.07452452927827835, 0.04028435796499252, 0.04353393614292145, 0.04382605105638504, -0.09076086431741714, 0.18748627603054047, -0.05505535006523132, -0.014010781422257423, -0.018733445554971695, 0.05016999691724777, -0.01932818628847599, -0.002604289446026087, -0.10203776508569717, -0.00048203993355855346, 0.08106891810894012, 0.02383224107325077, -0.05190955102443695, 0.05577867105603218, -0.031094474717974663, -0.01604294590651989, -0.05011641979217529, -0.08311793953180313, 0.04795676842331886, -0.00574976671487093, -0.09529068320989609, 0.005652203224599361, -0.0033414270728826523, 0.008472884073853493, 0.0017392680747434497, 0.13937759399414062, -0.10329721122980118, 0.05397661402821541, -0.11720466613769531, -0.1202397495508194, 0.009760596789419651, -0.06546326726675034, 0.022687720134854317, -0.08533983677625656, -0.12394578754901886, -0.026816468685865402, 0.05698366090655327, -0.03490221127867699, -0.02049945667386055, -0.0372852198779583, -0.09330420196056366, -0.013561462983489037, -0.013330336660146713, 0.17644675076007843, -0.05234496295452118, 0.13049641251564026, 0.051411163061857224, 0.0714007169008255, -0.044780924916267395, 0.045377571135759354, -0.08609722554683685, 0.005669251549988985, -0.18889445066452026, 0.022872786968946457, -0.06232302635908127, 0.07201947271823883, -0.0769738107919693, -0.12976565957069397, 0.024034587666392326, -0.003278016112744808, 0.08669377118349075, 0.07853688299655914, -0.16651131212711334, -0.07328878343105316, 0.15766556560993195, -0.044710781425237656, -0.12136131525039673, 0.11851301789283752, -0.065514475107193, 0.04469382390379906, 0.06885281950235367, 0.1673727035522461, 0.03484402969479561, -0.1245870515704155, 0.01835656352341175, -0.027941837906837463, 0.03420890122652054, -0.059463586658239365, 0.045968297868967056, 0.009354904294013977, 0.022728314623236656, 0.023139551281929016, -0.06290285289287567, 0.054336003959178925, -0.1281076818704605, -0.08991475403308868, -0.04330842196941376, -0.10176388174295425, 0.03818931430578232, 0.09238169342279434, 0.08247242122888565, -0.11053551733493805, -0.07339586317539215, 0.09408418834209442, 0.05881721153855324, -0.056491754949092865, 0.017090855166316032, -0.06550861895084381, 0.06415936350822449, -0.07548696547746658, -0.03611021116375923, -0.18832392990589142, -0.0413459949195385, -0.006115700583904982, 0.026914017274975777, 0.03767543286085129, 0.07013560086488724, 0.08337358385324478, 0.04804935306310654, -0.0625116154551506, -0.009563375264406204, -0.05406472459435463, -0.007402153220027685, -0.14111988246440887, -0.19949178397655487, -0.027195706963539124, -0.015612196177244186, 0.07513460516929626, -0.20443294942378998, 0.021519368514418602, -0.03678104281425476, 0.06743720918893814, 0.009745401330292225, -0.010220259428024292, -0.057425230741500854, 0.10182055830955505, -0.005030717235058546, -0.040757760405540466, 0.0702761560678482, -0.014545352198183537, -0.07598244398832321, -0.08185839653015137, -0.10220959037542343, 0.18251636624336243, 0.14369617402553558, -0.14188794791698456, -0.08955104649066925, 0.013484563678503036, -0.06705556064844131, -0.023212604224681854, -0.055763423442840576, 0.04792923480272293, 0.17666545510292053, -0.010266691446304321, 0.13009455800056458, -0.07038836926221848, -0.04442080110311508, 0.013951428234577179, -0.03641045093536377, 0.051244884729385376, 0.12047798186540604, 0.14402993023395538, -0.0823289230465889, 0.13114391267299652, 0.13967828452587128, -0.11192924529314041, 0.12419313192367554, -0.04787936806678772, -0.08359938859939575, -0.03907046094536781, -0.003459096886217594, 0.0010420625330880284, 0.13740511238574982, -0.11269621551036835, 0.002306184032931924, 0.008859054185450077, 0.012172018177807331, 0.02945382334291935, -0.24326306581497192, -0.0719393640756607, 0.0190277136862278, -0.034153975546360016, -0.029775142669677734, -0.010186753235757351, 0.02578520029783249, 0.11336493492126465, -0.007467764895409346, -0.06363006681203842, 0.018266238272190094, -0.004947084002196789, -0.0637265220284462, 0.20962268114089966, -0.05559227988123894, -0.0837201476097107, -0.08710948377847672, -0.04718860611319542, -0.035084713250398636, -0.008039609529078007, 0.048120636492967606, -0.1082024946808815, -0.014631194062530994, -0.033013470470905304, 0.030555004253983498, -0.007947067730128765, 0.03544631227850914, 0.00038481270894408226, 0.007124622818082571, 0.06406479328870773, -0.11924910545349121, 0.004687089938670397, -0.07464355230331421, -0.08994604647159576, 0.05691443756222725, 0.0643886998295784, 0.1379457414150238, 0.15740551054477692, -0.036743659526109695, 0.005866727326065302, -0.026950830593705177, 0.2514578700065613, -0.08439868688583374, -0.051943548023700714, 0.11158768087625504, 0.005887346807867289, 0.054178208112716675, 0.1030733659863472, 0.09076159447431564, -0.10374973714351654, 0.00849209725856781, 0.04508289694786072, -0.041493967175483704, -0.23035278916358948, -0.016541877761483192, -0.05490349233150482, -0.03563753142952919, 0.06536166369915009, 0.026595668867230415, 0.03349215164780617, 0.06672170758247375, 0.059578586369752884, 0.04803486168384552, -0.07105163484811783, 0.045196373015642166, 0.08393523097038269, 0.04627571254968643, 0.1204194724559784, -0.04755067452788353, -0.08412724733352661, 0.015589943155646324, -0.013917514123022556, 0.25249364972114563, 0.0013379266019910574, 0.10343261063098907, 0.07660767436027527, 0.19558118283748627, -0.005486876238137484, 0.06984883546829224, -0.0071816458366811275, -0.07019928097724915, -0.0016540936194360256, -0.035005662590265274, -0.00589078851044178, 0.008811380714178085, -0.018417714163661003, 0.06161249801516533, -0.10327152907848358, -0.029660144820809364, 0.06506150960922241, 0.2183474451303482, 0.009321462363004684, -0.289766788482666, -0.06758227199316025, -0.007506875786930323, -0.02738160640001297, 0.009296373464167118, 0.0034263336565345526, 0.13785351812839508, -0.09094127267599106, -0.0026702359318733215, -0.0804222971200943, 0.09653443843126297, 0.0044786361977458, 0.04277796670794487, 0.07265084236860275, 0.1096123531460762, -0.004743504803627729, 0.07055599242448807, -0.3110164999961853, 0.29130539298057556, 0.011484152637422085, 0.1002984419465065, -0.06533990055322647, -0.021587880328297615, 0.013998344540596008, 0.01411093957722187, 0.05998162180185318, -0.024617649614810944, -0.012210308574140072, -0.20352233946323395, -0.005694416351616383, 0.0468255840241909, 0.12648554146289825, -0.0037788657937198877, 0.11294030398130417, -0.01169349905103445, 0.008604529313743114, 0.08259406685829163, -0.006377202924340963, -0.052159637212753296, -0.06795273721218109, -0.02576143853366375, -0.006684109568595886, -0.07292623817920685, -0.0585174523293972, -0.10958582162857056, -0.1500530242919922, 0.12217919528484344, 0.012550504878163338, -0.01600056327879429, -0.11012984812259674, 0.11065071821212769, 0.0892348662018776, -0.07967480272054672, 0.024947386234998703, 0.029055405408143997, 0.026396559551358223, 0.03539871424436569, -0.051898617297410965, 0.10932786762714386, -0.05104593187570572, -0.15776067972183228, -0.05274922400712967, 0.0952048972249031, 0.043950844556093216, 0.06984636932611465, -0.012101242318749428, 0.016925588250160217, -0.035167016088962555, -0.10473799705505371, 0.04382552206516266, -0.048714108765125275, 0.07389124482870102, 0.01368379220366478, -0.03355845436453819, 0.04074639081954956, -0.06291893124580383, -0.019156329333782196, 0.17478355765342712, 0.2539617419242859, -0.10017331689596176, -0.01266217976808548, 0.020179161801934242, -0.054681625217199326, -0.18075205385684967, 0.1005706712603569, 0.06993074715137482, -0.0035002545919269323, 0.07028285413980484, -0.14006763696670532, 0.1379721611738205, 0.10864881426095963, -0.001267952611669898, 0.12149091809988022, -0.36351925134658813, -0.12175745517015457, 0.06486447155475616, 0.18896400928497314, 0.12601318955421448, -0.16566751897335052, -0.011272819712758064, 0.006904946640133858, -0.1526266485452652, 0.11353509873151779, -0.09036990255117416, 0.12195362895727158, -0.02489093504846096, 0.11848843842744827, 0.008996840566396713, -0.07731655240058899, 0.12025505304336548, 0.007526904810220003, 0.12230081111192703, -0.049945056438446045, -0.06383253633975983, 0.0604170523583889, -0.010160720907151699, -0.005044064950197935, -0.048124827444553375, 0.01871584728360176, -0.0723862424492836, -0.01751546375453472, -0.11011575907468796, 0.037923313677310944, -0.04099913686513901, -0.06681758165359497, -0.0441104918718338, 0.029402846470475197, 0.03307119011878967, -0.020267628133296967, 0.11320118606090546, 0.006911919452250004, 0.17858684062957764, 0.07703542709350586, 0.06876705586910248, -0.053259871900081635, -0.09274227172136307, 0.0073492019437253475, -0.006094159092754126, 0.06194309517741203, -0.13488714396953583, 0.016138777136802673, 0.16254913806915283, 0.04813230037689209, 0.12298629432916641, 0.09012382477521896, -0.03068016655743122, 0.027488311752676964, 0.057793375104665756, -0.1496814638376236, -0.13847734034061432, 0.013713073916733265, -0.08731139451265335, -0.09803304076194763, 0.052281443029642105, 0.06525109708309174, -0.06068691611289978, -0.008307832293212414, -0.0011180016444996, -0.01881818287074566, -0.06945839524269104, 0.2184624969959259, 0.09102723002433777, 0.04622465744614601, -0.10043217241764069, 0.05503357574343681, 0.048085130751132965, -0.09873422980308533, -0.014346380718052387, 0.0747952088713646, -0.055765412747859955, -0.024277905002236366, 0.10496937483549118, 0.19052302837371826, -0.0759250596165657, -0.01318808738142252, -0.1528313010931015, -0.10785523056983948, 0.05621878802776337, 0.17161229252815247, 0.10255186259746552, -0.013918852433562279, -0.03977534919977188, 0.03830373287200928, -0.14703774452209473, 0.07967950403690338, 0.03319690749049187, 0.07035239785909653, -0.12954606115818024, 0.19372466206550598, 0.0009097751462832093, 0.05039769783616066, -0.025800596922636032, 0.04312984272837639, -0.12606967985630035, 0.036249563097953796, -0.1278015524148941, -0.05140451341867447, -0.01538899727165699, -0.018513815477490425, -0.004017211031168699, -0.08552317321300507, -0.07119511812925339, 0.013176730833947659, -0.13806192576885223, -0.017112648114562035, 0.06252812594175339, 0.02768947184085846, -0.13176178932189941, -0.04220186173915863, 0.02463705651462078, -0.04176279902458191, 0.03955473005771637, 0.05192148685455322, 0.016721012070775032, 0.07485799491405487, -0.18393553793430328, -0.016801226884126663, 0.051688726991415024, 0.002891022013500333, 0.09276843070983887, -0.059602126479148865, -0.012831095606088638, -0.008189648389816284, 0.10274191945791245, 0.026785487309098244, 0.03609982132911682, -0.13900914788246155, 0.00374040799215436, -0.037974271923303604, -0.08949096500873566, -0.0678938701748848, 0.016559042036533356, 0.07592450082302094, 0.02825460582971573, 0.18262776732444763, -0.07906591147184372, 0.06553179025650024, -0.22684243321418762, -0.01523641124367714, -0.007765649352222681, -0.08849087357521057, -0.08664079010486603, -0.049498628824949265, 0.07859383523464203, -0.06595055758953094, 0.11616382747888565, 0.022750021889805794, 0.055862877517938614, 0.0348588302731514, -0.0368385873734951, 0.01914089359343052, 0.01529910322278738, 0.2325439602136612, 0.024836426600813866, -0.02682754024863243, 0.06311683356761932, 0.0703597143292427, 0.07544919848442078, 0.1004653349518776, 0.2284148782491684, 0.17660686373710632, -0.0028649535961449146, 0.06586518883705139, 0.047182995826005936, -0.05448005348443985, -0.13562637567520142, 0.0423184297978878, -0.03955727815628052, 0.07591095566749573, -0.03956311568617821, 0.21356849372386932, 0.07864183932542801, -0.16898247599601746, 0.05161260440945625, -0.07243672758340836, -0.0971968024969101, -0.09293757379055023, -0.0011897929944097996, -0.07719170302152634, -0.15353617072105408, 0.030759204179048538, -0.11094828695058823, 0.02931509166955948, 0.1217164695262909, 0.013162613846361637, -0.023747697472572327, 0.18788346648216248, 0.05354597792029381, 0.03951027989387512, 0.044268898665905, 0.005736431572586298, -0.015292229130864143, -0.09152736514806747, -0.031126542016863823, -0.026343006640672684, -0.037625063210725784, 0.036260850727558136, -0.05703701451420784, -0.10593976080417633, 0.02329869754612446, -0.02638750895857811, -0.09715971350669861, 0.014993241988122463, 0.038134559988975525, 0.08410586416721344, 0.045973870903253555, 0.00669352849945426, 0.023999711498618126, -0.03667166829109192, 0.2351180613040924, -0.08244737982749939, -0.08223562687635422, -0.08580123633146286, 0.25135812163352966, 0.02997085638344288, -0.005312733817845583, 0.029070131480693817, -0.07088228315114975, 0.015719162300229073, 0.23474310338497162, 0.19480042159557343, -0.11986710876226425, -0.00017169326019939035, 0.005238027311861515, -0.00998226460069418, -0.05094148963689804, 0.11028189957141876, 0.12474752962589264, 0.07196284085512161, -0.11481726914644241, -0.033424265682697296, -0.0708058699965477, -0.006395270116627216, -0.030816923826932907, 0.042106352746486664, 0.06164072826504707, 0.00724007748067379, -0.051528483629226685, 0.07752806693315506, -0.06535462290048599, -0.13935025036334991, 0.0932464599609375, -0.20641779899597168, -0.1576683223247528, -0.01448455173522234, 0.129062682390213, -0.010847734287381172, 0.073944590985775, -0.043578460812568665, 0.0038223862648010254, 0.044341374188661575, -0.020855918526649475, -0.08084007352590561, -0.09245041757822037, 0.11468778550624847, -0.11201338469982147, 0.17838706076145172, -0.046934522688388824, 0.09112809598445892, 0.1245095357298851, 0.051746148616075516, -0.05896643549203873, 0.07069838047027588, 0.06734758615493774, -0.1351284384727478, 0.012808198109269142, 0.10678548365831375, -0.020609570667147636, 0.058878712356090546, 0.04115627706050873, -0.12517572939395905, 0.03151499480009079, -0.07140018790960312, -0.034944288432598114, -0.06343868374824524, -0.0442773662507534, -0.059836823493242264, 0.12230926752090454, 0.22883225977420807, -0.021087272092700005, 0.03647240251302719, -0.07537665963172913, 0.017514383420348167, 0.06466144323348999, 0.059809360653162, -0.09316142648458481, -0.23494462668895721, 0.0210261270403862, 0.07645995914936066, -0.03990798443555832, -0.21741726994514465, -0.08845634758472443, 0.021805791184306145, -0.07956068217754364, -0.07412739843130112, 0.06996514648199081, 0.09586463123559952, 0.06343655288219452, -0.04358317703008652, -0.12721651792526245, -0.08453242480754852, 0.16497811675071716, -0.15065862238407135, -0.08014482259750366 ]
null
null
null
VietnameseQA model based on custom dataset.
{}
null
KhoiNXM/KhoiNXM_Vietnamese_QA
[ "region:us" ]
2022-03-02T23:29:04+00:00
[]
[]
TAGS #region-us
VietnameseQA model based on custom dataset.
[]
[ "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
# CLOG Assessment generator model
{}
text-classification
Khu1998/clog-assessment-model
[ "transformers", "tf", "bert", "text-classification", "autotrain_compatible", "endpoints_compatible", "region:us" ]
2022-03-02T23:29:04+00:00
[]
[]
TAGS #transformers #tf #bert #text-classification #autotrain_compatible #endpoints_compatible #region-us
# CLOG Assessment generator model
[ "# CLOG Assessment generator model" ]
[ "TAGS\n#transformers #tf #bert #text-classification #autotrain_compatible #endpoints_compatible #region-us \n", "# CLOG Assessment generator model" ]
[ 35, 6 ]
[ "passage: TAGS\n#transformers #tf #bert #text-classification #autotrain_compatible #endpoints_compatible #region-us \n# CLOG Assessment generator model" ]
[ -0.04531700164079666, 0.03499041125178337, -0.003676235442981124, 0.03436681255698204, 0.15603747963905334, 0.03371071815490723, 0.04713789001107216, 0.09945643693208694, 0.07925280183553696, -0.04266591742634773, 0.0990234762430191, 0.15030837059020996, -0.046225689351558685, 0.1405138224363327, -0.14129550755023956, -0.25446397066116333, 0.07780691981315613, 0.07688568532466888, -0.020312072709202766, 0.12395501881837845, 0.1081436350941658, -0.054622258991003036, 0.10999375581741333, -0.025837786495685577, -0.16106492280960083, 0.028924904763698578, 0.061449166387319565, -0.1289118379354477, 0.09899432212114334, 0.10653261840343475, 0.06953588873147964, 0.06762918084859848, -0.036672208458185196, -0.12445002794265747, 0.030917838215827942, -0.006935977842658758, -0.09441090375185013, 0.04344872385263443, 0.020755436271429062, -0.07073561102151871, 0.07959413528442383, 0.10690583288669586, 0.04815766587853432, 0.08104211837053299, -0.1480455994606018, -0.08101784437894821, 0.02868388034403324, -0.04150816425681114, 0.11911839246749878, 0.059161409735679626, -0.006031101103872061, 0.16269518435001373, -0.16943420469760895, 0.1190652847290039, 0.0038396543823182583, -0.2919391095638275, -0.027225757017731667, 0.1629650741815567, 0.028344329446554184, 0.0008572061778977513, -0.06626788526773453, 0.08000056445598602, 0.08605189621448517, -0.006357831880450249, 0.060814276337623596, -0.09798914939165115, -0.09791939705610275, 0.051332440227270126, -0.09218952059745789, 0.008499545976519585, 0.2616352140903473, 0.002045174827799201, 0.0322008952498436, -0.0265980027616024, -0.05951271206140518, -0.04794066771864891, -0.03186517581343651, -0.028670011088252068, -0.05217580869793892, 0.07760881632566452, 0.010357550345361233, 0.031046360731124878, -0.09227682650089264, -0.034156955778598785, -0.23193766176700592, 0.13411357998847961, -0.02780049853026867, 0.04004901275038719, -0.1550496220588684, 0.08941377699375153, -0.09300748258829117, -0.09854337573051453, -0.02452835440635681, -0.07142893970012665, -0.1142871305346489, -0.10692841559648514, -0.03524122014641762, -0.0027130942326039076, 0.09443952888250351, 0.1440078765153885, 0.10063091665506363, 0.05035250633955002, -0.062353070825338364, 0.03275340422987938, 0.04489850625395775, 0.16781239211559296, 0.004339898936450481, -0.03997063264250755, 0.028489388525485992, -0.1270703673362732, -0.08020823448896408, -0.043046023696660995, -0.13649959862232208, -0.026097135618329048, 0.0853399857878685, 0.06939441710710526, -0.08441594988107681, 0.10470837354660034, -0.055705659091472626, -0.02919168397784233, 0.044084690511226654, -0.06306685507297516, 0.01511878427118063, 0.026864295825362206, 0.0001101808447856456, 0.059671513736248016, 0.038290780037641525, 0.008073111064732075, -0.03020213358104229, 0.05615048483014107, -0.07049227505922318, -0.027961168438196182, -0.01729915477335453, -0.0856185033917427, 0.021572018042206764, -0.09245014190673828, 0.05313251167535782, -0.19285032153129578, -0.15618351101875305, -0.011855194345116615, 0.006308297161012888, -0.041855115443468094, -0.006722413934767246, -0.06278400123119354, -0.016588084399700165, 0.03580867871642113, -0.038037750869989395, -0.07648792117834091, -0.09719973802566528, 0.04509488865733147, -0.022649167105555534, 0.05204637348651886, -0.16578680276870728, 0.06339623034000397, -0.08530905097723007, -0.0029701015446335077, -0.1437520682811737, 0.10649660229682922, -0.06089019775390625, 0.20752520859241486, -0.07883184403181076, -0.034704986959695816, -0.08701510727405548, 0.04646548256278038, -0.08053439110517502, 0.19024136662483215, -0.1921783834695816, -0.07401347905397415, 0.11645521223545074, -0.09962531924247742, -0.20146629214286804, 0.08959710597991943, -0.04426077380776405, 0.12431270629167557, 0.13675731420516968, 0.14162582159042358, 0.16916421055793762, 0.02846221998333931, 0.12416715919971466, 0.1008000299334526, -0.07583430409431458, -0.04025809466838837, 0.0012705028057098389, 0.02434108778834343, -0.21579375863075256, 0.035478945821523666, 0.04697616770863533, 0.06927576661109924, -0.05154533311724663, -0.03328607603907585, -0.03676869720220566, -0.014244317077100277, 0.06380253285169601, 0.008714933879673481, 0.09693800657987595, -0.07036169618368149, 0.01370468270033598, 0.003120594657957554, -0.004368009511381388, -0.0055151330307126045, -0.017151037231087685, -0.1182280033826828, 0.04282955825328827, -0.03483211621642113, 0.03216305747628212, -0.18929432332515717, -0.09492909908294678, 0.015138051472604275, 0.10735262930393219, 0.00987389124929905, 0.13720987737178802, 0.04993058368563652, -0.07673954218626022, -0.0016403108602389693, 0.010271142236888409, 0.19393889605998993, 0.04781201854348183, -0.0683789849281311, -0.09513039141893387, 0.08477306365966797, -0.06364250183105469, 0.045396894216537476, -0.15392282605171204, -0.0019459744216874242, 0.18328529596328735, 0.10587844997644424, 0.04946022108197212, 0.0699651911854744, 0.005667032673954964, 0.0007186750299297273, -0.06683356314897537, -0.009390134364366531, 0.06309124082326889, -0.010777643881738186, -0.1722770482301712, 0.16836737096309662, -0.1320163905620575, 0.31202369928359985, 0.16802561283111572, -0.1089799553155899, -0.05519124120473862, -0.057619858533144, -0.0016771829687058926, 0.029428556561470032, 0.02003725990653038, -0.016056017950177193, 0.19307948648929596, -0.032046981155872345, 0.1769067347049713, -0.04081320762634277, -0.0798649713397026, -0.0051499176770448685, 0.0006438240525312722, -0.006911748088896275, 0.11421820521354675, 0.053457800298929214, -0.24812260270118713, 0.12903755903244019, 0.15421336889266968, 0.028726978227496147, 0.14853529632091522, -0.02168342098593712, 0.009161521680653095, 0.0372222475707531, -0.014504235237836838, 0.008474372327327728, -0.02635345794260502, -0.1835635006427765, -0.02071266435086727, 0.07338361442089081, 0.016599176451563835, 0.051172882318496704, -0.09613774716854095, -0.01416714210063219, 0.035019371658563614, -0.014178063720464706, 0.00877421535551548, 0.11749475449323654, 0.04558688402175903, 0.1229805201292038, -0.011128883808851242, -0.08818816393613815, 0.08313390612602234, 0.006122170481830835, -0.1324472278356552, 0.23497425019741058, -0.11351987719535828, -0.30158355832099915, -0.14135469496250153, -0.10785175859928131, -0.024116335436701775, 0.05308985337615013, 0.07496629655361176, -0.10459418594837189, -0.08772037923336029, -0.029658036306500435, 0.028923045843839645, -0.02569187432527542, 0.06633294373750687, -0.031500525772571564, 0.051090043038129807, -0.04176855459809303, -0.0925465077161789, -0.06733740866184235, 0.01688641496002674, -0.0053692711517214775, 0.1301746517419815, -0.18731558322906494, 0.06492426991462708, 0.20456485450267792, -0.018729666247963905, 0.07097943127155304, -0.04088720679283142, 0.20630715787410736, -0.12214109301567078, 0.02707156166434288, 0.11711795628070831, -0.10552281141281128, -0.0036330551374703646, 0.16670553386211395, 0.009092891588807106, -0.12568709254264832, 0.05471266806125641, -0.03978017345070839, -0.10336875170469284, -0.21278201043605804, -0.13523222506046295, -0.10531628876924515, 0.049444474279880524, 0.07125355303287506, 0.09006790816783905, 0.14895565807819366, 0.07942372560501099, 0.05101921409368515, 0.013839377090334892, 0.04281976819038391, 0.05277123302221298, 0.20923930406570435, 0.006207355298101902, 0.10030818730592728, -0.07150755077600479, -0.1259259283542633, 0.11079148203134537, -0.01959965191781521, 0.10988292843103409, 0.11285001784563065, 0.03675662353634834, 0.0016829484375193715, -0.03223468363285065, 0.15546628832817078, 0.13518217206001282, 0.033545996993780136, -0.05912746489048004, -0.005372651387006044, -0.014636092819273472, -0.0018117361469194293, 0.0491449348628521, 0.02658756636083126, -0.10022474825382233, -0.07139253616333008, -0.12255936861038208, 0.09213469922542572, 0.0392843559384346, 0.09533513337373734, -0.308707594871521, -0.014477104879915714, 0.06756636500358582, -0.04898473992943764, -0.11107168346643448, 0.08452831208705902, -0.006551941391080618, -0.10994382202625275, 0.11222858726978302, 0.005452279467135668, 0.1448288857936859, -0.04904288053512573, 0.04302287474274635, 0.016342325136065483, -0.12192651629447937, -0.01767021045088768, 0.08948531746864319, -0.25275275111198425, 0.1975603699684143, 0.02060851640999317, -0.06771204620599747, -0.08450821787118912, -0.03420842066407204, 0.046139106154441833, 0.2397867888212204, 0.12224651873111725, -0.007623465731739998, -0.04861628636717796, -0.10713741183280945, -0.04354320839047432, 0.025014728307724, 0.07179530709981918, -0.13301362097263336, 0.004128493368625641, -0.031719569116830826, -0.012117057107388973, 0.005288282874971628, -0.08361204713582993, -0.03696352243423462, -0.10076829791069031, 0.029675878584384918, 0.12141541391611099, 0.0943378433585167, -0.006050851661711931, -0.03916836157441139, -0.07645080238580704, 0.24556908011436462, -0.028903722763061523, -0.04892123490571976, -0.17967893183231354, -0.021758900955319405, 0.09398549050092697, -0.0519857294857502, 0.0412907749414444, -0.05981739982962608, 0.069761723279953, 0.0004487845581024885, -0.22871483862400055, 0.1607130616903305, -0.06865530461072922, 0.004761341027915478, -0.0559375137090683, 0.14879629015922546, -0.043260712176561356, 0.04234657064080238, 0.08205409348011017, -0.008755861781537533, -0.019480371847748756, -0.09618215262889862, -0.08042177557945251, 0.031686365604400635, -0.06862032413482666, 0.06649427860975266, -0.06671744585037231, -0.07539776712656021, -0.021987175568938255, 0.015765376389026642, 0.2525484263896942, 0.06321221590042114, -0.08031129837036133, 0.11175549775362015, 0.041304271668195724, -0.04556475579738617, -0.2998466193675995, 0.011230675503611565, -0.06072209030389786, 0.004511850420385599, -0.07124745100736618, -0.0638364776968956, 0.16588731110095978, -0.0034257557708770037, -0.000038729111111024395, 0.127203568816185, -0.14198212325572968, -0.10556704550981522, 0.21528545022010803, -0.0272323340177536, 0.33469358086586, -0.12415293604135513, -0.09568788856267929, -0.07493173331022263, -0.14762170612812042, 0.1454399675130844, -0.06920003890991211, 0.0545596107840538, 0.0018281012307852507, 0.016592659056186676, 0.04600396752357483, -0.00008521278505213559, 0.1255708932876587, 0.10114699602127075, 0.05821344628930092, -0.08722150325775146, -0.05191495642066002, -0.02071208879351616, -0.026575708761811256, 0.10745472460985184, 0.02928638644516468, 0.05087103694677353, -0.16888263821601868, -0.04808640107512474, -0.034024737775325775, 0.06889613717794418, 0.042061224579811096, -0.021418673917651176, -0.03933482617139816, -0.00804959423840046, 0.009302168153226376, -0.0365779772400856, 0.16081558167934418, -0.10776560008525848, 0.15542688965797424, 0.0885261595249176, 0.21686570346355438, -0.14668110013008118, 0.010856330394744873, -0.000245763105340302, -0.0451107993721962, 0.10020161420106888, -0.1935599148273468, 0.10684558004140854, 0.15260151028633118, -0.042181696742773056, 0.11637019366025925, 0.10340449213981628, 0.03995305299758911, -0.04478366672992706, 0.16521625220775604, -0.19605040550231934, 0.03626791015267372, -0.09880241751670837, -0.05059302598237991, 0.042172517627477646, 0.05037059634923935, 0.17176854610443115, 0.003807064611464739, 0.021122463047504425, 0.035044923424720764, -0.05164617300033569, -0.02752453275024891, 0.11680605262517929, 0.03196026384830475, 0.03531321883201599, -0.16688194870948792, 0.037043530493974686, 0.004345291294157505, -0.1289902925491333, -0.016353508457541466, 0.06504476815462112, -0.18171526491641998, -0.11676298826932907, -0.016112135723233223, 0.21225057542324066, -0.14146514236927032, -0.05764051899313927, -0.03502538055181503, -0.2034839689731598, 0.08106093108654022, 0.3041613698005676, 0.11966291815042496, 0.14312322437763214, -0.043169304728507996, -0.08220341801643372, 0.0021082800813019276, 0.008090226911008358, 0.06021074578166008, 0.014608602970838547, -0.13049812614917755, 0.008335687220096588, -0.037184011191129684, 0.11897315084934235, -0.12752948701381683, -0.057946644723415375, -0.17320333421230316, 0.026981323957443237, -0.1067255437374115, -0.011352798901498318, -0.024644946679472923, 0.014646162278950214, 0.04952569678425789, -0.07523118704557419, -0.07246074825525284, -0.0557895228266716, -0.13165268301963806, 0.04995959624648094, -0.025609487667679787, 0.07567950338125229, 0.0033540402073413134, -0.058757539838552475, 0.06957525759935379, -0.04770028218626976, 0.10746227204799652, 0.08763512223958969, -0.10761669278144836, 0.10499314963817596, -0.18475021421909332, -0.06023067981004715, 0.16719013452529907, 0.014048662036657333, 0.1194363385438919, 0.01246350072324276, 0.06228651851415634, 0.06908924877643585, 0.03596540540456772, 0.09258358925580978, 0.010816561058163643, -0.09568463265895844, -0.05766736716032028, -0.09657594561576843, -0.11979015916585922, -0.014593961648643017, -0.05274495109915733, 0.13246656954288483, 0.06086220219731331, 0.12950816750526428, -0.056906286627054214, 0.04758463054895401, -0.08122066408395767, -0.0022332556545734406, -0.033175818622112274, -0.15690186619758606, -0.06358219683170319, -0.060429174453020096, 0.04010843113064766, -0.01439317874610424, 0.24316170811653137, 0.019805768504738808, 0.08787965029478073, 0.04709130898118019, 0.07149995863437653, 0.025202028453350067, 0.033115096390247345, 0.2342148721218109, 0.10907792299985886, -0.02535821869969368, -0.08001583069562912, 0.07084657996892929, 0.03721671178936958, -0.10059338808059692, 0.02703881822526455, -0.02104148641228676, -0.16256627440452576, 0.11508377641439438, -0.0017584535526111722, 0.049937862902879715, 0.03209167346358299, -0.003935400862246752, -0.08992042392492294, 0.06469369679689407, 0.058244526386260986, 0.04583219811320305, 0.1404407024383545, -0.05170677602291107, 0.03253328427672386, 0.0023152921348810196, -0.06237097829580307, -0.18402962386608124, -0.11114906519651413, -0.14850984513759613, -0.15898974239826202, 0.017997894436120987, -0.11854919791221619, -0.04607350006699562, 0.03268202394247055, 0.10163013637065887, -0.023294437676668167, 0.1370522379875183, -0.07604383677244186, -0.06534498184919357, 0.1498221904039383, -0.037208590656518936, 0.0058818175457417965, -0.006674469914287329, 0.008211473003029823, -0.0716095045208931, 0.016428083181381226, -0.07968737185001373, 0.029761647805571556, -0.0019459425238892436, 0.027296926826238632, -0.13517001271247864, -0.08633627742528915, -0.045403722673654556, 0.033658716827631, -0.09867605566978455, 0.048490382730960846, 0.023342080414295197, -0.04299023374915123, 0.04355843365192413, 0.16611193120479584, -0.06937592476606369, -0.010714600794017315, -0.1581716388463974, 0.2350279688835144, 0.054523155093193054, 0.1120060533285141, -0.01909615844488144, -0.0011715226573869586, -0.049959342926740646, 0.28104162216186523, 0.20834191143512726, -0.0451861172914505, 0.04479644075036049, -0.019535992294549942, 0.022640367969870567, 0.12931789457798004, 0.11041206866502762, 0.036014702171087265, 0.14698150753974915, -0.033825211226940155, -0.08131790906190872, -0.01910511590540409, -0.03681918606162071, -0.021275566890835762, 0.06123881787061691, 0.08344905823469162, -0.037741489708423615, -0.06995467841625214, 0.17359928786754608, -0.15414932370185852, 0.10651747137308121, -0.012553938664495945, -0.17389529943466187, -0.07938440889120102, -0.06021084263920784, -0.002902386011555791, -0.014781851321458817, 0.060384031385183334, -0.05734919384121895, -0.07943004369735718, -0.015585306100547314, -0.002031413372606039, -0.24083659052848816, -0.022570937871932983, 0.05009754002094269, -0.010585376992821693, 0.036190394312143326, -0.016678091138601303, 0.02880033850669861, 0.07785827666521072, 0.026302067562937737, -0.030423156917095184, 0.09747909009456635, -0.01633615978062153, -0.024199221283197403, 0.059572380036115646, 0.025473957881331444, 0.001863506156951189, -0.019223973155021667, 0.07803478837013245, -0.1892130970954895, 0.04220671206712723, -0.10219588875770569, -0.06927471607923508, -0.07714362442493439, 0.04588654264807701, -0.05723556503653526, 0.08984947949647903, 0.12387748062610626, -0.013377057388424873, 0.005759864579886198, -0.040253572165966034, 0.04340974614024162, -0.013677854090929031, -0.1279423087835312, -0.0657210573554039, -0.0789092630147934, -0.057497523725032806, 0.021107906475663185, -0.04808542877435684, -0.20459069311618805, -0.017895162105560303, -0.13698595762252808, 0.04460351914167404, -0.07887175679206848, 0.15743568539619446, 0.059186484664678574, 0.03899112716317177, -0.020333023741841316, -0.15853184461593628, 0.07489871978759766, 0.07172556221485138, -0.12020786106586456, -0.10526827722787857 ]
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-cola This model is a fine-tuned version of [distilbert-base-uncased](https://huggingface.co/distilbert-base-uncased) on the glue dataset. It achieves the following results on the evaluation set: - Loss: 0.5327 - Matthews Correlation: 0.5233 ## 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: 16 - eval_batch_size: 16 - seed: 42 - optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08 - lr_scheduler_type: linear - num_epochs: 5 ### Training results | Training Loss | Epoch | Step | Validation Loss | Matthews Correlation | |:-------------:|:-----:|:----:|:---------------:|:--------------------:| | 0.5314 | 1.0 | 535 | 0.4955 | 0.4270 | | 0.3545 | 2.0 | 1070 | 0.5327 | 0.5233 | | 0.2418 | 3.0 | 1605 | 0.6180 | 0.5132 | | 0.1722 | 4.0 | 2140 | 0.7344 | 0.5158 | | 0.1243 | 5.0 | 2675 | 0.8581 | 0.5196 | ### Framework versions - Transformers 4.15.0 - Pytorch 1.10.0+cu111 - Datasets 1.17.0 - Tokenizers 0.10.3
{"license": "apache-2.0", "tags": ["generated_from_trainer"], "datasets": ["glue"], "metrics": ["matthews_correlation"], "model-index": [{"name": "distilbert-base-uncased-finetuned-cola", "results": [{"task": {"type": "text-classification", "name": "Text Classification"}, "dataset": {"name": "glue", "type": "glue", "args": "cola"}, "metrics": [{"type": "matthews_correlation", "value": 0.5232819075279987, "name": "Matthews Correlation"}]}]}]}
text-classification
Kien/distilbert-base-uncased-finetuned-cola
[ "transformers", "pytorch", "tensorboard", "distilbert", "text-classification", "generated_from_trainer", "dataset:glue", "license:apache-2.0", "model-index", "autotrain_compatible", "endpoints_compatible", "region:us" ]
2022-03-02T23:29:04+00:00
[]
[]
TAGS #transformers #pytorch #tensorboard #distilbert #text-classification #generated_from_trainer #dataset-glue #license-apache-2.0 #model-index #autotrain_compatible #endpoints_compatible #region-us
distilbert-base-uncased-finetuned-cola ====================================== This model is a fine-tuned version of distilbert-base-uncased on the glue dataset. It achieves the following results on the evaluation set: * Loss: 0.5327 * Matthews Correlation: 0.5233 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: 16 * eval\_batch\_size: 16 * seed: 42 * optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08 * lr\_scheduler\_type: linear * num\_epochs: 5 ### Training results ### Framework versions * Transformers 4.15.0 * Pytorch 1.10.0+cu111 * Datasets 1.17.0 * Tokenizers 0.10.3
[ "### Training hyperparameters\n\n\nThe following hyperparameters were used during training:\n\n\n* learning\\_rate: 2e-05\n* train\\_batch\\_size: 16\n* eval\\_batch\\_size: 16\n* seed: 42\n* optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08\n* lr\\_scheduler\\_type: linear\n* num\\_epochs: 5", "### Training results", "### Framework versions\n\n\n* Transformers 4.15.0\n* Pytorch 1.10.0+cu111\n* Datasets 1.17.0\n* Tokenizers 0.10.3" ]
[ "TAGS\n#transformers #pytorch #tensorboard #distilbert #text-classification #generated_from_trainer #dataset-glue #license-apache-2.0 #model-index #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: 16\n* eval\\_batch\\_size: 16\n* seed: 42\n* optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08\n* lr\\_scheduler\\_type: linear\n* num\\_epochs: 5", "### Training results", "### Framework versions\n\n\n* Transformers 4.15.0\n* Pytorch 1.10.0+cu111\n* Datasets 1.17.0\n* Tokenizers 0.10.3" ]
[ 67, 98, 4, 33 ]
[ "passage: TAGS\n#transformers #pytorch #tensorboard #distilbert #text-classification #generated_from_trainer #dataset-glue #license-apache-2.0 #model-index #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: 16\n* eval\\_batch\\_size: 16\n* seed: 42\n* optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08\n* lr\\_scheduler\\_type: linear\n* num\\_epochs: 5### Training results### Framework versions\n\n\n* Transformers 4.15.0\n* Pytorch 1.10.0+cu111\n* Datasets 1.17.0\n* Tokenizers 0.10.3" ]
[ -0.10177629441022873, 0.09868992865085602, -0.002423677360638976, 0.12112317979335785, 0.1650812178850174, 0.03426579013466835, 0.1299346536397934, 0.12770213186740875, -0.08564593642950058, 0.021304525434970856, 0.1207699179649353, 0.16118186712265015, 0.023844653740525246, 0.10977903753519058, -0.04856811463832855, -0.26443108916282654, -0.014250527136027813, 0.05101621896028519, -0.05502324551343918, 0.13528308272361755, 0.09085173904895782, -0.12123988568782806, 0.09099695831537247, 0.010560519993305206, -0.19217939674854279, 0.0012736907228827477, -0.00007869464025134221, -0.05158104747533798, 0.1480625867843628, 0.026134053245186806, 0.1222379058599472, 0.004350635223090649, 0.08203282207250595, -0.20211967825889587, 0.0109197236597538, 0.047976233065128326, 0.0034287353046238422, 0.09363500773906708, 0.04515067860484123, 0.002628615591675043, 0.12063173204660416, -0.0803351029753685, 0.05412057787179947, 0.025187760591506958, -0.11920642107725143, -0.2130812108516693, -0.07939155399799347, 0.036630984395742416, 0.07490450143814087, 0.10550613701343536, -0.007987946271896362, 0.12026778608560562, -0.08140391111373901, 0.09315772354602814, 0.22560088336467743, -0.2846624255180359, -0.06620592623949051, 0.04440826550126076, 0.014406891539692879, 0.04722030460834503, -0.10258147865533829, -0.03414628654718399, 0.04851415753364563, 0.0509343147277832, 0.1279968023300171, -0.027470313012599945, -0.11697384715080261, 0.006325297988951206, -0.14067994058132172, -0.031778451055288315, 0.16862210631370544, 0.04232211038470268, -0.027326999232172966, -0.05612191930413246, -0.05705082044005394, -0.1505020707845688, -0.035502392798662186, -0.01559263002127409, 0.049344535917043686, -0.023357374593615532, -0.04166480526328087, -0.009466851130127907, -0.10793615877628326, -0.06508545577526093, -0.07387420535087585, 0.11076346784830093, 0.03758743405342102, 0.006860504392534494, -0.029825663194060326, 0.11246810108423233, -0.007811444811522961, -0.12158264964818954, 0.025255942717194557, 0.022893251851201057, 0.01350346952676773, -0.03933148831129074, -0.05274882912635803, -0.06423640251159668, 0.01213061437010765, 0.12725643813610077, -0.05570182576775551, 0.04239019751548767, 0.05044251307845116, 0.04930534213781357, -0.09428779035806656, 0.19049058854579926, -0.034276507794857025, -0.025200827047228813, 0.0005440381937660277, 0.05053231865167618, 0.017217280343174934, -0.011495225131511688, -0.12165343761444092, 0.004494988825172186, 0.08820939809083939, 0.007856707088649273, -0.06190384179353714, 0.07444976270198822, -0.059118129312992096, -0.024367066100239754, 0.0022545091342180967, -0.09038243442773819, 0.021844087168574333, 0.0009826826862990856, -0.07183235138654709, -0.020876631140708923, 0.036078646779060364, 0.015619035810232162, -0.01955125480890274, 0.1076565608382225, -0.08774691820144653, 0.02745640277862549, -0.09359776973724365, -0.10990453511476517, 0.016444405540823936, -0.10769655555486679, 0.022347012534737587, -0.09183300286531448, -0.179530531167984, -0.017432404682040215, 0.05996386706829071, -0.024156158789992332, -0.057796917855739594, -0.058523666113615036, -0.06686114519834518, 0.011313402093946934, -0.00775144575163722, 0.11726417392492294, -0.06450776755809784, 0.09395397454500198, 0.025765664875507355, 0.06269765645265579, -0.042549166828393936, 0.05981731042265892, -0.10193105041980743, 0.013144214637577534, -0.15104839205741882, 0.0400441437959671, -0.05145822837948799, 0.06935621798038483, -0.08194040507078171, -0.10615845024585724, 0.002663051476702094, -0.0028380511794239283, 0.06268789619207382, 0.09636878967285156, -0.18458586931228638, -0.08252619951963425, 0.1638277769088745, -0.07281412184238434, -0.12196049094200134, 0.12136763334274292, -0.0580064132809639, 0.05861146003007889, 0.05951378867030144, 0.17990033328533173, 0.08656419813632965, -0.07854954153299332, 0.0018196254968643188, 0.023756947368383408, 0.05026758089661598, -0.06338667124509811, 0.06808595359325409, 0.0018259093631058931, 0.01989728771150112, 0.03576963394880295, -0.027762150391936302, 0.0641099065542221, -0.08784174174070358, -0.09886786341667175, -0.0402458980679512, -0.08253508061170578, 0.0465523786842823, 0.07975026965141296, 0.06739030033349991, -0.09414571523666382, -0.07797343283891678, 0.05024334043264389, 0.08206507563591003, -0.058022212237119675, 0.024602338671684265, -0.049497149884700775, 0.07355623692274094, -0.023844702169299126, -0.021642537787556648, -0.17968407273292542, -0.032223403453826904, 0.007671972271054983, 0.0017039760714396834, 0.018056152388453484, 0.03337876871228218, 0.06358686834573746, 0.06016344204545021, -0.05022745952010155, -0.019244832918047905, -0.0352572537958622, -0.0006887496565468609, -0.12579292058944702, -0.19718441367149353, -0.028450479730963707, -0.02205497771501541, 0.16075244545936584, -0.2082725465297699, 0.05154874175786972, -0.014233555644750595, 0.06959009915590286, 0.012252251617610455, -0.0065546054393053055, -0.037181925028562546, 0.07644595205783844, -0.04241294413805008, -0.05049571767449379, 0.08215155452489853, 0.01450799684971571, -0.09128501266241074, -0.050215501338243484, -0.09774215519428253, 0.1582167148590088, 0.12925271689891815, -0.11003289371728897, -0.07731720805168152, -0.023380616679787636, -0.0669984295964241, -0.034903690218925476, -0.04613172262907028, 0.026549331843852997, 0.1879379004240036, -0.0049881828017532825, 0.14970116317272186, -0.06918737292289734, -0.043393924832344055, 0.018244462087750435, -0.03694281727075577, 0.01636327989399433, 0.13443101942539215, 0.13418081402778625, -0.06011265516281128, 0.15530750155448914, 0.14804664254188538, -0.08511312305927277, 0.1510668396949768, -0.04195278137922287, -0.06577235460281372, -0.01610550656914711, -0.029684927314519882, -0.011206655763089657, 0.10058020800352097, -0.15690045058727264, -0.002004367997869849, 0.030701281502842903, 0.015433641150593758, 0.02562039904296398, -0.22722068428993225, -0.04094555974006653, 0.03781639412045479, -0.044886574149131775, -0.006275756284594536, -0.00595852779224515, 0.005161743611097336, 0.10115070641040802, -0.0004888595431111753, -0.08683908730745316, 0.03661135584115982, 0.0027518956921994686, -0.08374463021755219, 0.2156449258327484, -0.081173375248909, -0.17226016521453857, -0.13096117973327637, -0.07049524784088135, -0.047677770256996155, -0.0015197350876405835, 0.06859971582889557, -0.09709104150533676, -0.02635144256055355, -0.07209304720163345, 0.025860309600830078, 0.007600440643727779, 0.022702498361468315, 0.0029937936924397945, 0.007451718207448721, 0.06447025388479233, -0.11222215741872787, -0.015035846270620823, -0.058496929705142975, -0.04542740061879158, 0.044325705617666245, 0.02816983126103878, 0.11031338572502136, 0.15270480513572693, -0.013083916157484055, 0.012781093828380108, -0.03162777051329613, 0.23638051748275757, -0.06001908704638481, -0.0208893995732069, 0.1460668295621872, -0.007206457667052746, 0.051826294511556625, 0.11371733248233795, 0.07455668598413467, -0.07760798186063766, 0.003885192796587944, 0.037943821400403976, -0.034547463059425354, -0.23284892737865448, -0.053616248071193695, -0.05520634725689888, 0.011296672746539116, 0.089586041867733, 0.02373400144279003, 0.030841536819934845, 0.07044725120067596, 0.04116436094045639, 0.07381468266248703, -0.037414710968732834, 0.05087532848119736, 0.1295747458934784, 0.030546288937330246, 0.12477082759141922, -0.04690399020910263, -0.06424792855978012, 0.040794432163238525, -0.010863419622182846, 0.22334444522857666, 0.009917938150465488, 0.13131633400917053, 0.06607729941606522, 0.1649666577577591, -0.009735438972711563, 0.07535355538129807, -0.010470135137438774, -0.03799179568886757, -0.0162015613168478, -0.03991588577628136, -0.04029099643230438, 0.023612579330801964, -0.06360199302434921, 0.06474608182907104, -0.12359699606895447, 0.014717328362166882, 0.05894068628549576, 0.24849559366703033, 0.03377196192741394, -0.3200716972351074, -0.09709673374891281, 0.0007384793716482818, -0.029719963669776917, -0.019953938201069832, 0.026196908205747604, 0.09424502402544022, -0.09753169119358063, 0.029457727447152138, -0.07466296851634979, 0.0962631106376648, -0.055720455944538116, 0.05116957798600197, 0.08169417083263397, 0.09054762125015259, 0.011883794330060482, 0.09314082562923431, -0.2884000837802887, 0.27650073170661926, 0.0002981654542963952, 0.056524623185396194, -0.07594560086727142, 0.008374286815524101, 0.041159119457006454, 0.06563553959131241, 0.07949315011501312, -0.01224528532475233, -0.01759219914674759, -0.18658626079559326, -0.06754712015390396, 0.027284175157546997, 0.06876907497644424, -0.04146112501621246, 0.08209217339754105, -0.031855158507823944, 0.008920346386730671, 0.07337794452905655, 0.0023068361915647984, -0.053541041910648346, -0.10786380618810654, -0.005141935311257839, 0.022722337394952774, -0.06008746474981308, -0.06107710674405098, -0.12087935954332352, -0.12990501523017883, 0.155729740858078, -0.035367779433727264, -0.038886189460754395, -0.106304831802845, 0.08325839787721634, 0.05899275466799736, -0.08922765403985977, 0.0430733785033226, 0.0019881264306604862, 0.07539381086826324, 0.02154691517353058, -0.07059939950704575, 0.10247620195150375, -0.07363677769899368, -0.1557348668575287, -0.0653294250369072, 0.10667534172534943, 0.033229321241378784, 0.06670800596475601, -0.014250626787543297, 0.00431025680154562, -0.046546995639801025, -0.08820211887359619, 0.020896978676319122, 0.004755881614983082, 0.07743469625711441, 0.018997633829712868, -0.07543632388114929, 0.01201551128178835, -0.06481624394655228, -0.034086693078279495, 0.20510898530483246, 0.2221778780221939, -0.09982394427061081, 0.024086005985736847, 0.025836989283561707, -0.0738971009850502, -0.19793148338794708, 0.03522804379463196, 0.05483577400445938, 0.008683490566909313, 0.04294142872095108, -0.18465115129947662, 0.13146370649337769, 0.10747389495372772, -0.011773521080613136, 0.10583452880382538, -0.324044793844223, -0.12059681862592697, 0.13578835129737854, 0.13629050552845, 0.09854068607091904, -0.1321391612291336, -0.02271113730967045, -0.018754245713353157, -0.1379910707473755, 0.11446153372526169, -0.09142790734767914, 0.120912104845047, -0.037892017513513565, 0.07596635818481445, 0.0028597572818398476, -0.0584384985268116, 0.12073198705911636, 0.023140931501984596, 0.0945015400648117, -0.058765899389982224, -0.033337973058223724, 0.03047853522002697, -0.042802438139915466, 0.03446131944656372, -0.09962396323680878, 0.029662422835826874, -0.10281215608119965, -0.0251001063734293, -0.06927776336669922, 0.04619433730840683, -0.04536258056759834, -0.06819522380828857, -0.037817176431417465, 0.025476092472672462, 0.04637615382671356, -0.007411271333694458, 0.12242395430803299, 0.02384062111377716, 0.1488822102546692, 0.09686450660228729, 0.07455138862133026, -0.06877368688583374, -0.08208677172660828, -0.026989970356225967, -0.01078053005039692, 0.050466980785131454, -0.1369129866361618, 0.019369233399629593, 0.15191002190113068, 0.020388750359416008, 0.15307851135730743, 0.08298779278993607, -0.021846970543265343, -0.00145810900721699, 0.059030331671237946, -0.16558411717414856, -0.09374777227640152, -0.017512774094939232, -0.06781873852014542, -0.12064754962921143, 0.04518076777458191, 0.09283262491226196, -0.06830855458974838, -0.006686370354145765, -0.004924751818180084, 0.013755558989942074, -0.05032142624258995, 0.18429741263389587, 0.06282955408096313, 0.047867823392152786, -0.096428282558918, 0.07266043871641159, 0.0449543371796608, -0.07330744713544846, 0.0033405697904527187, 0.07132815569639206, -0.08534601330757141, -0.05450327321887016, 0.06432835012674332, 0.1912047564983368, -0.043927162885665894, -0.04855562746524811, -0.1453658491373062, -0.12287921458482742, 0.07764768600463867, 0.1408335417509079, 0.11843205243349075, 0.01058033388108015, -0.06616745889186859, 0.0029106447473168373, -0.10731884837150574, 0.10160065442323685, 0.045956265181303024, 0.06211207062005997, -0.14301945269107819, 0.14211498200893402, 0.020740197971463203, 0.04820193350315094, -0.01806846633553505, 0.023208048194646835, -0.10020429641008377, 0.007697694003582001, -0.09298595041036606, -0.019537312909960747, -0.029065001755952835, 0.011588165536522865, -0.005960927344858646, -0.04729988053441048, -0.0542338490486145, 0.010628738440573215, -0.10766087472438812, -0.023693302646279335, 0.030114110559225082, 0.07296796143054962, -0.10916557163000107, -0.035426318645477295, 0.030875829979777336, -0.06108306720852852, 0.07371184974908829, 0.04329424351453781, 0.015606247819960117, 0.050780802965164185, -0.13902859389781952, 0.02026754431426525, 0.07313340902328491, 0.029131997376680374, 0.06079116463661194, -0.09932733327150345, -0.007924248464405537, -0.00831547100096941, 0.039642333984375, 0.02172110602259636, 0.07442112267017365, -0.1410936713218689, 0.0035281842574477196, -0.02308511547744274, -0.08286073803901672, -0.06700614094734192, 0.028149420395493507, 0.08893175423145294, 0.018416542559862137, 0.19928090274333954, -0.07619873434305191, 0.049508191645145416, -0.21921874582767487, 0.007203821558505297, -0.006482485681772232, -0.11031077802181244, -0.10131534934043884, -0.07205703109502792, 0.05513612926006317, -0.060717787593603134, 0.1499030590057373, 0.04670583829283714, 0.0190992783755064, 0.02442006766796112, -0.011104658246040344, 0.0123064573854208, 0.009836219251155853, 0.18994872272014618, 0.030648769810795784, -0.03457606956362724, 0.05985496938228607, 0.044767893850803375, 0.10333859920501709, 0.11458932608366013, 0.2000289261341095, 0.14501407742500305, -0.009634922258555889, 0.09320678561925888, 0.043747033923864365, -0.055918898433446884, -0.15551309287548065, 0.05201669782400131, -0.0348605252802372, 0.10937416553497314, -0.02125314436852932, 0.22091102600097656, 0.06478510051965714, -0.1696740686893463, 0.051610227674245834, -0.05148177221417427, -0.08721215277910233, -0.11527423560619354, -0.049710892140865326, -0.07701697945594788, -0.13180910050868988, -0.003880183445289731, -0.11571096628904343, -0.0028426540084183216, 0.12518630921840668, 0.003630818100646138, -0.027395818382501602, 0.15849998593330383, 0.014401617459952831, 0.022212907671928406, 0.06015627831220627, 0.008367235772311687, -0.03863980621099472, -0.14036662876605988, -0.059315942227840424, -0.012330079451203346, -0.008793477900326252, 0.03116128407418728, -0.06153199076652527, -0.04473326727747917, 0.03117159940302372, -0.02042582258582115, -0.09601709246635437, 0.006006556563079357, 0.011131567880511284, 0.0533316507935524, 0.044897403568029404, 0.009516828693449497, 0.018703876063227654, -0.0037758296821266413, 0.20052506029605865, -0.0717770978808403, -0.06498154252767563, -0.10246375948190689, 0.23358504474163055, 0.0361536405980587, -0.018478771671652794, 0.03453867882490158, -0.06657195836305618, 0.004409546032547951, 0.24914872646331787, 0.21641024947166443, -0.07975707203149796, -0.0060849878937006, 0.016893045976758003, -0.007865218445658684, -0.021979933604598045, 0.09790797531604767, 0.14306801557540894, 0.04558771848678589, -0.09230106323957443, -0.04356169328093529, -0.058740004897117615, -0.0174243226647377, -0.03374728187918663, 0.0693250447511673, 0.051049165427684784, 0.009482786059379578, -0.03563119098544121, 0.0567263662815094, -0.06666052341461182, -0.09042596817016602, 0.05730389058589935, -0.21876642107963562, -0.16741296648979187, -0.01652800291776657, 0.1028960645198822, 0.0017809192650020123, 0.061948828399181366, -0.029001614078879356, -0.003035155590623617, 0.09021490812301636, -0.019437670707702637, -0.09757450222969055, -0.07405272871255875, 0.0848613753914833, -0.11156534403562546, 0.21836979687213898, -0.047714509069919586, 0.054364051669836044, 0.1254379153251648, 0.06760457158088684, -0.0644994005560875, 0.06536801904439926, 0.04187343269586563, -0.04156811535358429, 0.023007867857813835, 0.06869390606880188, -0.03251289203763008, 0.06446241587400436, 0.047979000955820084, -0.13706746697425842, 0.02370663918554783, -0.04812363535165787, -0.06919568032026291, -0.043872371315956116, -0.020693952217698097, -0.06029629707336426, 0.12902742624282837, 0.2190595120191574, -0.024821428582072258, -0.00955967791378498, -0.07230399549007416, 0.00883461069315672, 0.05615578591823578, 0.021983714774250984, -0.057219840586185455, -0.21056394279003143, 0.016822319477796555, 0.04565083608031273, -0.01846429333090782, -0.25154390931129456, -0.10084811598062515, 0.004124476574361324, -0.07295944541692734, -0.0947342962026596, 0.07150569558143616, 0.08810579776763916, 0.054769519716501236, -0.05578319728374481, -0.04721960425376892, -0.07467550039291382, 0.14914295077323914, -0.1454761028289795, -0.09100616723299026 ]
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-cola This model is a fine-tuned version of [distilbert-base-uncased](https://huggingface.co/distilbert-base-uncased) on an unkown dataset. It achieves the following results on the evaluation set: - Loss: 0.1037 - Matthews Correlation: 0.9719 ## 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: 16 - eval_batch_size: 16 - seed: 42 - optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08 - lr_scheduler_type: linear - num_epochs: 5 ### Training results | Training Loss | Epoch | Step | Validation Loss | Matthews Correlation | |:-------------:|:-----:|:----:|:---------------:|:--------------------:| | 0.2094 | 1.0 | 525 | 0.1069 | 0.9607 | | 0.0483 | 2.0 | 1050 | 0.0878 | 0.9719 | | 0.0296 | 3.0 | 1575 | 0.1263 | 0.9664 | | 0.0108 | 4.0 | 2100 | 0.1037 | 0.9719 | | 0.0096 | 5.0 | 2625 | 0.1065 | 0.9719 | ### Framework versions - Transformers 4.9.2 - Pytorch 1.9.0+cu102 - Datasets 1.11.0 - Tokenizers 0.10.3
{"license": "apache-2.0", "tags": ["generated_from_trainer"], "metrics": ["matthews_correlation"], "model_index": [{"name": "distilbert-base-uncased-finetuned-cola", "results": [{"task": {"name": "Text Classification", "type": "text-classification"}, "metric": {"name": "Matthews Correlation", "type": "matthews_correlation", "value": 0.9719066462260881}}]}]}
text-classification
Kieran/distilbert-base-uncased-finetuned-cola
[ "transformers", "pytorch", "tensorboard", "distilbert", "text-classification", "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 #text-classification #generated_from_trainer #license-apache-2.0 #autotrain_compatible #endpoints_compatible #region-us
distilbert-base-uncased-finetuned-cola ====================================== This model is a fine-tuned version of distilbert-base-uncased on an unkown dataset. It achieves the following results on the evaluation set: * Loss: 0.1037 * Matthews Correlation: 0.9719 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: 16 * eval\_batch\_size: 16 * seed: 42 * optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08 * lr\_scheduler\_type: linear * num\_epochs: 5 ### Training results ### Framework versions * Transformers 4.9.2 * Pytorch 1.9.0+cu102 * Datasets 1.11.0 * Tokenizers 0.10.3
[ "### Training hyperparameters\n\n\nThe following hyperparameters were used during training:\n\n\n* learning\\_rate: 2e-05\n* train\\_batch\\_size: 16\n* eval\\_batch\\_size: 16\n* seed: 42\n* optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08\n* lr\\_scheduler\\_type: linear\n* num\\_epochs: 5", "### Training results", "### Framework versions\n\n\n* Transformers 4.9.2\n* Pytorch 1.9.0+cu102\n* Datasets 1.11.0\n* Tokenizers 0.10.3" ]
[ "TAGS\n#transformers #pytorch #tensorboard #distilbert #text-classification #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: 16\n* eval\\_batch\\_size: 16\n* seed: 42\n* optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08\n* lr\\_scheduler\\_type: linear\n* num\\_epochs: 5", "### Training results", "### Framework versions\n\n\n* Transformers 4.9.2\n* Pytorch 1.9.0+cu102\n* Datasets 1.11.0\n* Tokenizers 0.10.3" ]
[ 57, 98, 4, 34 ]
[ "passage: TAGS\n#transformers #pytorch #tensorboard #distilbert #text-classification #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: 16\n* eval\\_batch\\_size: 16\n* seed: 42\n* optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08\n* lr\\_scheduler\\_type: linear\n* num\\_epochs: 5### Training results### Framework versions\n\n\n* Transformers 4.9.2\n* Pytorch 1.9.0+cu102\n* Datasets 1.11.0\n* Tokenizers 0.10.3" ]
[ -0.09639033675193787, 0.07827340066432953, -0.002089833840727806, 0.11683710664510727, 0.17967040836811066, 0.023425260558724403, 0.11285340785980225, 0.12371762841939926, -0.10934773832559586, 0.01417702529579401, 0.11820950359106064, 0.18422609567642212, 0.007261367980390787, 0.10838385671377182, -0.05722862109541893, -0.25768864154815674, -0.013849709182977676, 0.05147440358996391, -0.07639933377504349, 0.14059455692768097, 0.0956299901008606, -0.1337864100933075, 0.0757044181227684, 0.004196381662040949, -0.23104478418827057, 0.007031500805169344, 0.014394301921129227, -0.06511855870485306, 0.14790380001068115, 0.019495889544487, 0.13023978471755981, 0.007870199158787727, 0.07682092487812042, -0.17827612161636353, 0.010236432775855064, 0.04897737130522728, 0.0052080703899264336, 0.0875803753733635, 0.05860250070691109, -0.010946464724838734, 0.12501858174800873, -0.08436156809329987, 0.056912533938884735, 0.021664157509803772, -0.12028063088655472, -0.217848539352417, -0.0804612934589386, 0.028007397428154945, 0.06786985695362091, 0.10959136486053467, -0.000478598551126197, 0.1255585253238678, -0.09995455294847488, 0.09793265908956528, 0.21034277975559235, -0.2745567262172699, -0.06601398438215256, 0.035536445677280426, 0.007570088841021061, 0.07382176071405411, -0.11281982064247131, -0.025965899229049683, 0.05333321914076805, 0.05139027535915375, 0.1381128877401352, -0.03230615705251694, -0.12920276820659637, 0.009572960436344147, -0.14307570457458496, -0.03243294358253479, 0.14286409318447113, 0.024004725739359856, -0.025530919432640076, -0.04116344451904297, -0.056754231452941895, -0.1537753790616989, -0.038877956569194794, -0.008528073318302631, 0.042877428233623505, -0.03430747240781784, -0.05004056915640831, -0.0023113838396966457, -0.11047536134719849, -0.06743118166923523, -0.07194730639457703, 0.1432257443666458, 0.039338577538728714, 0.009241900406777859, -0.028965603560209274, 0.11053329706192017, 0.026105739176273346, -0.13098640739917755, 0.030104510486125946, 0.02735515497624874, 0.005231388378888369, -0.04935644194483757, -0.06795578449964523, -0.06182495877146721, 0.0054965210147202015, 0.10315292328596115, -0.06027567759156227, 0.05046128109097481, 0.026401935145258904, 0.04683960974216461, -0.10161349922418594, 0.1950838565826416, -0.026616379618644714, -0.0030240160413086414, 0.013120857998728752, 0.04914393275976181, 0.0035819655749946833, -0.007137905806303024, -0.11894278973340988, -0.0004686357860919088, 0.11454916000366211, 0.02004883997142315, -0.06940443813800812, 0.07540836185216904, -0.053895432502031326, -0.0273771733045578, 0.013076206669211388, -0.10238081961870193, 0.03273041173815727, 0.002581744221970439, -0.08315514773130417, -0.012549103237688541, 0.03284861147403717, 0.009005215018987656, -0.03292949125170708, 0.11749368160963058, -0.07712893933057785, 0.043662261217832565, -0.10119619220495224, -0.10786354541778564, 0.016448624432086945, -0.08173203468322754, 0.0230597835034132, -0.10496176779270172, -0.16233466565608978, -0.02177182212471962, 0.056677259504795074, -0.021710963919758797, -0.05927056074142456, -0.05451001971960068, -0.07893870770931244, 0.012007263489067554, -0.017786407843232155, 0.1471322476863861, -0.058491047471761703, 0.11232059448957443, 0.029906008392572403, 0.06257864087820053, -0.04870372265577316, 0.06683570891618729, -0.09395049512386322, -0.0031505522783845663, -0.1913432627916336, 0.0536683090031147, -0.052176520228385925, 0.07668465375900269, -0.08617536723613739, -0.11534536629915237, 0.01456430833786726, -0.006156551651656628, 0.06609145551919937, 0.09300463646650314, -0.16688363254070282, -0.07709506899118423, 0.1464674323797226, -0.06862044334411621, -0.10894528031349182, 0.11264848709106445, -0.060718901455402374, 0.05835147574543953, 0.08126610517501831, 0.1708802878856659, 0.08816053718328476, -0.06517341732978821, 0.02687276154756546, 0.009804352186620235, 0.047976888716220856, -0.075281523168087, 0.05432920530438423, 0.005283717066049576, -0.006525799632072449, 0.039431240409612656, -0.03303241357207298, 0.07131442427635193, -0.09140908718109131, -0.09390081465244293, -0.04105154797434807, -0.09618215262889862, 0.058688510209321976, 0.08311472833156586, 0.09337250888347626, -0.08879833668470383, -0.06512243300676346, 0.08509764820337296, 0.07609482109546661, -0.06186414882540703, 0.03282954916357994, -0.04753084480762482, 0.06098311394453049, -0.025786273181438446, -0.01653921976685524, -0.20431049168109894, -0.00025250253384001553, 0.008748922497034073, 0.0028902662452310324, 0.01999688893556595, 0.01778137870132923, 0.06822329759597778, 0.05339525267481804, -0.05858682841062546, -0.02150375209748745, -0.02436407282948494, -0.004942815285176039, -0.1364811360836029, -0.19148129224777222, -0.01872238889336586, -0.018410352990031242, 0.12791553139686584, -0.20122836530208588, 0.04014095664024353, -0.009346261620521545, 0.06231380254030228, 0.0007687933975830674, -0.0027495366521179676, -0.04203219711780548, 0.0895075798034668, -0.03528418764472008, -0.04516921937465668, 0.08195410668849945, 0.008044048212468624, -0.08428458124399185, -0.03880433365702629, -0.08900777995586395, 0.16942104697227478, 0.14313535392284393, -0.13383705914020538, -0.07934469729661942, -0.00026950339088216424, -0.05898469686508179, -0.03102279081940651, -0.036151085048913956, 0.04260880872607231, 0.1889972984790802, -0.015866924077272415, 0.15890388190746307, -0.06978859752416611, -0.04860030487179756, 0.016305016353726387, -0.02930961176753044, 0.03506213426589966, 0.12366485595703125, 0.11371850967407227, -0.07179009914398193, 0.14282462000846863, 0.15392610430717468, -0.10150828212499619, 0.12861540913581848, -0.04477860406041145, -0.06221158802509308, -0.0032558892853558064, -0.016845673322677612, -0.0021427262108772993, 0.07825843244791031, -0.14504218101501465, -0.006447727791965008, 0.019383130595088005, 0.023261263966560364, 0.028296619653701782, -0.2287854105234146, -0.033248014748096466, 0.024390919134020805, -0.040285006165504456, -0.0037320435512810946, -0.01969553343951702, 0.011951814405620098, 0.10874311625957489, -0.00039453330100513995, -0.07981323450803757, 0.04299908131361008, 0.003914865665137768, -0.08254072815179825, 0.22307175397872925, -0.09525014460086823, -0.1723862737417221, -0.12187867611646652, -0.07063883543014526, -0.040524426847696304, 0.01009325310587883, 0.061212070286273956, -0.10031658411026001, -0.023906800895929337, -0.05179215967655182, 0.02276313491165638, -0.009258386678993702, 0.037027448415756226, 0.00236775865778327, 0.012133494019508362, 0.06836932897567749, -0.11031025648117065, -0.007313280366361141, -0.05625402554869652, -0.06468251347541809, 0.05373293161392212, 0.033149439841508865, 0.10290387272834778, 0.16709917783737183, -0.022271180525422096, 0.007059591356664896, -0.03337112441658974, 0.21655036509037018, -0.06810805946588516, -0.029174193739891052, 0.13557977974414825, -0.00855584628880024, 0.052125707268714905, 0.1038157269358635, 0.0707799643278122, -0.08802097290754318, 0.012481779791414738, 0.019936032593250275, -0.034924574196338654, -0.2339167445898056, -0.056531500071287155, -0.06153351068496704, -0.023997105658054352, 0.09668834507465363, 0.02887391857802868, 0.05076403543353081, 0.06592199951410294, 0.043901361525058746, 0.0855322927236557, -0.028456753119826317, 0.04830469563603401, 0.1306583136320114, 0.04184851422905922, 0.12458157539367676, -0.048142991960048676, -0.06273839622735977, 0.030381115153431892, -0.0216407161206007, 0.21963459253311157, -0.00053173623746261, 0.12324382364749908, 0.05856645107269287, 0.1777719110250473, 0.006003588438034058, 0.08642425388097763, -0.0008234091801568866, -0.03971289098262787, -0.006688852794468403, -0.038400180637836456, -0.04979521036148071, 0.010391252115368843, -0.06319696456193924, 0.055373817682266235, -0.12389320135116577, -0.02200733870267868, 0.056396856904029846, 0.2487788200378418, 0.022167252376675606, -0.3196401298046112, -0.08819987624883652, -0.0017888741567730904, -0.03346679359674454, -0.020780889317393303, 0.02016681618988514, 0.08750218898057938, -0.1018739864230156, 0.029623229056596756, -0.06839680671691895, 0.09529460221529007, -0.0469207800924778, 0.045908041298389435, 0.06756894290447235, 0.0787089392542839, 0.014581010676920414, 0.08844634145498276, -0.32664111256599426, 0.26753318309783936, 0.001274486887268722, 0.07129409164190292, -0.07888998836278915, -0.00029880538932047784, 0.037570178508758545, 0.07037735730409622, 0.0559709295630455, -0.013809377327561378, -0.018766237422823906, -0.1920848786830902, -0.05674472078680992, 0.025400802493095398, 0.08623424172401428, -0.024510815739631653, 0.08126827329397202, -0.026707319542765617, 0.006686832755804062, 0.07509618997573853, -0.04360638186335564, -0.052642278373241425, -0.10077864676713943, -0.01125768106430769, 0.014862813986837864, -0.03536053001880646, -0.059274256229400635, -0.1162143424153328, -0.12381112575531006, 0.15203417837619781, -0.029110845178365707, -0.04022615775465965, -0.1120307520031929, 0.08830809593200684, 0.07360783964395523, -0.08609245717525482, 0.05111512914299965, 0.004948385991156101, 0.06040801480412483, 0.029684120789170265, -0.08011375367641449, 0.09945060312747955, -0.06418292224407196, -0.1570877730846405, -0.04952054098248482, 0.11370712518692017, 0.035687997937202454, 0.06362733244895935, -0.009416659362614155, 0.011302918195724487, -0.03836249187588692, -0.09516916424036026, 0.012862812727689743, -0.005422269459813833, 0.08356515318155289, 0.02994614839553833, -0.07080499827861786, -0.005528260488063097, -0.06591544300317764, -0.03189248964190483, 0.20210449397563934, 0.2090456634759903, -0.0968119278550148, 0.030931144952774048, 0.03449908271431923, -0.0763506144285202, -0.20961612462997437, 0.04986504465341568, 0.07214748859405518, 0.0036103103775531054, 0.029873456805944443, -0.18269792199134827, 0.12843787670135498, 0.09620509296655655, -0.010194521397352219, 0.10642556101083755, -0.3361741006374359, -0.12717872858047485, 0.12120993435382843, 0.14547787606716156, 0.11712471395730972, -0.1437782496213913, -0.02213958650827408, -0.025807777419686317, -0.10827501863241196, 0.1069444790482521, -0.07891790568828583, 0.12122050672769547, -0.03423953428864479, 0.07502739131450653, 0.0034772378858178854, -0.05892844498157501, 0.11438632756471634, 0.02518022432923317, 0.09528134018182755, -0.06292556971311569, -0.03139543905854225, 0.04127435013651848, -0.03683919832110405, 0.013556241057813168, -0.07365491986274719, 0.026942646130919456, -0.10090482980012894, -0.02020568959414959, -0.08700583875179291, 0.043412551283836365, -0.03542695567011833, -0.0517902635037899, -0.030958635732531548, 0.020450998097658157, 0.04999086260795593, -0.012418488040566444, 0.12191061675548553, 0.02067806012928486, 0.15244539082050323, 0.11937703937292099, 0.07340342551469803, -0.05960475653409958, -0.06561091542243958, -0.016661738976836205, -0.013782382942736149, 0.056574851274490356, -0.14771510660648346, 0.028535524383187294, 0.14689001441001892, 0.02122015319764614, 0.13421069085597992, 0.08691759407520294, -0.012924615293741226, 0.003607251448556781, 0.06545547395944595, -0.16265976428985596, -0.07356251776218414, -0.007659193128347397, -0.06324096024036407, -0.10154978185892105, 0.04761302471160889, 0.08255613595247269, -0.07045681774616241, -0.011578145436942577, -0.006702931597828865, 0.0037974363658577204, -0.06014667823910713, 0.20579728484153748, 0.06267046928405762, 0.04828652739524841, -0.10891354829072952, 0.07735990732908249, 0.06193440780043602, -0.08092896640300751, -0.0011290964903309941, 0.08001831918954849, -0.09238524734973907, -0.05154478922486305, 0.10959500819444656, 0.1639346331357956, -0.04741682857275009, -0.04351280257105827, -0.13511833548545837, -0.1307382881641388, 0.08167055249214172, 0.15871424973011017, 0.12510107457637787, 0.017079351469874382, -0.06449681520462036, 0.009081856347620487, -0.12393667548894882, 0.08317845314741135, 0.037753876298666, 0.06351036578416824, -0.13642224669456482, 0.1748834103345871, 0.018132071942090988, 0.049889881163835526, -0.023925280198454857, 0.022972844541072845, -0.10149309039115906, 0.022225676104426384, -0.11100384593009949, -0.019874120131134987, -0.016708562150597572, 0.008222393691539764, -0.009105282835662365, -0.0524248406291008, -0.04780761897563934, 0.015044383704662323, -0.12256944179534912, -0.02127249352633953, 0.02278432436287403, 0.05763351172208786, -0.11196580529212952, -0.04582243785262108, 0.02264760248363018, -0.062309470027685165, 0.06461253762245178, 0.05585100129246712, 0.010495524853467941, 0.07064028829336166, -0.13704197108745575, -0.006522907875478268, 0.08412154763936996, 0.016001414507627487, 0.06180717423558235, -0.08494296669960022, -0.0037138108164072037, 0.009374098852276802, 0.06538229435682297, 0.025733258575201035, 0.07735329866409302, -0.14432287216186523, 0.0029006872791796923, -0.03607029467821121, -0.08122097700834274, -0.06862963736057281, 0.035614579916000366, 0.0826168954372406, 0.014942995272576809, 0.19606667757034302, -0.0803079828619957, 0.042347583919763565, -0.20874235033988953, -0.00023522540868725628, -0.021452944725751877, -0.1181638240814209, -0.13154113292694092, -0.06814773380756378, 0.06732743233442307, -0.049263499677181244, 0.12869110703468323, 0.03641242906451225, 0.04377545416355133, 0.027869107201695442, -0.011588674038648605, 0.004106257110834122, 0.027083691209554672, 0.20937122404575348, 0.034681834280490875, -0.03476254642009735, 0.07666195929050446, 0.05589552968740463, 0.09729425609111786, 0.1142607256770134, 0.19928298890590668, 0.15600818395614624, -0.021330036222934723, 0.09076020866632462, 0.02243400551378727, -0.04702885076403618, -0.15116414427757263, 0.043584853410720825, -0.052661649882793427, 0.1026054248213768, -0.028307411819696426, 0.20963048934936523, 0.0501217283308506, -0.16903699934482574, 0.05314939096570015, -0.053146883845329285, -0.09408965706825256, -0.10210762172937393, -0.03221520781517029, -0.08147495985031128, -0.14054712653160095, -0.004574379418045282, -0.10914994031190872, 0.01175076887011528, 0.10766001790761948, 0.006279707420617342, -0.03008812479674816, 0.1574430614709854, 0.032941244542598724, 0.01376070361584425, 0.06957460939884186, -0.001845802878960967, -0.02956036850810051, -0.11335588246583939, -0.05975725129246712, -0.02139146439731121, -0.007723803166300058, 0.037383779883384705, -0.052299775183200836, -0.07173790782690048, 0.03645778447389603, -0.03254517912864685, -0.09536079317331314, 0.019260473549365997, 0.023487379774451256, 0.06922109425067902, 0.05603427812457085, 0.009620491415262222, 0.006565507035702467, -0.01100831851363182, 0.22184211015701294, -0.07448053359985352, -0.08604145795106888, -0.09061967581510544, 0.26778703927993774, 0.05452143773436546, -0.010687907226383686, 0.03366179019212723, -0.0600287951529026, -0.002795847598463297, 0.2603088319301605, 0.20236004889011383, -0.08512280881404877, -0.008271190337836742, 0.006418257486075163, -0.009216567501425743, -0.008348720148205757, 0.1282239705324173, 0.1481465995311737, 0.04642656818032265, -0.10462071001529694, -0.04107782989740372, -0.05477758124470711, -0.015662238001823425, -0.04702746868133545, 0.06156322360038757, 0.0370149202644825, -0.002608434995636344, -0.03635388985276222, 0.06328508257865906, -0.07213594019412994, -0.09654419869184494, 0.05785737186670303, -0.21241840720176697, -0.1626131534576416, -0.017366493120789528, 0.10696019977331161, -0.0006939521408639848, 0.058997493237257004, -0.024170158430933952, 0.0013862231280654669, 0.0695749819278717, -0.02538764849305153, -0.0890723466873169, -0.07564020156860352, 0.09395552426576614, -0.11157561838626862, 0.18067361414432526, -0.04358518868684769, 0.07172202318906784, 0.11782826483249664, 0.0729270800948143, -0.06513191014528275, 0.05913221091032028, 0.03226958587765694, -0.06884469836950302, 0.04143713787198067, 0.0855928435921669, -0.03146049380302429, 0.036350082606077194, 0.036898527294397354, -0.12094081938266754, 0.026499170809984207, -0.07822985202074051, -0.05568675324320793, -0.04198181629180908, -0.04234028235077858, -0.05659518763422966, 0.11852017790079117, 0.22297587990760803, -0.025471115484833717, 0.009607760235667229, -0.07739734649658203, 0.0016233795322477818, 0.044899217784404755, 0.02159867249429226, -0.0786360576748848, -0.2301938384771347, 0.004799874033778906, 0.050852254033088684, -0.01951882429420948, -0.22277070581912994, -0.08984456211328506, -0.00038438476622104645, -0.0755636990070343, -0.10343270748853683, 0.08432579785585403, 0.06435926258563995, 0.047438524663448334, -0.053349245339632034, -0.07574983686208725, -0.08044879138469696, 0.15683084726333618, -0.15580375492572784, -0.08918696641921997 ]
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-emotion This model is a fine-tuned version of [distilbert-base-uncased](https://huggingface.co/distilbert-base-uncased) on the emotion dataset. It achieves the following results on the evaluation set: - Loss: 0.2224 - Accuracy: 0.9225 - F1: 0.9228 ## 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: 64 - eval_batch_size: 64 - seed: 42 - optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08 - lr_scheduler_type: linear - num_epochs: 2 ### Training results | Training Loss | Epoch | Step | Validation Loss | Accuracy | F1 | |:-------------:|:-----:|:----:|:---------------:|:--------:|:------:| | 0.84 | 1.0 | 250 | 0.3133 | 0.909 | 0.9070 | | 0.2459 | 2.0 | 500 | 0.2224 | 0.9225 | 0.9228 | ### Framework versions - Transformers 4.11.3 - Pytorch 1.9.1 - Datasets 1.16.1 - Tokenizers 0.10.3
{"license": "apache-2.0", "tags": ["generated_from_trainer"], "datasets": ["emotion"], "metrics": ["accuracy", "f1"], "model-index": [{"name": "distilbert-base-uncased-finetuned-emotion", "results": [{"task": {"type": "text-classification", "name": "Text Classification"}, "dataset": {"name": "emotion", "type": "emotion", "args": "default"}, "metrics": [{"type": "accuracy", "value": 0.9225, "name": "Accuracy"}, {"type": "f1", "value": 0.9227765339978083, "name": "F1"}]}]}]}
text-classification
Kiran146/distilbert-base-uncased-finetuned-emotion
[ "transformers", "pytorch", "tensorboard", "distilbert", "text-classification", "generated_from_trainer", "dataset:emotion", "license:apache-2.0", "model-index", "autotrain_compatible", "endpoints_compatible", "region:us" ]
2022-03-02T23:29:04+00:00
[]
[]
TAGS #transformers #pytorch #tensorboard #distilbert #text-classification #generated_from_trainer #dataset-emotion #license-apache-2.0 #model-index #autotrain_compatible #endpoints_compatible #region-us
distilbert-base-uncased-finetuned-emotion ========================================= This model is a fine-tuned version of distilbert-base-uncased on the emotion dataset. It achieves the following results on the evaluation set: * Loss: 0.2224 * Accuracy: 0.9225 * F1: 0.9228 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: 64 * eval\_batch\_size: 64 * seed: 42 * optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08 * lr\_scheduler\_type: linear * num\_epochs: 2 ### Training results ### Framework versions * Transformers 4.11.3 * Pytorch 1.9.1 * Datasets 1.16.1 * Tokenizers 0.10.3
[ "### Training hyperparameters\n\n\nThe following hyperparameters were used during training:\n\n\n* learning\\_rate: 2e-05\n* train\\_batch\\_size: 64\n* eval\\_batch\\_size: 64\n* seed: 42\n* optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08\n* lr\\_scheduler\\_type: linear\n* num\\_epochs: 2", "### Training results", "### Framework versions\n\n\n* Transformers 4.11.3\n* Pytorch 1.9.1\n* Datasets 1.16.1\n* Tokenizers 0.10.3" ]
[ "TAGS\n#transformers #pytorch #tensorboard #distilbert #text-classification #generated_from_trainer #dataset-emotion #license-apache-2.0 #model-index #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: 64\n* eval\\_batch\\_size: 64\n* seed: 42\n* optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08\n* lr\\_scheduler\\_type: linear\n* num\\_epochs: 2", "### Training results", "### Framework versions\n\n\n* Transformers 4.11.3\n* Pytorch 1.9.1\n* Datasets 1.16.1\n* Tokenizers 0.10.3" ]
[ 67, 98, 4, 31 ]
[ "passage: TAGS\n#transformers #pytorch #tensorboard #distilbert #text-classification #generated_from_trainer #dataset-emotion #license-apache-2.0 #model-index #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: 64\n* eval\\_batch\\_size: 64\n* seed: 42\n* optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08\n* lr\\_scheduler\\_type: linear\n* num\\_epochs: 2### Training results### Framework versions\n\n\n* Transformers 4.11.3\n* Pytorch 1.9.1\n* Datasets 1.16.1\n* Tokenizers 0.10.3" ]
[ -0.1017051562666893, 0.10962388664484024, -0.002802381059154868, 0.132132425904274, 0.1622612625360489, 0.043243490159511566, 0.10896886885166168, 0.1285722255706787, -0.08506771177053452, 0.02672961913049221, 0.10629011690616608, 0.16389276087284088, 0.02058040350675583, 0.10195153951644897, -0.05666579678654671, -0.28173062205314636, -0.013397992588579655, 0.05086430907249451, -0.015257305465638638, 0.132503941655159, 0.09718964993953705, -0.12407053261995316, 0.09250093251466751, 0.006179459393024445, -0.17159879207611084, 0.009691344574093819, 0.00265270727686584, -0.04466480389237404, 0.1453099548816681, 0.016585463657975197, 0.10214991867542267, 0.006876545492559671, 0.08271599560976028, -0.22426410019397736, 0.018833108246326447, 0.038030415773391724, 0.0019637250807136297, 0.08616273105144501, 0.04034659266471863, -0.012941584922373295, 0.16530901193618774, -0.06313323229551315, 0.05264188349246979, 0.022525709122419357, -0.10984105616807938, -0.23964732885360718, -0.07787282019853592, 0.04412548243999481, 0.06864064186811447, 0.11927604675292969, -0.021446989849209785, 0.13560953736305237, -0.09489957243204117, 0.09832587093114853, 0.23515106737613678, -0.2415895015001297, -0.0669109970331192, 0.01901879347860813, 0.011380812153220177, 0.04371766373515129, -0.11947648972272873, -0.03796331584453583, 0.04734867438673973, 0.053379856050014496, 0.12230376154184341, -0.0377221405506134, -0.0897008404135704, 0.008169141598045826, -0.12918266654014587, -0.04770319163799286, 0.17803940176963806, 0.0628046989440918, -0.02768385224044323, -0.055392518639564514, -0.05718943476676941, -0.14766253530979156, -0.03119712509214878, -0.01894904114305973, 0.05587203800678253, -0.013684841804206371, -0.06701544672250748, 0.00687180832028389, -0.12319271266460419, -0.040035370737314224, -0.06146494299173355, 0.11019010096788406, 0.02310759387910366, 0.01105972845107317, -0.01799726113677025, 0.09982496500015259, -0.0034749796614050865, -0.12221746146678925, 0.018355829641222954, 0.01744942180812359, 0.03247625380754471, -0.026644859462976456, -0.07442756742238998, -0.06067529693245888, -0.0038387496024370193, 0.09920787811279297, -0.07373987138271332, 0.05019884929060936, 0.047631703317165375, 0.03590100258588791, -0.06533937901258469, 0.19501163065433502, -0.027208229526877403, -0.02852861024439335, -0.010224082507193089, 0.058808449655771255, 0.023854222148656845, -0.003660819958895445, -0.12110361456871033, 0.02845635451376438, 0.09252257645130157, -0.0023587411269545555, -0.09516828507184982, 0.0807885155081749, -0.0763653963804245, -0.02501523867249489, -0.02103998325765133, -0.07807596027851105, 0.028572309762239456, 0.01962941512465477, -0.07589937746524811, 0.003044453216716647, 0.03246626257896423, 0.006958656944334507, -0.019755885004997253, 0.08444736152887344, -0.07357263565063477, 0.027884727343916893, -0.09432410448789597, -0.10178510844707489, 0.0266267079859972, -0.08465467393398285, 0.03723945841193199, -0.09263897687196732, -0.20051826536655426, -0.021073834970593452, 0.07376240193843842, -0.01968623325228691, -0.05110052973031998, -0.06775461137294769, -0.060449082404375076, 0.014831996522843838, -0.0042865159921348095, 0.09687642753124237, -0.06398782879114151, 0.08802174031734467, 0.03287316486239433, 0.0835779681801796, -0.029758861288428307, 0.05505969747900963, -0.11721254140138626, 0.004456619266420603, -0.14134635031223297, 0.05271552503108978, -0.04734466224908829, 0.07413296401500702, -0.06529739499092102, -0.11378728598356247, 0.01788230985403061, -0.0077234311029314995, 0.061989497393369675, 0.10982507467269897, -0.18664538860321045, -0.09592656791210175, 0.16390906274318695, -0.07212916761636734, -0.10737299174070358, 0.13037697970867157, -0.06843599677085876, 0.06959421187639236, 0.07264106720685959, 0.18900306522846222, 0.05278288945555687, -0.07251095771789551, -0.010071640834212303, 0.015977082774043083, 0.05011819675564766, -0.031940244138240814, 0.05485052242875099, 0.027840888127684593, 0.035899486392736435, 0.04099246859550476, -0.011843912303447723, 0.07195486128330231, -0.09168403595685959, -0.10138323903083801, -0.03752181679010391, -0.09236368536949158, 0.04647662863135338, 0.09540087729692459, 0.06607509404420853, -0.11117293685674667, -0.07450243830680847, 0.02837318181991577, 0.09562975913286209, -0.06412867456674576, 0.03087613545358181, -0.06087357923388481, 0.060536280274391174, 0.004844937473535538, -0.013030563481152058, -0.17611052095890045, 0.017784306779503822, 0.008358144201338291, 0.02225693315267563, 0.007661927491426468, 0.03386606648564339, 0.06675076484680176, 0.04112759977579117, -0.05986088141798973, -0.027148937806487083, -0.046763598918914795, -0.002229275181889534, -0.11011326313018799, -0.21942850947380066, -0.018997889012098312, -0.027021022513508797, 0.16744060814380646, -0.20672452449798584, 0.046036794781684875, -0.010827974416315556, 0.055149149149656296, 0.012750145979225636, -0.019470522180199623, -0.030972572043538094, 0.05809649080038071, -0.053296636790037155, -0.04179686680436134, 0.08021948486566544, 0.011566730216145515, -0.09020661562681198, -0.03875906392931938, -0.10311800986528397, 0.14204970002174377, 0.12722577154636383, -0.11568453162908554, -0.06692478805780411, -0.01702531985938549, -0.06735770404338837, -0.01716938428580761, -0.03640327602624893, 0.04105285182595253, 0.19503235816955566, -0.008941875770688057, 0.13872851431369781, -0.06376488506793976, -0.023040782660245895, 0.022007282823324203, -0.049499593675136566, 0.00482206791639328, 0.1328117847442627, 0.10930360853672028, -0.06534697115421295, 0.1470385044813156, 0.14481548964977264, -0.09198158234357834, 0.1612413078546524, -0.04098959267139435, -0.05801784247159958, -0.025365063920617104, -0.049153562635183334, -0.02203545533120632, 0.10157962143421173, -0.18161796033382416, -0.008453145623207092, 0.02571205422282219, 0.003580282209441066, 0.00375988963060081, -0.22554734349250793, -0.052332520484924316, 0.05095743015408516, -0.04261840507388115, -0.005560735706239939, -0.009593533352017403, 0.0032973166089504957, 0.10232379287481308, -0.006181169301271439, -0.08347486704587936, 0.03120313212275505, -0.0030117176938802004, -0.08420751243829727, 0.20538116991519928, -0.09289377927780151, -0.1766357272863388, -0.10509531199932098, -0.06769473850727081, -0.05318471044301987, 0.0064167906530201435, 0.07535731792449951, -0.12054793536663055, -0.02120194025337696, -0.08140044659376144, 0.02675323374569416, 0.007927531376481056, 0.018231309950351715, 0.031015070155262947, -0.0036935831885784864, 0.05174291133880615, -0.10880745202302933, -0.02132740058004856, -0.06522878259420395, -0.04820927977561951, 0.05563199520111084, 0.017513683065772057, 0.11571424454450607, 0.16573509573936462, -0.0050293379463255405, 0.013738754205405712, -0.03708230331540108, 0.23092122375965118, -0.07208804041147232, -0.01725531741976738, 0.14593201875686646, -0.00774383544921875, 0.055044930428266525, 0.11284251511096954, 0.06707534193992615, -0.09063424170017242, 0.015179676935076714, 0.04650787636637688, -0.038930099457502365, -0.21930785477161407, -0.04064127430319786, -0.049836914986371994, 0.021634258329868317, 0.06859028339385986, 0.02317057177424431, 0.047054603695869446, 0.07638797909021378, 0.040972545742988586, 0.03955920785665512, -0.0466783344745636, 0.05508791655302048, 0.13611915707588196, 0.019377388060092926, 0.10406224429607391, -0.03664347901940346, -0.05320163443684578, 0.0605013333261013, -0.01882569119334221, 0.2159363329410553, -0.0006582750356756151, 0.140243798494339, 0.05788951739668846, 0.16920240223407745, -0.03603661432862282, 0.07009465247392654, -0.01778964325785637, -0.041469506919384, -0.03642470762133598, -0.027101952582597733, -0.059471920132637024, 0.03725380823016167, -0.05823659524321556, 0.08495344966650009, -0.138692244887352, 0.010717962868511677, 0.06620492041110992, 0.28096097707748413, 0.025359224528074265, -0.3155582845211029, -0.11500532925128937, 0.008751998655498028, -0.041745468974113464, 0.000027880661946255714, 0.02286911942064762, 0.08628178387880325, -0.09604962170124054, 0.04301519691944122, -0.06159363314509392, 0.0852268636226654, -0.06095673143863678, 0.06564629822969437, 0.041585639119148254, 0.073723703622818, 0.013460173271596432, 0.09056299179792404, -0.28975898027420044, 0.26875361800193787, -0.01023253146559, 0.06148373708128929, -0.08671070635318756, 0.0027457342948764563, 0.06548704206943512, 0.0720168724656105, 0.06815830618143082, -0.00619036378338933, -0.003871609689667821, -0.17411254346370697, -0.0318479984998703, 0.03359248489141464, 0.05803757533431053, -0.030059998854994774, 0.08331940323114395, -0.02465656027197838, 0.011105493642389774, 0.07939938455820084, 0.04261589050292969, -0.053751666098833084, -0.09924128651618958, -0.013179080560803413, 0.03331378847360611, -0.06291583925485611, -0.053119637072086334, -0.12676510214805603, -0.1038629487156868, 0.14759422838687897, 0.011549407616257668, -0.02797669731080532, -0.10517586767673492, 0.08448062837123871, 0.03812616318464279, -0.08888544142246246, 0.02324770949780941, 0.007252450101077557, 0.08070612698793411, 0.021742170676589012, -0.07374326884746552, 0.1075609028339386, -0.07995221763849258, -0.16933059692382812, -0.06574471294879913, 0.09513456374406815, 0.054163407534360886, 0.07779094576835632, -0.0037476264405995607, -0.010013161227107048, -0.05269172415137291, -0.08655601739883423, 0.04183192923665047, 0.025315044447779655, 0.05764462798833847, 0.012850881554186344, -0.04908817261457443, 0.008730486035346985, -0.07054045796394348, -0.03841839358210564, 0.19557811319828033, 0.23794449865818024, -0.08629078418016434, 0.03328924998641014, 0.033869415521621704, -0.07405582070350647, -0.19058877229690552, 0.043175339698791504, 0.061097994446754456, 0.003943310584872961, 0.05007508769631386, -0.19533313810825348, 0.12503281235694885, 0.08070097863674164, -0.013349179178476334, 0.0878773033618927, -0.3001859784126282, -0.11327492445707321, 0.1436072289943695, 0.14620660245418549, 0.12695860862731934, -0.1446642279624939, 0.0003108901437371969, -0.030137574300169945, -0.11384399235248566, 0.11252225935459137, -0.08961949497461319, 0.12236279994249344, -0.022325854748487473, 0.12450577318668365, 0.00916322786360979, -0.04418798163533211, 0.11632300168275833, 0.02192198671400547, 0.09995071589946747, -0.07201820611953735, -0.018358031287789345, 0.027699409052729607, -0.04127093032002449, 0.03371669352054596, -0.10124704241752625, 0.020547065883874893, -0.12247868627309799, -0.032790206372737885, -0.09356830269098282, 0.037892039865255356, -0.03666991367936134, -0.07674690335988998, -0.05158284679055214, 0.028672588989138603, 0.08170957118272781, -0.004613786935806274, 0.09050401300191879, 0.02322472259402275, 0.11475121229887009, 0.11453363299369812, 0.09401128441095352, -0.057979799807071686, -0.07561636716127396, -0.02640722319483757, -0.008185669779777527, 0.048072874546051025, -0.15275199711322784, 0.018215898424386978, 0.13503383100032806, 0.017636839300394058, 0.16723425686359406, 0.08502692729234695, -0.0392821803689003, 0.018487220630049706, 0.05810512229800224, -0.1499074399471283, -0.09516267478466034, -0.021584713831543922, -0.06642382591962814, -0.1213516965508461, 0.034734658896923065, 0.08044686913490295, -0.07341339439153671, -0.0013358041178435087, -0.01673063635826111, 0.01962605118751526, -0.04214950650930405, 0.16708877682685852, 0.04848369583487511, 0.028235187754034996, -0.10312531143426895, 0.08056376874446869, 0.018196726217865944, -0.11067233979701996, 0.03180551528930664, 0.0768103376030922, -0.07566490024328232, -0.05867023393511772, 0.07341378927230835, 0.21296948194503784, -0.06238522008061409, -0.050852034240961075, -0.1525791883468628, -0.1283944696187973, 0.08538459241390228, 0.1306290328502655, 0.11726359277963638, 0.0017837717896327376, -0.08979460597038269, 0.025625482201576233, -0.11350554972887039, 0.09176354110240936, 0.06372405588626862, 0.039719630032777786, -0.1349158138036728, 0.11583241075277328, 0.01078787725418806, 0.04427943751215935, -0.023107871413230896, 0.007231555879116058, -0.08793176710605621, 0.009188338182866573, -0.1220034509897232, -0.027718475088477135, -0.04146605730056763, 0.012801891192793846, 0.0016598859801888466, -0.04567303508520126, -0.044475007802248, 0.009277495555579662, -0.11997299641370773, -0.015694081783294678, 0.03646713122725487, 0.07586392760276794, -0.11281134188175201, -0.04292311519384384, 0.024724120274186134, -0.06297240406274796, 0.09191866964101791, 0.06235373765230179, 0.009690234437584877, 0.05813075229525566, -0.16386227309703827, 0.024424340575933456, 0.09406108409166336, 0.01429719477891922, 0.0506131574511528, -0.08196589350700378, -0.011960228905081749, -0.006180460564792156, 0.039599813520908356, 0.011833667755126953, 0.08149559050798416, -0.1279127299785614, 0.015486318618059158, 0.002804600866511464, -0.09311001747846603, -0.07106040418148041, 0.03188848868012428, 0.07438842207193375, 0.013571334071457386, 0.20256337523460388, -0.08025901019573212, 0.04399929940700531, -0.2204832136631012, 0.006318084895610809, 0.0018772928742691875, -0.10333647578954697, -0.13384535908699036, -0.0746803879737854, 0.05558691546320915, -0.05694816634058952, 0.132915660738945, 0.049979068338871, 0.012500233948230743, 0.012632669880986214, -0.009661578573286533, 0.03160655498504639, -0.0005133823142386973, 0.189671128988266, 0.030336035415530205, -0.04960305243730545, 0.06573893129825592, 0.05405508726835251, 0.11949875205755234, 0.13103283941745758, 0.19672711193561554, 0.14487627148628235, 0.02072806842625141, 0.10989241302013397, 0.028333304449915886, -0.028755567967891693, -0.15476427972316742, 0.02398819476366043, -0.043336495757102966, 0.11892689764499664, -0.01595098152756691, 0.24144652485847473, 0.06772895902395248, -0.15907388925552368, 0.06785635650157928, -0.06310074031352997, -0.07845887541770935, -0.10456293821334839, -0.07125383615493774, -0.07994828373193741, -0.15007014572620392, 0.002038915641605854, -0.13596327602863312, 0.007602124474942684, 0.09038016945123672, 0.012386753223836422, -0.04528503492474556, 0.13690705597400665, 0.01293916255235672, 0.01727040484547615, 0.08880767226219177, 0.0024564433842897415, -0.06984955072402954, -0.11952418833971024, -0.05420690402388573, -0.013306088745594025, -0.01689327508211136, 0.03895832225680351, -0.05111156776547432, -0.06574404239654541, 0.022176718339323997, -0.023033397272229195, -0.1016816794872284, 0.007967205718159676, 0.007509852293878794, 0.06442155689001083, 0.04632227495312691, 0.00002862653309421148, 0.018745532259345055, 0.0018836663803085685, 0.1951502412557602, -0.07574719935655594, -0.026025250554084778, -0.10331159830093384, 0.2338896095752716, 0.02072525955736637, -0.018062138929963112, 0.032299771904945374, -0.07130074501037598, -0.010255924426019192, 0.2472171187400818, 0.21001683175563812, -0.08487965166568756, -0.007244895212352276, -0.003449728013947606, 0.0032258019782602787, -0.045456353574991226, 0.10039355605840683, 0.15103639662265778, 0.016327200457453728, -0.09834056347608566, -0.01749742031097412, -0.05893973633646965, -0.023843180388212204, -0.028137333691120148, 0.06044156476855278, 0.06786827743053436, 0.011128759942948818, -0.0415942519903183, 0.05125153064727783, -0.08635316044092178, -0.09843659400939941, 0.07107625901699066, -0.21236547827720642, -0.1520967185497284, -0.01719421148300171, 0.09983215481042862, 0.03496166691184044, 0.07592719793319702, -0.018170755356550217, 0.0017641260055825114, 0.11365855485200882, -0.020345134660601616, -0.11988086253404617, -0.07316010445356369, 0.10799796134233475, -0.14171062409877777, 0.20373035967350006, -0.062282364815473557, 0.038806378841400146, 0.12325184792280197, 0.06525657325983047, -0.05353724583983421, 0.0763230174779892, 0.04859858751296997, -0.0516088493168354, 0.006920423358678818, 0.10812193155288696, -0.029755696654319763, 0.07303100824356079, 0.047161806374788284, -0.15554532408714294, 0.017253654077649117, -0.04036412015557289, -0.0666695237159729, -0.04563179984688759, -0.0064171249978244305, -0.06930066645145416, 0.1171281561255455, 0.2200385183095932, -0.026181863620877266, -0.004782240372151136, -0.07573667913675308, 0.008659429848194122, 0.05260458588600159, 0.002563140820711851, -0.0559733547270298, -0.2032017856836319, 0.011948462575674057, 0.07064545899629593, -0.014879991300404072, -0.2552374303340912, -0.10454994440078735, -0.0007871474954299629, -0.06893766671419144, -0.08834258466959, 0.06168350949883461, 0.06542270630598068, 0.05815836787223816, -0.047806017100811005, -0.060134608298540115, -0.06263825297355652, 0.16764236986637115, -0.13852517306804657, -0.0807918980717659 ]
null
null
null
this is my ReadMe
{}
null
KiranM/someNewModel
[ "region:us" ]
2022-03-02T23:29:04+00:00
[]
[]
TAGS #region-us
this is my ReadMe
[]
[ "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
### 📝 Description MBart for Russian summarization fine-tuned for **dialogues** summarization. This model was firstly fine-tuned by [Ilya Gusev](https://hf.co/IlyaGusev) on [Gazeta dataset](https://huggingface.co/datasets/IlyaGusev/gazeta). We have **fine tuned** that model on [SamSum dataset](https://huggingface.co/datasets/samsum) **translated to Russian** using GoogleTranslateAPI 🤗 Moreover! We have implemented a **! telegram bot [@summarization_bot](https://t.me/summarization_bot) !** with the inference of this model. Add it to the chat and get summaries instead of dozens spam messages!  🤗 ### ❓ How to use with code ```python from transformers import MBartTokenizer, MBartForConditionalGeneration # Download model and tokenizer model_name = "Kirili4ik/mbart_ruDialogSum" tokenizer = AutoTokenizer.from_pretrained(model_name) model = MBartForConditionalGeneration.from_pretrained(model_name) model.eval() article_text = "..." input_ids = tokenizer( [article_text], max_length=600, padding="max_length", truncation=True, return_tensors="pt", )["input_ids"] output_ids = model.generate( input_ids=input_ids, top_k=0, num_beams=3, no_repeat_ngram_size=3 )[0] summary = tokenizer.decode(output_ids, skip_special_tokens=True) print(summary) ```
{"language": ["ru"], "license": "cc", "tags": ["mbart"], "datasets": ["IlyaGusev/gazeta", "samsum", "samsum_(translated_into_Russian)"], "inference": {"parameters": {"no_repeat_ngram_size": "4,", "num_beams": 5}}, "widget": [{"text": "\u0414\u0436\u0435\u0444\u0444: \u041c\u043e\u0433\u0443 \u043b\u0438 \u044f \u043e\u0431\u0443\u0447\u0438\u0442\u044c \u043c\u043e\u0434\u0435\u043b\u044c \ud83e\udd17 Transformers \u043d\u0430 Amazon SageMaker? \n\u0424\u0438\u043b\u0438\u043f\u043f: \u041a\u043e\u043d\u0435\u0447\u043d\u043e, \u0432\u044b \u043c\u043e\u0436\u0435\u0442\u0435 \u0438\u0441\u043f\u043e\u043b\u044c\u0437\u043e\u0432\u0430\u0442\u044c \u043d\u043e\u0432\u044b\u0439 \u043a\u043e\u043d\u0442\u0435\u0439\u043d\u0435\u0440 \u0434\u043b\u044f \u0433\u043b\u0443\u0431\u043e\u043a\u043e\u0433\u043e \u043e\u0431\u0443\u0447\u0435\u043d\u0438\u044f HuggingFace. \n\u0414\u0436\u0435\u0444\u0444: \u0425\u043e\u0440\u043e\u0448\u043e.\n\u0414\u0436\u0435\u0444\u0444: \u0438 \u043a\u0430\u043a \u044f \u043c\u043e\u0433\u0443 \u043d\u0430\u0447\u0430\u0442\u044c? \n\u0414\u0436\u0435\u0444\u0444: \u0433\u0434\u0435 \u044f \u043c\u043e\u0433\u0443 \u043d\u0430\u0439\u0442\u0438 \u0434\u043e\u043a\u0443\u043c\u0435\u043d\u0442\u0430\u0446\u0438\u044e? \n\u0424\u0438\u043b\u0438\u043f\u043f: \u043e\u043a, \u043e\u043a, \u0437\u0434\u0435\u0441\u044c \u043c\u043e\u0436\u043d\u043e \u043d\u0430\u0439\u0442\u0438 \u0432\u0441\u0435: https://huggingface.co/blog/the-partnership-amazon-sagemaker-and-hugging-face\n"}], "model-index": [{"name": "mbart_ruDialogSum", "results": [{"task": {"type": "abstractive-text-summarization", "name": "Abstractive Dialogue Summarization"}, "dataset": {"name": "SAMSum Corpus (translated to Russian)", "type": "samsum"}, "metrics": [{"type": "rogue-1", "value": 34.5, "name": "Validation ROGUE-1"}, {"type": "rogue-l", "value": 33, "name": "Validation ROGUE-L"}, {"type": "rogue-1", "value": 31, "name": "Test ROGUE-1"}, {"type": "rogue-l", "value": 28, "name": "Test ROGUE-L"}]}]}]}
text2text-generation
Kirili4ik/mbart_ruDialogSum
[ "transformers", "pytorch", "mbart", "text2text-generation", "ru", "license:cc", "model-index", "autotrain_compatible", "endpoints_compatible", "region:us" ]
2022-03-02T23:29:04+00:00
[]
[ "ru" ]
TAGS #transformers #pytorch #mbart #text2text-generation #ru #license-cc #model-index #autotrain_compatible #endpoints_compatible #region-us
### Description MBart for Russian summarization fine-tuned for dialogues summarization. This model was firstly fine-tuned by Ilya Gusev on Gazeta dataset. We have fine tuned that model on SamSum dataset translated to Russian using GoogleTranslateAPI Moreover! We have implemented a ! telegram bot @summarization_bot ! with the inference of this model. Add it to the chat and get summaries instead of dozens spam messages!   ### How to use with code
[ "### Description\n\nMBart for Russian summarization fine-tuned for dialogues summarization.\n\n\nThis model was firstly fine-tuned by Ilya Gusev on Gazeta dataset. We have fine tuned that model on SamSum dataset translated to Russian using GoogleTranslateAPI\n\n Moreover! We have implemented a ! telegram bot @summarization_bot ! with the inference of this model. Add it to the chat and get summaries instead of dozens spam messages!", "### How to use with code" ]
[ "TAGS\n#transformers #pytorch #mbart #text2text-generation #ru #license-cc #model-index #autotrain_compatible #endpoints_compatible #region-us \n", "### Description\n\nMBart for Russian summarization fine-tuned for dialogues summarization.\n\n\nThis model was firstly fine-tuned by Ilya Gusev on Gazeta dataset. We have fine tuned that model on SamSum dataset translated to Russian using GoogleTranslateAPI\n\n Moreover! We have implemented a ! telegram bot @summarization_bot ! with the inference of this model. Add it to the chat and get summaries instead of dozens spam messages!", "### How to use with code" ]
[ 50, 106, 7 ]
[ "passage: TAGS\n#transformers #pytorch #mbart #text2text-generation #ru #license-cc #model-index #autotrain_compatible #endpoints_compatible #region-us \n### Description\n\nMBart for Russian summarization fine-tuned for dialogues summarization.\n\n\nThis model was firstly fine-tuned by Ilya Gusev on Gazeta dataset. We have fine tuned that model on SamSum dataset translated to Russian using GoogleTranslateAPI\n\n Moreover! We have implemented a ! telegram bot @summarization_bot ! with the inference of this model. Add it to the chat and get summaries instead of dozens spam messages!### How to use with code" ]
[ -0.005982627160847187, -0.02473643235862255, -0.003004727652296424, -0.022870328277349472, 0.22367240488529205, -0.050482019782066345, 0.1535797119140625, 0.010763263329863548, 0.10534990578889847, -0.03730468451976776, 0.07268685847520828, 0.015334219671785831, 0.0025983781088143587, 0.3187946081161499, -0.01550769992172718, -0.30946895480155945, 0.049975067377090454, -0.07731343060731888, -0.08722549676895142, 0.12239500880241394, 0.12645496428012848, -0.059186119586229324, 0.11330965161323547, 0.012636852450668812, -0.0833519771695137, 0.05714599788188934, -0.010282310657203197, -0.12347729504108429, 0.039253637194633484, 0.05474868416786194, -0.021253986284136772, 0.0600430890917778, 0.004526614677160978, -0.03141694515943527, 0.038425151258707047, -0.07464290410280228, -0.03620309755206108, 0.03488868847489357, 0.022280827164649963, -0.012184381484985352, 0.29817134141921997, -0.06213315576314926, -0.013670019805431366, 0.06961280107498169, -0.07993312180042267, 0.020239776000380516, -0.018139151856303215, 0.014916965737938881, 0.20361751317977905, 0.1342005431652069, -0.06063416972756386, 0.09768286347389221, -0.07703007012605667, 0.07459649443626404, -0.011022208258509636, -0.30731579661369324, -0.06066298112273216, 0.11890937387943268, -0.05489061027765274, 0.0464898981153965, 0.023912278935313225, 0.09476255625486374, -0.0228690505027771, -0.03188824653625488, -0.044955477118492126, -0.05645638331770897, 0.0005013430491089821, 0.016182690858840942, -0.15082678198814392, -0.014993525110185146, 0.36133843660354614, -0.0018984562484547496, -0.004156849347054958, -0.058904457837343216, -0.04034356772899628, 0.011760314926505089, -0.09088275581598282, -0.03383037820458412, -0.055538877844810486, 0.0184547808021307, -0.05980110168457031, -0.06562872231006622, -0.13792206346988678, -0.06358492374420166, -0.11463763564825058, 0.13099858164787292, -0.0010865526273846626, 0.09531515091657639, -0.16780538856983185, 0.04694267734885216, -0.07691929489374161, -0.06685696542263031, 0.0482170507311821, -0.10888048261404037, -0.05975187197327614, -0.015592003241181374, -0.05026468634605408, -0.236214742064476, 0.05567282810807228, 0.12186213582754135, 0.05744507908821106, 0.12203417718410492, 0.12029073387384415, 0.005768439266830683, 0.08745864778757095, 0.12205702811479568, -0.04514816403388977, -0.044548116624355316, 0.023414110764861107, -0.05754070356488228, 0.021435251459479332, 0.007692163344472647, -0.1501900553703308, -0.008399519138038158, -0.02323288284242153, 0.07137779891490936, -0.02256561815738678, 0.12080660462379456, -0.005507534835487604, -0.04780293256044388, 0.0540383979678154, -0.0796675756573677, 0.012293982319533825, -0.04042515158653259, -0.09852595627307892, -0.02580551989376545, 0.00044526459532789886, -0.005118910223245621, -0.08549705892801285, 0.07520699501037598, -0.04216136038303375, 0.04403930902481079, -0.05618719384074211, -0.07019546627998352, 0.014965463429689407, -0.037832532078027725, -0.017961982637643814, -0.18317048251628876, -0.1271020621061325, 0.000495855521876365, 0.024786731228232384, -0.073551245033741, 0.0015669643180444837, -0.06588924676179886, -0.02075779251754284, 0.021587612107396126, -0.018529588356614113, 0.028205208480358124, -0.07768013328313828, -0.010240931063890457, -0.0030600130558013916, 0.16043241322040558, -0.06885327398777008, 0.042766716331243515, -0.1430775225162506, -0.05282861739397049, -0.15890717506408691, 0.19332453608512878, -0.08807878196239471, 0.11936995387077332, -0.11243399977684021, 0.018469177186489105, -0.1381249874830246, -0.017276674509048462, 0.05112406238913536, 0.24693000316619873, -0.17203086614608765, -0.07426643371582031, 0.13796326518058777, -0.14534179866313934, -0.050705865025520325, 0.09490621089935303, 0.004168450366705656, 0.11695588380098343, 0.15940126776695251, 0.17773529887199402, -0.0699300616979599, 0.021519530564546585, 0.0015863707521930337, 0.01393611915409565, -0.1402067244052887, -0.017701517790555954, 0.03975358232855797, 0.027232443913817406, -0.08787958323955536, 0.06522058695554733, 0.11698094010353088, 0.09102246165275574, -0.06873741000890732, -0.041048355400562286, 0.03790595009922981, -0.026080003008246422, 0.043589238077402115, -0.036598242819309235, 0.10809899866580963, -0.05102110654115677, -0.032534051686525345, -0.026329373940825462, 0.060870490968227386, 0.046199265867471695, -0.026675071567296982, -0.16235414147377014, 0.02920134738087654, 0.004106355831027031, 0.11915749311447144, -0.14403998851776123, -0.00810745358467102, -0.0207576472312212, 0.07903282344341278, 0.13548336923122406, -0.04917958378791809, 0.05504806339740753, -0.041722383350133896, -0.014807957224547863, 0.03767720237374306, 0.10474929213523865, 0.02494729869067669, -0.06890802830457687, -0.12698543071746826, -0.002687440486624837, -0.0026417244225740433, 0.217506542801857, 0.0017356222961097956, 0.01333200465887785, 0.061568714678287506, 0.10323335975408554, -0.003909938503056765, 0.03797536715865135, 0.05053825303912163, 0.017866242676973343, -0.020508386194705963, 0.02476193755865097, 0.04542580991983414, -0.04854978248476982, -0.1338626742362976, 0.16029131412506104, -0.04194149374961853, -0.062194813042879105, 0.1734946370124817, -0.014343317598104477, -0.03565506637096405, 0.03649497777223587, -0.003995902370661497, 0.0016274168156087399, 0.061215516179800034, -0.016193998977541924, 0.11739630997180939, -0.0031846151687204838, 0.10711520910263062, -0.010206419043242931, 0.06763140112161636, 0.009012860246002674, -0.11504901945590973, -0.058842290192842484, 0.059600599110126495, 0.13920506834983826, -0.36380788683891296, 0.060194142162799835, 0.04573385417461395, 0.09207671135663986, 0.2597348988056183, 0.03148845583200455, 0.0069327340461313725, -0.04398148134350777, -0.02286442369222641, -0.034477733075618744, 0.042547356337308884, -0.22036489844322205, -0.048971738666296005, 0.0318903923034668, -0.01627887226641178, 0.09980220347642899, -0.03966306895017624, 0.03340592235326767, 0.0022591082379221916, -0.017854729667305946, -0.05404242128133774, 0.10341012477874756, -0.029518673196434975, 0.08551409840583801, -0.003994882106781006, -0.037260740995407104, 0.006824019365012646, -0.016526157036423683, -0.09077216684818268, 0.10084431618452072, -0.11602361500263214, -0.3170638680458069, -0.12468395382165909, -0.040474001318216324, -0.056801602244377136, 0.03988388180732727, 0.07627252489328384, -0.15508684515953064, -0.10230846703052521, -0.042946383357048035, 0.05444696545600891, 0.027285611256957054, 0.02703072875738144, 0.010526164434850216, 0.03978808969259262, -0.017169013619422913, -0.008082129992544651, -0.06935015320777893, -0.1017037034034729, -0.021818973124027252, 0.12356550991535187, -0.13232333958148956, 0.08910083770751953, 0.09247615188360214, -0.06837013363838196, 0.07292234152555466, -0.02249983511865139, 0.19201062619686127, -0.058905791491270065, 0.03163837268948555, 0.1256018877029419, 0.07170646637678146, -0.02229689620435238, 0.14850890636444092, -0.02533491887152195, -0.07128466665744781, 0.08631687611341476, -0.022430241107940674, -0.11429144442081451, -0.18445847928524017, -0.21300959587097168, -0.09245213121175766, 0.07802482694387436, -0.008934956975281239, 0.037757717072963715, -0.01543066743761301, 0.08524085581302643, -0.037646058946847916, -0.05933881551027298, 0.10276076197624207, 0.07815861701965332, 0.2006342113018036, -0.015672476962208748, 0.1488957405090332, -0.06973756849765778, -0.0768534392118454, 0.11593761295080185, -0.1427588164806366, 0.15436269342899323, 0.10153839737176895, 0.11653292179107666, 0.0031061219051480293, -0.0015197012107819319, 0.13478191196918488, 0.07710518687963486, 0.07458631694316864, -0.026748700067400932, -0.026835313066840172, -0.06025957316160202, -0.10454124212265015, 0.08346779644489288, 0.03378605470061302, -0.13352236151695251, -0.06432986259460449, 0.15150918066501617, 0.12257923930883408, 0.10495486855506897, 0.01736936718225479, -0.19840045273303986, -0.14415204524993896, -0.00567464018240571, -0.035110101103782654, 0.007850046269595623, 0.03119685873389244, 0.054266307502985, -0.10583829134702682, 0.1157451793551445, -0.012515309266746044, 0.1290261298418045, 0.06311649829149246, 0.06600791215896606, -0.06558221578598022, 0.017734402790665627, -0.008544574491679668, 0.10812398791313171, -0.13135084509849548, 0.15140153467655182, -0.005728911608457565, -0.023279651999473572, -0.06895846873521805, -0.030627988278865814, 0.031109757721424103, 0.11007764935493469, 0.012670021504163742, 0.03379587456583977, -0.12057806551456451, -0.09243057668209076, -0.15136747062206268, 0.018486255779862404, 0.060517579317092896, -0.030594687908887863, 0.03852824866771698, -0.030957376584410667, -0.05125685781240463, -0.05350349098443985, -0.021668637171387672, -0.06210368499159813, -0.16515281796455383, 0.03140643611550331, 0.1287347823381424, 0.06277910619974136, 0.009492919780313969, -0.026061980053782463, 0.15182460844516754, 0.11026829481124878, 0.1495889574289322, -0.1372203826904297, -0.08910027146339417, 0.13622263073921204, 0.11149229854345322, -0.08248405903577805, 0.04461630806326866, -0.018126416951417923, 0.014877882786095142, 0.0008309614495374262, -0.15498954057693481, 0.09618254005908966, -0.08107388764619827, -0.005447282921522856, 0.008533135987818241, 0.1746397316455841, 0.030554696917533875, -0.01163009274750948, 0.024083416908979416, 0.025861544534564018, -0.03800032660365105, -0.09335252642631531, -0.05805665999650955, 0.09902432560920715, -0.07048600912094116, 0.16856040060520172, -0.0036317904014140368, -0.27353131771087646, -0.0862632766366005, -0.0427822507917881, 0.20556332170963287, 0.05925426632165909, -0.09772616624832153, 0.15135201811790466, 0.07193400710821152, 0.0018476691329851747, -0.25384849309921265, -0.09505303204059601, 0.009626725688576698, 0.04920463263988495, -0.003984558861702681, -0.12418379634618759, 0.030286332592368126, -0.040429435670375824, -0.019356008619070053, 0.013920381665229797, -0.23709991574287415, -0.13290467858314514, 0.07218813896179199, -0.07567033171653748, 0.29004693031311035, -0.058876533061265945, -0.06007799506187439, -0.060645610094070435, -0.017101122066378593, 0.0673280730843544, 0.030058642849326134, 0.08990530669689178, 0.011490206234157085, 0.15177945792675018, 0.06270193308591843, -0.007487785536795855, 0.11852142959833145, 0.005033058580011129, -0.029533885419368744, -0.07723104953765869, -0.0801844447851181, 0.07335622608661652, 0.013957131654024124, 0.15884700417518616, 0.0031964732334017754, 0.024699455127120018, -0.053141627460718155, -0.06890469044446945, -0.047279536724090576, 0.012024074792861938, 0.0472884438931942, -0.006096614524722099, -0.022069064900279045, 0.010544182732701302, -0.00558898551389575, -0.00847531482577324, 0.1168166920542717, -0.08145729452371597, -0.011759379878640175, 0.24139882624149323, 0.08602128177881241, -0.21866120398044586, 0.06510686874389648, 0.05170214921236038, -0.02321293018758297, 0.06503303349018097, -0.12169855087995529, 0.038107771426439285, 0.08035959303379059, -0.028128067031502724, 0.06135071441531181, 0.013783572241663933, -0.0661187618970871, 0.0032536580692976713, 0.14044058322906494, -0.1976909637451172, -0.16618798673152924, -0.08050442487001419, 0.10040008276700974, 0.09205883741378784, 0.09770575165748596, 0.1377890557050705, -0.08736547082662582, -0.01153224054723978, -0.008425611071288586, 0.03144149109721184, -0.026023447513580322, 0.14331397414207458, -0.07489965111017227, 0.0035891076549887657, -0.14698021113872528, 0.07221105694770813, 0.061839379370212555, -0.10303491353988647, 0.059493888169527054, 0.11625991016626358, -0.21699239313602448, -0.11392758041620255, -0.1935512125492096, 0.08268973976373672, -0.053181543946266174, -0.07570985704660416, -0.023036235943436623, -0.11082377284765244, 0.01916838437318802, -0.01796579733490944, 0.05527354031801224, 0.003462068270891905, -0.06442803889513016, 0.00839986652135849, -0.04958475008606911, 0.04528089612722397, 0.1507551372051239, -0.06697114557027817, -0.1039765477180481, -0.019326917827129364, -0.01133610401302576, 0.05087709426879883, -0.10013357549905777, -0.0983501449227333, -0.06126561388373375, 0.018614552915096283, -0.13506881892681122, -0.03167083486914635, -0.16537287831306458, -0.06617022305727005, -0.00814813282340765, -0.023353336378932, -0.05334289371967316, 0.023360861465334892, -0.08363638818264008, -0.013133016414940357, -0.0934208557009697, 0.03901810944080353, -0.06409614533185959, 0.028772136196494102, 0.019676711410284042, 0.01335878949612379, 0.12444653362035751, 0.25600871443748474, -0.03584158420562744, 0.06101863458752632, -0.019448256120085716, -0.04580626264214516, 0.11343428492546082, 0.022957738488912582, 0.09920334815979004, -0.01721477322280407, 0.016711141914129257, 0.06628614664077759, 0.033888645470142365, 0.004713370464742184, 0.11035999655723572, -0.09044521301984787, -0.021018696948885918, 0.0045684524811804295, -0.025364303961396217, -0.02740173414349556, 0.03048674948513508, 0.04535496607422829, 0.12170004844665527, 0.16023708879947662, -0.10520903021097183, 0.013283567503094673, -0.0597098246216774, 0.03966159373521805, -0.06269226223230362, -0.0918889045715332, -0.11058106273412704, -0.11495622247457504, 0.030460406094789505, -0.036891866475343704, 0.08968286961317062, 0.16625472903251648, 0.04024692252278328, 0.027871539816260338, 0.07009321451187134, 0.10790924727916718, 0.023310991004109383, 0.06819920241832733, 0.04195479676127434, -0.00463934475556016, -0.01978970505297184, 0.05987507477402687, 0.04047644883394241, 0.011415431275963783, 0.042717818170785904, -0.006101008038967848, 0.010397808626294136, 0.09427288174629211, 0.011326665058732033, 0.025008678436279297, -0.06150829419493675, -0.07510454952716827, -0.16218169033527374, 0.07176476716995239, -0.0703389123082161, 0.00212555518373847, 0.14070367813110352, -0.07009433954954147, 0.03728201612830162, -0.031118927523493767, -0.045129645615816116, -0.08406831324100494, -0.18855661153793335, -0.09577719122171402, -0.1963675171136856, -0.014016148634254932, -0.0723937526345253, -0.03159555047750473, -0.026891380548477173, 0.03412478044629097, -0.0699596032500267, 0.14766128361225128, -0.11130502820014954, -0.12219186872243881, 0.08817621320486069, -0.034724052995443344, -0.05290798842906952, 0.040045712143182755, 0.0064859893172979355, -0.04048054665327072, 0.022286420688033104, -0.039230555295944214, 0.08820236474275589, -0.009949787519872189, 0.03835870698094368, -0.04713478684425354, -0.06447773426771164, -0.05912758782505989, 0.06463851779699326, 0.026142247021198273, -0.018508249893784523, 0.015521026216447353, -0.05618329718708992, -0.006301448214799166, 0.28955182433128357, -0.02331204153597355, -0.08467775583267212, -0.08741800487041473, 0.23903271555900574, 0.049543850123882294, 0.08979988843202591, -0.030259449034929276, -0.061872780323028564, -0.11272639781236649, 0.1072852835059166, 0.3832738399505615, -0.012234321795403957, -0.013535338453948498, -0.1406121402978897, 0.03076750598847866, 0.027253109961748123, 0.11493907123804092, 0.03101516328752041, 0.20250363647937775, 0.00814984180033207, 0.15433689951896667, -0.0686970129609108, -0.027071962133049965, -0.07698599994182587, 0.011058015748858452, 0.0717037096619606, -0.05619186535477638, -0.01161124650388956, 0.15608243644237518, -0.13926318287849426, -0.04014856740832329, -0.07550833374261856, -0.171624094247818, -0.056363675743341446, 0.024380916729569435, 0.09812075644731522, 0.12249913066625595, 0.12725335359573364, -0.03018845058977604, 0.05023132637143135, -0.01679285429418087, 0.04163605719804764, -0.1565607190132141, -0.09855133295059204, 0.12441806495189667, -0.09205011278390884, -0.009030275046825409, -0.03756508603692055, 0.06174858659505844, 0.06332535296678543, 0.0486283116042614, -0.09386918693780899, 0.06117457523941994, -0.02063247188925743, 0.018798498436808586, 0.06972407549619675, 0.010543284937739372, 0.002635607961565256, 0.07339510321617126, 0.016160430386662483, -0.15208138525485992, -0.014583720825612545, -0.08096623420715332, 0.0748862624168396, -0.03754819929599762, 0.1680748015642166, -0.09911982715129852, 0.08430833369493484, 0.13922829926013947, -0.05606982111930847, 0.01918533258140087, 0.004897777456790209, 0.05467401072382927, -0.025771893560886383, -0.06621404737234116, -0.08242641389369965, -0.19201436638832092, -0.07708445191383362, -0.028520431369543076, 0.05540912225842476, -0.14121182262897491, 0.020841045305132866, -0.16881071031093597, 0.0715765580534935, 0.000056916509493021294, 0.13475370407104492, 0.10844838619232178, -0.01581859029829502, -0.010399600490927696, -0.07152573019266129, 0.07183819264173508, 0.12411201745271683, -0.13000692427158356, -0.09539718925952911 ]
null
null
transformers
### 📝 Description DialoGPT trained on Russian language and fine tuned on my telegram chat. This model was created by [sberbank-ai](https://hf.co/sberbank-ai) and trained on Russian forums (see [Grossmend's model](https://hf.co/Grossmend/rudialogpt3_medium_based_on_gpt2)). You can find info about how it has been trained on [habr](https://habr.com/ru/company/icl_services/blog/548244/) (in Russian). I have created a **simple pipeline** and **fine tuned** that model on my own **exported telegram chat** (~30mb json). It is in fact very easy to get the data from telegram and fine tune a model. Therefore, I made a **colab tutorial** for it: https://colab.research.google.com/drive/1fnAVURjyZRK9VQg1Co_-SKUQnRES8l9R?usp=sharing ⚠️ Due to specifics of the data Hosted inference API may not work properly ⚠️ 🤗To try it use my [Spaces demo](https://huggingface.co/spaces/Kirili4ik/chat-with-Kirill)🤗 ### ❓ How to use with code ```python # Download model and tokenizer checkpoint = "Kirili4ik/ruDialoGpt3-medium-finetuned-telegram" tokenizer = AutoTokenizer.from_pretrained(checkpoint) model = AutoModelForCausalLM.from_pretrained(checkpoint) model.eval() # util function to get expected len after tokenizing def get_length_param(text: str, tokenizer) -> str: tokens_count = len(tokenizer.encode(text)) if tokens_count <= 15: len_param = '1' elif tokens_count <= 50: len_param = '2' elif tokens_count <= 256: len_param = '3' else: len_param = '-' return len_param # util function to get next person number (1/0) for Machine or Human in the dialogue def get_user_param(text: dict, machine_name_in_chat: str) -> str: if text['from'] == machine_name_in_chat: return '1' # machine else: return '0' # human chat_history_ids = torch.zeros((1, 0), dtype=torch.int) while True: next_who = input("Who's phrase?\t") #input("H / G?") # Human or GPT # In case Human if next_who == "H" or next_who == "Human": input_user = input("===> Human: ") # encode the new user input, add parameters and return a tensor in Pytorch new_user_input_ids = tokenizer.encode(f"|0|{get_length_param(input_user, tokenizer)}|" \ + input_user + tokenizer.eos_token, return_tensors="pt") # append the new user input tokens to the chat history chat_history_ids = torch.cat([chat_history_ids, new_user_input_ids], dim=-1) if next_who == "G" or next_who == "GPT": next_len = input("Phrase len? 1/2/3/-\t") #input("Exp. len?(-/1/2/3): ") # encode the new user input, add parameters and return a tensor in Pytorch new_user_input_ids = tokenizer.encode(f"|1|{next_len}|", return_tensors="pt") # append the new user input tokens to the chat history chat_history_ids = torch.cat([chat_history_ids, new_user_input_ids], dim=-1) # print(tokenizer.decode(chat_history_ids[-1])) # uncomment to see full gpt input # save previous len input_len = chat_history_ids.shape[-1] # generated a response; PS you can read about the parameters at hf.co/blog/how-to-generate chat_history_ids = model.generate( chat_history_ids, num_return_sequences=1, # use for more variants, but have to print [i] max_length=512, no_repeat_ngram_size=3, do_sample=True, top_k=50, top_p=0.9, temperature = 0.6, # 0 for greedy mask_token_id=tokenizer.mask_token_id, eos_token_id=tokenizer.eos_token_id, unk_token_id=tokenizer.unk_token_id, pad_token_id=tokenizer.pad_token_id, device='cpu' ) # pretty print last ouput tokens from bot print(f"===> GPT-3: {tokenizer.decode(chat_history_ids[:, input_len:][0], skip_special_tokens=True)}") ```
{"language": ["ru", "ru-RU"], "tags": ["conversational"]}
text-generation
Kirili4ik/ruDialoGpt3-medium-finetuned-telegram
[ "transformers", "pytorch", "safetensors", "gpt2", "text-generation", "conversational", "autotrain_compatible", "endpoints_compatible", "has_space", "text-generation-inference", "region:us" ]
2022-03-02T23:29:04+00:00
[]
[ "ru", "ru-RU" ]
TAGS #transformers #pytorch #safetensors #gpt2 #text-generation #conversational #autotrain_compatible #endpoints_compatible #has_space #text-generation-inference #region-us
### Description DialoGPT trained on Russian language and fine tuned on my telegram chat. This model was created by sberbank-ai and trained on Russian forums (see Grossmend's model). You can find info about how it has been trained on habr (in Russian). I have created a simple pipeline and fine tuned that model on my own exported telegram chat (~30mb json). It is in fact very easy to get the data from telegram and fine tune a model. Therefore, I made a colab tutorial for it: URL ️ Due to specifics of the data Hosted inference API may not work properly ️ To try it use my Spaces demo ### How to use with code
[ "### Description\n\nDialoGPT trained on Russian language and fine tuned on my telegram chat.\n\n\nThis model was created by sberbank-ai and trained on Russian forums (see Grossmend's model). You can find info about how it has been trained on habr (in Russian). I have created a simple pipeline and fine tuned that model on my own exported telegram chat (~30mb json). It is in fact very easy to get the data from telegram and fine tune a model. Therefore, I made a colab tutorial for it: URL\n\n️ Due to specifics of the data Hosted inference API may not work properly ️\n\nTo try it use my Spaces demo", "### How to use with code" ]
[ "TAGS\n#transformers #pytorch #safetensors #gpt2 #text-generation #conversational #autotrain_compatible #endpoints_compatible #has_space #text-generation-inference #region-us \n", "### Description\n\nDialoGPT trained on Russian language and fine tuned on my telegram chat.\n\n\nThis model was created by sberbank-ai and trained on Russian forums (see Grossmend's model). You can find info about how it has been trained on habr (in Russian). I have created a simple pipeline and fine tuned that model on my own exported telegram chat (~30mb json). It is in fact very easy to get the data from telegram and fine tune a model. Therefore, I made a colab tutorial for it: URL\n\n️ Due to specifics of the data Hosted inference API may not work properly ️\n\nTo try it use my Spaces demo", "### How to use with code" ]
[ 60, 153, 7 ]
[ "passage: TAGS\n#transformers #pytorch #safetensors #gpt2 #text-generation #conversational #autotrain_compatible #endpoints_compatible #has_space #text-generation-inference #region-us \n### Description\n\nDialoGPT trained on Russian language and fine tuned on my telegram chat.\n\n\nThis model was created by sberbank-ai and trained on Russian forums (see Grossmend's model). You can find info about how it has been trained on habr (in Russian). I have created a simple pipeline and fine tuned that model on my own exported telegram chat (~30mb json). It is in fact very easy to get the data from telegram and fine tune a model. Therefore, I made a colab tutorial for it: URL\n\n️ Due to specifics of the data Hosted inference API may not work properly ️\n\nTo try it use my Spaces demo### How to use with code" ]
[ -0.07882848381996155, 0.0007112474995665252, 0.0006802828866057098, 0.03025018610060215, 0.09654784947633743, -0.038631994277238846, 0.14618819952011108, 0.05238393694162369, 0.06822306662797928, 0.025734582915902138, 0.0630551129579544, -0.024380983784794807, -0.014041868969798088, 0.2591802477836609, 0.012426475994288921, -0.16529598832130432, 0.0519695058465004, -0.034740887582302094, 0.05017932504415512, 0.09868515282869339, 0.11123788356781006, -0.09188321977853775, 0.04701415076851845, -0.002355004893615842, -0.08540993928909302, 0.042913880199193954, -0.01393178105354309, -0.08591068536043167, 0.05633385106921196, 0.0394381619989872, 0.09057299047708511, 0.0006782131968066096, 0.05092858150601387, -0.07155091315507889, 0.02030729502439499, 0.024237383157014847, -0.05672980844974518, 0.021757954731583595, 0.05176599323749542, -0.07432924211025238, 0.26379066705703735, -0.07166634500026703, 0.006505497265607119, 0.050377603620290756, -0.05560958757996559, -0.04605162516236305, -0.056175727397203445, 0.0504530631005764, 0.1778450459241867, 0.17076252400875092, -0.028136372566223145, 0.11065152287483215, -0.04007209092378616, 0.09812679886817932, 0.09382959455251694, -0.28811967372894287, -0.02494879625737667, 0.15342696011066437, 0.06105119735002518, 0.11338925361633301, -0.016548363491892815, 0.018297942355275154, 0.03337309509515762, 0.036709628999233246, 0.04911915957927704, -0.06807983666658401, -0.11149109899997711, -0.0333317331969738, -0.17212417721748352, -0.08167248219251633, 0.1749202460050583, -0.028483280912041664, -0.0335845910012722, -0.11988487839698792, -0.08454692363739014, -0.09900497645139694, -0.05153632536530495, -0.03691009059548378, -0.04768921062350273, 0.02530995011329651, 0.022766197100281715, -0.1478842943906784, -0.1487623006105423, -0.09041371196508408, -0.03782247379422188, 0.19016753137111664, 0.012821282260119915, 0.04295962303876877, -0.1162785068154335, 0.10170389711856842, -0.06492510437965393, -0.04357169568538666, 0.03861375153064728, -0.06532122939825058, -0.0371728353202343, 0.041326846927404404, -0.028595564886927605, -0.1883006989955902, 0.010954856872558594, 0.046547725796699524, -0.045736487954854965, 0.09410414844751358, 0.0741146057844162, 0.032730475068092346, 0.020330963656306267, 0.18354041874408722, 0.0011857285862788558, -0.0505223385989666, 0.05097741633653641, -0.10204174369573593, 0.01399199292063713, -0.00569934630766511, -0.1674049347639084, -0.10844838619232178, 0.03853043168783188, 0.06547077745199203, 0.01154494471848011, 0.031488340348005295, 0.005414836574345827, -0.01180255226790905, 0.137625589966774, -0.0955064445734024, 0.047528091818094254, -0.022413181141018867, -0.02962476573884487, -0.11000263690948486, 0.048490773886442184, -0.010958652012050152, -0.10441040247678757, -0.09667294472455978, -0.005017824936658144, 0.04392087459564209, -0.08489479124546051, -0.13658662140369415, -0.02184758149087429, -0.05974700674414635, -0.03403593972325325, -0.20614127814769745, -0.11285603791475296, -0.027913110330700874, 0.02367490530014038, -0.008854846470057964, 0.06663358211517334, -0.07663942128419876, -0.049044493585824966, 0.0391569547355175, -0.021593160927295685, -0.06161801889538765, -0.053770944476127625, -0.012445718050003052, -0.09773948043584824, 0.08599838614463806, -0.032085150480270386, 0.013978335075080395, -0.09325923770666122, -0.00743833789601922, -0.17570585012435913, 0.1367657482624054, -0.09084586799144745, 0.052460718899965286, -0.0965173989534378, 0.006736437324434519, 0.03384114429354668, 0.006332709453999996, 0.04631628841161728, 0.18464559316635132, -0.10904590785503387, 0.02450607530772686, 0.14958499372005463, -0.084627665579319, 0.007002859376370907, 0.12358971685171127, -0.025594938546419144, 0.060253579169511795, 0.1128700003027916, 0.20189015567302704, 0.16199767589569092, -0.09043257683515549, -0.006722074002027512, 0.08054208755493164, -0.14438779652118683, -0.06419620662927628, 0.0012780401157215238, 0.01059694029390812, -0.019274668768048286, -0.008760536089539528, 0.06410709768533707, 0.0716937854886055, -0.0010963964741677046, -0.04743468016386032, -0.003355300985276699, -0.05843988060951233, 0.05059250816702843, -0.0017144324956461787, 0.0706552118062973, -0.06371187418699265, -0.08274143189191818, -0.05714286118745804, 0.09707493335008621, -0.0653204545378685, 0.03433546423912048, -0.08966760337352753, 0.05665518343448639, -0.08020859956741333, 0.027641916647553444, -0.0970524251461029, -0.02416590228676796, 0.003018354531377554, 0.1396336406469345, 0.04895523190498352, 0.026849159970879555, 0.09904446452856064, 0.01711541786789894, 0.0007304542814381421, -0.0458851158618927, 0.08531183749437332, 0.020996510982513428, -0.10995975136756897, -0.06527266651391983, -0.04829040542244911, -0.05971882492303848, 0.04721694067120552, -0.05527251586318016, 0.022716613486409187, -0.009642457589507103, 0.060000862926244736, -0.0188425425440073, 0.013151031918823719, 0.03300897404551506, -0.015184378251433372, -0.042410220950841904, -0.05495646595954895, 0.0048651304095983505, 0.007303057238459587, -0.09270313382148743, 0.12749674916267395, -0.10415003448724747, -0.069346122443676, 0.1141563132405281, -0.019671181216835976, -0.08855639398097992, -0.0037240399979054928, -0.013888489454984665, 0.03454064950346947, 0.008324818685650826, -0.04181433096528053, 0.2062474936246872, -0.0398482047021389, 0.10662207007408142, -0.04777335003018379, -0.01934574544429779, 0.028410468250513077, -0.11732760816812515, -0.03326152637600899, 0.1140587106347084, -0.11572585254907608, -0.1349640041589737, 0.061390794813632965, 0.031030701473355293, 0.003614372806623578, 0.17870792746543884, 0.046415477991104126, -0.044402871280908585, -0.005694454535841942, 0.04343101382255554, -0.02291870303452015, 0.07803163677453995, -0.12403922528028488, -0.0834842398762703, 0.0074403779581189156, 0.049755118787288666, 0.08819127082824707, -0.06186249107122421, 0.02287655510008335, 0.02012200653553009, -0.07033292204141617, 0.012139502912759781, 0.011674240231513977, -0.056337229907512665, 0.06459124386310577, 0.008061878383159637, -0.04311983287334442, 0.030628817155957222, -0.025183631107211113, -0.11327384412288666, 0.14390885829925537, -0.14389866590499878, -0.16805624961853027, -0.08170368522405624, -0.06454858183860779, 0.005124407354742289, 0.07315661013126373, 0.08833297342061996, -0.1578548699617386, -0.0718347430229187, -0.09819851815700531, 0.007671887520700693, -0.04698663577437401, 0.008898048661649227, -0.07801441103219986, 0.010525140911340714, -0.01282773818820715, -0.08104898780584335, -0.02499508298933506, -0.018311837688088417, -0.033008988946676254, 0.11010818183422089, -0.08925986289978027, 0.07744278013706207, 0.14376875758171082, -0.07426796108484268, 0.06587204337120056, -0.02671986073255539, 0.1993599385023117, -0.0822482630610466, 0.08329572528600693, 0.1408776044845581, 0.07033909112215042, 0.027802972123026848, 0.08510947972536087, -0.028476104140281677, -0.01766991801559925, 0.051783591508865356, -0.10850623995065689, -0.11005503684282303, -0.1747020184993744, -0.21497352421283722, -0.07436822354793549, 0.03057616762816906, 0.011060758493840694, 0.037637390196323395, 0.05116180703043938, 0.07206681370735168, -0.03453655540943146, 0.013922244310379028, 0.06608852744102478, 0.10895045846700668, -0.000730844505596906, 0.006929382681846619, 0.0908358246088028, -0.08817081898450851, -0.04928087815642357, 0.08263061940670013, -0.035243287682533264, 0.1551760882139206, -0.0247835423797369, 0.09525393694639206, 0.0062216054648160934, 0.09631999582052231, 0.0863361582159996, 0.08746661245822906, 0.015271419659256935, -0.01595485396683216, 0.01231455709785223, -0.044471800327301025, -0.05617843195796013, 0.10313022136688232, 0.012250833213329315, -0.10830175131559372, -0.05431430786848068, -0.01915302686393261, 0.05988948419690132, 0.060555629432201385, 0.07285477966070175, -0.20885010063648224, -0.09386038035154343, 0.03352436423301697, -0.056213609874248505, -0.07971830666065216, 0.04419175535440445, 0.14750082790851593, -0.11360321193933487, -0.014082127250730991, 0.02876037359237671, 0.1025564968585968, 0.015657298266887665, -0.007378967013210058, -0.09201811999082565, 0.0025957864709198475, -0.015397529117763042, 0.13718175888061523, -0.20197950303554535, 0.1411050707101822, 0.015295317396521568, 0.070823073387146, -0.09636002033948898, -0.01812603883445263, 0.034158747643232346, 0.05745339021086693, 0.145421102643013, 0.03085770271718502, -0.03422731161117554, -0.0954112783074379, -0.12264477461576462, 0.0034180188085883856, 0.0309269018471241, 0.03402002155780792, 0.06745769083499908, 0.00866710301488638, -0.04309041053056717, -0.013340757228434086, -0.09421396255493164, -0.08543235808610916, -0.12303613126277924, -0.020201686769723892, 0.12291561812162399, 0.016383452340960503, 0.0041707889176905155, 0.0030348615255206823, -0.01642131805419922, 0.13306163251399994, 0.02412964589893818, -0.1435288041830063, -0.091211698949337, -0.06808806210756302, 0.0874314084649086, -0.08706425875425339, 0.10444656759500504, 0.040495358407497406, 0.07476387172937393, -0.05486582592129707, -0.11860602349042892, 0.04036237671971321, -0.12710373103618622, -0.021168280392885208, 0.025142395868897438, 0.12920817732810974, 0.15377403795719147, 0.02646171860396862, 0.06493252515792847, 0.04093269258737564, -0.1077922061085701, -0.11400940269231796, -0.038376715034246445, 0.08184439688920975, 0.06586912274360657, 0.06740444898605347, 0.014929872937500477, -0.1855340152978897, -0.055817604064941406, 0.01629103161394596, 0.1807069331407547, 0.1383994072675705, -0.14544270932674408, 0.12553729116916656, 0.08635266125202179, -0.01921801269054413, -0.2602035105228424, -0.04372406005859375, -0.013162807561457157, 0.08170045912265778, -0.05132497102022171, -0.06223718449473381, 0.01624172180891037, -0.09139401465654373, -0.04125615209341049, 0.03577727824449539, -0.22908131778240204, -0.09019944816827774, 0.18287809193134308, -0.0015975212445482612, 0.14217139780521393, -0.04996407404541969, -0.050414420664310455, -0.032289810478687286, -0.044099848717451096, 0.05672081932425499, -0.17968414723873138, 0.07466231286525726, 0.03592747822403908, 0.11255766451358795, 0.051944635808467865, -0.06496327370405197, 0.09259606152772903, -0.006201713811606169, 0.022731881588697433, -0.0767403170466423, 0.031154058873653412, 0.1061173602938652, -0.0876733586192131, 0.17172011733055115, 0.013180337846279144, 0.04596641659736633, -0.1206890419125557, -0.047526534646749496, -0.0698470026254654, 0.05356883630156517, 0.03857335075736046, -0.0877455323934555, -0.10220029205083847, -0.01402211282402277, 0.0764767974615097, 0.00027204147772863507, 0.06181935593485832, -0.06224021688103676, 0.01639842614531517, 0.18869401514530182, 0.11578919738531113, -0.09069585800170898, 0.015412559732794762, 0.06648153066635132, -0.03451110050082207, 0.061884697526693344, -0.15007132291793823, 0.01596272550523281, 0.05854751914739609, -0.039021287113428116, 0.06862720847129822, 0.018791036680340767, -0.07555501163005829, 0.006502607371658087, 0.06353988498449326, -0.1670299768447876, -0.05553014576435089, -0.049903035163879395, 0.06087539717555046, 0.04669269919395447, 0.09984584152698517, 0.11656700074672699, -0.1423271894454956, -0.02193555235862732, -0.030774131417274475, 0.006032112054526806, -0.077330581843853, 0.09595878422260284, 0.05845896899700165, 0.026362257078289986, -0.08498488366603851, 0.03433075174689293, 0.026935752481222153, -0.019292620941996574, 0.08827260881662369, 0.12602351605892181, -0.1751759648323059, -0.09223881363868713, -0.040261879563331604, 0.10123599320650101, -0.058032769709825516, -0.07250863313674927, -0.024994494393467903, -0.03830002248287201, 0.01112411543726921, 0.04234709218144417, 0.060964129865169525, -0.008951972238719463, -0.0436304546892643, 0.02811078354716301, -0.08199213445186615, 0.035820189863443375, 0.11995916813611984, -0.006190485320985317, -0.14619159698486328, 0.1564224660396576, -0.018524767830967903, 0.08651825040578842, -0.09270764887332916, -0.03889930248260498, -0.05461890250444412, 0.05925311520695686, -0.1641567498445511, -0.004882432520389557, -0.14552098512649536, -0.030755219981074333, -0.04992470145225525, 0.0024270806461572647, -0.016450850293040276, 0.0654350221157074, -0.05672651529312134, 0.02119619771838188, -0.07847116142511368, -0.031588081270456314, -0.06751824170351028, 0.00374348065815866, -0.015917137265205383, -0.0355263277888298, 0.09485408663749695, 0.14188815653324127, -0.03465951234102249, 0.019758200272917747, -0.07933764904737473, 0.0008776524919085205, 0.04434046149253845, -0.002014664001762867, 0.08332383632659912, 0.009504029527306557, -0.021641278639435768, 0.04592052474617958, 0.0012747994624078274, 0.009862891398370266, 0.10993632674217224, -0.05441208556294441, 0.05015401914715767, -0.042778369039297104, 0.0029611599165946245, -0.07790528982877731, 0.09832149744033813, 0.07647262513637543, 0.08204349130392075, 0.11354836076498032, -0.09760577976703644, 0.08508273214101791, -0.03432326391339302, -0.018503060564398766, -0.010478214360773563, -0.06201712414622307, -0.031061889603734016, -0.05860292166471481, 0.056385233998298645, -0.036042582243680954, 0.11116103827953339, 0.10931585729122162, 0.029570799320936203, -0.021181559190154076, -0.03538735210895538, 0.12400992214679718, -0.006224572192877531, 0.1219637468457222, -0.04260380566120148, -0.021794939413666725, -0.03975929319858551, 0.07226289808750153, 0.06998971104621887, 0.07587096095085144, 0.03882867470383644, 0.03651870787143707, 0.055927567183971405, 0.13838744163513184, -0.09523406624794006, -0.09318741410970688, -0.15193265676498413, -0.171748548746109, -0.09592356532812119, 0.06037663295865059, -0.11265697330236435, 0.029081204906105995, 0.14309436082839966, -0.10290929675102234, 0.04947277531027794, 0.038230542093515396, -0.09210469573736191, -0.06825719773769379, -0.13472555577754974, -0.050854846835136414, -0.1752302050590515, -0.04265454038977623, -0.06934082508087158, 0.02868233621120453, -0.011344270780682564, 0.022099589928984642, -0.0005196049460209906, 0.23593385517597198, -0.09699652343988419, -0.08233422785997391, 0.06305412203073502, -0.015445882454514503, 0.058903422206640244, 0.06737210601568222, 0.007737557403743267, -0.017489666119217873, -0.04313484579324722, 0.027288902550935745, 0.055600039660930634, 0.0132253123447299, 0.05004742369055748, -0.005382744129747152, -0.062153033912181854, -0.05387260019779205, 0.0863855630159378, 0.0643593892455101, 0.14428918063640594, 0.039199866354465485, -0.0806969702243805, -0.023327047005295753, 0.26300710439682007, -0.10381731390953064, -0.13164472579956055, -0.05467269569635391, 0.21732772886753082, 0.05240333452820778, 0.04429356008768082, -0.06870545446872711, -0.10655537992715836, -0.04221585765480995, 0.2084607630968094, 0.2824670672416687, 0.008357302285730839, 0.03295121341943741, -0.06300307810306549, 0.007257510907948017, 0.011755420826375484, 0.13387687504291534, 0.027259016409516335, 0.28505125641822815, -0.06912153959274292, 0.038542985916137695, -0.07241208851337433, -0.032127946615219116, -0.12505942583084106, 0.08521389961242676, -0.05370642617344856, -0.058640629053115845, 0.002103359205648303, 0.10633464902639389, -0.11950282752513885, -0.03404265642166138, -0.0609157532453537, -0.08182299137115479, -0.03598358482122421, 0.0961027666926384, 0.06811241805553436, 0.04859689995646477, 0.10877145826816559, -0.007018018048256636, 0.08156359195709229, 0.03670740872621536, 0.007959088310599327, -0.07338647544384003, -0.03950265422463417, 0.062148261815309525, -0.08611742407083511, 0.18962733447551727, -0.007344091776758432, 0.09213588386774063, 0.08416665345430374, -0.006530679762363434, -0.11073200404644012, 0.1094609946012497, 0.03406773507595062, -0.02955561876296997, 0.07079978287220001, 0.05615672841668129, -0.0544874407351017, 0.006247061770409346, -0.005113516002893448, -0.16673487424850464, 0.017285076901316643, -0.06878235191106796, 0.045774925500154495, -0.10530264675617218, 0.05949392169713974, -0.08096954226493835, 0.11919092386960983, 0.07877825200557709, -0.06022200733423233, -0.011193906888365746, -0.014742162078619003, 0.00868925265967846, -0.021583952009677887, 0.03273831307888031, -0.017554624006152153, -0.17016416788101196, -0.07005342841148376, 0.07112432271242142, 0.056320689618587494, -0.14357085525989532, 0.009697270579636097, -0.10793961584568024, -0.007208464201539755, -0.03171538561582565, 0.07021214067935944, 0.10240688920021057, 0.008069109171628952, -0.010461293160915375, 0.09228979796171188, 0.013254149816930294, 0.10378339141607285, -0.08917610347270966, -0.09375791251659393 ]
null
null
transformers
T5-base fine-tuned on SQuAD and CoQA datasets for question generation language: - en-us tags: - question-generation license: - MIT datasets: - SQuAD 2.0 - CoQA
{}
text2text-generation
Kithogue/T5_Question_Generation
[ "transformers", "pytorch", "t5", "text2text-generation", "autotrain_compatible", "endpoints_compatible", "text-generation-inference", "region:us" ]
2022-03-02T23:29:04+00:00
[]
[]
TAGS #transformers #pytorch #t5 #text2text-generation #autotrain_compatible #endpoints_compatible #text-generation-inference #region-us
T5-base fine-tuned on SQuAD and CoQA datasets for question generation language: - en-us tags: - question-generation license: - MIT datasets: - SQuAD 2.0 - CoQA
[]
[ "TAGS\n#transformers #pytorch #t5 #text2text-generation #autotrain_compatible #endpoints_compatible #text-generation-inference #region-us \n" ]
[ 48 ]
[ "passage: TAGS\n#transformers #pytorch #t5 #text2text-generation #autotrain_compatible #endpoints_compatible #text-generation-inference #region-us \n" ]
[ -0.01584368571639061, 0.001455417019315064, -0.00658801756799221, 0.0177968367934227, 0.18000324070453644, 0.01899094320833683, 0.1102970764040947, 0.13923293352127075, -0.029492201283574104, -0.031411342322826385, 0.1258108913898468, 0.215000182390213, -0.002026807749643922, 0.09281328320503235, -0.09747900068759918, -0.26333776116371155, 0.035797640681266785, 0.06643600016832352, 0.01654808409512043, 0.13231700658798218, 0.07867445051670074, -0.06135464087128639, 0.09729219973087311, -0.03548338636755943, -0.1792060285806656, 0.056830670684576035, 0.06633275002241135, -0.14007478952407837, 0.12120860069990158, 0.05082603916525841, 0.11879663914442062, 0.03541290760040283, -0.049473561346530914, -0.12151949107646942, 0.027005361393094063, 0.036254558712244034, -0.0702618658542633, 0.05806567892432213, 0.12953147292137146, -0.09849721938371658, 0.101417675614357, 0.05899258330464363, -0.011092896573245525, 0.06627913564443588, -0.1479889154434204, 0.00348502560518682, -0.010794720612466335, 0.021929796785116196, 0.07188789546489716, 0.09843083471059799, -0.011102980934083462, 0.12869638204574585, -0.09904436022043228, 0.14108110964298248, 0.1505395472049713, -0.3118693232536316, 0.005070185288786888, 0.04695354029536247, 0.043711405247449875, 0.07051856815814972, -0.00885665975511074, 0.03730452060699463, 0.03216231241822243, 0.03300926089286804, 0.03037545457482338, -0.07585509866476059, -0.1657770276069641, 0.04152299836277962, -0.08708652853965759, -0.0615064837038517, 0.23453429341316223, -0.06484062969684601, 0.066205233335495, -0.0072464910335838795, -0.13153931498527527, -0.06954485923051834, 0.0006044790497981012, -0.0053634620271623135, -0.055698949843645096, 0.06370817124843597, 0.016068486496806145, -0.056699495762586594, -0.1428028792142868, -0.010085990652441978, -0.20030196011066437, 0.12700670957565308, 0.0098763108253479, 0.055072084069252014, -0.23676714301109314, 0.09703067690134048, 0.05306711047887802, -0.09924419224262238, 0.062389008700847626, -0.08943060785531998, 0.014000056311488152, -0.02474105730652809, -0.06801413744688034, -0.1568288505077362, 0.06617090106010437, 0.08920741081237793, 0.003721588756889105, 0.020913373678922653, -0.08072061836719513, 0.07540135085582733, 0.015950961038470268, 0.08084282279014587, -0.009468162432312965, -0.02545289881527424, 0.050731536000967026, -0.13451236486434937, -0.00853751040995121, -0.06626977026462555, -0.15002763271331787, -0.07248537242412567, 0.08783774077892303, 0.09340707957744598, 0.024510055780410767, 0.09635060280561447, -0.0332786962389946, -0.04203520715236664, 0.009204940870404243, -0.09221477061510086, -0.024659397080540657, 0.0008180328877642751, 0.006082381121814251, 0.14675909280776978, 0.02296186424791813, 0.007892758585512638, -0.17018215358257294, 0.06483504176139832, -0.0723656713962555, -0.007938898168504238, -0.029325438663363457, -0.07534618675708771, 0.023915085941553116, -0.10881388932466507, 0.008133405819535255, -0.17433200776576996, -0.16765841841697693, 0.01697476953268051, 0.007396905682981014, -0.018866462633013725, -0.043013010174036026, -0.045346371829509735, -0.03770101070404053, 0.04327743873000145, -0.07020818442106247, 0.010033725760877132, -0.04259585589170456, 0.10675564408302307, -0.0398472361266613, 0.06604313105344772, -0.1241411417722702, 0.08126731216907501, -0.12840037047863007, -0.026247713714838028, -0.06916461884975433, 0.0695473924279213, 0.03665204346179962, 0.12047890573740005, -0.03775748983025551, -0.03622163087129593, -0.07566536217927933, 0.04284011945128441, -0.01894138753414154, 0.1950719952583313, -0.0944138839840889, -0.10338135808706284, 0.24115116894245148, -0.07720785588026047, -0.16225671768188477, 0.08871348202228546, 0.01112399436533451, 0.0527188703417778, 0.09158273041248322, 0.17049458622932434, 0.044303521513938904, -0.007278476841747761, 0.0970718041062355, 0.1028069406747818, -0.11937293410301208, -0.10302774608135223, 0.002267509698867798, -0.020705346018075943, -0.11959504336118698, 0.04289879649877548, 0.09645403176546097, 0.07236005365848541, -0.05477796122431755, -0.03351253643631935, -0.04923287779092789, -0.007655630353838205, 0.1011999323964119, 0.004759210627526045, 0.13131408393383026, -0.06056664139032364, -0.016454286873340607, 0.00607975572347641, -0.029107315465807915, -0.03001979924738407, 0.04808073490858078, -0.027159245684742928, 0.11719837784767151, -0.03463059291243553, 0.043614711612463, -0.20667698979377747, -0.08273608982563019, -0.011199901811778545, 0.16215083003044128, -0.00014803845260757953, 0.09622485190629959, 0.05017630010843277, -0.026423487812280655, -0.013082671910524368, -0.020495356991887093, 0.14194169640541077, -0.008744661696255207, -0.07192710041999817, -0.055666014552116394, 0.05686090514063835, -0.056457314640283585, -0.029490424320101738, -0.06336628645658493, 0.016674358397722244, 0.022723432630300522, 0.12466312199831009, 0.024511994794011116, 0.060258712619543076, -0.019767967984080315, 0.026875387877225876, -0.09027257561683655, 0.012787343002855778, 0.10328754037618637, -0.005430325400084257, -0.06139841303229332, 0.2012202888727188, -0.18243330717086792, 0.21768754720687866, 0.1899390071630478, -0.2988763451576233, 0.0007227785536088049, -0.05822010710835457, -0.0336349755525589, 0.0059656258672475815, 0.05502323433756828, -0.03447169065475464, 0.08369144052267075, 0.0008040695101954043, 0.20492856204509735, -0.06399808824062347, -0.05498965084552765, 0.0025857435539364815, -0.05458337441086769, -0.006101091392338276, 0.058100759983062744, 0.0824960395693779, -0.17706909775733948, 0.1713913381099701, 0.20838424563407898, 0.023575296625494957, 0.17638693749904633, -0.007809492759406567, -0.04934080317616463, 0.08402703702449799, 0.006972316186875105, -0.032568447291851044, -0.10796601325273514, -0.1734510064125061, -0.016349755227565765, 0.0808510109782219, 0.0383298397064209, 0.09945333003997803, -0.11086979508399963, -0.022686339914798737, -0.005985935218632221, -0.0060494341887533665, -0.008344912901520729, 0.09246525168418884, 0.08367523550987244, 0.14147034287452698, -0.015902556478977203, -0.008576065301895142, 0.11812435835599899, 0.015694094821810722, -0.12598107755184174, 0.19254222512245178, -0.1325615793466568, -0.3495909571647644, -0.1631333827972412, -0.16477428376674652, -0.043477918952703476, 0.048511527478694916, 0.11342941224575043, -0.10511619597673416, -0.02352173998951912, -0.0007881404599174857, 0.08415862917900085, -0.07211752235889435, 0.03677205741405487, -0.08311079442501068, 0.06613492220640182, -0.06391098350286484, -0.08130958676338196, -0.04755308851599693, -0.013113722205162048, -0.0506163015961647, 0.15241199731826782, -0.13060742616653442, 0.05517926067113876, 0.20086060464382172, -0.008659793995320797, 0.05646828934550285, -0.0447811521589756, 0.1698468029499054, -0.06439661234617233, 0.014364821836352348, 0.22857394814491272, -0.06645470857620239, 0.07465333491563797, 0.13026019930839539, -0.017004651948809624, -0.06887000799179077, 0.04647034779191017, -0.03181997686624527, -0.08305076509714127, -0.27305132150650024, -0.11097732186317444, -0.12417944520711899, 0.08551718294620514, 0.060253627598285675, 0.050218936055898666, 0.1729225218296051, 0.07009439915418625, -0.011698170565068722, 0.04006649926304817, 0.008571630343794823, 0.0824633464217186, 0.19053572416305542, -0.008197087794542313, 0.13242574036121368, -0.06245150417089462, -0.11769289523363113, 0.08968717604875565, 0.05989821255207062, 0.12555105984210968, 0.04239042103290558, 0.046467121690511703, 0.009043761529028416, 0.07225343585014343, 0.13442648947238922, 0.1651877760887146, 0.034123022109270096, -0.0027062329463660717, -0.01349344477057457, -0.028245382010936737, -0.040193621069192886, 0.037729669362306595, 0.013470759615302086, -0.12968936562538147, -0.09492611140012741, -0.07551674544811249, 0.07577058672904968, 0.12997229397296906, 0.0744793638586998, -0.240804523229599, 0.012753864750266075, 0.06319929659366608, -0.046554870903491974, -0.11563625931739807, 0.08299679309129715, -0.003961589653044939, -0.13062408566474915, 0.06372487545013428, -0.05805215612053871, 0.12147562950849533, -0.028284739702939987, 0.09374229609966278, -0.03364879637956619, -0.07243189960718155, 0.018441040068864822, 0.1096850335597992, -0.33529332280158997, 0.20487374067306519, 0.0006690678419545293, -0.06490825116634369, -0.11783778667449951, -0.0044849165715277195, -0.0012578379828482866, 0.11027327179908752, 0.09952930361032486, -0.003345120931044221, -0.03474462404847145, -0.09134820103645325, -0.0031049586832523346, 0.016545293852686882, 0.14250630140304565, -0.025273242965340614, 0.0148016894236207, -0.059562280774116516, -0.021893899887800217, -0.013236827217042446, -0.013637681491672993, -0.002603176049888134, -0.1513184756040573, 0.0671682059764862, 0.020377542823553085, 0.06982939690351486, 0.01960124634206295, -0.02438407950103283, -0.06273293495178223, 0.21248282492160797, -0.06458115577697754, -0.10695376992225647, -0.12842507660388947, -0.04645165428519249, 0.05069807916879654, -0.0799480676651001, 0.05590132996439934, -0.07412241399288177, 0.026752561330795288, -0.0460817776620388, -0.2500396966934204, 0.12516821920871735, -0.08440219610929489, -0.04263054579496384, -0.039096806198358536, 0.18710920214653015, -0.09238360822200775, 0.0015196007443591952, 0.024500641971826553, -0.00008093049837043509, -0.08618257939815521, -0.05626978352665901, -0.008611418306827545, -0.01370612159371376, 0.0605587363243103, 0.04142594337463379, -0.09551963210105896, -0.06058591976761818, -0.04161534458398819, -0.0018586971564218402, 0.33403095602989197, 0.09810057282447815, -0.046292744576931, 0.17393392324447632, 0.10699018090963364, -0.08708086609840393, -0.30292707681655884, -0.07725819945335388, -0.0799851045012474, -0.026687202975153923, -0.028951935470104218, -0.16540394723415375, 0.0818692147731781, -0.0030985758639872074, 0.010349465534090996, 0.10349910706281662, -0.24794204533100128, -0.09147637337446213, 0.1472831815481186, 0.023999102413654327, 0.3351094424724579, -0.11293166130781174, -0.09755206853151321, -0.04931047186255455, -0.14179958403110504, 0.17238929867744446, -0.054965659976005554, 0.08938152343034744, -0.03220284730195999, 0.1103312224149704, 0.057209331542253494, -0.038672249764204025, 0.03753164783120155, 0.01280028186738491, 0.004070690833032131, -0.11656955629587173, -0.03721853345632553, 0.05927279219031334, -0.01239687204360962, 0.0431542843580246, -0.030626775696873665, 0.05042644962668419, -0.11610346287488937, -0.03559141978621483, -0.09718530625104904, 0.05527614802122116, 0.033209703862667084, -0.07230573892593384, 0.02535100467503071, -0.07929795235395432, 0.026679834350943565, -0.011463316157460213, 0.19073231518268585, -0.04869036376476288, 0.16655586659908295, 0.15388649702072144, 0.13591068983078003, -0.10760082304477692, 0.03837193548679352, -0.07492130249738693, -0.06832669675350189, 0.06800366938114166, -0.10502270609140396, 0.06655241549015045, 0.12330719083547592, -0.0411357618868351, 0.06374823302030563, 0.11320103704929352, 0.02062961272895336, -0.01765989325940609, 0.1385980248451233, -0.25890034437179565, 0.023826781660318375, -0.09969114512205124, -0.053946852684020996, 0.045324306935071945, 0.06959566473960876, 0.1803196519613266, 0.01996755413711071, -0.03243176266551018, -0.010976474732160568, 0.0005780249484814703, -0.04870473966002464, 0.07170422375202179, 0.021222015842795372, 0.024676067754626274, -0.1308782398700714, 0.09323612600564957, 0.032887544482946396, -0.14486797153949738, 0.019849436357617378, 0.19134655594825745, -0.1371304839849472, -0.11486499011516571, 0.01224886067211628, 0.11295973509550095, -0.15867024660110474, -0.024805627763271332, -0.06911034882068634, -0.1232672780752182, 0.09491096436977386, 0.21401236951351166, 0.05331400781869888, 0.1008497029542923, -0.046942487359046936, -0.0496317520737648, -0.04561499506235123, 0.009240290150046349, 0.012895791791379452, 0.030672000721096992, -0.097745880484581, 0.10578422248363495, -0.040116216987371445, 0.16213259100914001, -0.0917268618941307, -0.06222947686910629, -0.14983442425727844, 0.03229285031557083, -0.15211552381515503, -0.05419791117310524, -0.06350395083427429, -0.05325648933649063, -0.01421641930937767, -0.009074408560991287, -0.04453456401824951, -0.039223432540893555, -0.1178443431854248, 0.023740172386169434, -0.04184343293309212, 0.03357211872935295, -0.07360640168190002, -0.00745047302916646, 0.0597982257604599, -0.04032554477453232, 0.12730717658996582, 0.12071295082569122, -0.11999447643756866, 0.13207589089870453, -0.13698095083236694, -0.10772223025560379, 0.10667144507169724, 0.019947899505496025, 0.057580724358558655, 0.08691609650850296, 0.024122396484017372, 0.07328153401613235, 0.017016666010022163, 0.03875018656253815, 0.022994665428996086, -0.11720026284456253, 0.02915577031672001, -0.0438992902636528, -0.14189468324184418, -0.07547144591808319, -0.034607090055942535, 0.03158587962388992, 0.008018662221729755, 0.11852530390024185, -0.053823456168174744, 0.12022940069437027, -0.07060523331165314, 0.010234953835606575, 0.010690975934267044, -0.16182446479797363, -0.06637652963399887, -0.08411522209644318, 0.032836735248565674, -0.008235974237322807, 0.18409450352191925, 0.03454678878188133, 0.05747787654399872, 0.02793210744857788, 0.07954391092061996, 0.005215851124376059, 0.020794428884983063, 0.22607649862766266, 0.07304691523313522, -0.06886540353298187, -0.1103024035692215, 0.06498146802186966, 0.008004664443433285, 0.04483301192522049, 0.1749526411294937, 0.03727349266409874, -0.03907724469900131, 0.10007185488939285, -0.019638560712337494, 0.028130175545811653, -0.11450393497943878, -0.17080892622470856, -0.00801891554147005, 0.07657715678215027, -0.011517325416207314, 0.0829968973994255, 0.16146962344646454, -0.019973335787653923, 0.030916273593902588, -0.009044856764376163, -0.056131210178136826, -0.17957162857055664, -0.1594834178686142, -0.08296467363834381, -0.10509900003671646, -0.0014652428217232227, -0.10988666117191315, 0.05996263399720192, 0.05867818742990494, 0.06662456691265106, -0.06648626923561096, 0.10458429902791977, 0.06543407589197159, -0.11919818818569183, 0.07942314445972443, -0.028797946870326996, 0.08120650798082352, 0.000997701776213944, -0.009244642220437527, -0.08453210443258286, 0.008097044192254543, -0.03108268976211548, 0.04917836934328079, -0.047017112374305725, 0.02154003456234932, -0.15374121069908142, -0.1096470057964325, -0.02257644757628441, 0.05983618274331093, -0.0428229495882988, 0.12894387543201447, 0.017068613320589066, -0.030336754396557808, 0.02801426127552986, 0.22194334864616394, -0.08584439754486084, -0.08055929839611053, -0.050540681928396225, 0.2432609349489212, 0.06307961791753769, 0.08444320410490036, 0.0028589183930307627, -0.012717257253825665, -0.09089452773332596, 0.3591165244579315, 0.2667014002799988, -0.055692918598651886, 0.02277890220284462, 0.015944819897413254, 0.0347137413918972, 0.11798495799303055, 0.16456447541713715, 0.08827649056911469, 0.25443965196609497, -0.06533562391996384, -0.018368344753980637, -0.014501972123980522, 0.000018250484572490677, -0.0930345430970192, 0.13507813215255737, 0.04284169152379036, -0.08161267638206482, -0.024515492841601372, 0.10017646849155426, -0.24063174426555634, 0.14782121777534485, -0.09359890967607498, -0.16162940859794617, -0.060918986797332764, -0.0147289102897048, 0.11586485803127289, -0.0017279664753004909, 0.08164822310209274, -0.01215168833732605, -0.08752647042274475, 0.05363667756319046, 0.029349831864237785, -0.222853422164917, 0.01617160066962242, 0.05048945173621178, -0.11925873160362244, -0.024077240377664566, -0.011171307414770126, 0.04385644197463989, 0.06714760512113571, 0.07385427504777908, -0.04466511681675911, 0.046728942543268204, -0.004126311279833317, -0.011370057240128517, 0.04598446562886238, 0.06270765513181686, 0.01540715154260397, -0.09723247587680817, 0.05001823231577873, -0.1556699126958847, 0.03317674249410629, -0.01597830280661583, -0.023336609825491905, -0.002392916241660714, -0.005987333599478006, -0.04110949859023094, 0.057095758616924286, 0.1028817892074585, -0.008210273459553719, 0.012179257348179817, -0.09038258343935013, -0.0342213474214077, -0.0023632640950381756, -0.11412134766578674, -0.09127872437238693, -0.11541768163442612, -0.10260939598083496, 0.11215279996395111, -0.009719906374812126, -0.2153121829032898, 0.021527882665395737, -0.1023377850651741, 0.04012138023972511, -0.21606485545635223, 0.10211227834224701, 0.09086371958255768, 0.011539488099515438, 0.008776325732469559, -0.008126933127641678, 0.0464082807302475, 0.10446552187204361, -0.12512299418449402, -0.09291534125804901 ]
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. --> # Wangchanberta-Depress-Finetuned This model is a fine-tuned version of [airesearch/wangchanberta-base-att-spm-uncased](https://huggingface.co/airesearch/wangchanberta-base-att-spm-uncased) on the wisesight_sentiment dataset. It achieves the following results on the evaluation set: - Loss: 0.5910 ## 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: 8 - eval_batch_size: 8 - seed: 42 - optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08 - lr_scheduler_type: linear - lr_scheduler_warmup_steps: 400 - num_epochs: 4 ### Training results | Training Loss | Epoch | Step | Validation Loss | |:-------------:|:-----:|:-----:|:---------------:| | 1.0114 | 0.08 | 200 | 0.9538 | | 0.8617 | 0.15 | 400 | 0.8280 | | 0.7882 | 0.23 | 600 | 0.7472 | | 0.7132 | 0.3 | 800 | 0.7264 | | 0.7226 | 0.38 | 1000 | 0.7265 | | 0.6854 | 0.45 | 1200 | 0.6792 | | 0.621 | 0.53 | 1400 | 0.6451 | | 0.6093 | 0.61 | 1600 | 0.6364 | | 0.6099 | 0.68 | 1800 | 0.6128 | | 0.5766 | 0.76 | 2000 | 0.6388 | | 0.6033 | 0.83 | 2200 | 0.6148 | | 0.5966 | 0.91 | 2400 | 0.6440 | | 0.6208 | 0.98 | 2600 | 0.5910 | | 0.5178 | 1.06 | 2800 | 0.6340 | | 0.4863 | 1.13 | 3000 | 0.7177 | | 0.4852 | 1.21 | 3200 | 0.6766 | | 0.4711 | 1.29 | 3400 | 0.6739 | | 0.5203 | 1.36 | 3600 | 0.6429 | | 0.5167 | 1.44 | 3800 | 0.6539 | | 0.5053 | 1.51 | 4000 | 0.6172 | | 0.5076 | 1.59 | 4200 | 0.6053 | | 0.4704 | 1.66 | 4400 | 0.6474 | | 0.4807 | 1.74 | 4600 | 0.6225 | | 0.4792 | 1.82 | 4800 | 0.6282 | | 0.5177 | 1.89 | 5000 | 0.6011 | | 0.4839 | 1.97 | 5200 | 0.6231 | | 0.4155 | 2.04 | 5400 | 0.6668 | | 0.3923 | 2.12 | 5600 | 0.6886 | | 0.3713 | 2.19 | 5800 | 0.6895 | | 0.364 | 2.27 | 6000 | 0.6886 | | 0.3774 | 2.34 | 6200 | 0.7117 | | 0.4001 | 2.42 | 6400 | 0.7081 | | 0.3531 | 2.5 | 6600 | 0.7465 | | 0.3768 | 2.57 | 6800 | 0.7706 | | 0.3324 | 2.65 | 7000 | 0.7456 | | 0.3597 | 2.72 | 7200 | 0.7507 | | 0.3868 | 2.8 | 7400 | 0.7542 | | 0.4141 | 2.87 | 7600 | 0.7223 | | 0.3701 | 2.95 | 7800 | 0.7374 | | 0.3175 | 3.03 | 8000 | 0.7615 | | 0.2951 | 3.1 | 8200 | 0.7880 | | 0.2885 | 3.18 | 8400 | 0.8158 | | 0.2913 | 3.25 | 8600 | 0.8565 | | 0.2815 | 3.33 | 8800 | 0.8649 | | 0.2748 | 3.4 | 9000 | 0.8783 | | 0.2776 | 3.48 | 9200 | 0.8851 | | 0.2982 | 3.56 | 9400 | 0.8922 | | 0.2939 | 3.63 | 9600 | 0.8796 | | 0.2712 | 3.71 | 9800 | 0.8873 | | 0.2918 | 3.78 | 10000 | 0.8973 | | 0.3144 | 3.86 | 10200 | 0.8978 | | 0.2988 | 3.93 | 10400 | 0.8951 | ### Framework versions - Transformers 4.11.2 - Pytorch 1.11.0+cu113 - Datasets 2.1.0 - Tokenizers 0.10.3
{"tags": ["generated_from_trainer"], "datasets": ["wisesight_sentiment"], "model-index": [{"name": "Wangchanberta-Depress-Finetuned", "results": []}]}
text-classification
Kittipot/Wangchanberta-Depress-Finetuned
[ "transformers", "pytorch", "tensorboard", "camembert", "text-classification", "generated_from_trainer", "dataset:wisesight_sentiment", "autotrain_compatible", "endpoints_compatible", "region:us" ]
2022-03-02T23:29:04+00:00
[]
[]
TAGS #transformers #pytorch #tensorboard #camembert #text-classification #generated_from_trainer #dataset-wisesight_sentiment #autotrain_compatible #endpoints_compatible #region-us
Wangchanberta-Depress-Finetuned =============================== This model is a fine-tuned version of airesearch/wangchanberta-base-att-spm-uncased on the wisesight\_sentiment dataset. It achieves the following results on the evaluation set: * Loss: 0.5910 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: 8 * eval\_batch\_size: 8 * seed: 42 * optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08 * lr\_scheduler\_type: linear * lr\_scheduler\_warmup\_steps: 400 * num\_epochs: 4 ### Training results ### Framework versions * Transformers 4.11.2 * Pytorch 1.11.0+cu113 * Datasets 2.1.0 * Tokenizers 0.10.3
[ "### Training hyperparameters\n\n\nThe following hyperparameters were used during training:\n\n\n* learning\\_rate: 2e-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* lr\\_scheduler\\_warmup\\_steps: 400\n* num\\_epochs: 4", "### Training results", "### Framework versions\n\n\n* Transformers 4.11.2\n* Pytorch 1.11.0+cu113\n* Datasets 2.1.0\n* Tokenizers 0.10.3" ]
[ "TAGS\n#transformers #pytorch #tensorboard #camembert #text-classification #generated_from_trainer #dataset-wisesight_sentiment #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: 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* lr\\_scheduler\\_warmup\\_steps: 400\n* num\\_epochs: 4", "### Training results", "### Framework versions\n\n\n* Transformers 4.11.2\n* Pytorch 1.11.0+cu113\n* Datasets 2.1.0\n* Tokenizers 0.10.3" ]
[ 59, 116, 4, 33 ]
[ "passage: TAGS\n#transformers #pytorch #tensorboard #camembert #text-classification #generated_from_trainer #dataset-wisesight_sentiment #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: 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* lr\\_scheduler\\_warmup\\_steps: 400\n* num\\_epochs: 4### Training results### Framework versions\n\n\n* Transformers 4.11.2\n* Pytorch 1.11.0+cu113\n* Datasets 2.1.0\n* Tokenizers 0.10.3" ]
[ -0.10110881179571152, 0.0865899994969368, -0.002884833374992013, 0.12373795360326767, 0.1646769642829895, 0.040091849863529205, 0.10967360436916351, 0.1386689394712448, -0.06706435978412628, 0.04004758223891258, 0.10437144339084625, 0.15749412775039673, 0.017255021259188652, 0.0983266532421112, -0.05621618777513504, -0.31556209921836853, -0.029744409024715424, 0.028143223375082016, -0.06976861506700516, 0.14130562543869019, 0.07413037866353989, -0.1430349051952362, 0.09534221887588501, -0.0076878867112100124, -0.15915216505527496, -0.003780616447329521, 0.00043355472735129297, -0.057780295610427856, 0.15868811309337616, 0.004019086714833975, 0.11865487694740295, 0.022106898948550224, 0.09822901338338852, -0.20427678525447845, 0.01601632684469223, 0.03490103781223297, 0.015579665079712868, 0.08860080689191818, 0.07003746181726456, -0.027870668098330498, 0.15794911980628967, -0.11929576098918915, 0.07817360758781433, 0.0006897810962982476, -0.12952637672424316, -0.18044598400592804, -0.05278143659234047, -0.0032782063353806734, 0.054739732295274734, 0.10113939642906189, -0.02155020460486412, 0.11043274402618408, -0.09631723910570145, 0.11970898509025574, 0.2287939339876175, -0.22685998678207397, -0.08372419327497482, 0.0011694538407027721, 0.003914037719368935, 0.08939997851848602, -0.1334996074438095, -0.019156664609909058, 0.0265815332531929, 0.05521843209862709, 0.12490443885326385, -0.036395363509655, -0.08358155936002731, 0.020734606310725212, -0.13677087426185608, -0.03941468521952629, 0.11151077598333359, 0.033897195011377335, -0.02297016605734825, -0.06370268762111664, -0.06813333928585052, -0.16780169308185577, -0.051331277936697006, -0.0260125994682312, 0.035323940217494965, -0.04876502603292465, -0.10850869864225388, 0.0008889174205251038, -0.11262566596269608, -0.056427594274282455, -0.05535042658448219, 0.14598263800144196, 0.02709401212632656, 0.0015740756643936038, -0.02090739831328392, 0.11387042701244354, 0.04640546068549156, -0.1432228833436966, 0.019401388242840767, 0.019810713827610016, -0.0341479666531086, -0.045280542224645615, -0.05352471396327019, -0.01483978983014822, -0.011398089118301868, 0.07184285670518875, -0.05267287790775299, 0.06705497950315475, 0.030856527388095856, 0.011216806247830391, -0.07342619448900223, 0.19029702246189117, -0.033584076911211014, -0.03226226568222046, -0.03584694489836693, 0.07165705412626266, -0.004665720742195845, -0.017220839858055115, -0.09091077744960785, 0.001080155954696238, 0.12090421468019485, 0.014155248180031776, -0.0842999666929245, 0.07941614836454391, -0.04459241032600403, -0.03603888303041458, -0.030205491930246353, -0.09683234989643097, 0.04458730295300484, 0.023266971111297607, -0.10608119517564774, -0.0026237580459564924, 0.02608528919517994, 0.0027255683671683073, -0.014524743892252445, 0.12867145240306854, -0.07730470597743988, 0.03916035592556, -0.07416517287492752, -0.11431995034217834, 0.014674562960863113, -0.09316445887088776, 0.019520249217748642, -0.08951336145401001, -0.18576547503471375, -0.02191983163356781, 0.053556155413389206, -0.04118448495864868, -0.029256561771035194, -0.08604127913713455, -0.06571073085069656, 0.017511337995529175, 0.0018608244135975838, 0.135439932346344, -0.06367956101894379, 0.11787844449281693, 0.018376557156443596, 0.08857806026935577, 0.00667362567037344, 0.05564863607287407, -0.10721331089735031, 0.0006088599329814315, -0.16757671535015106, 0.08482073992490768, -0.041037872433662415, 0.054740335792303085, -0.08406780660152435, -0.1269407868385315, 0.007736254017800093, -0.0040793390944600105, 0.06056002900004387, 0.12646269798278809, -0.2040325105190277, -0.08953195810317993, 0.14383438229560852, -0.07585864514112473, -0.08876204490661621, 0.12450867891311646, -0.07644512504339218, 0.07738013565540314, 0.0786249190568924, 0.17990441620349884, 0.09463587403297424, -0.07572496682405472, 0.02066686376929283, -0.01548769697546959, 0.04476849362254143, 0.012505070306360722, 0.042214952409267426, 0.04265889152884483, 0.026518819853663445, 0.030936947092413902, -0.009683310054242611, 0.05960112437605858, -0.10929743945598602, -0.10159355401992798, -0.02856922522187233, -0.08374347537755966, 0.07219052314758301, 0.0909719169139862, 0.07625002413988113, -0.10113311558961868, -0.06120707094669342, 0.02232375182211399, 0.08682861179113388, -0.07638213783502579, 0.023329222574830055, -0.051381777971982956, 0.031930841505527496, -0.0030493875965476036, -0.019738970324397087, -0.19928298890590668, -0.01093521062284708, 0.012014717794954777, 0.03653248772025108, 0.0164883341640234, 0.044238388538360596, 0.09005534648895264, 0.06347236782312393, -0.06330626457929611, -0.03291197866201401, -0.0133321862667799, -0.00790834054350853, -0.11969135701656342, -0.22492317855358124, -0.008500725962221622, -0.024541422724723816, 0.14303463697433472, -0.2107725590467453, 0.02750266343355179, 0.01221200730651617, 0.0642918273806572, 0.02656298689544201, -0.018595153465867043, -0.024766983464360237, 0.0626092180609703, -0.033884789794683456, -0.047542087733745575, 0.07769680768251419, -0.018905682489275932, -0.08762015402317047, -0.0429476834833622, -0.1258903592824936, 0.12303441762924194, 0.11934402585029602, -0.11155985295772552, -0.09799903631210327, -0.019033804535865784, -0.06930065900087357, -0.02864721603691578, -0.05630097910761833, 0.05076703429222107, 0.19833844900131226, 0.0002042616397375241, 0.13240133225917816, -0.05969565734267235, -0.038432393223047256, 0.031594324856996536, -0.021678514778614044, 0.013066607527434826, 0.1505780816078186, 0.07969969511032104, -0.09036178141832352, 0.1192910373210907, 0.12568436563014984, -0.06636836379766464, 0.16251710057258606, -0.022110532969236374, -0.06622599810361862, -0.026131093502044678, -0.02122214436531067, -0.01736799255013466, 0.10218660533428192, -0.15304988622665405, -0.017051437869668007, 0.010131297633051872, 0.01619824767112732, -0.0004204272117931396, -0.22564081847667694, -0.046060021966695786, 0.044768497347831726, -0.04298407584428787, -0.014039433561265469, -0.002487951423972845, 0.027128901332616806, 0.12439128756523132, 0.0017720669275149703, -0.08598580211400986, 0.011562012135982513, -0.01458757370710373, -0.07929158210754395, 0.20196831226348877, -0.07488425076007843, -0.18096160888671875, -0.07718894630670547, -0.0686669647693634, -0.04633114114403725, 0.012816627509891987, 0.05504162982106209, -0.1135544404387474, -0.0031262789852917194, -0.06791728734970093, 0.03185967355966568, 0.0042090280912816525, 0.04287301003932953, -0.014734289608895779, 0.005397943314164877, 0.044017497450113297, -0.09107181429862976, -0.010028292424976826, -0.0766916573047638, -0.05669037625193596, 0.06448007375001907, 0.02995074726641178, 0.11711455881595612, 0.153598815202713, -0.018060550093650818, 0.017541024833917618, -0.04150930419564247, 0.22601617872714996, -0.0916142389178276, -0.009805737063288689, 0.10931699723005295, -0.019639551639556885, 0.048623472452163696, 0.13103163242340088, 0.06189947947859764, -0.08796223253011703, 0.01908145844936371, 0.04369169846177101, -0.03724926710128784, -0.19395527243614197, -0.04033713787794113, -0.045219339430332184, 0.023708142340183258, 0.10957138240337372, 0.022987501695752144, 0.010483804158866405, 0.0707482323050499, 0.04775533825159073, 0.02733960747718811, -0.019265295937657356, 0.05083363130688667, 0.10803160071372986, 0.02346406877040863, 0.11343101412057877, -0.023727720603346825, -0.0875462219119072, 0.04007768630981445, -0.0248163640499115, 0.22318977117538452, -0.017460916191339493, 0.10978604853153229, 0.0358852781355381, 0.1626134067773819, -0.007312854286283255, 0.0727166086435318, 0.012576964683830738, -0.03917010873556137, -0.024414725601673126, -0.03506163880228996, -0.06609199941158295, 0.025313889607787132, -0.02376415580511093, 0.06960340589284897, -0.142274409532547, 0.020699352025985718, 0.06473958492279053, 0.2576436400413513, 0.036860860884189606, -0.31241366267204285, -0.09345979988574982, 0.00809440016746521, -0.04907965287566185, -0.010477152653038502, 0.0175221785902977, 0.12822400033473969, -0.10660859942436218, 0.03527768701314926, -0.08457761257886887, 0.07536862045526505, -0.09707198292016983, 0.057899899780750275, 0.05190903693437576, 0.07010368257761002, -0.00586580578237772, 0.07200521230697632, -0.2786920964717865, 0.28508734703063965, -0.00041862527723424137, 0.0578291155397892, -0.09670769423246384, -0.023942654952406883, 0.06537977606058121, 0.05178292840719223, 0.0836549773812294, -0.015289495699107647, -0.03068540431559086, -0.20847302675247192, -0.05030001699924469, 0.0413610078394413, 0.11966191977262497, -0.05622214451432228, 0.10219048708677292, -0.02379462867975235, -0.0031124434899538755, 0.07149439305067062, -0.04638585075736046, -0.048827823251485825, -0.0899563729763031, -0.002227676333859563, 0.0010688973125070333, -0.04691460356116295, -0.03636122867465019, -0.1339453160762787, -0.10988138616085052, 0.1272030472755432, 0.01136653684079647, -0.019574785605072975, -0.11997058242559433, 0.09610660374164581, 0.08187851309776306, -0.09079466015100479, 0.01486351527273655, 0.021249109879136086, 0.07079052925109863, 0.036038171499967575, -0.06442684680223465, 0.103448286652565, -0.061628542840480804, -0.18479621410369873, -0.05919472500681877, 0.11923746019601822, 0.06745791435241699, 0.07474081963300705, -0.016025597229599953, 0.00989623460918665, -0.03266304358839989, -0.08015310764312744, 0.050694625824689865, -0.001024686498567462, 0.046496808528900146, 0.0499764010310173, -0.050148576498031616, 0.020752709358930588, -0.0820486843585968, -0.012501703575253487, 0.1911226361989975, 0.21642513573169708, -0.08971414715051651, 0.03720185160636902, 0.014934670180082321, -0.06671006977558136, -0.19598641991615295, 0.057946499437093735, 0.08241407573223114, 0.012320400215685368, 0.05940790846943855, -0.18603672087192535, 0.09956549853086472, 0.06384216994047165, -0.002639303682371974, 0.09280569106340408, -0.3203422427177429, -0.12241677194833755, 0.11500664055347443, 0.16012389957904816, 0.0828622505068779, -0.13518553972244263, -0.007188442628830671, 0.011972411535680294, -0.06056951731443405, 0.11663985252380371, -0.06392207741737366, 0.13743235170841217, -0.021299397572875023, 0.13434647023677826, 0.02849782258272171, -0.04995468258857727, 0.11627458781003952, 0.02535112388432026, 0.09997940063476562, -0.06440109014511108, -0.053565140813589096, -0.003657708643004298, -0.042600300163030624, -0.0003892610839102417, -0.045812319964170456, 0.02302500419318676, -0.09123148769140244, -0.025296010076999664, -0.10900659114122391, 0.027572238817811012, -0.03712891787290573, -0.07243663817644119, -0.034230805933475494, 0.04892682656645775, 0.078962042927742, -0.013083670288324356, 0.10663767158985138, -0.0076543609611690044, 0.11949198693037033, 0.10049689561128616, 0.09959012269973755, -0.010000627487897873, -0.04437641426920891, -0.008111622184515, 0.005755600053817034, 0.032197922468185425, -0.14380225539207458, 0.029171161353588104, 0.1502232551574707, 0.03206073120236397, 0.15468688309192657, 0.08613725751638412, -0.013716921210289001, 0.006794537417590618, 0.054308537393808365, -0.1758139282464981, -0.09645707160234451, -0.023359118029475212, -0.10318638384342194, -0.12454259395599365, 0.02559507079422474, 0.09281839430332184, -0.06426524370908737, 0.002108707558363676, -0.01143566332757473, 0.016661226749420166, -0.02452448569238186, 0.20062702894210815, 0.04413175955414772, 0.04110598936676979, -0.10297338664531708, 0.06469244509935379, 0.030292540788650513, -0.12765641510486603, 0.016428420320153236, 0.09875863790512085, -0.08901027590036392, -0.04666148126125336, 0.05971997603774071, 0.20156171917915344, -0.04379810392856598, -0.018832599744200706, -0.1480219066143036, -0.12535437941551208, 0.080605648458004, 0.16312773525714874, 0.10502856224775314, 0.015015250071883202, -0.094350665807724, 0.03479093685746193, -0.12295342981815338, 0.11471588909626007, 0.07429850101470947, 0.04768162965774536, -0.13212822377681732, 0.16882507503032684, -0.003527134656906128, 0.05525941029191017, -0.030222831293940544, -0.003888203762471676, -0.09423571079969406, 0.014386892318725586, -0.10514208674430847, -0.024002868682146072, -0.04373731464147568, 0.01142647210508585, -0.0035515741910785437, -0.06158853694796562, -0.04277999326586723, -0.02038552612066269, -0.11657387763261795, -0.014799305237829685, 0.026087455451488495, 0.055921074002981186, -0.1104743629693985, -0.05863095819950104, 0.01943274959921837, -0.07137037068605423, 0.08702626079320908, 0.06281284242868423, -0.0016678826650604606, 0.051218606531620026, -0.137024387717247, 0.008861330337822437, 0.07570946961641312, -0.0011995420791208744, 0.05782576650381088, -0.09716252237558365, -0.005954318679869175, -0.02637057937681675, 0.05609259381890297, 0.027844293043017387, 0.08836043626070023, -0.12569956481456757, 0.05235122889280319, -0.012136091478168964, -0.09091412276029587, -0.08553383499383926, 0.042629946023225784, 0.05199646204710007, 0.018630554899573326, 0.17491497099399567, -0.09342513233423233, 0.07076461613178253, -0.22134779393672943, -0.004655432887375355, -0.0003156304301228374, -0.11823564022779465, -0.10711675882339478, -0.0808730199933052, 0.08453688025474548, -0.06415711343288422, 0.09111598134040833, 0.04278837516903877, 0.07357080280780792, 0.01344916969537735, -0.02113996259868145, 0.0046676392666995525, 0.02001309022307396, 0.16557279229164124, 0.03373667970299721, -0.061193276196718216, 0.09672053158283234, 0.0616011880338192, 0.1064148023724556, 0.1421276032924652, 0.21629098057746887, 0.12240700423717499, 0.016085226088762283, 0.09029747545719147, 0.034527137875556946, -0.04696979373693466, -0.1450996696949005, 0.040606413036584854, -0.06095888838171959, 0.09668395668268204, -0.026186896488070488, 0.20832335948944092, 0.04385697841644287, -0.1728379726409912, 0.058504458516836166, -0.05566851794719696, -0.10518717765808105, -0.10411812365055084, -0.05921231210231781, -0.08469507098197937, -0.1219138652086258, -0.00236974167637527, -0.12673425674438477, 0.028131753206253052, 0.07280299067497253, 0.026516186073422432, -0.026809385046362877, 0.15937112271785736, 0.009531200863420963, 0.02057822421193123, 0.10060659050941467, 0.02896009385585785, -0.021233977749943733, -0.09863688796758652, -0.06246485933661461, -0.03217296674847603, -0.002522710245102644, 0.024100996553897858, -0.06536873430013657, -0.07272804528474808, 0.02048299089074135, -0.030846042558550835, -0.11222978681325912, 0.011214427649974823, 0.01582382246851921, 0.07216450572013855, 0.03765011206269264, 0.01192350685596466, 0.00131282489746809, -0.012934944592416286, 0.2508549690246582, -0.09029018878936768, -0.04610271379351616, -0.10174807161092758, 0.26686426997184753, 0.026757581159472466, -0.0018386919982731342, 0.03654232248663902, -0.07186264544725418, -0.0069421278312802315, 0.25512081384658813, 0.21500080823898315, -0.10707908123731613, 0.005496487487107515, 0.00314079481177032, 0.006676561199128628, -0.002687242580577731, 0.08757595717906952, 0.11912237852811813, 0.042536307126283646, -0.11340654641389847, -0.0324716679751873, -0.04908611997961998, -0.025897150859236717, -0.01708039455115795, 0.07119480520486832, 0.07384774088859558, 0.02758404053747654, -0.05940833315253258, 0.07510450482368469, -0.09594704210758209, -0.12109465897083282, 0.06978480517864227, -0.24069777131080627, -0.16202910244464874, -0.020769529044628143, 0.09178058803081512, 0.025791341438889503, 0.0737214908003807, -0.026383353397250175, -0.010280994698405266, 0.07405697554349899, -0.01086863037198782, -0.09042684733867645, -0.05808643624186516, 0.09739059954881668, -0.12011458724737167, 0.16020072996616364, -0.05603540316224098, 0.0422397144138813, 0.12331151217222214, 0.06458570063114166, -0.05475205183029175, 0.048151805996894836, 0.060103025287389755, -0.08517977595329285, 0.02052433043718338, 0.1591167449951172, -0.03291125223040581, 0.058822378516197205, 0.06287530809640884, -0.14469732344150543, 0.030467508360743523, -0.07007966190576553, -0.05306018516421318, -0.030376402661204338, -0.025778811424970627, -0.03743625804781914, 0.12630173563957214, 0.2328108698129654, -0.011986364610493183, 0.025335989892482758, -0.07611764967441559, -0.013655019924044609, 0.038531143218278885, 0.03213878720998764, -0.06349316239356995, -0.23160488903522491, -0.006105687003582716, 0.0661267638206482, -0.015055468305945396, -0.24858205020427704, -0.11673377454280853, 0.0255699772387743, -0.06532952189445496, -0.08322969824075699, 0.09364701062440872, 0.03625092655420303, 0.05518743395805359, -0.042295005172491074, -0.056724440306425095, -0.055888257920742035, 0.18870943784713745, -0.16064777970314026, -0.07108884304761887 ]
null
null
transformers
# MORTY!!!
{"tags": ["conversational"]}
text-generation
KnutZuidema/DialoGPT-small-morty
[ "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
# MORTY!!!
[ "# MORTY!!!" ]
[ "TAGS\n#transformers #pytorch #gpt2 #text-generation #conversational #autotrain_compatible #endpoints_compatible #text-generation-inference #region-us \n", "# MORTY!!!" ]
[ 51, 5 ]
[ "passage: TAGS\n#transformers #pytorch #gpt2 #text-generation #conversational #autotrain_compatible #endpoints_compatible #text-generation-inference #region-us \n# MORTY!!!" ]
[ 0.003346714423969388, 0.06929107010364532, -0.007984837517142296, 0.037820253521203995, 0.16843010485172272, 0.007175283506512642, 0.05905815586447716, 0.13965530693531036, -0.019660841673612595, -0.020338790491223335, 0.17122061550617218, 0.22865009307861328, -0.017489098012447357, 0.05429784953594208, -0.058309197425842285, -0.26769647002220154, 0.04461207240819931, 0.042683299630880356, -0.01994870789349079, 0.12748569250106812, 0.08735151588916779, -0.05444490164518356, 0.09149467945098877, -0.027798179537057877, -0.11821611225605011, 0.009783999063074589, 0.027020398527383804, -0.13431453704833984, 0.12040286511182785, 0.040187787264585495, 0.057621683925390244, 0.020039821043610573, -0.08485625684261322, -0.16254077851772308, 0.038706231862306595, 0.002215529792010784, -0.03820175305008888, 0.08331461995840073, 0.014594635926187038, -0.05340150371193886, 0.11851315945386887, 0.08282220363616943, -0.05470309406518936, 0.04897141456604004, -0.16577747464179993, -0.0649854987859726, -0.017963606864213943, 0.00803491659462452, 0.05102349817752838, 0.10780274122953415, -0.03091803565621376, 0.1401318907737732, -0.06360603868961334, 0.08968593180179596, 0.17368192970752716, -0.2919856309890747, -0.020412951707839966, 0.08638359606266022, 0.04774180427193642, 0.05921882763504982, -0.05491006374359131, 0.06881397217512131, 0.022927096113562584, -0.0012345160357654095, -0.04334612563252449, -0.05558251962065697, -0.03934086114168167, 0.07122257351875305, -0.10303204506635666, -0.02534184791147709, 0.16302603483200073, -0.05387778952717781, 0.07172147184610367, 0.0002373516617808491, -0.10088292509317398, -0.03352483734488487, -0.03790861740708351, -0.01077413558959961, -0.07780324667692184, 0.08566891402006149, -0.013845173642039299, -0.0817241445183754, -0.1341743767261505, -0.0022556220646947622, -0.1229669600725174, 0.2005636841058731, 0.02990402840077877, 0.05136580392718315, -0.13734449446201324, 0.10055430233478546, -0.0277833454310894, -0.08746492117643356, 0.018088074401021004, -0.11418698728084564, 0.06174064055085182, -0.004286180716007948, 0.02287762425839901, -0.055628906935453415, 0.11335042119026184, 0.0715298131108284, -0.004928200505673885, 0.022827012464404106, -0.015683641657233238, 0.08039633184671402, 0.04529524967074394, 0.05016938969492912, -0.025465847924351692, -0.06319069117307663, 0.0449020117521286, -0.10497142374515533, 0.043620772659778595, -0.05915532261133194, -0.14714136719703674, 0.0013711947249248624, 0.04794945567846298, 0.07379811257123947, 0.020066019147634506, 0.09876061975955963, -0.013096763752400875, -0.020553572103381157, 0.015722287818789482, -0.015738511458039284, -0.03265861049294472, -0.0000072171292231359985, 0.02088216133415699, 0.12626385688781738, -0.008436555042862892, 0.0073065743781626225, -0.12055975943803787, 0.06285445392131805, -0.04958062246441841, 0.0026081805117428303, -0.060380302369594574, -0.05397216975688934, 0.0270515289157629, -0.03717152401804924, -0.008217520080506802, -0.1209116131067276, -0.08012647181749344, 0.0615241676568985, -0.0056975726038217545, -0.03637706860899925, -0.0882946252822876, -0.047850918024778366, -0.0530824139714241, 0.040342625230550766, -0.04674680531024933, -0.003743526292964816, -0.06653359532356262, 0.1400739997625351, 0.04279328137636185, 0.0894472524523735, -0.12239482998847961, 0.06209630146622658, -0.08821885287761688, -0.024961384013295174, -0.10262075811624527, 0.06593269854784012, -0.0021314204204827547, 0.0971301719546318, -0.004182337783277035, -0.03516196832060814, -0.07910916209220886, 0.05254538357257843, -0.006619031075388193, 0.2191421091556549, -0.11138679832220078, -0.0877966582775116, 0.26377594470977783, -0.05988213047385216, -0.14744426310062408, 0.15202948451042175, -0.006678330712020397, 0.04729413986206055, 0.10669810324907303, 0.18573327362537384, -0.05618464946746826, -0.0009783576242625713, 0.07928016781806946, 0.09889788925647736, -0.0861760750412941, -0.002469973172992468, 0.04945772513747215, -0.046073731034994125, -0.10909345746040344, 0.05018137767910957, 0.06645173579454422, 0.045596957206726074, -0.07297046482563019, -0.030070960521697998, -0.013218536972999573, 0.014921870082616806, 0.0921170711517334, -0.022014746442437172, 0.06642487645149231, -0.08050630986690521, -0.04370064288377762, -0.01109006442129612, 0.003958961460739374, -0.004238334484398365, 0.02041715756058693, -0.055556878447532654, 0.0943569615483284, -0.003164722118526697, 0.0805526003241539, -0.13714930415153503, -0.05054886266589165, -0.0335385799407959, 0.1861041635274887, 0.07865459471940994, 0.09151437133550644, 0.07240159064531326, -0.03337486833333969, 0.008189084939658642, 0.034641750156879425, 0.12273740768432617, -0.01902647502720356, -0.06801731884479523, -0.071327343583107, 0.09659964591264725, -0.054870955646038055, 0.05379675701260567, -0.09758447110652924, 0.0040258546359837055, 0.03106767311692238, 0.07513424754142761, -0.020069504156708717, 0.027469981461763382, -0.014056614600121975, -0.017510373145341873, -0.07531183212995529, 0.021800203248858452, 0.09615958482027054, -0.012493540532886982, -0.08586002141237259, 0.1683715283870697, -0.19388267397880554, 0.15195804834365845, 0.1895519345998764, -0.3577485680580139, 0.037531837821006775, -0.05178312584757805, -0.03001563623547554, 0.0331798754632473, 0.06271915137767792, -0.06150135025382042, 0.11032972484827042, 0.0003359263064339757, 0.18661734461784363, -0.030426548793911934, -0.02422138676047325, -0.023570071905851364, -0.04935460165143013, -0.0045419717207551, 0.07996361702680588, 0.0848454013466835, -0.14333106577396393, 0.18730904161930084, 0.18919573724269867, 0.0535261295735836, 0.20559310913085938, 0.045990247279405594, 0.007468170020729303, 0.03950955346226692, -0.018455473706126213, -0.05487759783864021, -0.03829054906964302, -0.26191428303718567, -0.001563862431794405, 0.06057055667042732, 0.01300723198801279, 0.09543753415346146, -0.1275007724761963, -0.04782429710030556, 0.0005457231309264898, -0.028152557089924812, 0.018910272046923637, 0.08763211220502853, 0.03881097957491875, 0.13089555501937866, 0.018035296350717545, -0.027937771752476692, 0.08063028752803802, 0.01893097348511219, -0.0818328857421875, 0.17737306654453278, -0.12207738310098648, -0.32010728120803833, -0.12179882079362869, -0.1851995289325714, -0.0020083189010620117, 0.049262937158346176, 0.11313929408788681, -0.10204032808542252, -0.023286286741495132, -0.0030135666020214558, 0.08957026898860931, -0.1364818513393402, 0.005254451651126146, -0.04763595014810562, 0.02525862492620945, -0.12099464982748032, -0.06777340918779373, -0.0486297681927681, -0.054262228310108185, -0.05642366409301758, 0.10647483170032501, -0.055600717663764954, 0.039411041885614395, 0.1713559776544571, 0.027064289897680283, 0.05629730224609375, -0.05440438538789749, 0.17915469408035278, -0.08272289484739304, -0.029026011005043983, 0.18070073425769806, -0.07863688468933105, 0.07331544905900955, 0.09525571018457413, 0.0026165468152612448, -0.05111318081617355, 0.02848130092024803, 0.010415549390017986, -0.10079669207334518, -0.23368768393993378, -0.09286842495203018, -0.09816039353609085, 0.1346556395292282, -0.007345248479396105, 0.05864305794239044, 0.15453925728797913, 0.03468894213438034, -0.04804292693734169, -0.053061343729496, 0.03600785508751869, 0.06612873077392578, 0.2252592295408249, -0.07921361178159714, 0.11026392132043839, -0.03753453493118286, -0.1652238965034485, 0.09609575569629669, 0.012558573856949806, 0.07844133675098419, 0.1022743508219719, 0.0966920331120491, 0.008865982294082642, 0.0028360439464449883, 0.10778651386499405, 0.03543522208929062, 0.004754891153424978, -0.016498835757374763, -0.040472593158483505, -0.05034078285098076, -0.029324878007173538, 0.03659851476550102, 0.052382681518793106, -0.14823253452777863, -0.019162099808454514, -0.03694559633731842, 0.12432403117418289, 0.07849457859992981, 0.05488758161664009, -0.1371101289987564, -0.03327762335538864, 0.06683015823364258, -0.009610683657228947, -0.09650390595197678, 0.08183055371046066, 0.009422274306416512, -0.09663497656583786, 0.03013690561056137, -0.053471896797418594, 0.10178906470537186, -0.0795673131942749, 0.10797793418169022, -0.04717975854873657, -0.023006996139883995, 0.022941462695598602, 0.10217943042516708, -0.27796170115470886, 0.2085382044315338, 0.011200078763067722, -0.06301748007535934, -0.07559938728809357, -0.03942180424928665, 0.015903795138001442, 0.03760262578725815, 0.08842828869819641, 0.002895884681493044, -0.012859216891229153, -0.06547191739082336, -0.042922791093587875, 0.009992634877562523, 0.10680659860372543, -0.036113228648900986, -0.002310149371623993, -0.05402505770325661, 0.0036540331784635782, -0.025192726403474808, -0.011011207476258278, 0.0027369866147637367, -0.13921086490154266, 0.09796503186225891, 0.03279606252908707, 0.08639712631702423, 0.022818317636847496, -0.00047377546434290707, -0.13348521292209625, 0.24326801300048828, -0.09941945225000381, -0.07443704456090927, -0.08629412949085236, 0.04040573537349701, -0.0033438513055443764, -0.050093069672584534, -0.011812770739197731, -0.10195275396108627, 0.04736527055501938, -0.06905508041381836, -0.17623232305049896, 0.12936332821846008, -0.06163256615400314, -0.04133434221148491, -0.02209908701479435, 0.2286529690027237, -0.032744523137807846, 0.005396187771111727, 0.018414543941617012, 0.0008229141240008175, -0.11682385951280594, -0.10402470082044601, 0.03562551364302635, -0.009769727475941181, -0.022733526304364204, 0.02971263788640499, -0.097211092710495, -0.0034515256993472576, -0.052698176354169846, -0.03965287283062935, 0.37910348176956177, 0.15940089523792267, -0.053249556571245193, 0.13558492064476013, 0.11023583263158798, -0.0773930624127388, -0.31706544756889343, -0.09486419707536697, -0.11632000654935837, -0.06030130758881569, -0.04388284310698509, -0.19787175953388214, 0.03448730707168579, 0.04684736579656601, 0.013035222887992859, 0.11838364601135254, -0.25072258710861206, -0.05724722519516945, 0.11513946950435638, -0.018167246133089066, 0.3911892771720886, -0.14380203187465668, -0.10925717651844025, -0.04701996222138405, -0.09032532572746277, 0.20409364998340607, -0.06600167602300644, 0.11687739938497543, 0.0012638464104384184, 0.15121205151081085, 0.05584735795855522, -0.031159453094005585, 0.08568677306175232, -0.03020714782178402, -0.027116840705275536, -0.10200998187065125, -0.12830331921577454, 0.01963788829743862, 0.017870746552944183, -0.002445251913741231, -0.035214800387620926, 0.007158976513892412, -0.1013074666261673, -0.02593010663986206, -0.08372131735086441, 0.03696884214878082, 0.021753767505288124, -0.06879694014787674, -0.01310756430029869, -0.06491194665431976, -0.03328106179833412, 0.02326720766723156, 0.21953193843364716, -0.08242730051279068, 0.1309213638305664, 0.07633461803197861, 0.09379604458808899, -0.11215516179800034, 0.0545772947371006, -0.050198815762996674, -0.03709474578499794, 0.058305613696575165, -0.09366326034069061, 0.056803591549396515, 0.12638059258460999, -0.012089889496564865, 0.08311716467142105, 0.08537013828754425, -0.029283810406923294, 0.01123561430722475, 0.10549145191907883, -0.2889872193336487, -0.06742145866155624, -0.07671337574720383, 0.07221962511539459, 0.09096194058656693, 0.08045084029436111, 0.18749432265758514, 0.02000131830573082, -0.04179411381483078, 0.008803535252809525, 0.011514958925545216, -0.04818754643201828, 0.06052565574645996, -0.013284341432154179, 0.010979433543980122, -0.12000413984060287, 0.03212152048945427, -0.013017105869948864, -0.14088286459445953, -0.010709571652114391, 0.19774921238422394, -0.09829937666654587, -0.13767051696777344, -0.02753770537674427, 0.11596862226724625, -0.13268564641475677, -0.003013517940416932, -0.04065140709280968, -0.10571250319480896, 0.07798098027706146, 0.1605903059244156, 0.0616360642015934, 0.07059977948665619, -0.03164943680167198, 0.0026854758616536856, -0.02146805450320244, -0.005301835481077433, -0.06318483501672745, -0.011732563376426697, -0.0385410450398922, 0.06288100779056549, -0.028734145686030388, 0.12249254435300827, -0.08085529506206512, -0.11293444782495499, -0.13628625869750977, 0.02157759666442871, -0.04179038852453232, -0.07835670560598373, -0.0861504003405571, -0.07048337906599045, 0.006839246954768896, 0.003556429408490658, -0.021425845101475716, -0.07099919766187668, -0.09854590147733688, 0.010133729316294193, -0.03462935984134674, 0.02390933968126774, -0.08084600418806076, 0.012163490056991577, 0.07091374695301056, -0.020528562366962433, 0.16358092427253723, 0.1321842074394226, -0.0641733780503273, 0.07055889815092087, -0.17285408079624176, -0.06665625423192978, 0.10620865970849991, 0.009603936225175858, 0.041059087961912155, 0.07760171592235565, 0.04066618159413338, 0.024993447586894035, 0.012366770766675472, 0.04134643077850342, 0.08973974734544754, -0.10964183509349823, 0.017072463408112526, 0.020352821797132492, -0.1483936905860901, -0.0035852615255862474, -0.05620964989066124, 0.016480689868330956, 0.017060907557606697, 0.0934152901172638, -0.053892768919467926, 0.0758257582783699, -0.04749558866024017, 0.04465854912996292, 0.016220809891819954, -0.15420721471309662, -0.06431815028190613, -0.07901874929666519, 0.029614055529236794, -0.004727910738438368, 0.1907293200492859, 0.01998746767640114, -0.0264685470610857, 0.05020517483353615, 0.0418352372944355, 0.012941340915858746, 0.0035438030026853085, 0.15878282487392426, 0.09240865707397461, -0.06266786903142929, -0.07600585371255875, 0.06333757191896439, 0.049576304852962494, 0.017874209210276604, 0.1372891515493393, 0.03705191984772682, 0.07306995987892151, 0.04907958582043648, 0.006796540226787329, 0.024638907983899117, -0.08019856363534927, -0.10154099017381668, 0.009486082941293716, 0.06619513779878616, -0.013761352747678757, 0.13931751251220703, 0.1511637419462204, -0.00895932037383318, 0.01595297083258629, -0.06519002467393875, -0.04740407317876816, -0.1378776729106903, -0.09209602326154709, -0.06533191353082657, -0.10950009524822235, -0.0002487290767021477, -0.09467259049415588, 0.042624134570360184, 0.0403742715716362, 0.07493619620800018, -0.09717852622270584, 0.07983091473579407, 0.0701707974076271, -0.11648157238960266, 0.054100170731544495, -0.028009895235300064, 0.04027272015810013, -0.0330062173306942, -0.028424998745322227, -0.11538878083229065, 0.006168427877128124, -0.000753736007027328, 0.05213343724608421, -0.04761369153857231, 0.0027684697415679693, -0.16855280101299286, -0.09584297984838486, -0.03132917359471321, 0.05066102370619774, 0.0009285015403293073, 0.15119759738445282, -0.0034477433655411005, -0.03712507709860802, 0.04136005789041519, 0.1984812468290329, -0.04079987481236458, -0.02184007130563259, -0.0520830973982811, 0.20784494280815125, 0.01895408146083355, 0.09917832165956497, -0.05883016809821129, 0.012976215220987797, -0.07177973538637161, 0.31230977177619934, 0.2969408929347992, -0.1341257393360138, -0.0005112647777423263, -0.027202339842915535, 0.04576219245791435, 0.15426568686962128, 0.08332137763500214, 0.11923591047525406, 0.20683203637599945, -0.07860617339611053, -0.03151808679103851, -0.0668545588850975, -0.008963361382484436, -0.10041426867246628, 0.1257765144109726, 0.08471576124429703, -0.03974589332938194, -0.028941815719008446, 0.11899738758802414, -0.20878370106220245, 0.11263611167669296, -0.12068179249763489, -0.21714279055595398, -0.06795859336853027, 0.02728612907230854, 0.11034171283245087, 0.00916754174977541, 0.059588074684143066, 0.005333735607564449, -0.10130321979522705, 0.02196957916021347, 0.03590032085776329, -0.2108852118253708, -0.0067798784002661705, 0.07621871680021286, -0.0317300483584404, 0.018408440053462982, -0.028819745406508446, 0.01482690405100584, 0.10074971616268158, 0.05418210104107857, -0.023622358217835426, 0.04675080254673958, 0.014288535341620445, -0.07664916664361954, -0.045157160609960556, 0.02737610414624214, 0.005535419564694166, -0.08349661529064178, 0.05449041351675987, -0.12990672886371613, -0.0005453822668641806, -0.010599566623568535, -0.0809033066034317, 0.0005801338702440262, 0.04867054149508476, -0.06642772257328033, 0.04556242376565933, 0.06728271394968033, -0.012645731680095196, -0.009041585959494114, -0.0781492218375206, -0.022368529811501503, -0.06016940250992775, -0.05754575878381729, -0.1122792437672615, -0.17526814341545105, -0.09046231955289841, 0.0995837077498436, 0.0003890037478413433, -0.19515973329544067, 0.031965963542461395, -0.0642075315117836, 0.09039793163537979, -0.14376512169837952, 0.07893967628479004, 0.1008613258600235, -0.000658344360999763, -0.001382573856972158, -0.004825890064239502, 0.05607720464468002, 0.10413940250873566, -0.11455821990966797, -0.08893350511789322 ]
null
null
transformers
# GPT-J 6B - Janeway ## Model Description GPT-J 6B-Janeway is a finetune created using EleutherAI's GPT-J 6B model. ## Training data The training data contains around 2210 ebooks, mostly in the sci-fi and fantasy genres. The dataset is based on the same dataset used by GPT-Neo-2.7B-Picard, with 20% more data in various genres. Some parts of the dataset have been prepended using the following text: `[Genre: <genre1>,<genre2>]` ### How to use You can use this model directly with a pipeline for text generation. This example generates a different sequence each time it's run: ```py >>> from transformers import pipeline >>> generator = pipeline('text-generation', model='KoboldAI/GPT-J-6B-Janeway') >>> generator("Welcome Captain Janeway, I apologize for the delay.", do_sample=True, min_length=50) [{'generated_text': 'Welcome Captain Janeway, I apologize for the delay."\nIt's all right," Janeway said. "I'm certain that you're doing your best to keep me informed of what\'s going on."'}] ``` ### Limitations and Biases The core functionality of GPT-J is taking a string of text and predicting the next token. While language models are widely used for tasks other than this, there are a lot of unknowns with this work. When prompting GPT-J it is important to remember that the statistically most likely next token is often not the token that produces the most "accurate" text. Never depend upon GPT-J to produce factually accurate output. GPT-J was trained on the Pile, a dataset known to contain profanity, lewd, and otherwise abrasive language. Depending upon use case GPT-J may produce socially unacceptable text. See [Sections 5 and 6 of the Pile paper](https://arxiv.org/abs/2101.00027) for a more detailed analysis of the biases in the Pile. As with all language models, it is hard to predict in advance how GPT-J will respond to particular prompts and offensive content may occur without warning. We recommend having a human curate or filter the outputs before releasing them, both to censor undesirable content and to improve the quality of the results. ### BibTeX entry and citation info The model uses the following model as base: ```bibtex @misc{gpt-j, author = {Wang, Ben and Komatsuzaki, Aran}, title = {{GPT-J-6B: A 6 Billion Parameter Autoregressive Language Model}}, howpublished = {\url{https://github.com/kingoflolz/mesh-transformer-jax}}, year = 2021, month = May } ``` ## Acknowledgements This project would not have been possible without compute generously provided by Google through the [TPU Research Cloud](https://sites.research.google/trc/), as well as the Cloud TPU team for providing early access to the [Cloud TPU VM](https://cloud.google.com/blog/products/compute/introducing-cloud-tpu-vms) Alpha.
{"language": "en", "license": "mit"}
text-generation
KoboldAI/GPT-J-6B-Janeway
[ "transformers", "pytorch", "gptj", "text-generation", "en", "arxiv:2101.00027", "license:mit", "autotrain_compatible", "endpoints_compatible", "has_space", "region:us" ]
2022-03-02T23:29:04+00:00
[ "2101.00027" ]
[ "en" ]
TAGS #transformers #pytorch #gptj #text-generation #en #arxiv-2101.00027 #license-mit #autotrain_compatible #endpoints_compatible #has_space #region-us
# GPT-J 6B - Janeway ## Model Description GPT-J 6B-Janeway is a finetune created using EleutherAI's GPT-J 6B model. ## Training data The training data contains around 2210 ebooks, mostly in the sci-fi and fantasy genres. The dataset is based on the same dataset used by GPT-Neo-2.7B-Picard, with 20% more data in various genres. Some parts of the dataset have been prepended using the following text: '[Genre: <genre1>,<genre2>]' ### How to use You can use this model directly with a pipeline for text generation. This example generates a different sequence each time it's run: ### Limitations and Biases The core functionality of GPT-J is taking a string of text and predicting the next token. While language models are widely used for tasks other than this, there are a lot of unknowns with this work. When prompting GPT-J it is important to remember that the statistically most likely next token is often not the token that produces the most "accurate" text. Never depend upon GPT-J to produce factually accurate output. GPT-J was trained on the Pile, a dataset known to contain profanity, lewd, and otherwise abrasive language. Depending upon use case GPT-J may produce socially unacceptable text. See Sections 5 and 6 of the Pile paper for a more detailed analysis of the biases in the Pile. As with all language models, it is hard to predict in advance how GPT-J will respond to particular prompts and offensive content may occur without warning. We recommend having a human curate or filter the outputs before releasing them, both to censor undesirable content and to improve the quality of the results. ### BibTeX entry and citation info The model uses the following model as base: ## Acknowledgements This project would not have been possible without compute generously provided by Google through the TPU Research Cloud, as well as the Cloud TPU team for providing early access to the Cloud TPU VM Alpha.
[ "# GPT-J 6B - Janeway", "## Model Description\r\nGPT-J 6B-Janeway is a finetune created using EleutherAI's GPT-J 6B model.", "## Training data\r\nThe training data contains around 2210 ebooks, mostly in the sci-fi and fantasy genres. The dataset is based on the same dataset used by GPT-Neo-2.7B-Picard, with 20% more data in various genres.\r\nSome parts of the dataset have been prepended using the following text: '[Genre: <genre1>,<genre2>]'", "### How to use\r\nYou can use this model directly with a pipeline for text generation. This example generates a different sequence each time it's run:", "### Limitations and Biases\r\n\r\nThe core functionality of GPT-J is taking a string of text and predicting the next token. While language models are widely used for tasks other than this, there are a lot of unknowns with this work. When prompting GPT-J it is important to remember that the statistically most likely next token is often not the token that produces the most \"accurate\" text. Never depend upon GPT-J to produce factually accurate output.\r\n\r\nGPT-J was trained on the Pile, a dataset known to contain profanity, lewd, and otherwise abrasive language. Depending upon use case GPT-J may produce socially unacceptable text. See Sections 5 and 6 of the Pile paper for a more detailed analysis of the biases in the Pile.\r\n\r\nAs with all language models, it is hard to predict in advance how GPT-J will respond to particular prompts and offensive content may occur without warning. We recommend having a human curate or filter the outputs before releasing them, both to censor undesirable content and to improve the quality of the results.", "### BibTeX entry and citation info\r\nThe model uses the following model as base:", "## Acknowledgements\r\n\r\nThis project would not have been possible without compute generously provided by Google through the\r\nTPU Research Cloud, as well as the Cloud TPU team for providing early access to the Cloud TPU VM Alpha." ]
[ "TAGS\n#transformers #pytorch #gptj #text-generation #en #arxiv-2101.00027 #license-mit #autotrain_compatible #endpoints_compatible #has_space #region-us \n", "# GPT-J 6B - Janeway", "## Model Description\r\nGPT-J 6B-Janeway is a finetune created using EleutherAI's GPT-J 6B model.", "## Training data\r\nThe training data contains around 2210 ebooks, mostly in the sci-fi and fantasy genres. The dataset is based on the same dataset used by GPT-Neo-2.7B-Picard, with 20% more data in various genres.\r\nSome parts of the dataset have been prepended using the following text: '[Genre: <genre1>,<genre2>]'", "### How to use\r\nYou can use this model directly with a pipeline for text generation. This example generates a different sequence each time it's run:", "### Limitations and Biases\r\n\r\nThe core functionality of GPT-J is taking a string of text and predicting the next token. While language models are widely used for tasks other than this, there are a lot of unknowns with this work. When prompting GPT-J it is important to remember that the statistically most likely next token is often not the token that produces the most \"accurate\" text. Never depend upon GPT-J to produce factually accurate output.\r\n\r\nGPT-J was trained on the Pile, a dataset known to contain profanity, lewd, and otherwise abrasive language. Depending upon use case GPT-J may produce socially unacceptable text. See Sections 5 and 6 of the Pile paper for a more detailed analysis of the biases in the Pile.\r\n\r\nAs with all language models, it is hard to predict in advance how GPT-J will respond to particular prompts and offensive content may occur without warning. We recommend having a human curate or filter the outputs before releasing them, both to censor undesirable content and to improve the quality of the results.", "### BibTeX entry and citation info\r\nThe model uses the following model as base:", "## Acknowledgements\r\n\r\nThis project would not have been possible without compute generously provided by Google through the\r\nTPU Research Cloud, as well as the Cloud TPU team for providing early access to the Cloud TPU VM Alpha." ]
[ 57, 10, 33, 93, 35, 256, 21, 47 ]
[ "passage: TAGS\n#transformers #pytorch #gptj #text-generation #en #arxiv-2101.00027 #license-mit #autotrain_compatible #endpoints_compatible #has_space #region-us \n# GPT-J 6B - Janeway## Model Description\r\nGPT-J 6B-Janeway is a finetune created using EleutherAI's GPT-J 6B model.## Training data\r\nThe training data contains around 2210 ebooks, mostly in the sci-fi and fantasy genres. The dataset is based on the same dataset used by GPT-Neo-2.7B-Picard, with 20% more data in various genres.\r\nSome parts of the dataset have been prepended using the following text: '[Genre: <genre1>,<genre2>]'### How to use\r\nYou can use this model directly with a pipeline for text generation. This example generates a different sequence each time it's run:### Limitations and Biases\r\n\r\nThe core functionality of GPT-J is taking a string of text and predicting the next token. While language models are widely used for tasks other than this, there are a lot of unknowns with this work. When prompting GPT-J it is important to remember that the statistically most likely next token is often not the token that produces the most \"accurate\" text. Never depend upon GPT-J to produce factually accurate output.\r\n\r\nGPT-J was trained on the Pile, a dataset known to contain profanity, lewd, and otherwise abrasive language. Depending upon use case GPT-J may produce socially unacceptable text. See Sections 5 and 6 of the Pile paper for a more detailed analysis of the biases in the Pile.\r\n\r\nAs with all language models, it is hard to predict in advance how GPT-J will respond to particular prompts and offensive content may occur without warning. We recommend having a human curate or filter the outputs before releasing them, both to censor undesirable content and to improve the quality of the results.### BibTeX entry and citation info\r\nThe model uses the following model as base:" ]
[ -0.04406272992491722, 0.13602666556835175, -0.006070250179618597, 0.06910408288240433, 0.047565311193466187, 0.015099416486918926, 0.039592284709215164, 0.08733151853084564, 0.016466805711388588, 0.09965198487043381, 0.02631806582212448, 0.03103063628077507, 0.099345862865448, 0.10024159401655197, 0.06838539987802505, -0.19767619669437408, 0.07910887897014618, -0.06324698776006699, 0.17611993849277496, 0.07954854518175125, 0.07232710719108582, -0.07828029245138168, 0.03610026091337204, -0.010674167424440384, -0.05294390395283699, -0.013101428747177124, -0.02749987505376339, -0.03899405896663666, 0.09883323311805725, 0.06863070279359818, 0.008584301918745041, 0.02634948119521141, 0.03273354843258858, -0.14622282981872559, 0.014367097988724709, 0.09788519144058228, 0.022713545709848404, 0.054283443838357925, 0.08704283833503723, -0.005123828537762165, 0.1108090877532959, -0.05978023260831833, 0.04965687543153763, 0.01840369403362274, -0.14592203497886658, -0.1145358756184578, -0.10114385932683945, 0.07283148169517517, 0.0334387943148613, 0.019615620374679565, -0.03687095642089844, 0.08268909156322479, -0.02782791294157505, 0.03733328357338905, 0.23966938257217407, -0.15211117267608643, 0.00650437967851758, -0.0061319731175899506, 0.020844990387558937, 0.05545221269130707, -0.06071203947067261, -0.040744129568338394, 0.0009005573228932917, 0.008552017621695995, 0.05659634247422218, -0.013759030029177666, -0.02633361704647541, -0.015226696617901325, -0.14563211798667908, -0.08164320141077042, 0.09018072485923767, -0.031216192990541458, -0.07812197506427765, -0.15654796361923218, -0.026276590302586555, 0.007389879319816828, 0.007558844052255154, -0.02619963139295578, 0.0037762445863336325, -0.0017724900972098112, 0.10239580273628235, -0.031809452921152115, -0.08487369120121002, -0.03948414325714111, -0.03194405511021614, 0.11470667272806168, 0.04281434416770935, 0.02182656154036522, 0.046387869864702225, 0.1521589607000351, -0.033955689519643784, -0.07575404644012451, -0.10421141982078552, -0.0652865618467331, -0.14925643801689148, -0.06079918518662453, -0.006626769434660673, -0.041973765939474106, -0.028142130002379417, 0.18502426147460938, -0.013378430157899857, 0.0431387685239315, -0.040240660309791565, -0.00039941060822457075, 0.11538570374250412, 0.13795828819274902, -0.04325779527425766, 0.01761830411851406, 0.03980797901749611, 0.01204700767993927, -0.00046127542736940086, -0.04880715161561966, 0.0040969159454107285, -0.058754581958055496, 0.0929822102189064, 0.10019905865192413, 0.02989283762872219, 0.06902443617582321, -0.07673633098602295, -0.018749700859189034, 0.16612066328525543, -0.14422908425331116, -0.0013004790525883436, 0.0209799837321043, -0.05264168232679367, -0.00498576695099473, 0.031195109710097313, -0.032776616513729095, -0.1208990216255188, 0.03465285152196884, -0.06843119114637375, -0.027538254857063293, -0.057017821818590164, -0.0716928020119667, 0.013715733774006367, -0.02986915409564972, -0.05985422059893608, -0.07930369675159454, -0.18364687263965607, -0.06898857653141022, -0.0013170359889045358, -0.058491308242082596, -0.000646313710603863, -0.008253036998212337, 0.00016412667173426598, -0.011325392872095108, -0.02257293276488781, 0.03248513489961624, -0.04333037510514259, 0.04457738623023033, -0.054588910192251205, 0.06913556903600693, 0.1145605519413948, 0.002822852460667491, -0.1376163810491562, 0.03445407748222351, -0.15851953625679016, 0.14748166501522064, -0.058470554649829865, -0.08502497524023056, -0.07954917848110199, -0.004195955581963062, -0.023859433829784393, 0.0011300076730549335, -0.03166453540325165, 0.14915525913238525, -0.18221886456012726, -0.025008516386151314, 0.18498797714710236, -0.12373413890600204, 0.02043761871755123, 0.1082204058766365, -0.061041805893182755, 0.06456393003463745, 0.12122278660535812, 0.080327607691288, 0.065572589635849, -0.06497404724359512, -0.085691899061203, -0.00418288167566061, -0.06718889623880386, 0.2091650664806366, 0.046874336898326874, 0.009019605815410614, 0.04235900565981865, 0.02833716757595539, -0.020943457260727882, -0.045288536697626114, 0.0004303807218093425, -0.02475690096616745, 0.007281264755874872, 0.017354601994156837, -0.009021501988172531, -0.03842273727059364, -0.06767698377370834, 0.015147915109992027, -0.12233465164899826, 0.005520051810890436, 0.10773961991071701, -0.06399649381637573, 0.01733584702014923, -0.07034876942634583, 0.02835072949528694, -0.038563694804906845, 0.017653945833444595, -0.19069498777389526, -0.07409491389989853, 0.08281930536031723, -0.15223179757595062, 0.04925435781478882, 0.03266886621713638, -0.003796190023422241, 0.06583958864212036, 0.00614211754873395, 0.028119686990976334, 0.0037977693136781454, -0.027749881148338318, -0.040829479694366455, -0.10664636641740799, -0.03639913722872734, -0.038743868470191956, 0.09504148364067078, -0.10948772728443146, -0.01156583707779646, 0.08741410076618195, 0.07647953182458878, 0.011884883977472782, -0.08714020997285843, 0.04212906211614609, -0.013355119153857231, -0.02878255769610405, -0.09693422168493271, -0.012235594913363457, 0.008717485703527927, -0.005359329748898745, 0.09365610033273697, -0.19364388287067413, -0.1363999992609024, 0.047826915979385376, 0.10848595201969147, -0.11308415234088898, -0.04463694989681244, -0.04353846237063408, -0.04263786971569061, -0.08255450427532196, -0.04656105488538742, 0.21449363231658936, 0.05670718103647232, 0.05156198516488075, -0.08998692035675049, -0.08626053482294083, -0.011656754650175571, 0.01206020638346672, -0.010576323606073856, 0.0521610751748085, 0.042729321867227554, -0.18658366799354553, 0.03891536593437195, -0.09269590675830841, 0.08155977725982666, 0.10530123859643936, 0.035911403596401215, -0.1021767258644104, -0.026956669986248016, 0.01899213157594204, 0.02048003301024437, 0.0029638437554240227, -0.012299655005335808, -0.011721520684659481, 0.04337912052869797, 0.024128735065460205, 0.031687840819358826, -0.0902099758386612, 0.05272165313363075, 0.03183108940720558, -0.05689458176493645, -0.012202490121126175, -0.011766232550144196, 0.009093101136386395, 0.08783627301454544, 0.03106568194925785, 0.09460804611444473, -0.005154498387128115, -0.027428224682807922, -0.10525479167699814, 0.16980794072151184, -0.04530377686023712, -0.2623888850212097, -0.12785975635051727, -0.004957510158419609, 0.006843445356935263, 0.03619327023625374, 0.018621617928147316, 0.0031703768763691187, -0.05280834808945656, -0.09807514399290085, 0.0964464470744133, 0.004424891900271177, -0.03518258407711983, -0.08035323768854141, -0.0022083530202507973, -0.014889109879732132, -0.12306435406208038, 0.00797537062317133, 0.024353673681616783, -0.10937334597110748, 0.018649492412805557, 0.020697051659226418, 0.08983344584703445, 0.09059123694896698, 0.031319860368967056, -0.051663774996995926, -0.024708984419703484, 0.23547755181789398, -0.09865531325340271, 0.07348087430000305, 0.09757504612207413, -0.08369956165552139, 0.06738203763961792, 0.06945271790027618, -0.011559291742742062, -0.07275944203138351, 0.018923219293355942, 0.04656495898962021, -0.04277586191892624, -0.20301967859268188, 0.005485184490680695, -0.01781824417412281, -0.023915445432066917, 0.11874417960643768, 0.06558085978031158, -0.006430590990930796, 0.033102069050073624, -0.11860474944114685, 0.0828084722161293, 0.04206456243991852, 0.0753176361322403, 0.03158743306994438, 0.001838338328525424, 0.04231303185224533, -0.05229675769805908, -0.0038492814637720585, 0.10608161985874176, 0.027989454567432404, 0.17544518411159515, -0.10848692804574966, 0.18350130319595337, 0.06369076669216156, 0.02776152454316616, 0.02819378674030304, 0.05623951181769371, -0.03479935601353645, 0.03360555320978165, -0.057214993983507156, -0.06609389930963516, -0.07106148451566696, 0.05845265090465546, 0.014470322988927364, -0.03529511019587517, 0.010768832638859749, -0.08457223325967789, 0.03952076658606529, 0.15410688519477844, -0.013733046129345894, -0.180094376206398, -0.05771418288350105, 0.04119288921356201, -0.05240560695528984, -0.09411340206861496, -0.017190946266055107, 0.06885328888893127, -0.11975938826799393, 0.04154506325721741, -0.025614092126488686, 0.05402812734246254, -0.25378599762916565, 0.004005298018455505, -0.03225240111351013, 0.06598183512687683, -0.03156145289540291, 0.1241636797785759, -0.15432386100292206, 0.008361784741282463, 0.01905812695622444, 0.08222383260726929, -0.10752732306718826, 0.03070623055100441, -0.007166697643697262, -0.031960081309080124, 0.12886860966682434, -0.00031406673952005804, -0.04248570278286934, -0.12391825020313263, -0.07316184788942337, 0.01946328394114971, 0.0345565564930439, -0.07091452926397324, 0.11007353663444519, -0.0132791418582201, 0.014891454018652439, -0.03495597839355469, -0.020116670057177544, -0.11531246453523636, -0.2045309990644455, 0.11357509344816208, -0.10529189556837082, 0.028834497556090355, -0.03903651982545853, -0.01246046181768179, -0.013012640178203583, 0.17639479041099548, -0.10949356108903885, -0.10135822743177414, -0.10632159560918808, 0.014590002596378326, 0.16460776329040527, -0.07533770054578781, -0.005022600758820772, 0.016372602432966232, 0.18627549707889557, -0.02559688128530979, -0.08360856771469116, -0.0007382157491520047, -0.028805777430534363, -0.17621946334838867, -0.05222674831748009, 0.054438088089227676, 0.12459693104028702, 0.02953641675412655, -0.0020415785256773233, 0.04427803307771683, 0.014347787946462631, -0.11585329473018646, 0.030471399426460266, 0.129904106259346, 0.002745224628597498, 0.03256230056285858, -0.0031824461184442043, 0.004434617701917887, -0.11188983172178268, -0.015964386984705925, 0.01897471770644188, 0.2332758903503418, -0.048326101154088974, 0.1285213828086853, 0.1612391620874405, -0.11258458346128464, -0.17098088562488556, -0.03651919215917587, 0.04793836921453476, 0.009726065210998058, -0.0016580502269789577, -0.23858076333999634, 0.03527350723743439, 0.11103654652833939, -0.011324938386678696, 0.0667617991566658, -0.27586251497268677, -0.09672524034976959, 0.042026422917842865, 0.01118673849850893, 0.013683455996215343, -0.09651927649974823, -0.03782026469707489, -0.026265066117048264, -0.05146457627415657, 0.13153406977653503, -0.021628709509968758, 0.09315191954374313, 0.000075332704000175, 0.01046452485024929, 0.06042521819472313, -0.04150301218032837, 0.11230318248271942, 0.003816478420048952, 0.08271963894367218, -0.0801926702260971, -0.0009271957678720355, 0.011471147648990154, -0.06226005777716637, 0.10843531787395477, 0.07220497727394104, 0.05944663658738136, 0.03066793642938137, -0.0914313867688179, -0.05227198451757431, 0.07450991123914719, -0.041312262415885925, -0.04576944187283516, -0.08038031309843063, 0.05947931483387947, 0.05058302730321884, -0.016245683655142784, -0.05455370247364044, -0.04309199005365372, -0.012383677065372467, 0.0807475596666336, 0.07396150380373001, 0.027083726599812508, -0.0712612196803093, -0.021357374265789986, 0.013269982300698757, 0.04142386466264725, -0.05340588092803955, 0.03518090769648552, 0.06633885949850082, 0.012999115511775017, 0.12819290161132812, 0.023454073816537857, -0.20694208145141602, 0.010633169673383236, 0.017596635967493057, -0.1356932669878006, -0.0898900255560875, 0.008814902044832706, -0.025979511439800262, -0.07893865555524826, -0.07552091032266617, 0.11980701237916946, -0.02345941588282585, -0.04521594196557999, -0.0035474032629281282, 0.04453288018703461, 0.07115252315998077, 0.12780335545539856, -0.006976374424993992, 0.03266224265098572, -0.08361479640007019, 0.09902729839086533, 0.13955602049827576, -0.05798277258872986, 0.01419784128665924, 0.07483396679162979, -0.09496001899242401, -0.04634793475270271, -0.10094375163316727, 0.04786360636353493, 0.010641922242939472, -0.018702946603298187, 0.003681312780827284, -0.01975289359688759, 0.08552468568086624, 0.09521175175905228, -0.008454232476651669, 0.12330840528011322, -0.020843224599957466, 0.04291261360049248, -0.061768218874931335, 0.0700792744755745, 0.029522351920604706, 0.056721873581409454, -0.0508422777056694, 0.1143825575709343, 0.026448098942637444, -0.01345966849476099, -0.014893563464283943, -0.04287386313080788, -0.07019394636154175, -0.01922447234392166, -0.06313271075487137, 0.05390462651848793, -0.04142799600958824, 0.01100450661033392, -0.003864540718495846, 0.01735377311706543, 0.025113238021731377, 0.03315399959683418, -0.04070858657360077, -0.044105157256126404, -0.05956311151385307, 0.08867806196212769, -0.140023335814476, -0.011074570938944817, 0.09596985578536987, -0.10648897290229797, 0.12120278179645538, 0.016704829409718513, -0.04261906072497368, 0.02599804475903511, -0.0980273187160492, 0.020270658656954765, 0.016035305336117744, 0.05037139356136322, -0.026083873584866524, -0.10793528705835342, 0.017860019579529762, -0.021668411791324615, -0.04707317054271698, -0.016721321269869804, -0.003824264509603381, -0.12724818289279938, 0.02841155417263508, 0.03705171123147011, -0.031797632575035095, -0.07617654651403427, 0.0649513527750969, 0.08017699420452118, 0.007270477246493101, 0.09227485209703445, -0.01755112037062645, 0.020400935783982277, -0.13868550956249237, -0.034819863736629486, 0.026349082589149475, -0.024421928450465202, 0.015817837789654732, -0.03775177150964737, 0.052676208317279816, 0.007624485995620489, 0.20972871780395508, -0.011596768163144588, -0.02983851358294487, 0.0027781720273196697, 0.02316359244287014, -0.07695426046848297, 0.029133649542927742, 0.02518898993730545, 0.03896920382976532, -0.039350323379039764, -0.0025638858787715435, 0.006906341761350632, -0.028713122010231018, -0.009162976406514645, 0.08602854609489441, 0.03226609155535698, 0.14187070727348328, -0.01002065371721983, -0.007678105495870113, -0.08223674446344376, -0.025409355759620667, 0.09535174071788788, -0.039860401302576065, 0.014672499150037766, -0.02470816671848297, 0.08090167492628098, 0.10537213832139969, -0.058450136333703995, 0.10847923904657364, 0.022264136001467705, -0.06111069396138191, -0.08330824226140976, -0.19593378901481628, -0.024743061512708664, 0.06722867488861084, -0.005055769346654415, -0.11269436031579971, 0.09098535776138306, 0.10011869668960571, 0.011906891129910946, -0.005332516971975565, 0.07183337956666946, 0.0072160097770392895, -0.12839823961257935, 0.01858830824494362, -0.0022077281028032303, -0.020479168742895126, 0.00010274526721332222, 0.03129962831735611, 0.07664593309164047, 0.07170844823122025, 0.08963549137115479, 0.060908716171979904, 0.10504306852817535, 0.02292097918689251, -0.06515075266361237, -0.050221722573041916, 0.0049662203527987, -0.0029718237929046154, -0.0025055701844394207, 0.09337565302848816, 0.04791160672903061, -0.03701100870966911, 0.012397686950862408, 0.2080165445804596, 0.013356247916817665, -0.07481929659843445, -0.09855710715055466, 0.1760018765926361, 0.010889454744756222, 0.03322412818670273, 0.02092442475259304, -0.1119527593255043, 0.043146196752786636, 0.134053573012352, 0.050743427127599716, 0.0200178325176239, -0.005188559181988239, 0.004422890022397041, 0.0021281999070197344, 0.01064005121588707, 0.08612004667520523, 0.004034815821796656, 0.20871156454086304, -0.03673951327800751, 0.12509800493717194, 0.004231730010360479, 0.02398562990128994, -0.036386411637067795, 0.14194858074188232, -0.06002664193511009, 0.0778617262840271, -0.11814667284488678, 0.02495097741484642, -0.04692913591861725, -0.3176164925098419, -0.051637981086969376, 0.0028395664412528276, -0.10961742699146271, 0.02618495747447014, -0.06040408834815025, -0.022406166419386864, 0.07982330024242401, 0.0274078119546175, -0.0033794494811445475, 0.13571439683437347, 0.009725441224873066, -0.08697661757469177, -0.003503225976601243, 0.05234574154019356, 0.03470417484641075, 0.2322310507297516, -0.009608124382793903, 0.1031298115849495, 0.08291352540254593, -0.030344799160957336, -0.15856152772903442, 0.012098549865186214, 0.0007546106935478747, -0.0035740607418119907, 0.05449909344315529, 0.1634809821844101, 0.011987133882939816, 0.05002646520733833, 0.08047474920749664, -0.024641040712594986, 0.047843072563409805, -0.03782780095934868, 0.004073652438819408, -0.10747137665748596, 0.025570685043931007, -0.04593835026025772, 0.12222739309072495, 0.10652679204940796, -0.005501260980963707, 0.009682436473667622, -0.0748964324593544, -0.006017110776156187, -0.0009233794407919049, 0.14183932542800903, -0.0015833490760996938, -0.10670740157365799, 0.022082669660449028, 0.022643499076366425, 0.08182136714458466, -0.16190694272518158, -0.03382206708192825, 0.05526779592037201, -0.042911678552627563, 0.012522845529019833, 0.09974117577075958, -0.0365506112575531, 0.04201963543891907, -0.05418994650244713, -0.11616969108581543, 0.0031749014742672443, 0.06525076925754547, -0.08822431415319443, -0.050088588148355484 ]
null
null
transformers
# GPT-J 6B - Shinen ## Model Description GPT-J 6B-Shinen is a finetune created using EleutherAI's GPT-J 6B model. Compared to GPT-Neo-2.7-Horni, this model is much heavier on the sexual content. **Warning: THIS model is NOT suitable for use by minors. The model will output X-rated content.** ## Training data The training data contains user-generated stories from sexstories.com. All stories are tagged using the following way: ``` [Theme: <theme1>, <theme2> ,<theme3>] <Story goes here> ``` ### How to use You can use this model directly with a pipeline for text generation. This example generates a different sequence each time it's run: ```py >>> from transformers import pipeline >>> generator = pipeline('text-generation', model='KoboldAI/GPT-J-6B-Shinen') >>> generator("She was staring at me", do_sample=True, min_length=50) [{'generated_text': 'She was staring at me with a look that said it all. She wanted me so badly tonight that I wanted'}] ``` ### Limitations and Biases The core functionality of GPT-J is taking a string of text and predicting the next token. While language models are widely used for tasks other than this, there are a lot of unknowns with this work. When prompting GPT-J it is important to remember that the statistically most likely next token is often not the token that produces the most "accurate" text. Never depend upon GPT-J to produce factually accurate output. GPT-J was trained on the Pile, a dataset known to contain profanity, lewd, and otherwise abrasive language. Depending upon use case GPT-J may produce socially unacceptable text. See [Sections 5 and 6 of the Pile paper](https://arxiv.org/abs/2101.00027) for a more detailed analysis of the biases in the Pile. As with all language models, it is hard to predict in advance how GPT-J will respond to particular prompts and offensive content may occur without warning. We recommend having a human curate or filter the outputs before releasing them, both to censor undesirable content and to improve the quality of the results. ### BibTeX entry and citation info The model uses the following model as base: ```bibtex @misc{gpt-j, author = {Wang, Ben and Komatsuzaki, Aran}, title = {{GPT-J-6B: A 6 Billion Parameter Autoregressive Language Model}}, howpublished = {\url{https://github.com/kingoflolz/mesh-transformer-jax}}, year = 2021, month = May } ``` ## Acknowledgements This project would not have been possible without compute generously provided by Google through the [TPU Research Cloud](https://sites.research.google/trc/), as well as the Cloud TPU team for providing early access to the [Cloud TPU VM](https://cloud.google.com/blog/products/compute/introducing-cloud-tpu-vms) Alpha.
{"language": "en", "license": "mit"}
text-generation
KoboldAI/GPT-J-6B-Shinen
[ "transformers", "pytorch", "gptj", "text-generation", "en", "arxiv:2101.00027", "license:mit", "autotrain_compatible", "endpoints_compatible", "has_space", "region:us" ]
2022-03-02T23:29:04+00:00
[ "2101.00027" ]
[ "en" ]
TAGS #transformers #pytorch #gptj #text-generation #en #arxiv-2101.00027 #license-mit #autotrain_compatible #endpoints_compatible #has_space #region-us
# GPT-J 6B - Shinen ## Model Description GPT-J 6B-Shinen is a finetune created using EleutherAI's GPT-J 6B model. Compared to GPT-Neo-2.7-Horni, this model is much heavier on the sexual content. Warning: THIS model is NOT suitable for use by minors. The model will output X-rated content. ## Training data The training data contains user-generated stories from URL. All stories are tagged using the following way: ### How to use You can use this model directly with a pipeline for text generation. This example generates a different sequence each time it's run: ### Limitations and Biases The core functionality of GPT-J is taking a string of text and predicting the next token. While language models are widely used for tasks other than this, there are a lot of unknowns with this work. When prompting GPT-J it is important to remember that the statistically most likely next token is often not the token that produces the most "accurate" text. Never depend upon GPT-J to produce factually accurate output. GPT-J was trained on the Pile, a dataset known to contain profanity, lewd, and otherwise abrasive language. Depending upon use case GPT-J may produce socially unacceptable text. See Sections 5 and 6 of the Pile paper for a more detailed analysis of the biases in the Pile. As with all language models, it is hard to predict in advance how GPT-J will respond to particular prompts and offensive content may occur without warning. We recommend having a human curate or filter the outputs before releasing them, both to censor undesirable content and to improve the quality of the results. ### BibTeX entry and citation info The model uses the following model as base: ## Acknowledgements This project would not have been possible without compute generously provided by Google through the TPU Research Cloud, as well as the Cloud TPU team for providing early access to the Cloud TPU VM Alpha.
[ "# GPT-J 6B - Shinen", "## Model Description\r\nGPT-J 6B-Shinen is a finetune created using EleutherAI's GPT-J 6B model. Compared to GPT-Neo-2.7-Horni, this model is much heavier on the sexual content.\r\nWarning: THIS model is NOT suitable for use by minors. The model will output X-rated content.", "## Training data\r\nThe training data contains user-generated stories from URL. All stories are tagged using the following way:", "### How to use\r\nYou can use this model directly with a pipeline for text generation. This example generates a different sequence each time it's run:", "### Limitations and Biases\r\n\r\nThe core functionality of GPT-J is taking a string of text and predicting the next token. While language models are widely used for tasks other than this, there are a lot of unknowns with this work. When prompting GPT-J it is important to remember that the statistically most likely next token is often not the token that produces the most \"accurate\" text. Never depend upon GPT-J to produce factually accurate output.\r\n\r\nGPT-J was trained on the Pile, a dataset known to contain profanity, lewd, and otherwise abrasive language. Depending upon use case GPT-J may produce socially unacceptable text. See Sections 5 and 6 of the Pile paper for a more detailed analysis of the biases in the Pile.\r\n\r\nAs with all language models, it is hard to predict in advance how GPT-J will respond to particular prompts and offensive content may occur without warning. We recommend having a human curate or filter the outputs before releasing them, both to censor undesirable content and to improve the quality of the results.", "### BibTeX entry and citation info\r\nThe model uses the following model as base:", "## Acknowledgements\r\n\r\nThis project would not have been possible without compute generously provided by Google through the\r\nTPU Research Cloud, as well as the Cloud TPU team for providing early access to the Cloud TPU VM Alpha." ]
[ "TAGS\n#transformers #pytorch #gptj #text-generation #en #arxiv-2101.00027 #license-mit #autotrain_compatible #endpoints_compatible #has_space #region-us \n", "# GPT-J 6B - Shinen", "## Model Description\r\nGPT-J 6B-Shinen is a finetune created using EleutherAI's GPT-J 6B model. Compared to GPT-Neo-2.7-Horni, this model is much heavier on the sexual content.\r\nWarning: THIS model is NOT suitable for use by minors. The model will output X-rated content.", "## Training data\r\nThe training data contains user-generated stories from URL. All stories are tagged using the following way:", "### How to use\r\nYou can use this model directly with a pipeline for text generation. This example generates a different sequence each time it's run:", "### Limitations and Biases\r\n\r\nThe core functionality of GPT-J is taking a string of text and predicting the next token. While language models are widely used for tasks other than this, there are a lot of unknowns with this work. When prompting GPT-J it is important to remember that the statistically most likely next token is often not the token that produces the most \"accurate\" text. Never depend upon GPT-J to produce factually accurate output.\r\n\r\nGPT-J was trained on the Pile, a dataset known to contain profanity, lewd, and otherwise abrasive language. Depending upon use case GPT-J may produce socially unacceptable text. See Sections 5 and 6 of the Pile paper for a more detailed analysis of the biases in the Pile.\r\n\r\nAs with all language models, it is hard to predict in advance how GPT-J will respond to particular prompts and offensive content may occur without warning. We recommend having a human curate or filter the outputs before releasing them, both to censor undesirable content and to improve the quality of the results.", "### BibTeX entry and citation info\r\nThe model uses the following model as base:", "## Acknowledgements\r\n\r\nThis project would not have been possible without compute generously provided by Google through the\r\nTPU Research Cloud, as well as the Cloud TPU team for providing early access to the Cloud TPU VM Alpha." ]
[ 57, 10, 82, 25, 35, 256, 21, 47 ]
[ "passage: TAGS\n#transformers #pytorch #gptj #text-generation #en #arxiv-2101.00027 #license-mit #autotrain_compatible #endpoints_compatible #has_space #region-us \n# GPT-J 6B - Shinen## Model Description\r\nGPT-J 6B-Shinen is a finetune created using EleutherAI's GPT-J 6B model. Compared to GPT-Neo-2.7-Horni, this model is much heavier on the sexual content.\r\nWarning: THIS model is NOT suitable for use by minors. The model will output X-rated content.## Training data\r\nThe training data contains user-generated stories from URL. All stories are tagged using the following way:### How to use\r\nYou can use this model directly with a pipeline for text generation. This example generates a different sequence each time it's run:### Limitations and Biases\r\n\r\nThe core functionality of GPT-J is taking a string of text and predicting the next token. While language models are widely used for tasks other than this, there are a lot of unknowns with this work. When prompting GPT-J it is important to remember that the statistically most likely next token is often not the token that produces the most \"accurate\" text. Never depend upon GPT-J to produce factually accurate output.\r\n\r\nGPT-J was trained on the Pile, a dataset known to contain profanity, lewd, and otherwise abrasive language. Depending upon use case GPT-J may produce socially unacceptable text. See Sections 5 and 6 of the Pile paper for a more detailed analysis of the biases in the Pile.\r\n\r\nAs with all language models, it is hard to predict in advance how GPT-J will respond to particular prompts and offensive content may occur without warning. We recommend having a human curate or filter the outputs before releasing them, both to censor undesirable content and to improve the quality of the results.### BibTeX entry and citation info\r\nThe model uses the following model as base:" ]
[ -0.04610670357942581, 0.01910521648824215, -0.003710582386702299, 0.07371602952480316, 0.05874422565102577, 0.010786939412355423, 0.005978048779070377, 0.08972331881523132, 0.05830611661076546, 0.11562139540910721, -0.020394019782543182, -0.018784696236252785, 0.10466869175434113, 0.1171179935336113, 0.0929943323135376, -0.18695898354053497, 0.055346328765153885, -0.0511566698551178, 0.23075425624847412, 0.08642145991325378, 0.06649613380432129, -0.06416856497526169, 0.05818702653050423, 0.01029176265001297, -0.10147648304700851, 0.017802540212869644, 0.019219694659113884, -0.026426002383232117, 0.09816295653581619, 0.06366666406393051, -0.0027613178826868534, -0.02061670646071434, 0.020119693130254745, -0.15988393127918243, 0.016803491860628128, 0.08260630071163177, 0.01573936827480793, 0.05193210020661354, 0.059871673583984375, -0.012713025324046612, 0.12106574326753616, -0.07366316020488739, 0.04248375818133354, 0.020203521475195885, -0.13308009505271912, -0.06618718057870865, -0.06286267191171646, 0.12151391059160233, 0.042234551161527634, 0.006605835631489754, -0.027386482805013657, 0.1091633290052414, 0.029070820659399033, 0.0347951240837574, 0.1919320672750473, -0.18449760973453522, 0.014788075350224972, 0.0659148171544075, 0.049385085701942444, 0.06997796148061752, -0.09815562516450882, -0.029092004522681236, 0.011769444681704044, 0.013231181539595127, 0.0630829706788063, -0.004215821623802185, 0.0074201845563948154, -0.029938245192170143, -0.10359657555818558, -0.07101739943027496, 0.09839289635419846, -0.03490635007619858, -0.061698660254478455, -0.13037072122097015, -0.056671518832445145, 0.02383761666715145, -0.012878789566457272, -0.019766872748732567, 0.0186763983219862, 0.022582070901989937, 0.13681423664093018, -0.04218320921063423, -0.09289678931236267, -0.04412280395627022, -0.05307336151599884, 0.07386676967144012, 0.000045026008592685685, 0.04034999758005142, 0.014680515043437481, 0.16862867772579193, -0.09260718524456024, -0.07503651082515717, -0.09196767210960388, -0.08080312609672546, -0.11389646679162979, -0.06984708458185196, 0.04155758023262024, 0.0015339746605604887, -0.04047079384326935, 0.09705809503793716, -0.014836421236395836, 0.04351148381829262, -0.0669693872332573, 0.0018463112646713853, 0.11286679655313492, 0.10472436249256134, -0.015011446550488472, -0.03424255922436714, 0.06438826769590378, -0.014214611612260342, 0.0402282252907753, -0.015865560621023178, 0.018580002710223198, -0.03878911957144737, 0.1046067476272583, 0.07355526089668274, 0.01822120137512684, 0.0567016564309597, -0.04908392205834389, -0.0032854012679308653, 0.19783930480480194, -0.10358774662017822, 0.002695260336622596, 0.009232757613062859, -0.05370175465941429, 0.03872453048825264, 0.029211653396487236, -0.021893341094255447, -0.08894054591655731, 0.04462670162320137, -0.07175958156585693, -0.02823011763393879, -0.05929442495107651, -0.08304750174283981, 0.011559298262000084, -0.021719349548220634, -0.049331676214933395, -0.09504564106464386, -0.2265552282333374, -0.06745826452970505, -0.03543337062001228, -0.06737445294857025, 0.007944190874695778, 0.028549661859869957, -0.01361684687435627, -0.006956152152270079, -0.014039397239685059, 0.0030701220966875553, -0.06423085927963257, 0.02602139487862587, -0.04270238056778908, 0.040519844740629196, 0.11663392186164856, -0.029527168720960617, -0.1823413372039795, 0.01908854953944683, -0.18623118102550507, 0.11677693575620651, -0.04188185930252075, -0.038293950259685516, -0.10560460388660431, 0.010076536796987057, -0.06046726554632187, 0.0055217742919921875, -0.020292894914746284, 0.16570180654525757, -0.1517675668001175, -0.01021961122751236, 0.24939002096652985, -0.14925852417945862, 0.011680087074637413, 0.10748693346977234, -0.05591272935271263, 0.09696231782436371, 0.16680221259593964, 0.12348590046167374, 0.021108554676175117, -0.07451718300580978, -0.09850972145795822, -0.014699527062475681, -0.054655030369758606, 0.19324606657028198, 0.01199813187122345, 0.02624884620308876, 0.004792491439729929, 0.030233312398195267, 0.0029080503154546022, -0.02367827482521534, 0.019176268950104713, 0.005096317268908024, -0.02665526606142521, 0.023252885788679123, -0.019183391705155373, -0.0015484736068174243, -0.05810078606009483, -0.01355255488306284, -0.09976483136415482, 0.0741414874792099, 0.08408647030591965, -0.05184398591518402, 0.0004420273471623659, -0.06693832576274872, 0.04292673245072365, -0.12605459988117218, 0.012771978043019772, -0.15696853399276733, -0.08348860591650009, 0.09396549314260483, -0.04778030887246132, 0.028916139155626297, 0.048458583652973175, 0.022224925458431244, 0.05960717052221298, -0.01159690972417593, 0.012329054065048695, 0.0677541047334671, -0.013859928585588932, -0.053965430706739426, -0.1433955281972885, -0.015111862681806087, -0.054635051637887955, 0.07503864169120789, -0.16101230680942535, -0.015579030849039555, 0.0896499902009964, 0.08142176270484924, 0.002603068482130766, -0.06669650971889496, 0.06467419862747192, -0.048133280128240585, -0.018970821052789688, -0.09530699253082275, -0.0017965444130823016, 0.031941745430231094, 0.031380701810121536, 0.10527987033128738, -0.22034698724746704, -0.12910427153110504, 0.05212249979376793, 0.13563326001167297, -0.10916115343570709, -0.0561055950820446, -0.043935295194387436, -0.05501575767993927, -0.08169150352478027, -0.10736726969480515, 0.21768756210803986, 0.031880591064691544, 0.04505990445613861, -0.08055789023637772, -0.07491586357355118, 0.023462630808353424, -0.007837059907615185, 0.029964394867420197, 0.037438444793224335, 0.03754599392414093, -0.2062397003173828, 0.04957837611436844, -0.1524188071489334, 0.10507350414991379, 0.1526864916086197, 0.04054608196020126, -0.08601617813110352, -0.013473212718963623, -0.02369423396885395, -0.007114878389984369, 0.06634341925382614, -0.0008860697271302342, -0.03967798873782158, 0.03425052762031555, 0.019189611077308655, 0.014012104831635952, -0.07203914225101471, 0.07001455873250961, 0.023446479812264442, -0.05014460161328316, -0.0008115768432617188, -0.0051087853498756886, -0.013754932209849358, 0.09474369138479233, 0.01692774146795273, 0.09806391596794128, -0.025074167177081108, -0.0367690771818161, -0.13091206550598145, 0.15325739979743958, -0.03240074962377548, -0.1941930204629898, -0.10606521368026733, 0.023946434259414673, 0.02389645390212536, 0.037295468151569366, 0.017823724076151848, 0.002815965795889497, -0.06174179166555405, -0.14222286641597748, 0.0632455125451088, 0.0538196861743927, -0.05821780487895012, -0.13114601373672485, -0.04743748903274536, -0.036589156836271286, -0.12548983097076416, -0.03130923584103584, 0.015113680623471737, -0.11247894912958145, 0.009131529368460178, -0.025000762194395065, 0.08349746465682983, 0.12861041724681854, 0.02375899814069271, -0.05098303407430649, -0.04633215814828873, 0.1863454431295395, -0.08258049190044403, 0.13263529539108276, 0.12968945503234863, -0.02680186927318573, 0.050179727375507355, 0.10477320849895477, -0.007565414533019066, -0.05467229336500168, 0.025563299655914307, 0.02120547741651535, -0.06829585880041122, -0.19513007998466492, -0.02224263735115528, -0.02516740746796131, -0.030052173882722855, 0.09210490435361862, 0.07604294270277023, 0.04345440864562988, 0.03130343183875084, -0.10553410649299622, 0.06293310970067978, 0.012684986926615238, 0.10226789861917496, 0.037500277161598206, 0.035620033740997314, 0.05417101830244064, -0.05926475673913956, 0.028678031638264656, 0.11941154301166534, 0.03717438131570816, 0.11754786968231201, -0.09406152367591858, 0.15072698891162872, 0.05012185499072075, 0.010865897871553898, 0.03534259274601936, 0.07017562538385391, -0.0734972208738327, 0.032829269766807556, -0.04655327647924423, -0.06963633745908737, -0.046964775770902634, 0.07322171330451965, -0.0404261089861393, 0.00911637395620346, 0.0133211063221097, -0.11144509166479111, 0.05723337084054947, 0.14678850769996643, -0.03088313713669777, -0.16154029965400696, -0.12635867297649384, 0.05648687854409218, -0.053125105798244476, -0.10553838312625885, -0.023077744990587234, 0.07628655433654785, -0.14839181303977966, 0.02577446587383747, -0.024376917630434036, 0.06417610496282578, -0.2103252112865448, -0.004715668503195047, -0.03159727528691292, 0.07863187789916992, -0.050978031009435654, 0.09439042955636978, -0.09399022907018661, 0.015271272510290146, 0.02485709637403488, 0.0979720801115036, -0.10575629770755768, 0.007439049892127514, 0.0053707207553088665, 0.02026744745671749, 0.140541210770607, 0.010523321107029915, -0.017804211005568504, -0.11015678942203522, -0.07855222374200821, 0.04203278571367264, -0.030268652364611626, -0.0881919264793396, 0.0988130196928978, -0.021852590143680573, 0.010775502771139145, -0.025530505925416946, -0.11647408455610275, -0.1095929741859436, -0.13182348012924194, 0.07889466732740402, -0.13546288013458252, 0.02584092505276203, -0.017225923016667366, -0.02344793826341629, 0.006366794928908348, 0.20023572444915771, -0.09574476629495621, -0.1111772209405899, -0.10930284112691879, -0.004155446775257587, 0.1409548968076706, -0.045141980051994324, -0.003652249462902546, 0.010747421532869339, 0.19625873863697052, -0.00414411723613739, -0.08727142959833145, 0.04212307929992676, -0.07266584783792496, -0.15034319460391998, -0.05549255758523941, 0.10236887633800507, 0.0955824926495552, 0.028262414038181305, 0.03554670885205269, 0.05370175465941429, 0.0034350070636719465, -0.13723835349082947, 0.025719033554196358, 0.1614539921283722, -0.01598569005727768, -0.024788465350866318, 0.0043589952401816845, 0.0025070253759622574, -0.0822167843580246, -0.014630916528403759, 0.00329182599671185, 0.17699268460273743, -0.0631471574306488, 0.13371780514717102, 0.14161710441112518, -0.136607363820076, -0.1262439638376236, 0.031147051602602005, 0.010171404108405113, 0.034769169986248016, -0.0007714740349911153, -0.1387888491153717, 0.09622103720903397, 0.05450483039021492, -0.012116323225200176, 0.033931538462638855, -0.2511924207210541, -0.09787951409816742, -0.010175437666475773, 0.02313312701880932, 0.05074893683195114, -0.11368027329444885, -0.042127326130867004, -0.0166900847107172, -0.09192655980587006, 0.11377983540296555, -0.09059149026870728, 0.07070402055978775, -0.014930274337530136, 0.03970678150653839, 0.05758966878056526, -0.05309809744358063, 0.08029744029045105, -0.0012490885565057397, 0.06766068935394287, -0.06220364570617676, 0.007648958824574947, 0.05150102823972702, -0.05698636546730995, 0.13883721828460693, 0.06447950750589371, 0.04878860339522362, -0.016310490667819977, -0.09071746468544006, -0.0780760869383812, 0.09688340127468109, -0.02344735711812973, -0.07042863965034485, -0.053077634423971176, 0.07004518806934357, 0.07736076414585114, -0.019186779856681824, -0.10871616005897522, -0.08151300996541977, 0.009367254562675953, 0.0762183666229248, 0.11051079630851746, 0.051281191408634186, -0.09526684880256653, 0.031635042279958725, 0.006951640825718641, 0.030534256249666214, -0.14371024072170258, 0.0410294346511364, 0.07964805513620377, 0.01961555890738964, 0.11038883775472641, -0.0021716374903917313, -0.19257798790931702, 0.018072471022605896, 0.01032229233533144, -0.14075109362602234, -0.08625157922506332, 0.016655951738357544, 0.005235280841588974, -0.048927728086709976, -0.06446298211812973, 0.12520992755889893, -0.07226257771253586, -0.04257207736372948, -0.0012261851225048304, 0.04961129277944565, 0.04645860567688942, 0.11244075000286102, -0.02597407065331936, 0.02941269427537918, -0.0712173730134964, 0.06086547672748566, 0.0960545763373375, -0.030509598553180695, 0.00956933107227087, 0.08252779394388199, -0.10024947673082352, -0.028244301676750183, -0.08280467242002487, 0.07732191681861877, 0.005019005388021469, -0.03601139783859253, -0.015886258333921432, -0.02190449833869934, 0.02067544311285019, 0.1762385070323944, -0.022342896088957787, 0.08205443620681763, -0.06490872800350189, 0.05109274387359619, -0.10076603293418884, 0.06243463605642319, 0.08493097871541977, 0.07190518081188202, -0.027416693046689034, 0.10105738043785095, 0.04134724289178848, -0.024179037660360336, -0.03207907825708389, -0.026236625388264656, -0.06737401336431503, -0.033121444284915924, -0.08069856464862823, 0.054302290081977844, -0.04694591090083122, -0.015442175790667534, -0.01570359617471695, 0.007409993093460798, 0.01013043150305748, 0.04513709619641304, -0.01717354543507099, -0.005611867643892765, -0.040447212755680084, 0.09604844450950623, -0.1300126165151596, -0.011472990736365318, 0.09937021136283875, -0.0868244618177414, 0.1155836284160614, 0.01841770112514496, -0.017645448446273804, 0.007576754316687584, -0.1887979954481125, 0.08133284002542496, 0.06225549429655075, 0.024741992354393005, -0.03945587947964668, -0.07979535311460495, 0.03532218560576439, -0.020114649087190628, -0.04495543614029884, -0.025790520012378693, 0.004024836700409651, -0.09445797652006149, 0.05718998983502388, 0.018726296722888947, -0.015400586649775505, -0.07942628860473633, 0.039113324135541916, 0.05849859490990639, 0.023881541565060616, 0.05508294701576233, -0.03468404337763786, 0.005927037447690964, -0.1380557417869568, -0.047191984951496124, 0.00979660265147686, -0.030334187671542168, -0.005629588384181261, -0.03634817525744438, 0.04709777235984802, 0.020896505564451218, 0.21463432908058167, 0.032592516392469406, 0.029036611318588257, 0.015199923887848854, 0.012012303806841373, -0.02466077357530594, 0.0010201848344877362, -0.012498927302658558, 0.0017399563221260905, -0.011470207944512367, 0.01391709316521883, 0.01433462556451559, -0.03835490718483925, -0.014732006005942822, 0.08778879046440125, 0.024813536554574966, 0.11789362132549286, 0.0009729592711664736, 0.006399369332939386, -0.06294262409210205, -0.020538946613669395, 0.02013995312154293, -0.05298503115773201, 0.0029184026643633842, -0.04591919854283333, 0.14653882384300232, 0.1251286268234253, -0.06222495064139366, 0.07155358046293259, -0.0014818246709182858, -0.068832628428936, -0.06030295416712761, -0.18530716001987457, -0.010508720763027668, 0.03437168151140213, -0.004861531313508749, -0.11552329361438751, 0.07233677059412003, 0.09412550926208496, 0.01842474937438965, -0.026431484147906303, 0.11707241088151932, 0.020357057452201843, -0.12337306886911392, 0.03026439994573593, 0.011281447485089302, -0.020343730226159096, -0.04490724951028824, 0.05498006194829941, 0.021045275032520294, 0.03836461529135704, 0.06359708309173584, 0.08324304223060608, 0.12071835249662399, -0.005181778222322464, -0.01886565610766411, -0.058491118252277374, -0.00917566567659378, -0.000898293568752706, -0.008142458274960518, 0.11327920854091644, 0.07317820191383362, -0.04915477707982063, 0.01181606762111187, 0.20926658809185028, -0.0016952294390648603, -0.04903244599699974, -0.06995103508234024, 0.15046049654483795, -0.037951067090034485, 0.006369973532855511, -0.0026013553142547607, -0.12440602481365204, 0.06300358474254608, 0.15295299887657166, 0.03454161435365677, 0.027380144223570824, -0.0032265589106827974, -0.0372549444437027, -0.0024031212087720633, 0.026423273608088493, 0.08283235877752304, -0.032664984464645386, 0.21223439276218414, -0.06189994141459465, 0.14481335878372192, -0.003228446003049612, 0.013990088365972042, 0.006722188089042902, 0.11386643350124359, -0.07715833187103271, 0.058952346444129944, -0.08215200901031494, 0.04677166789770126, -0.07680762559175491, -0.32742565870285034, -0.04091250151395798, -0.012508420273661613, -0.06461067497730255, 0.041675396263599396, -0.09587737172842026, -0.002635352313518524, 0.0633716881275177, 0.01892464980483055, 0.003752146614715457, 0.11727035045623779, 0.020409652963280678, -0.10432830452919006, -0.002602457767352462, 0.03201986849308014, -0.023990323767066002, 0.2306605577468872, -0.03137406334280968, 0.09638664871454239, 0.07622183114290237, -0.020961016416549683, -0.15492288768291473, -0.022735316306352615, 0.0026562181301414967, -0.08487482368946075, 0.020724596455693245, 0.14293615520000458, 0.04106695577502251, 0.04902451112866402, 0.07554968446493149, -0.04582816734910011, 0.032271869480609894, -0.028711939230561256, 0.030786054208874702, -0.12673255801200867, 0.0226255115121603, -0.04022529721260071, 0.15577875077724457, 0.07643112540245056, -0.017348162829875946, -0.012110342271625996, -0.07728732377290726, 0.014321863651275635, 0.006456591654568911, 0.13778024911880493, 0.015948692336678505, -0.14300546050071716, 0.02510249800980091, 0.09108628332614899, 0.07408277690410614, -0.16639064252376556, -0.0749034434556961, 0.04212415590882301, -0.02221130020916462, -0.022794073447585106, 0.11446530371904373, -0.02140086144208908, 0.0440845750272274, -0.044755227863788605, -0.11061966419219971, 0.01968725398182869, 0.09957722574472427, -0.09322753548622131, -0.06564707309007645 ]
null
null
transformers
# Model Card for GPT-J-6B-Skein # Model Details ## Model Description - **Developed by:** KoboldAI - **Shared by [Optional]:** KoboldAI - **Model type:** Text Generation - **Language(s) (NLP):** English - **License:** Apache License 2.0 - **Related Models:** [GPT-J 6B](https://huggingface.co/EleutherAI/gpt-j-6B?text=My+name+is+Mariama%2C+my+favorite) - **Parent Model:** GPT-J - **Resources for more information:** - [GitHub Repo](https://github.com/kingoflolz/mesh-transformer-jax) - [Associated Model Doc](https://huggingface.co/docs/transformers/main/en/model_doc/gptj#transformers.GPTJForCausalLM) # Uses ## Direct Use This model is designed for creative story generation. It can understand both free-form text and text written in interactive fiction style with actions starting with "> You", such as: ``` You become aware of her breathing -- the slight expansion of her ribs, the soft exhalation -- natural, and yet somehow studied. "Ah -- by the way," she says, in a way that utterly fails to be casual, "have you seen the artist out there? -- My artist, that is." "No," you respond, uneasy. You open your mouth and close it again. > You ask about the experience of waking up ``` ## 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 The core functionality of GPT-J is taking a string of text and predicting the next token. While language models are widely used for tasks other than this, there are a lot of unknowns with this work. When prompting GPT-J it is important to remember that the statistically most likely next token is often not the token that produces the most "accurate" text. Never depend upon GPT-J to produce factually accurate output. GPT-J was trained on the Pile, a dataset known to contain profanity, lewd, and otherwise abrasive language. Depending upon use case GPT-J may produce socially unacceptable text. See Sections 5 and 6 of the Pile paper for a more detailed analysis of the biases in the Pile. As with all language models, it is hard to predict in advance how GPT-J will respond to particular prompts and offensive content may occur without warning. We recommend having a human curate or filter the outputs before releasing them, both to censor undesirable content and to improve the quality of the results. See the [GPT-J 6B model card](https://huggingface.co/EleutherAI/gpt-j-6B?text=My+name+is+Mariama%2C+my+favorite) for more information. ## 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. # Training Details ## Training Data The data are mostly comprised of light novels from the dataset of the [KoboldAI/GPT-Neo-2.7B-Horni-LN](https://huggingface.co/KoboldAI/GPT-Neo-2.7B-Horni-LN) model and assorted interactive fiction. The dataset uses `[Themes: <comma-separated list of genres>]` for tagging, which means that if similar text is placed in the context, the model will attempt to generate text in the specified style(s). For more details about the dataset, consult [this document](https://wandb.ai/ve-forbryderne/skein/runs/files/files/datasets/README.txt). ## Training Procedure ### Preprocessing The data were preprocessed using the Python package ftfy to eliminate as much as possible non-ASCII punctuation characters and possible encoding errors. The interactive fiction in the dataset also underwent deduplication since interactive fiction logs often contain duplicate text from, for example, visiting the same in-game area several times. spaCy was used for grammatical analysis with the purpose of reformatting the actions commonly found in old text adventure games into more complete sentences. There was also some manual elimination of things such as "thank you for playing" messages and title messages. ### Speeds, Sizes, Times Training took approximately 14 hours in total, with the average speed being 5265 tokens per second. # 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 https://github.com/kingoflolz/mesh-transformer-jax # Citation **BibTeX:** ``` @misc{mesh-transformer-jax, author = {Wang, Ben}, title = {{Mesh-Transformer-JAX: Model-Parallel Implementation of Transformer Language Model with JAX}}, howpublished = {\url{https://github.com/kingoflolz/mesh-transformer-jax}}, year = 2021, month = May } ``` # Glossary [optional] More information needed # More Information [optional] More information needed # Model Card Authors [optional] KoboldAI in collaboration with Ezi Ozoani and the Hugging Face team # 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 AutoTokenizer, AutoModelForCausalLM tokenizer = AutoTokenizer.from_pretrained("KoboldAI/GPT-J-6B-Skein") model = AutoModelForCausalLM.from_pretrained("KoboldAI/GPT-J-6B-Skein") ``` </details>
{"tags": ["text-generation"]}
text-generation
KoboldAI/GPT-J-6B-Skein
[ "transformers", "pytorch", "gptj", "text-generation", "arxiv:1910.09700", "autotrain_compatible", "endpoints_compatible", "has_space", "region:us" ]
2022-03-02T23:29:04+00:00
[ "1910.09700" ]
[]
TAGS #transformers #pytorch #gptj #text-generation #arxiv-1910.09700 #autotrain_compatible #endpoints_compatible #has_space #region-us
# Model Card for GPT-J-6B-Skein # Model Details ## Model Description - Developed by: KoboldAI - Shared by [Optional]: KoboldAI - Model type: Text Generation - Language(s) (NLP): English - License: Apache License 2.0 - Related Models: GPT-J 6B - Parent Model: GPT-J - Resources for more information: - GitHub Repo - Associated Model Doc # Uses ## Direct Use This model is designed for creative story generation. It can understand both free-form text and text written in interactive fiction style with actions starting with "> You", such as: ## 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 The core functionality of GPT-J is taking a string of text and predicting the next token. While language models are widely used for tasks other than this, there are a lot of unknowns with this work. When prompting GPT-J it is important to remember that the statistically most likely next token is often not the token that produces the most "accurate" text. Never depend upon GPT-J to produce factually accurate output. GPT-J was trained on the Pile, a dataset known to contain profanity, lewd, and otherwise abrasive language. Depending upon use case GPT-J may produce socially unacceptable text. See Sections 5 and 6 of the Pile paper for a more detailed analysis of the biases in the Pile. As with all language models, it is hard to predict in advance how GPT-J will respond to particular prompts and offensive content may occur without warning. We recommend having a human curate or filter the outputs before releasing them, both to censor undesirable content and to improve the quality of the results. See the GPT-J 6B model card for more information. ## 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. # Training Details ## Training Data The data are mostly comprised of light novels from the dataset of the KoboldAI/GPT-Neo-2.7B-Horni-LN model and assorted interactive fiction. The dataset uses '[Themes: <comma-separated list of genres>]' for tagging, which means that if similar text is placed in the context, the model will attempt to generate text in the specified style(s). For more details about the dataset, consult this document. ## Training Procedure ### Preprocessing The data were preprocessed using the Python package ftfy to eliminate as much as possible non-ASCII punctuation characters and possible encoding errors. The interactive fiction in the dataset also underwent deduplication since interactive fiction logs often contain duplicate text from, for example, visiting the same in-game area several times. spaCy was used for grammatical analysis with the purpose of reformatting the actions commonly found in old text adventure games into more complete sentences. There was also some manual elimination of things such as "thank you for playing" messages and title messages. ### Speeds, Sizes, Times Training took approximately 14 hours in total, with the average speed being 5265 tokens per second. # 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 URL BibTeX: # Glossary [optional] More information needed # More Information [optional] More information needed # Model Card Authors [optional] KoboldAI in collaboration with Ezi Ozoani and the Hugging Face team # 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 GPT-J-6B-Skein", "# Model Details", "## Model Description\n \n \n- Developed by: KoboldAI\n- Shared by [Optional]: KoboldAI\n- Model type: Text Generation\n- Language(s) (NLP): English\n- License: Apache License 2.0\n- Related Models: GPT-J 6B\n - Parent Model: GPT-J\n- Resources for more information: \n - GitHub Repo\n - Associated Model Doc", "# Uses", "## Direct Use\n \nThis model is designed for creative story generation. It can understand both free-form text and text written in interactive fiction style with actions starting with \"> You\", such as:", "## 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\nThe core functionality of GPT-J is taking a string of text and predicting the next token. While language models are widely used for tasks other than this, there are a lot of unknowns with this work. When prompting GPT-J it is important to remember that the statistically most likely next token is often not the token that produces the most \"accurate\" text. Never depend upon GPT-J to produce factually accurate output.\nGPT-J was trained on the Pile, a dataset known to contain profanity, lewd, and otherwise abrasive language. Depending upon use case GPT-J may produce socially unacceptable text. See Sections 5 and 6 of the Pile paper for a more detailed analysis of the biases in the Pile.\nAs with all language models, it is hard to predict in advance how GPT-J will respond to particular prompts and offensive content may occur without warning. We recommend having a human curate or filter the outputs before releasing them, both to censor undesirable content and to improve the quality of the results.\n \nSee the GPT-J 6B model card for more information.", "## 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.", "# Training Details", "## Training Data\n \nThe data are mostly comprised of light novels from the dataset of the KoboldAI/GPT-Neo-2.7B-Horni-LN model and assorted interactive fiction. The dataset uses '[Themes: <comma-separated list of genres>]' for tagging, which means that if similar text is placed in the context, the model will attempt to generate text in the specified style(s). For more details about the dataset, consult this document.", "## Training Procedure", "### Preprocessing\n \nThe data were preprocessed using the Python package ftfy to eliminate as much as possible non-ASCII punctuation characters and possible encoding errors. The interactive fiction in the dataset also underwent deduplication since interactive fiction logs often contain duplicate text from, for example, visiting the same in-game area several times. spaCy was used for grammatical analysis with the purpose of reformatting the actions commonly found in old text adventure games into more complete sentences. There was also some manual elimination of things such as \"thank you for playing\" messages and title messages.", "### Speeds, Sizes, Times\n \nTraining took approximately 14 hours in total, with the average speed being 5265 tokens per second.", "# Evaluation", "## Testing Data, Factors & Metrics", "### Testing Data\n \nMore information needed", "### Factors", "### Metrics\n \nMore information needed", "## Results \n \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\nURL\n \nBibTeX:", "# Glossary [optional]\nMore information needed", "# More Information [optional]\n \nMore information needed", "# Model Card Authors [optional]\n \n \nKoboldAI in collaboration with Ezi Ozoani and the Hugging Face team", "# 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</details>" ]
[ "TAGS\n#transformers #pytorch #gptj #text-generation #arxiv-1910.09700 #autotrain_compatible #endpoints_compatible #has_space #region-us \n", "# Model Card for GPT-J-6B-Skein", "# Model Details", "## Model Description\n \n \n- Developed by: KoboldAI\n- Shared by [Optional]: KoboldAI\n- Model type: Text Generation\n- Language(s) (NLP): English\n- License: Apache License 2.0\n- Related Models: GPT-J 6B\n - Parent Model: GPT-J\n- Resources for more information: \n - GitHub Repo\n - Associated Model Doc", "# Uses", "## Direct Use\n \nThis model is designed for creative story generation. It can understand both free-form text and text written in interactive fiction style with actions starting with \"> You\", such as:", "## 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\nThe core functionality of GPT-J is taking a string of text and predicting the next token. While language models are widely used for tasks other than this, there are a lot of unknowns with this work. When prompting GPT-J it is important to remember that the statistically most likely next token is often not the token that produces the most \"accurate\" text. Never depend upon GPT-J to produce factually accurate output.\nGPT-J was trained on the Pile, a dataset known to contain profanity, lewd, and otherwise abrasive language. Depending upon use case GPT-J may produce socially unacceptable text. See Sections 5 and 6 of the Pile paper for a more detailed analysis of the biases in the Pile.\nAs with all language models, it is hard to predict in advance how GPT-J will respond to particular prompts and offensive content may occur without warning. We recommend having a human curate or filter the outputs before releasing them, both to censor undesirable content and to improve the quality of the results.\n \nSee the GPT-J 6B model card for more information.", "## 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.", "# Training Details", "## Training Data\n \nThe data are mostly comprised of light novels from the dataset of the KoboldAI/GPT-Neo-2.7B-Horni-LN model and assorted interactive fiction. The dataset uses '[Themes: <comma-separated list of genres>]' for tagging, which means that if similar text is placed in the context, the model will attempt to generate text in the specified style(s). For more details about the dataset, consult this document.", "## Training Procedure", "### Preprocessing\n \nThe data were preprocessed using the Python package ftfy to eliminate as much as possible non-ASCII punctuation characters and possible encoding errors. The interactive fiction in the dataset also underwent deduplication since interactive fiction logs often contain duplicate text from, for example, visiting the same in-game area several times. spaCy was used for grammatical analysis with the purpose of reformatting the actions commonly found in old text adventure games into more complete sentences. There was also some manual elimination of things such as \"thank you for playing\" messages and title messages.", "### Speeds, Sizes, Times\n \nTraining took approximately 14 hours in total, with the average speed being 5265 tokens per second.", "# Evaluation", "## Testing Data, Factors & Metrics", "### Testing Data\n \nMore information needed", "### Factors", "### Metrics\n \nMore information needed", "## Results \n \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\nURL\n \nBibTeX:", "# Glossary [optional]\nMore information needed", "# More Information [optional]\n \nMore information needed", "# Model Card Authors [optional]\n \n \nKoboldAI in collaboration with Ezi Ozoani and the Hugging Face team", "# 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</details>" ]
[ 51, 14, 3, 82, 3, 38, 11, 28, 272, 41, 3, 112, 4, 135, 29, 3, 11, 8, 4, 8, 5, 8, 68, 9, 10, 8, 6, 9, 11, 10, 26, 7, 41 ]
[ "passage: TAGS\n#transformers #pytorch #gptj #text-generation #arxiv-1910.09700 #autotrain_compatible #endpoints_compatible #has_space #region-us \n# Model Card for GPT-J-6B-Skein# Model Details## Model Description\n \n \n- Developed by: KoboldAI\n- Shared by [Optional]: KoboldAI\n- Model type: Text Generation\n- Language(s) (NLP): English\n- License: Apache License 2.0\n- Related Models: GPT-J 6B\n - Parent Model: GPT-J\n- Resources for more information: \n - GitHub Repo\n - Associated Model Doc# Uses## Direct Use\n \nThis model is designed for creative story generation. It can understand both free-form text and text written in interactive fiction style with actions starting with \"> You\", such as:## 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\nThe core functionality of GPT-J is taking a string of text and predicting the next token. While language models are widely used for tasks other than this, there are a lot of unknowns with this work. When prompting GPT-J it is important to remember that the statistically most likely next token is often not the token that produces the most \"accurate\" text. Never depend upon GPT-J to produce factually accurate output.\nGPT-J was trained on the Pile, a dataset known to contain profanity, lewd, and otherwise abrasive language. Depending upon use case GPT-J may produce socially unacceptable text. See Sections 5 and 6 of the Pile paper for a more detailed analysis of the biases in the Pile.\nAs with all language models, it is hard to predict in advance how GPT-J will respond to particular prompts and offensive content may occur without warning. We recommend having a human curate or filter the outputs before releasing them, both to censor undesirable content and to improve the quality of the results.\n \nSee the GPT-J 6B model card for more information.", "passage: ## 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.# Training Details## Training Data\n \nThe data are mostly comprised of light novels from the dataset of the KoboldAI/GPT-Neo-2.7B-Horni-LN model and assorted interactive fiction. The dataset uses '[Themes: <comma-separated list of genres>]' for tagging, which means that if similar text is placed in the context, the model will attempt to generate text in the specified style(s). For more details about the dataset, consult this document.## Training Procedure### Preprocessing\n \nThe data were preprocessed using the Python package ftfy to eliminate as much as possible non-ASCII punctuation characters and possible encoding errors. The interactive fiction in the dataset also underwent deduplication since interactive fiction logs often contain duplicate text from, for example, visiting the same in-game area several times. spaCy was used for grammatical analysis with the purpose of reformatting the actions commonly found in old text adventure games into more complete sentences. There was also some manual elimination of things such as \"thank you for playing\" messages and title messages.### Speeds, Sizes, Times\n \nTraining took approximately 14 hours in total, with the average speed being 5265 tokens per second.# Evaluation## Testing Data, Factors & Metrics### Testing Data\n \nMore information needed### Factors### Metrics\n \nMore information needed## Results \n \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\nURL\n \nBibTeX:# Glossary [optional]\nMore information needed# More Information [optional]\n \nMore information needed# Model Card Authors [optional]\n \n \nKoboldAI in collaboration with Ezi Ozoani and the Hugging Face team# Model Card Contact\n \nMore information needed" ]
[ 0.00811030250042677, 0.08171788603067398, -0.004431703127920628, 0.03152637928724289, 0.07203482836484909, -0.005023969803005457, 0.04036915674805641, 0.08725440502166748, 0.012642871588468552, 0.07125195860862732, -0.013014006428420544, -0.013268917798995972, 0.10321928560733795, 0.07214988768100739, 0.09417597949504852, -0.1799149215221405, 0.07593154907226562, -0.10551585257053375, 0.11236702650785446, 0.08286245912313461, 0.09338198602199554, -0.03955483436584473, 0.052671972662210464, 0.0005445955321192741, -0.035000137984752655, -0.013557901605963707, -0.021272864192724228, -0.006329959258437157, 0.09385750442743301, 0.07408280670642853, 0.0397023968398571, -0.033578842878341675, 0.03594356030225754, -0.21967756748199463, 0.026597581803798676, 0.11853162944316864, -0.007754941005259752, 0.018329927697777748, 0.03974837809801102, 0.025648824870586395, 0.10867699235677719, -0.06625889986753464, 0.08363421261310577, 0.0695669874548912, -0.09636489301919937, -0.1491413712501526, -0.07340022921562195, 0.05272921547293663, 0.0767955631017685, 0.053116604685783386, -0.03525114804506302, 0.12309995293617249, 0.0042272573336958885, 0.01244084071367979, 0.15511083602905273, -0.053083330392837524, -0.020831234753131866, 0.018007792532444, 0.08997824788093567, 0.0681559145450592, -0.07662758976221085, 0.014135023579001427, 0.03414396941661835, 0.027639247477054596, 0.04985905811190605, 0.014662250876426697, 0.05502836033701897, -0.02367047220468521, -0.1057359129190445, -0.06487375497817993, 0.07243682444095612, -0.021316763013601303, -0.0845550075173378, -0.21179857850074768, -0.04906069487333298, 0.04873593896627426, 0.007806817069649696, -0.04309150576591492, 0.015828091651201248, 0.0045490628108382225, 0.12390398234128952, -0.06499704718589783, -0.10161691159009933, -0.027566183358430862, -0.0003545749932527542, 0.08029741048812866, 0.014553291723132133, -0.010031590238213539, -0.003039376810193062, 0.12303802371025085, -0.03745062276721001, -0.058287303894758224, -0.0980825424194336, -0.08590683341026306, -0.12999477982521057, -0.02568349987268448, -0.026837971061468124, -0.039337459951639175, -0.039555344730615616, 0.14595085382461548, 0.04432554543018341, 0.013149469159543514, -0.009914325550198555, 0.012386558577418327, 0.10105539858341217, 0.06538434326648712, -0.03640798479318619, -0.013662915676832199, 0.036272816359996796, 0.04788316413760185, 0.054293565452098846, -0.06294293701648712, -0.019868621602654457, -0.006604097783565521, 0.07914277911186218, 0.10520976781845093, 0.0831168070435524, 0.01430574432015419, -0.05932476371526718, -0.0318034365773201, 0.21014750003814697, -0.10569294542074203, 0.026339508593082428, -0.007579608354717493, -0.018278982490301132, -0.008938081562519073, 0.035832297056913376, 0.007867434993386269, -0.04556148126721382, 0.03447906672954559, -0.04689629375934601, -0.024959079921245575, -0.08888299763202667, -0.09195109456777573, 0.06673465669155121, 0.05384735390543938, -0.03118073381483555, -0.10944850742816925, -0.12762905657291412, -0.07605938613414764, 0.026201723143458366, -0.03086772933602333, -0.01829974167048931, 0.011074032634496689, -0.022811267524957657, -0.011780301108956337, 0.013134252279996872, 0.0035896990448236465, -0.028364673256874084, 0.041556619107723236, -0.09532980620861053, 0.039620086550712585, 0.05862964689731598, 0.009590232744812965, -0.09873537719249725, 0.013342918828129768, -0.17286574840545654, 0.08086268603801727, -0.060414932668209076, -0.023180263116955757, -0.062055639922618866, 0.006328842602670193, 0.029305489733815193, 0.041835054755210876, -0.02927994355559349, 0.12179342657327652, -0.201087087392807, -0.027107423171401024, 0.15362733602523804, -0.12058219313621521, -0.01657550409436226, 0.13768067955970764, -0.04685976356267929, 0.12573041021823883, 0.10529004037380219, 0.009546511806547642, 0.09178481996059418, -0.11982268840074539, -0.017398107796907425, -0.04503576084971428, -0.06862905621528625, 0.22482052445411682, 0.03514953702688217, -0.013789806514978409, 0.07106495648622513, 0.012237252667546272, -0.0003802287392318249, -0.02276880107820034, 0.03132610768079758, -0.04374136030673981, 0.015645833685994148, 0.010311713442206383, 0.010461018420755863, -0.014726893976330757, -0.09594433009624481, -0.020503966137766838, -0.14047984778881073, -0.036829933524131775, 0.09537038207054138, -0.02538941241800785, 0.048929810523986816, -0.04747726768255234, -0.006860174238681793, 0.013643797487020493, 0.04364654794335365, -0.14596284925937653, -0.07416893541812897, 0.06409642100334167, -0.2010018527507782, 0.05254925787448883, 0.06160157546401024, 0.009148553013801575, 0.057518403977155685, -0.02341635897755623, 0.007054363843053579, -0.03898811712861061, -0.021219715476036072, -0.04754084348678589, -0.10977674275636673, -0.014678366482257843, -0.05031292140483856, 0.1261577159166336, -0.11526790261268616, 0.01605810783803463, 0.04588328301906586, 0.05462823435664177, 0.0012896070256829262, -0.06773556768894196, 0.01922055520117283, -0.03860415518283844, -0.044605791568756104, -0.06641017645597458, 0.00022502662613987923, -0.00941175501793623, -0.02953927218914032, 0.08393840491771698, -0.21322877705097198, -0.12168801575899124, 0.0655384510755539, 0.12083645164966583, -0.10984396934509277, 0.006252029910683632, 0.005733394529670477, -0.04794055223464966, -0.09721263498067856, -0.11957027018070221, 0.21001829206943512, 0.0408950112760067, 0.03939220309257507, -0.09305913746356964, -0.06882832944393158, -0.0027527259662747383, 0.004027914255857468, -0.010642578825354576, 0.024675484746694565, -0.034537605941295624, -0.18808823823928833, 0.05739172548055649, -0.008055106736719608, 0.06829793006181717, 0.13513995707035065, 0.06068415194749832, -0.086068294942379, -0.008082006126642227, 0.01110287569463253, 0.024749889969825745, 0.040634676814079285, -0.010097040794789791, 0.016155516728758812, 0.04257427155971527, -0.007525903172791004, 0.010425988584756851, -0.06151127815246582, 0.025957267731428146, 0.06090796738862991, 0.00780120026320219, -0.028143810108304024, 0.0017547104507684708, -0.00030288315610960126, 0.08227179944515228, 0.0273883119225502, 0.10568895936012268, -0.005526484455913305, -0.05483569949865341, -0.12281353026628494, 0.13604268431663513, -0.08871270716190338, -0.2927520275115967, -0.14848215878009796, 0.053247421979904175, -0.007846632041037083, 0.019907891750335693, 0.0493001714348793, -0.06742353737354279, -0.08830025792121887, -0.10967287421226501, 0.08536192774772644, 0.006981015671044588, -0.10327043384313583, -0.06444051861763, 0.04796016961336136, -0.006805944722145796, -0.1307574212551117, 0.040109362453222275, 0.042196329683065414, -0.0727081298828125, -0.013540086336433887, 0.03689306974411011, 0.12262105941772461, 0.09086631238460541, 0.023932890966534615, -0.08463059365749359, -0.00687289796769619, 0.1467665731906891, -0.10637692362070084, 0.10722659528255463, 0.14067226648330688, -0.06504766643047333, 0.0831393152475357, 0.07142004370689392, 0.0007852036505937576, -0.040434204041957855, 0.05410136282444, 0.02727123349905014, -0.05339862033724785, -0.18326202034950256, -0.04541344940662384, -0.031138258054852486, -0.038193896412849426, 0.0918879434466362, 0.038003116846084595, 0.08009903877973557, 0.019754214212298393, -0.1529986560344696, 0.03428919240832329, 0.08854106813669205, 0.1278044581413269, 0.010682718828320503, -0.015863656997680664, 0.03408358246088028, -0.03696036338806152, 0.0009685764089226723, 0.10844719409942627, -0.017502037808299065, 0.16961030662059784, -0.05014865845441818, 0.14266782999038696, 0.040034957230091095, -0.027139239013195038, 0.01446877047419548, 0.07931715250015259, -0.00904584676027298, 0.036186959594488144, -0.06828685104846954, -0.05923589691519737, -0.058465246111154556, 0.1300104707479477, 0.036185432225465775, -0.03742767870426178, 0.0018285959959030151, -0.052773088216781616, 0.0447416827082634, 0.113864004611969, -0.015464370138943195, -0.08572053909301758, -0.07173235714435577, 0.07793229818344116, -0.05003904551267624, -0.13955587148666382, -0.00576570862904191, 0.09338551759719849, -0.15927442908287048, 0.05130486190319061, -0.025397464632987976, 0.06442303210496902, -0.11848718672990799, -0.0037292074412107468, -0.035748377442359924, 0.07881717383861542, -0.016422748565673828, 0.0975506454706192, -0.10900640487670898, 0.013908246532082558, 0.012614498846232891, 0.058439671993255615, -0.11686204373836517, 0.029442839324474335, 0.01963885873556137, -0.028451964259147644, 0.1408090740442276, 0.016886506229639053, -0.006057232618331909, -0.056494567543268204, -0.07686370611190796, -0.0008411167073063552, 0.05221507325768471, -0.10152429342269897, 0.0858018547296524, -0.03202791139483452, 0.004034247249364853, -0.0222029909491539, -0.020079847425222397, -0.10529007017612457, -0.21995988488197327, 0.0696210116147995, -0.07179217785596848, 0.025225352495908737, -0.06250607967376709, -0.028227506205439568, -0.009954644367098808, 0.1847517490386963, -0.1189723089337349, -0.08609368652105331, -0.09231390058994293, -0.03890766203403473, 0.12869098782539368, -0.04729756340384483, 0.03381204232573509, -0.021501602604985237, 0.19708479940891266, -0.09235138446092606, -0.04611203819513321, 0.0317688025534153, -0.06788261979818344, -0.16373386979103088, -0.06003683805465698, 0.09066025912761688, 0.12939953804016113, 0.057161636650562286, -0.0133530143648386, 0.02352253720164299, -0.008709115907549858, -0.10250607877969742, -0.020064519718289375, 0.18356837332248688, -0.002551646437495947, 0.04700647294521332, -0.028040818870067596, -0.04104006662964821, -0.115982785820961, -0.07091495394706726, 0.048918936401605606, 0.19888898730278015, -0.03322814404964447, 0.16525962948799133, 0.14812596142292023, -0.07704663276672363, -0.21616804599761963, -0.05199812725186348, -0.00013316236436367035, 0.0012005390599370003, 0.03875745087862015, -0.16348539292812347, -0.020409423857927322, 0.023308539763092995, 0.0006405520252883434, 0.11195708066225052, -0.13422349095344543, -0.1279539167881012, 0.012769906781613827, -0.0052665285766124725, -0.03438187390565872, -0.07596626877784729, -0.011119750328361988, -0.05382046103477478, -0.0732736736536026, 0.06175612658262253, -0.043671198189258575, 0.04686274379491806, 0.012556919828057289, 0.0426691398024559, 0.045115500688552856, -0.0468551442027092, 0.1487569510936737, -0.04682115092873573, 0.07247109711170197, -0.0864647924900055, -0.002803996205329895, 0.04694850742816925, -0.07297001779079437, 0.10332043468952179, 0.035367488861083984, 0.006196589674800634, 0.013093652203679085, -0.05500694364309311, -0.07666732370853424, 0.045768946409225464, -0.07129969447851181, -0.0604298897087574, -0.09307026863098145, 0.08542810380458832, 0.07878227531909943, -0.022216511890292168, -0.00033561745658516884, -0.045656487345695496, 0.03039008006453514, 0.11022793501615524, 0.12327370047569275, 0.011037597432732582, -0.06541205942630768, 0.00997803546488285, -0.010187624953687191, 0.08151279389858246, -0.1089874804019928, 0.035372696816921234, 0.03715943545103073, 0.006504835560917854, 0.07290136814117432, 0.0016321963630616665, -0.2077941596508026, 0.0068673500791192055, 0.022616401314735413, -0.07153047621250153, -0.17350339889526367, -0.005700272042304277, 0.0940530002117157, -0.07375569641590118, -0.09789697825908661, 0.09359261393547058, -0.052399955689907074, -0.036495059728622437, 0.0052856504917144775, 0.07600137591362, 0.05130985379219055, 0.04916083440184593, -0.04122268408536911, 0.032012589275836945, -0.08932016789913177, 0.08813255280256271, 0.08015545457601547, -0.08358658850193024, 0.04202694445848465, 0.056800052523612976, -0.06728294491767883, -0.051797207444906235, -0.04953575134277344, 0.012089414522051811, 0.004668832756578922, -0.0451645702123642, 0.0438896045088768, -0.04984903708100319, 0.02188798040151596, 0.04494215548038483, 0.001561291515827179, 0.03667933866381645, 0.007960952818393707, 0.032747622579336166, -0.0770891010761261, 0.06628895550966263, 0.021384043619036674, 0.017885936424136162, -0.03747840225696564, 0.01513540931046009, 0.043660566210746765, -0.016017401590943336, -0.018839247524738312, -0.024775272235274315, -0.02342415414750576, -0.011037642136216164, -0.11069770157337189, -0.033961568027734756, -0.06835924088954926, 0.015444185584783554, -0.008695609867572784, 0.017545979470014572, 0.035594142973423004, 0.02621116116642952, -0.02797585539519787, -0.06559053808450699, -0.058395832777023315, 0.04631413519382477, -0.12231382727622986, -0.02077234908938408, 0.09805253893136978, -0.11110501736402512, 0.08566887676715851, 0.00513109564781189, -0.028747227042913437, 0.021022852510213852, -0.1310146003961563, 0.02345135807991028, -0.0005060175899416208, 0.058818258345127106, -0.003642481518909335, -0.1548551321029663, -0.028747722506523132, -0.03782999888062477, -0.05038267746567726, -0.009475374594330788, 0.027810418978333473, -0.0737757608294487, 0.04806404933333397, 0.0596221424639225, -0.04722985252737999, -0.05312829464673996, 0.01769997924566269, 0.030207375064492226, -0.0008154318202286959, 0.10228976607322693, -0.009477837011218071, 0.07044531404972076, -0.14106296002864838, -0.01526537537574768, 0.019077125936746597, 0.01823580637574196, 0.07369211316108704, -0.044609684497117996, 0.028456978499889374, 0.016686448827385902, 0.17763957381248474, -0.046307872980833054, 0.05300804227590561, 0.04723943769931793, 0.005225385073572397, -0.057287417352199554, 0.00745465699583292, -0.05886070802807808, 0.010633415542542934, -0.0022973832674324512, -0.039655040949583054, -0.03824876621365547, 0.024335218593478203, -0.09754333645105362, 0.08214197307825089, 0.051755890250205994, 0.15542364120483398, 0.019610244780778885, -0.0010951794683933258, -0.07240212708711624, -0.04376157000660896, 0.024024847894906998, -0.02842758037149906, -0.006566754076629877, -0.035701848566532135, -0.0005086001474410295, 0.14229322969913483, -0.08404241502285004, 0.10159288346767426, -0.0469331219792366, -0.031836483627557755, -0.05214966461062431, -0.13103169202804565, -0.029805518686771393, 0.025740208104252815, -0.01079645473510027, -0.06424333900213242, 0.09471319615840912, -0.022850193083286285, -0.01182248443365097, -0.01716039888560772, 0.10572126507759094, -0.029797405004501343, -0.1173393651843071, 0.052017513662576675, 0.017039954662322998, 0.0006673489697277546, 0.0878894254565239, 0.038299985229969025, 0.04800751805305481, 0.06712377816438675, 0.08694617450237274, 0.10629898309707642, 0.039370883256196976, 0.041450873017311096, -0.04130285605788231, -0.08047167956829071, 0.002579106017947197, -0.007861044257879257, -0.03355983644723892, 0.14920595288276672, 0.05786041170358658, -0.005181083455681801, 0.002848295960575342, 0.13963134586811066, -0.029351545497775078, -0.08882366120815277, -0.10523197054862976, 0.11922059208154678, -0.01277094054967165, 0.0071047525852918625, 0.004522211384028196, -0.11153559386730194, 0.003161659464240074, 0.13237160444259644, 0.09830321371555328, -0.014594066888093948, 0.002238987013697624, -0.019217615947127342, 0.011074302718043327, -0.03124571591615677, 0.08878325670957565, 0.03719356283545494, 0.21722128987312317, -0.0727555900812149, 0.1374390721321106, -0.0009934452828019857, -0.013149271719157696, -0.05319502204656601, 0.13608893752098083, -0.053499288856983185, 0.036153338849544525, -0.06529232859611511, 0.05788527801632881, -0.026757434010505676, -0.2695223391056061, -0.03387375921010971, -0.02057749405503273, -0.07260192930698395, 0.027276594191789627, 0.05857200548052788, -0.028653552755713463, 0.09143824875354767, 0.045333556830883026, 0.005177231505513191, 0.1873185932636261, -0.009495719335973263, -0.056530389934778214, -0.021761329844594002, 0.0654178261756897, -0.004292541183531284, 0.1808258295059204, 0.01670967973768711, 0.06812827289104462, 0.06970290839672089, -0.04183845967054367, -0.11754435300827026, 0.0340866893529892, 0.030354447662830353, -0.031873881816864014, 0.024617629125714302, 0.19999578595161438, 0.011410444974899292, 0.036184392869472504, 0.09342621266841888, -0.01799723133444786, 0.0676618441939354, 0.01627182587981224, -0.014409157447516918, -0.08479233086109161, 0.09017151594161987, -0.07499182969331741, 0.12956148386001587, 0.09431685507297516, -0.022376608103513718, -0.003208419308066368, -0.04343128576874733, -0.004550294019281864, 0.00821155495941639, 0.16126370429992676, 0.0019261948764324188, -0.1133267879486084, 0.010859595611691475, 0.015485342592000961, 0.10073338449001312, -0.2149708867073059, -0.043160732835531235, 0.04811304807662964, -0.04871512949466705, 0.0004553273320198059, 0.09401105344295502, -0.04569683223962784, 0.0008537294343113899, -0.028394334018230438, -0.1030748039484024, 0.021758466958999634, 0.08895137906074524, -0.07344629615545273, -0.02926412597298622 ]
null
null
transformers
# GPT-Neo-125M-AID This model was finetuned by Henk717 on Google Colab, it contains text adventure tuning and its the smallest 'Adventure' model of its size. Because of its limited size the behavior is mostly suitable for testing text adventure gamemodes at fast speeds, for a coherent adventure you are better off using one of the 2.7B models.
{}
text-generation
KoboldAI/GPT-Neo-125M-AID
[ "transformers", "pytorch", "gpt_neo", "text-generation", "autotrain_compatible", "endpoints_compatible", "region:us" ]
2022-03-02T23:29:04+00:00
[]
[]
TAGS #transformers #pytorch #gpt_neo #text-generation #autotrain_compatible #endpoints_compatible #region-us
# GPT-Neo-125M-AID This model was finetuned by Henk717 on Google Colab, it contains text adventure tuning and its the smallest 'Adventure' model of its size. Because of its limited size the behavior is mostly suitable for testing text adventure gamemodes at fast speeds, for a coherent adventure you are better off using one of the 2.7B models.
[ "# GPT-Neo-125M-AID\nThis model was finetuned by Henk717 on Google Colab, it contains text adventure tuning and its the smallest 'Adventure' model of its size.\nBecause of its limited size the behavior is mostly suitable for testing text adventure gamemodes at fast speeds, for a coherent adventure you are better off using one of the 2.7B models." ]
[ "TAGS\n#transformers #pytorch #gpt_neo #text-generation #autotrain_compatible #endpoints_compatible #region-us \n", "# GPT-Neo-125M-AID\nThis model was finetuned by Henk717 on Google Colab, it contains text adventure tuning and its the smallest 'Adventure' model of its size.\nBecause of its limited size the behavior is mostly suitable for testing text adventure gamemodes at fast speeds, for a coherent adventure you are better off using one of the 2.7B models." ]
[ 39, 88 ]
[ "passage: TAGS\n#transformers #pytorch #gpt_neo #text-generation #autotrain_compatible #endpoints_compatible #region-us \n# GPT-Neo-125M-AID\nThis model was finetuned by Henk717 on Google Colab, it contains text adventure tuning and its the smallest 'Adventure' model of its size.\nBecause of its limited size the behavior is mostly suitable for testing text adventure gamemodes at fast speeds, for a coherent adventure you are better off using one of the 2.7B models." ]
[ 0.0175592340528965, -0.0815771222114563, -0.0003994757425971329, 0.12814414501190186, 0.03698955848813057, -0.007570440415292978, 0.02881482243537903, 0.09501558542251587, -0.04650421813130379, -0.030753521248698235, 0.12446384876966476, 0.03763577714562416, -0.03814798593521118, 0.23819853365421295, 0.051798198372125626, -0.30098631978034973, 0.06165316700935364, 0.025937173515558243, -0.006238303612917662, 0.1043417677283287, 0.054610610008239746, -0.07964499294757843, 0.06262149661779404, 0.05025682970881462, -0.0043359920382499695, -0.0374375581741333, 0.018024852499365807, -0.05972681939601898, 0.12382444739341736, -0.005971680860966444, 0.09477707743644714, 0.004302852787077427, -0.00574786402285099, 0.006251784972846508, 0.052160050719976425, -0.022464264184236526, 0.008072631433606148, 0.011356225237250328, 0.01801793836057186, 0.14408673346042633, 0.1733156442642212, 0.19439934194087982, -0.04154658690094948, 0.01207220833748579, -0.048225704580545425, -0.10723468661308289, 0.004639400634914637, 0.013222436420619488, -0.02629515342414379, 0.12908485531806946, -0.022154659032821655, 0.18101108074188232, -0.1068456619977951, 0.048201292753219604, 0.12039488554000854, -0.2963479161262512, -0.1298675537109375, 0.15592044591903687, 0.11443836987018585, 0.06527218222618103, 0.008309049531817436, 0.05339890345931053, 0.038562558591365814, 0.05920521169900894, -0.03008965589106083, -0.05668275058269501, 0.006319622043520212, -0.02163620851933956, -0.08545047789812088, -0.01211914699524641, 0.16119921207427979, -0.0013912668218836188, 0.005739279557019472, -0.07356703281402588, -0.09900038689374924, -0.01571337692439556, -0.05660166218876839, -0.10793951898813248, -0.06442280113697052, 0.0013164390111342072, -0.06290266662836075, -0.08246628195047379, -0.09885777533054352, -0.10376115143299103, -0.1698971539735794, 0.11039937287569046, 0.002465485129505396, 0.04778207838535309, -0.09581664949655533, 0.11456292867660522, -0.08446404337882996, 0.005214945413172245, -0.04839527606964111, -0.12557555735111237, 0.04274910315871239, -0.024916255846619606, -0.019555924460291862, 0.04972144588828087, 0.10135636478662491, 0.03835238888859749, 0.10970182716846466, 0.03639432042837143, 0.07438605278730392, 0.0246665608137846, -0.011444474570453167, 0.045925747603178024, 0.04295466095209122, -0.07101944088935852, 0.07806643098592758, 0.048172906041145325, 0.05343389883637428, -0.04384719580411911, -0.14519311487674713, -0.03776797652244568, 0.004032496362924576, -0.027062496170401573, 0.0532212033867836, 0.08451148122549057, 0.03866955637931824, -0.00477561866864562, 0.1188821941614151, -0.002064524684101343, -0.014986665919423103, -0.022965019568800926, -0.026113910600543022, -0.03690718486905098, -0.05670594796538353, -0.0011494052596390247, 0.009334634058177471, -0.016093868762254715, -0.04584260657429695, -0.07864228636026382, -0.058786049485206604, -0.032481834292411804, 0.006857935339212418, 0.09408049285411835, 0.003961285576224327, -0.21615923941135406, -0.2238205373287201, 0.02463703043758869, 0.03737169876694679, -0.03563300147652626, -0.13745377957820892, -0.0536489263176918, 0.023256544023752213, 0.027207858860492706, -0.03874058276414871, 0.043592553585767746, -0.04322882369160652, 0.06319024413824081, 0.05535341054201126, 0.1357835829257965, -0.06851701438426971, -0.022080611437559128, -0.09944647550582886, 0.0002765449171420187, -0.13623857498168945, 0.07309756428003311, -0.06981593370437622, 0.010572611354291439, 0.03529539704322815, 0.0100285355001688, -0.1127709150314331, 0.030963387340307236, -0.051775604486465454, 0.11700091511011124, -0.07930337637662888, -0.10525993257761002, 0.12706586718559265, -0.09138412028551102, -0.1202579066157341, 0.13164441287517548, -0.019061394035816193, 0.09292413294315338, 0.14854364097118378, 0.1239764392375946, 0.20399655401706696, 0.008600916713476181, 0.02700614184141159, 0.02428978681564331, -0.17892564833164215, -0.03942917287349701, 0.03551914915442467, 0.0930384024977684, -0.187096506357193, 0.04518432915210724, -0.02008073776960373, 0.17697447538375854, -0.02935541793704033, -0.0067894188687205315, -0.015213334932923317, -0.04473161697387695, 0.10228581726551056, 0.044077709317207336, 0.14587895572185516, -0.13893023133277893, 0.0032117124646902084, -0.09401469677686691, 0.06261010468006134, 0.011588881723582745, -0.01685378886759281, -0.06741813570261002, 0.16227279603481293, -0.035654984414577484, 0.0742756649851799, -0.05500473454594612, -0.11344749480485916, 0.02127770148217678, 0.15204766392707825, 0.03233033046126366, 0.2421448826789856, 0.1290961503982544, -0.0023359265178442, -0.08195792883634567, 0.04567963257431984, 0.053189318627119064, -0.036966994404792786, -0.0229925699532032, 0.04922550544142723, 0.06111608073115349, -0.04445546492934227, 0.12806342542171478, -0.12204858660697937, -0.028557265177369118, 0.013131228275597095, 0.03888740390539169, -0.014499331824481487, 0.018037358298897743, -0.057243287563323975, -0.0272944625467062, -0.024722615256905556, -0.04423971846699715, 0.06874985992908478, 0.03547606244683266, -0.009584560059010983, 0.09202388674020767, -0.021064696833491325, 0.17418956756591797, 0.1603168398141861, -0.04169914498925209, -0.03832203522324562, -0.026132002472877502, 0.009598025120794773, -0.01004816871136427, -0.07196082919836044, -0.009283307939767838, 0.17460790276527405, -0.028480568900704384, 0.1733502298593521, -0.08611839264631271, -0.005153568461537361, 0.02118242345750332, -0.019882217049598694, 0.0064503708854317665, 0.06243518739938736, -0.004801900126039982, -0.11598050594329834, 0.03512151911854744, 0.03980591520667076, -0.0587429516017437, 0.23455023765563965, 0.06577114015817642, 0.0036405548453330994, 0.048211537301540375, -0.021704627200961113, 0.022937577217817307, 0.005596158094704151, -0.03121921606361866, -0.00044256687397137284, 0.05341951549053192, -0.006324085872620344, 0.07108736038208008, -0.0775623768568039, -0.040615469217300415, 0.00032743619522079825, -0.03317912667989731, 0.06448942422866821, 0.10732287913560867, -0.05472318455576897, 0.09074078500270844, 0.0348237082362175, -0.06551901251077652, 0.0752597525715828, 0.05868140608072281, -0.010648606345057487, 0.06792275607585907, -0.03927217796444893, -0.26347240805625916, -0.10439442098140717, -0.031742651015520096, -0.05626307800412178, 0.10282067209482193, 0.03241000697016716, -0.13239601254463196, -0.015056537464261055, -0.051003534346818924, -0.01692674681544304, -0.10507834702730179, 0.03047616221010685, 0.019443491473793983, 0.01713617518544197, -0.048848956823349, -0.030009260401129723, -0.01146069448441267, -0.03673828765749931, -0.10616932809352875, 0.1485963612794876, -0.1756310760974884, 0.08527734875679016, 0.14704355597496033, -0.050490736961364746, 0.0782632976770401, -0.05462164804339409, 0.1432536393404007, -0.09101079404354095, 0.07079289853572845, 0.12776055932044983, 0.17973069846630096, -0.005201691295951605, 0.02258138172328472, -0.030759934335947037, -0.007206705864518881, 0.08622699230909348, -0.018576767295598984, -0.10168635845184326, -0.07376664131879807, -0.03260168060660362, -0.06714499741792679, 0.12480095028877258, 0.08072062581777573, 0.07973594963550568, 0.16002905368804932, 0.14459912478923798, 0.05530019849538803, 0.13292348384857178, 0.024062862619757652, 0.036959223449230194, 0.29274675250053406, -0.027265328913927078, 0.1260317862033844, -0.046974509954452515, -0.1724420040845871, 0.1452394425868988, -0.05649254843592644, 0.16222111880779266, -0.0014122201828286052, 0.008139914833009243, -0.060325853526592255, 0.048835206776857376, 0.13936442136764526, 0.14111335575580597, 0.05878624692559242, -0.08105339854955673, -0.05209575966000557, -0.0054126339964568615, -0.07610953599214554, 0.049108948558568954, 0.09177073836326599, -0.03401881083846092, 0.02452164702117443, 0.12318088114261627, 0.04789600893855095, -0.0023847820702940226, 0.009206880815327168, -0.15602895617485046, -0.03054184652864933, 0.01801745407283306, -0.06942225992679596, -0.1022171825170517, 0.10676993429660797, 0.1197943314909935, -0.12541167438030243, 0.00830620713531971, -0.035679854452610016, 0.056798405945301056, -0.029658688232302666, 0.03750171512365341, -0.055242542177438736, 0.015856072306632996, -0.016438089311122894, 0.13227680325508118, -0.11815381795167923, 0.09290459752082825, -0.059628926217556, -0.01954272761940956, -0.08882211148738861, -0.045941971242427826, 0.12093450874090195, 0.09528505057096481, 0.035554997622966766, 0.005839063785970211, 0.011186541058123112, -0.06275574117898941, -0.15930819511413574, 0.04595134034752846, -0.03538878262042999, -0.009059767238795757, 0.022318437695503235, -0.0557255744934082, -0.025705885142087936, -0.07006896287202835, 0.012236016802489758, -0.05208764225244522, -0.07282053679227829, 0.012011856772005558, 0.19107870757579803, 0.01811075769364834, -0.04598328843712807, -0.12269774079322815, -0.05579639971256256, 0.13484829664230347, 0.11660323292016983, -0.030089573934674263, -0.08356569707393646, 0.04145665466785431, 0.05017128586769104, -0.04619259014725685, 0.0720081552863121, -0.07144566625356674, 0.04423396289348602, -0.030112886801362038, -0.08680391311645508, 0.025036485865712166, -0.07688350230455399, -0.06287831813097, -0.02245979756116867, 0.01911305822432041, 0.003962364513427019, 0.0827847570180893, 0.01061808131635189, -0.01608370617032051, -0.1171117052435875, -0.09877663850784302, -0.07396004348993301, -0.10651193559169769, -0.02069239690899849, -0.058310266584157944, 0.10244663059711456, 0.1623523086309433, -0.037115294486284256, -0.06179589778184891, 0.18057094514369965, 0.035480156540870667, -0.0993134081363678, 0.07249382138252258, -0.029088756069540977, 0.07754982262849808, -0.23942333459854126, -0.17070616781711578, 0.04067124053835869, -0.04837758094072342, -0.12329377979040146, -0.008525216020643711, 0.08193686604499817, 0.05062485113739967, -0.04171347618103027, 0.1645067185163498, -0.04559245705604553, -0.0968518927693367, 0.08915705978870392, -0.00015604609507136047, 0.3697410523891449, -0.08828721940517426, -0.060802992433309555, -0.007671424653381109, -0.09496831148862839, 0.010208253748714924, -0.055678244680166245, 0.11522139608860016, -0.08140449970960617, 0.0895504578948021, 0.016101308166980743, -0.030208906158804893, 0.08940085023641586, -0.11382979154586792, -0.0299617238342762, -0.09732664376497269, -0.024806564673781395, 0.03693486750125885, -0.02214363031089306, 0.07232106477022171, 0.05890349671244621, 0.02948928438127041, -0.03629643842577934, -0.06750878691673279, -0.11737122386693954, 0.015436004847288132, 0.06012403592467308, -0.06427355855703354, -0.10210492461919785, 0.017067858949303627, -0.09869788587093353, 0.015144449658691883, 0.10065313428640366, -0.028236884623765945, 0.03559581935405731, -0.0431666299700737, 0.09400302171707153, -0.19183507561683655, -0.004343179054558277, -0.004610956646502018, -0.04610876366496086, 0.04719528928399086, -0.046500299125909805, -0.025967737659811974, 0.09008795768022537, -0.05976696312427521, -0.0014452958712354302, 0.09959008544683456, -0.03543732687830925, 0.039372723549604416, 0.12591752409934998, -0.16551128029823303, -0.00790292676538229, -0.11544747650623322, 0.017984924837946892, 0.07821764051914215, -0.010552909225225449, 0.06634651124477386, -0.07405747473239899, -0.004113099537789822, -0.003939043264836073, -0.1141858920454979, 0.04703595116734505, 0.06661228835582733, 0.04417472332715988, 0.03007281757891178, -0.10663487017154694, -0.010382343083620071, 0.010184155777096748, -0.019164253026247025, -0.0026056142523884773, 0.08587045222520828, -0.11963831633329391, -0.07220527529716492, 0.04613509774208069, 0.051028694957494736, -0.007160057779401541, -0.08743815124034882, -0.06619016826152802, -0.10392822325229645, 0.09179504215717316, -0.012678368017077446, 0.1015106737613678, 0.01237385906279087, -0.09920214861631393, 0.03753992170095444, -0.07833132892847061, 0.042608048766851425, -0.008764360100030899, 0.04068956896662712, -0.22258634865283966, 0.01316232979297638, -0.007782256230711937, 0.04660649970173836, -0.10569938272237778, -0.0657348558306694, -0.06446637958288193, 0.029870200902223587, -0.029384903609752655, -0.000627747387625277, -0.09587769955396652, -0.03332404047250748, 0.004768401850014925, 0.015326534397900105, -0.09364937990903854, -0.01872025430202484, -0.09469535201787949, 0.022537268698215485, -0.018594713881611824, -0.027143703773617744, 0.016962338238954544, -0.018770312890410423, 0.06398151069879532, -0.03993111103773117, 0.028392909094691277, 0.09321882575750351, 0.0018934119725599885, 0.0739259421825409, -0.01783566363155842, -0.05559837818145752, 0.06422721594572067, 0.0831516906619072, 0.029664823785424232, 0.04679625853896141, 0.006279120221734047, 0.05948777124285698, 0.09579715132713318, 0.07215943187475204, 0.028124067932367325, -0.04173325374722481, -0.03681907430291176, 0.0045864274725317955, -0.1234600841999054, -0.043584901839494705, -0.025210559368133545, 0.0739685520529747, -0.0059270719066262245, 0.13531582057476044, -0.10351164638996124, 0.0066426279954612255, -0.1608610451221466, 0.012252738699316978, -0.03155926614999771, -0.17224794626235962, 0.017214840278029442, -0.05329553410410881, 0.02572653442621231, 0.06005128473043442, 0.14023351669311523, 0.020877933129668236, 0.033071909099817276, -0.06551918387413025, -0.030833682045340538, 0.16885830461978912, -0.07267756760120392, 0.19048261642456055, 0.14233116805553436, -0.03098558448255062, 0.0066933101043105125, 0.10897548496723175, 0.11230968683958054, -0.03882385790348053, 0.07878486812114716, -0.1742834895849228, -0.05549275130033493, 0.10840937495231628, -0.009658304043114185, 0.06575839221477509, -0.03443750739097595, -0.11899098753929138, -0.13200145959854126, 0.017255540937185287, 0.00015450161299668252, 0.0027125722263008356, 0.09812608361244202, -0.006640493869781494, -0.02300325408577919, -0.11508699506521225, -0.01472295168787241, -0.10523870587348938, -0.07833759486675262, -0.12749338150024414, -0.2595160901546478, 0.04638470336794853, -0.08223071694374084, -0.04998870939016342, -0.015228403732180595, 0.024783827364444733, -0.04791710898280144, 0.17154011130332947, -0.05266045406460762, -0.031423140317201614, 0.047918833792209625, -0.05907592922449112, -0.044541243463754654, 0.006178501062095165, -0.04398935288190842, -0.13906222581863403, -0.0532219260931015, -0.013117763213813305, -0.0017294293502345681, -0.08970946818590164, 0.0009551732800900936, 0.037845443934202194, -0.021977705880999565, -0.050134722143411636, 0.013769359327852726, 0.008309876546263695, -0.003223354695364833, 0.00405945535749197, -0.11260472238063812, 0.006764332298189402, 0.11882953345775604, -0.014535262249410152, -0.1705140918493271, -0.03776286914944649, 0.2034720927476883, -0.03221868723630905, 0.04116776958107948, -0.02041107416152954, 0.009148652665317059, -0.0696568563580513, 0.32796281576156616, 0.18287742137908936, -0.07836182415485382, -0.020303459838032722, 0.04158056899905205, 0.0020425720140337944, 0.005182517692446709, 0.16312481462955475, 0.07716211676597595, 0.17044058442115784, -0.08021993190050125, -0.14777347445487976, -0.023282721638679504, -0.00845162570476532, -0.10577858239412308, -0.028045088052749634, 0.08685202151536942, 0.027610167860984802, -0.11777652055025101, 0.025275319814682007, -0.03221217542886734, 0.19828875362873077, -0.06250110268592834, -0.013057076372206211, -0.025237368419766426, 0.013273914344608784, 0.05488598719239235, -0.06472883373498917, 0.06881588697433472, -0.027925830334424973, 0.09580971300601959, -0.09751593321561813, -0.04279516637325287, -0.23357068002223969, 0.01397610642015934, 0.12100515514612198, -0.025250134989619255, 0.17850013077259064, -0.05920033156871796, 0.06951401382684708, 0.0986567959189415, -0.04122770205140114, -0.0644383355975151, 0.17081855237483978, -0.022264838218688965, -0.07971785962581635, 0.004924147855490446, 0.03729446232318878, 0.045071423053741455, -0.1359667032957077, 0.0620279461145401, 0.000798840424977243, 0.05176113545894623, 0.10168912261724472, 0.0839584469795227, -0.08291718363761902, 0.10960651189088821, -0.06829281151294708, 0.11116344481706619, 0.06276819854974747, -0.027571765705943108, 0.004857530351728201, -0.05984652414917946, 0.024045772850513458, -0.012110070325434208, 0.07156398892402649, -0.0850176066160202, -0.05712537467479706, -0.16628481447696686, -0.01535667572170496, -0.08516346663236618, -0.31711575388908386, -0.08572783321142197, -0.17354463040828705, -0.048042695969343185, -0.033065780997276306, 0.037964656949043274, -0.0017777412431314588, 0.02776864729821682, 0.05854146182537079, 0.09180334210395813, -0.06422959268093109, 0.06787874549627304, -0.15353833138942719, -0.046657171100378036 ]
null
null
transformers
# GPT-Neo 2.7B - Janeway ## Model Description GPT-Neo 2.7B-Janeway is a finetune created using EleutherAI's GPT-Neo 2.7B model. ## Training data The training data contains around 2210 ebooks, mostly in the sci-fi and fantasy genres. The dataset is based on the same dataset used by GPT-Neo-2.7B-Picard, with 20% more data in various genres. Some parts of the dataset have been prepended using the following text: `[Genre: <genre1>,<genre2>]` ### How to use You can use this model directly with a pipeline for text generation. This example generates a different sequence each time it's run: ```py >>> from transformers import pipeline >>> generator = pipeline('text-generation', model='KoboldAI/GPT-Neo-2.7B-Janeway') >>> generator("Welcome Captain Janeway, I apologize for the delay.", do_sample=True, min_length=50) [{'generated_text': 'Welcome Captain Janeway, I apologize for the delay."\nIt's all right," Janeway said. "I'm certain that you're doing your best to keep me informed of what\'s going on."'}] ``` ### Limitations and Biases GPT-Neo was trained as an autoregressive language model. This means that its core functionality is taking a string of text and predicting the next token. While language models are widely used for tasks other than this, there are a lot of unknowns with this work. GPT-Neo was trained on the Pile, a dataset known to contain profanity, lewd, and otherwise abrasive language. Depending on your usecase GPT-Neo may produce socially unacceptable text. See Sections 5 and 6 of the Pile paper for a more detailed analysis of the biases in the Pile. As with all language models, it is hard to predict in advance how GPT-Neo will respond to particular prompts and offensive content may occur without warning. We recommend having a human curate or filter the outputs before releasing them, both to censor undesirable content and to improve the quality of the results. ### BibTeX entry and citation info The model is made using the following software: ```bibtex @software{gpt-neo, author = {Black, Sid and Leo, Gao and Wang, Phil and Leahy, Connor and Biderman, Stella}, title = {{GPT-Neo: Large Scale Autoregressive Language Modeling with Mesh-Tensorflow}}, month = mar, year = 2021, note = {{If you use this software, please cite it using these metadata.}}, publisher = {Zenodo}, version = {1.0}, doi = {10.5281/zenodo.5297715}, url = {https://doi.org/10.5281/zenodo.5297715} } ```
{"language": "en", "license": "mit"}
text-generation
KoboldAI/GPT-Neo-2.7B-Janeway
[ "transformers", "pytorch", "gpt_neo", "text-generation", "en", "license:mit", "autotrain_compatible", "endpoints_compatible", "has_space", "region:us" ]
2022-03-02T23:29:04+00:00
[]
[ "en" ]
TAGS #transformers #pytorch #gpt_neo #text-generation #en #license-mit #autotrain_compatible #endpoints_compatible #has_space #region-us
# GPT-Neo 2.7B - Janeway ## Model Description GPT-Neo 2.7B-Janeway is a finetune created using EleutherAI's GPT-Neo 2.7B model. ## Training data The training data contains around 2210 ebooks, mostly in the sci-fi and fantasy genres. The dataset is based on the same dataset used by GPT-Neo-2.7B-Picard, with 20% more data in various genres. Some parts of the dataset have been prepended using the following text: '[Genre: <genre1>,<genre2>]' ### How to use You can use this model directly with a pipeline for text generation. This example generates a different sequence each time it's run: ### Limitations and Biases GPT-Neo was trained as an autoregressive language model. This means that its core functionality is taking a string of text and predicting the next token. While language models are widely used for tasks other than this, there are a lot of unknowns with this work. GPT-Neo was trained on the Pile, a dataset known to contain profanity, lewd, and otherwise abrasive language. Depending on your usecase GPT-Neo may produce socially unacceptable text. See Sections 5 and 6 of the Pile paper for a more detailed analysis of the biases in the Pile. As with all language models, it is hard to predict in advance how GPT-Neo will respond to particular prompts and offensive content may occur without warning. We recommend having a human curate or filter the outputs before releasing them, both to censor undesirable content and to improve the quality of the results. ### BibTeX entry and citation info The model is made using the following software:
[ "# GPT-Neo 2.7B - Janeway", "## Model Description\r\nGPT-Neo 2.7B-Janeway is a finetune created using EleutherAI's GPT-Neo 2.7B model.", "## Training data\r\nThe training data contains around 2210 ebooks, mostly in the sci-fi and fantasy genres. The dataset is based on the same dataset used by GPT-Neo-2.7B-Picard, with 20% more data in various genres.\r\nSome parts of the dataset have been prepended using the following text: '[Genre: <genre1>,<genre2>]'", "### How to use\r\nYou can use this model directly with a pipeline for text generation. This example generates a different sequence each time it's run:", "### Limitations and Biases\r\nGPT-Neo was trained as an autoregressive language model. This means that its core functionality is taking a string of text and predicting the next token. While language models are widely used for tasks other than this, there are a lot of unknowns with this work.\r\nGPT-Neo was trained on the Pile, a dataset known to contain profanity, lewd, and otherwise abrasive language. Depending on your usecase GPT-Neo may produce socially unacceptable text. See Sections 5 and 6 of the Pile paper for a more detailed analysis of the biases in the Pile.\r\nAs with all language models, it is hard to predict in advance how GPT-Neo will respond to particular prompts and offensive content may occur without warning. We recommend having a human curate or filter the outputs before releasing them, both to censor undesirable content and to improve the quality of the results.", "### BibTeX entry and citation info\r\nThe model is made using the following software:" ]
[ "TAGS\n#transformers #pytorch #gpt_neo #text-generation #en #license-mit #autotrain_compatible #endpoints_compatible #has_space #region-us \n", "# GPT-Neo 2.7B - Janeway", "## Model Description\r\nGPT-Neo 2.7B-Janeway is a finetune created using EleutherAI's GPT-Neo 2.7B model.", "## Training data\r\nThe training data contains around 2210 ebooks, mostly in the sci-fi and fantasy genres. The dataset is based on the same dataset used by GPT-Neo-2.7B-Picard, with 20% more data in various genres.\r\nSome parts of the dataset have been prepended using the following text: '[Genre: <genre1>,<genre2>]'", "### How to use\r\nYou can use this model directly with a pipeline for text generation. This example generates a different sequence each time it's run:", "### Limitations and Biases\r\nGPT-Neo was trained as an autoregressive language model. This means that its core functionality is taking a string of text and predicting the next token. While language models are widely used for tasks other than this, there are a lot of unknowns with this work.\r\nGPT-Neo was trained on the Pile, a dataset known to contain profanity, lewd, and otherwise abrasive language. Depending on your usecase GPT-Neo may produce socially unacceptable text. See Sections 5 and 6 of the Pile paper for a more detailed analysis of the biases in the Pile.\r\nAs with all language models, it is hard to predict in advance how GPT-Neo will respond to particular prompts and offensive content may occur without warning. We recommend having a human curate or filter the outputs before releasing them, both to censor undesirable content and to improve the quality of the results.", "### BibTeX entry and citation info\r\nThe model is made using the following software:" ]
[ 50, 12, 37, 93, 35, 220, 20 ]
[ "passage: TAGS\n#transformers #pytorch #gpt_neo #text-generation #en #license-mit #autotrain_compatible #endpoints_compatible #has_space #region-us \n# GPT-Neo 2.7B - Janeway## Model Description\r\nGPT-Neo 2.7B-Janeway is a finetune created using EleutherAI's GPT-Neo 2.7B model.## Training data\r\nThe training data contains around 2210 ebooks, mostly in the sci-fi and fantasy genres. The dataset is based on the same dataset used by GPT-Neo-2.7B-Picard, with 20% more data in various genres.\r\nSome parts of the dataset have been prepended using the following text: '[Genre: <genre1>,<genre2>]'### How to use\r\nYou can use this model directly with a pipeline for text generation. This example generates a different sequence each time it's run:### Limitations and Biases\r\nGPT-Neo was trained as an autoregressive language model. This means that its core functionality is taking a string of text and predicting the next token. While language models are widely used for tasks other than this, there are a lot of unknowns with this work.\r\nGPT-Neo was trained on the Pile, a dataset known to contain profanity, lewd, and otherwise abrasive language. Depending on your usecase GPT-Neo may produce socially unacceptable text. See Sections 5 and 6 of the Pile paper for a more detailed analysis of the biases in the Pile.\r\nAs with all language models, it is hard to predict in advance how GPT-Neo will respond to particular prompts and offensive content may occur without warning. We recommend having a human curate or filter the outputs before releasing them, both to censor undesirable content and to improve the quality of the results.### BibTeX entry and citation info\r\nThe model is made using the following software:" ]
[ -0.046939071267843246, 0.1325753927230835, -0.003006446873769164, 0.09994185715913773, 0.08955249190330505, 0.0072333551943302155, 0.04304208979010582, 0.07118362933397293, 0.004530034027993679, 0.09214058518409729, 0.02723551355302334, -0.007540975697338581, 0.051460735499858856, 0.13699562847614288, 0.09170825034379959, -0.2230452448129654, 0.056802473962306976, -0.10287154465913773, 0.12655287981033325, 0.04939723759889603, 0.04283967614173889, -0.06003702059388161, 0.03721646964550018, 0.013535684905946255, -0.04332660138607025, -0.04069986566901207, -0.03827489912509918, -0.06047865003347397, 0.08261770755052567, 0.07289839535951614, 0.016368908807635307, 0.00015246792463585734, 0.03993536904454231, -0.07291974127292633, 0.008404833264648914, 0.08703593909740448, 0.02203146368265152, 0.021458784118294716, 0.13283905386924744, 0.02497568354010582, 0.14374575018882751, -0.00745397200807929, 0.042122118175029755, 0.03187599033117294, -0.11828869581222534, -0.17068569362163544, -0.09794999659061432, 0.03208434581756592, -0.03567490354180336, 0.07664389163255692, -0.029321223497390747, 0.1152837723493576, -0.06914827227592468, 0.027419842779636383, 0.17438538372516632, -0.17896001040935516, -0.012099413201212883, 0.02206178940832615, 0.01640499010682106, 0.07352817803621292, -0.04353752359747887, -0.02196570858359337, -0.0032250734511762857, 0.052449796348810196, 0.04231887683272362, -0.0069160666316747665, -0.06355584412813187, -0.05932726711034775, -0.15324713289737701, -0.025043942034244537, 0.10482006520032883, -0.03105131722986698, -0.07271420210599899, -0.14287635684013367, -0.03700605779886246, 0.052053093910217285, 0.02594107761979103, -0.003561986144632101, -0.004584736656397581, 0.007365850731730461, 0.0950864776968956, -0.053470879793167114, -0.08866475522518158, -0.039725255221128464, -0.056517913937568665, 0.1656198352575302, 0.02980434149503708, 0.05433489382266998, -0.001112045138143003, 0.11192284524440765, -0.09874023497104645, -0.049587082117795944, -0.09947869181632996, -0.07582078129053116, -0.10760444402694702, -0.018667882308363914, -0.04071718081831932, -0.03713583946228027, 0.014255811460316181, 0.1576313078403473, -0.007319938391447067, 0.028941765427589417, -0.024782933294773102, -0.00309369177557528, 0.07494505494832993, 0.08907490223646164, -0.0515272356569767, -0.03968701511621475, 0.06304778903722763, -0.014544801786541939, 0.026068435981869698, -0.07242482155561447, -0.026670316234230995, -0.05229726806282997, 0.005961961578577757, 0.0705452486872673, 0.04499137029051781, 0.07093299925327301, -0.050956208258867264, -0.050201065838336945, 0.16178224980831146, -0.12044113129377365, -0.013264943845570087, 0.016294248402118683, -0.07574975490570068, -0.004918526392430067, 0.04385506734251976, -0.05801411345601082, -0.09255796670913696, -0.0031607516575604677, -0.06932792067527771, -0.06830798834562302, -0.06229088827967644, -0.060821887105703354, 0.02516970969736576, 0.023684164509177208, -0.06299138069152832, -0.0985686257481575, -0.21606142818927765, -0.058442145586013794, 0.0005290677072480321, -0.03625091165304184, -0.0008592414087615907, -0.025321288034319878, -0.020139889791607857, -0.006289640441536903, -0.015368049964308739, 0.016269827261567116, -0.04549604654312134, 0.02369796298444271, -0.026524847373366356, 0.07501418888568878, 0.03819119185209274, 0.010589591227471828, -0.13564567267894745, 0.015408427454531193, -0.14755047857761383, 0.1385469138622284, -0.08065060526132584, -0.07438002526760101, -0.031148534268140793, -0.01520426757633686, -0.030024439096450806, 0.016071056947112083, -0.014902726747095585, 0.11990165710449219, -0.15154318511486053, -0.044637396931648254, 0.2106795310974121, -0.12814584374427795, -0.005438265390694141, 0.14927566051483154, -0.025803234428167343, 0.04074062407016754, 0.1061796247959137, 0.13654759526252747, 0.11612650752067566, -0.012625530362129211, -0.0669313296675682, -0.00020845291146542877, -0.05133191868662834, 0.10615022480487823, 0.05020721256732941, -0.027750758454203606, 0.028366150334477425, 0.05769284814596176, -0.045078814029693604, 0.006327077746391296, 0.0008022863767109811, -0.021416859701275826, -0.012847768142819405, -0.018932051956653595, 0.06462504714727402, -0.05190344527363777, -0.017103126272559166, -0.00012757422518916428, -0.11083139479160309, -0.031170707195997238, 0.12748278677463531, -0.06545758992433548, 0.01045791245996952, -0.07425609230995178, 0.08703847974538803, 0.004202455747872591, 0.019201096147298813, -0.1861126571893692, -0.12177111953496933, 0.09395212680101395, -0.156229168176651, 0.09859183430671692, 0.041951023042201996, 0.0026732999831438065, 0.09584707766771317, 0.0022476559970527887, 0.018989022821187973, -0.013684618286788464, -0.04617543891072273, -0.02178341895341873, -0.0790310949087143, -0.019932981580495834, -0.039257925003767014, 0.05457684397697449, -0.14544281363487244, -0.007663989905267954, 0.034103065729141235, 0.060139309614896774, 0.01009873766452074, -0.0733940601348877, 0.02163773775100708, 0.01089438982307911, -0.028326470404863358, -0.08484513312578201, -0.013375860638916492, 0.027786344289779663, -0.06271174550056458, 0.04332146421074867, -0.20438377559185028, -0.1317780613899231, 0.05125977471470833, 0.09243793040513992, -0.08408091217279434, 0.026465756818652153, -0.01110458467155695, -0.05137911066412926, -0.08605141937732697, -0.01241951435804367, 0.22660690546035767, 0.03247188776731491, 0.06572145968675613, -0.08706255257129669, -0.013426920399069786, 0.004813455045223236, -0.007404764648526907, 0.02076074667274952, 0.052899498492479324, 0.023708868771791458, -0.17279072105884552, 0.05773824080824852, -0.06313097476959229, -0.016393739730119705, 0.1526557207107544, 0.03894839063286781, -0.0744626596570015, -0.028736598789691925, 0.030148230493068695, 0.02909226529300213, -0.019892076030373573, -0.02473790943622589, -0.004041276406496763, 0.04447190836071968, 0.038183968514204025, 0.040927089750766754, -0.07386699318885803, 0.024317065253853798, -0.002541177673265338, -0.031645987182855606, 0.05308100953698158, 0.02541591227054596, -0.016038373112678528, 0.07427427917718887, 0.05599622428417206, 0.059378482401371, 0.03152041509747505, -0.022761471569538116, -0.0915549024939537, 0.16796362400054932, -0.09047970920801163, -0.2522912621498108, -0.13734720647335052, 0.04145028814673424, -0.09128164499998093, 0.035574838519096375, 0.023488888517022133, -0.021463576704263687, -0.05417009815573692, -0.0828348770737648, 0.0962388813495636, -0.014388860203325748, -0.03723243623971939, -0.0694844052195549, -0.019348856061697006, -0.014893397688865662, -0.1097327396273613, -0.0021455760579556227, 0.03357876092195511, -0.12691912055015564, 0.02530623786151409, 0.010155588388442993, 0.06306342035531998, 0.1058511808514595, 0.034242093563079834, -0.05314577743411064, -0.003926473204046488, 0.19881896674633026, -0.08488219231367111, 0.05176635831594467, 0.14189758896827698, -0.022005105391144753, 0.07186289876699448, 0.014527901075780392, 0.020684657618403435, -0.08182734996080399, 0.03648383542895317, 0.03518250584602356, -0.05763506889343262, -0.19678130745887756, -0.06628251075744629, -0.04587508365511894, 0.022697104141116142, 0.0596325658261776, 0.047752704471349716, 0.05989089235663414, 0.017144475132226944, -0.10708492994308472, 0.07208804041147232, 0.01907004974782467, 0.07052923738956451, 0.09403342753648758, 0.007346274796873331, 0.047489944845438004, -0.058863405138254166, 0.024802232161164284, 0.1316833645105362, -0.0038680483121424913, 0.25134560465812683, -0.06658152490854263, 0.2050168663263321, 0.03992176055908203, 0.06461967527866364, 0.05076615512371063, 0.012934786267578602, 0.018346527591347694, 0.01569516398012638, -0.01931653916835785, -0.07522089779376984, -0.05899946764111519, 0.07578587532043457, 0.0005298766773194075, -0.05965869128704071, -0.004828296601772308, -0.04533332586288452, 0.018358783796429634, 0.11557173728942871, -0.02786167711019516, -0.18661463260650635, -0.07832183688879013, 0.014190148562192917, -0.019596736878156662, -0.09330039471387863, 0.02079467847943306, 0.11344865709543228, -0.11860424280166626, 0.07090052217245102, -0.015905380249023438, 0.044948335736989975, -0.17609190940856934, 0.0007531495648436248, -0.03694545850157738, 0.10642006993293762, -0.007634500972926617, 0.11506128311157227, -0.07244952023029327, 0.028682686388492584, 0.00694993557408452, 0.0816960483789444, -0.1240878477692604, 0.01571432687342167, 0.028080757707357407, 0.0019233323400840163, 0.11571746319532394, -0.0050888266414403915, -0.06668099761009216, -0.04562610760331154, -0.0626080185174942, -0.0034397593699395657, 0.05398663505911827, -0.06099148467183113, 0.07172596454620361, -0.015298890881240368, 0.033645257353782654, -0.022747552022337914, 0.010990282520651817, -0.099431611597538, -0.18337216973304749, 0.08679120987653732, -0.01616368256509304, -0.02561851218342781, -0.05670035630464554, -0.039674311876297, -0.008399552665650845, 0.17315976321697235, -0.06845003366470337, -0.08505713939666748, -0.09186802059412003, -0.004948527552187443, 0.15486475825309753, -0.07632014155387878, 0.02844635397195816, -0.010054245591163635, 0.14892899990081787, -0.02687789313495159, -0.11522278189659119, 0.02494673803448677, -0.04143408685922623, -0.18241116404533386, -0.042219121009111404, 0.015643365681171417, 0.1462825983762741, 0.0291044469922781, -0.029647033661603928, 0.04878310486674309, 0.006898983847349882, -0.10984749346971512, -0.023551221936941147, 0.18228943645954132, -0.0033923834562301636, 0.03001312166452408, 0.0003706245915964246, 0.006388755515217781, -0.05609235540032387, -0.05943021550774574, 0.04469987750053406, 0.2208860069513321, -0.06781706213951111, 0.13267096877098083, 0.16537348926067352, -0.0879775658249855, -0.21486566960811615, -0.03278414160013199, 0.07182133197784424, 0.020322781056165695, 0.022575929760932922, -0.24398599565029144, 0.05978810787200928, 0.1258692443370819, -0.026848383247852325, 0.10559762269258499, -0.29368987679481506, -0.10200842469930649, 0.014132946729660034, -0.00552893802523613, 0.044670090079307556, -0.08754285424947739, -0.028677992522716522, -0.014428617432713509, 0.08894507586956024, 0.14319652318954468, -0.022019285708665848, 0.1251443773508072, -0.023733211681246758, 0.04993186146020889, 0.04439388960599899, -0.03303831070661545, 0.12192239612340927, -0.031631115823984146, 0.06860853731632233, -0.0980021059513092, 0.06799228489398956, 0.07856811583042145, -0.05444568023085594, 0.09533289819955826, 0.04626600816845894, 0.05440622568130493, 0.027332326397299767, -0.0968753919005394, -0.0914074033498764, 0.09693057835102081, -0.020673638209700584, -0.04625344276428223, -0.07914126664400101, 0.08109945803880692, 0.017416957765817642, 0.0012553953565657139, -0.02336295135319233, -0.03870375454425812, 0.02208983525633812, 0.0873011127114296, 0.09115386009216309, 0.06121083348989487, -0.09618466347455978, -0.024426639080047607, -0.004909923300147057, 0.0682331770658493, -0.0679100826382637, -0.012851638719439507, 0.08228331059217453, 0.027115756645798683, 0.07249568402767181, 0.03195129334926605, -0.1942439079284668, 0.029730327427387238, 0.03451056405901909, -0.12359347939491272, -0.17951685190200806, -0.026989316567778587, 0.014282324351370335, -0.08314890414476395, -0.02737087570130825, 0.10978153347969055, -0.03888440877199173, -0.02298804745078087, -0.020687611773610115, 0.026310810819268227, 0.012960654683411121, 0.10687867552042007, 0.0034910887479782104, 0.0023091468028724194, -0.07105027884244919, 0.11525527387857437, 0.13024047017097473, -0.03786854445934296, 0.02806377038359642, 0.13139384984970093, -0.09985184669494629, -0.07967238873243332, -0.06525534391403198, 0.05494939908385277, -0.04104289785027504, -0.04282042756676674, 0.03722361475229263, 0.005397862754762173, 0.050632111728191376, 0.09847666323184967, -0.0049905371852219105, 0.0931410938501358, -0.034447286278009415, 0.02767866477370262, -0.030870726332068443, 0.04139871522784233, -0.015843117609620094, 0.03191192075610161, -0.08449184149503708, 0.08587881922721863, 0.03908111900091171, -0.0262515377253294, -0.025335676968097687, -0.06194322183728218, -0.07253612577915192, -0.017916081473231316, -0.10468477010726929, 0.028917701914906502, -0.04018259420990944, 0.023022593930363655, -0.01856720633804798, 0.03755532577633858, 0.03309346362948418, 0.038362767547369, -0.03422265499830246, -0.046399615705013275, -0.05542154982686043, 0.0784863829612732, -0.10104580968618393, -0.01249985583126545, 0.03077700361609459, -0.07087100297212601, 0.11878691613674164, 0.036855533719062805, -0.01875070482492447, 0.02564867213368416, -0.031092049553990364, 0.04768208786845207, -0.01998491957783699, 0.07387922704219818, -0.023624392226338387, -0.043040432035923004, -0.014101472683250904, -0.03207974135875702, -0.008277404122054577, -0.011817085556685925, 0.02649061381816864, -0.12991921603679657, 0.03636207804083824, 0.06002044677734375, -0.04028334468603134, -0.08111108839511871, 0.04974609613418579, 0.08401075005531311, 0.03798510134220123, 0.064517080783844, -0.03937499225139618, 0.03328297287225723, -0.10016607493162155, -0.0350140742957592, 0.0174355898052454, -0.008111183531582355, 0.03782467171549797, -0.006946776062250137, 0.06239206716418266, 0.021802673116326332, 0.15986035764217377, -0.040535520762205124, 0.003356148023158312, -0.017876945436000824, 0.013041652739048004, -0.03815458342432976, 0.01997591368854046, 0.034290388226509094, 0.04013754427433014, -0.03003244288265705, 0.014460699632763863, 0.02668999694287777, -0.03259750455617905, 0.03118601068854332, 0.12187410145998001, -0.005278322380036116, 0.07126731425523758, -0.008515206165611744, 0.03014318272471428, -0.1026410236954689, -0.11770076304674149, 0.0018846298335120082, -0.02370697632431984, 0.0698821023106575, -0.058994658291339874, 0.007168821524828672, 0.08911143988370895, -0.04428936541080475, 0.099178247153759, -0.009517366997897625, -0.0751018300652504, -0.07828109711408615, -0.2663538455963135, -0.028316060081124306, 0.01046605035662651, -0.006455254275351763, -0.10704593360424042, 0.08898000419139862, 0.08644942939281464, 0.0275981817394495, -0.05526471883058548, 0.11021845042705536, -0.04887498542666435, -0.11104701459407806, 0.003024047939106822, -0.014430670067667961, -0.011362394317984581, 0.02716965787112713, -0.002104338724166155, 0.05554157868027687, 0.07009212672710419, 0.05724380910396576, 0.0720660388469696, 0.04309029132127762, 0.043282438069581985, -0.05080416798591614, -0.03458843752741814, -0.0006311254110187292, 0.0028253584168851376, -0.011748763732612133, 0.13262583315372467, 0.037224821746349335, -0.08189992606639862, 0.015548253431916237, 0.1881130486726761, -0.021477719768881798, -0.05846896395087242, -0.08509068936109543, 0.201369047164917, -0.02986971288919449, 0.0041975839994847775, -0.0048399376682937145, -0.100430928170681, -0.010457517579197884, 0.1583801656961441, 0.09966254979372025, 0.02532491646707058, -0.012521201744675636, 0.028819561004638672, -0.017539991065859795, -0.04277472943067551, 0.12079966068267822, -0.026538517326116562, 0.28456199169158936, -0.03256656229496002, 0.10114967077970505, -0.003446050686761737, 0.029512524604797363, -0.08905910700559616, 0.09879771620035172, -0.08689036220312119, 0.05807254835963249, -0.09281574189662933, 0.010826362296938896, -0.12006402760744095, -0.19783982634544373, -0.01713551953434944, -0.025716692209243774, -0.12338128685951233, -0.004520126152783632, -0.05409665033221245, -0.025304729118943214, 0.09219562262296677, 0.015644323080778122, 0.014360951259732246, 0.09287922829389572, -0.018116192892193794, -0.08877323567867279, -0.054773151874542236, 0.03508355841040611, 0.038724444806575775, 0.21155256032943726, 0.016924139112234116, 0.10101085901260376, 0.07776244729757309, 0.018948478624224663, -0.1570294052362442, 0.039042726159095764, -0.0017806339310482144, -0.011060817167162895, 0.05332546308636665, 0.12362322211265564, -0.018665699288249016, 0.07235973328351974, 0.05717313289642334, -0.022701889276504517, 0.0353926457464695, 0.07263150811195374, 0.04784955084323883, -0.10227154940366745, 0.036403801292181015, -0.08538592606782913, 0.16160964965820312, 0.09233953058719635, -0.017422329634428024, -0.0421157144010067, -0.043221261352300644, 0.016527319326996803, 0.005527365021407604, 0.10187727212905884, -0.020480172708630562, -0.15961581468582153, 0.011389235034584999, -0.018247906118631363, 0.08086296916007996, -0.1803027242422104, -0.03253365308046341, 0.04357835650444031, -0.02245482988655567, 0.016885749995708466, 0.0638696476817131, -0.022673722356557846, 0.00509913545101881, -0.046216584742069244, -0.09754771739244461, -0.01614522561430931, 0.04061339423060417, -0.10355135053396225, -0.08792775124311447 ]
null
null
transformers
# GPT-Neo 2.7B - Picard ## Model Description GPT-Neo 2.7B-Picard is a finetune created using EleutherAI's GPT-Neo 2.7B model. ## Training data The training data contains around 1800 ebooks, mostly in the sci-fi and fantasy genres. ### How to use You can use this model directly with a pipeline for text generation. This example generates a different sequence each time it's run: ```py >>> from transformers import pipeline >>> generator = pipeline('text-generation', model='mrseeker87/GPT-Neo-2.7B-Picard') >>> generator("Jean-Luc Picard", do_sample=True, min_length=50) [{'generated_text': 'Jean-Luc Picard, the captain of a Federation starship in command of one of Starfleet's few fulltime scientists.'}] ``` ### Limitations and Biases GPT-Neo was trained as an autoregressive language model. This means that its core functionality is taking a string of text and predicting the next token. While language models are widely used for tasks other than this, there are a lot of unknowns with this work. GPT-Neo was trained on the Pile, a dataset known to contain profanity, lewd, and otherwise abrasive language. Depending on your usecase GPT-Neo may produce socially unacceptable text. See Sections 5 and 6 of the Pile paper for a more detailed analysis of the biases in the Pile. As with all language models, it is hard to predict in advance how GPT-Neo will respond to particular prompts and offensive content may occur without warning. We recommend having a human curate or filter the outputs before releasing them, both to censor undesirable content and to improve the quality of the results. ### BibTeX entry and citation info The model is made using the following software: ```bibtex @software{gpt-neo, author = {Black, Sid and Leo, Gao and Wang, Phil and Leahy, Connor and Biderman, Stella}, title = {{GPT-Neo: Large Scale Autoregressive Language Modeling with Mesh-Tensorflow}}, month = mar, year = 2021, note = {{If you use this software, please cite it using these metadata.}}, publisher = {Zenodo}, version = {1.0}, doi = {10.5281/zenodo.5297715}, url = {https://doi.org/10.5281/zenodo.5297715} } ```
{"language": "en", "license": "mit"}
text-generation
KoboldAI/GPT-Neo-2.7B-Picard
[ "transformers", "pytorch", "safetensors", "gpt_neo", "text-generation", "en", "license:mit", "autotrain_compatible", "endpoints_compatible", "has_space", "region:us" ]
2022-03-02T23:29:04+00:00
[]
[ "en" ]
TAGS #transformers #pytorch #safetensors #gpt_neo #text-generation #en #license-mit #autotrain_compatible #endpoints_compatible #has_space #region-us
# GPT-Neo 2.7B - Picard ## Model Description GPT-Neo 2.7B-Picard is a finetune created using EleutherAI's GPT-Neo 2.7B model. ## Training data The training data contains around 1800 ebooks, mostly in the sci-fi and fantasy genres. ### How to use You can use this model directly with a pipeline for text generation. This example generates a different sequence each time it's run: ### Limitations and Biases GPT-Neo was trained as an autoregressive language model. This means that its core functionality is taking a string of text and predicting the next token. While language models are widely used for tasks other than this, there are a lot of unknowns with this work. GPT-Neo was trained on the Pile, a dataset known to contain profanity, lewd, and otherwise abrasive language. Depending on your usecase GPT-Neo may produce socially unacceptable text. See Sections 5 and 6 of the Pile paper for a more detailed analysis of the biases in the Pile. As with all language models, it is hard to predict in advance how GPT-Neo will respond to particular prompts and offensive content may occur without warning. We recommend having a human curate or filter the outputs before releasing them, both to censor undesirable content and to improve the quality of the results. ### BibTeX entry and citation info The model is made using the following software:
[ "# GPT-Neo 2.7B - Picard", "## Model Description\nGPT-Neo 2.7B-Picard is a finetune created using EleutherAI's GPT-Neo 2.7B model.", "## Training data\nThe training data contains around 1800 ebooks, mostly in the sci-fi and fantasy genres.", "### How to use\nYou can use this model directly with a pipeline for text generation. This example generates a different sequence each time it's run:", "### Limitations and Biases\nGPT-Neo was trained as an autoregressive language model. This means that its core functionality is taking a string of text and predicting the next token. While language models are widely used for tasks other than this, there are a lot of unknowns with this work.\nGPT-Neo was trained on the Pile, a dataset known to contain profanity, lewd, and otherwise abrasive language. Depending on your usecase GPT-Neo may produce socially unacceptable text. See Sections 5 and 6 of the Pile paper for a more detailed analysis of the biases in the Pile.\nAs with all language models, it is hard to predict in advance how GPT-Neo will respond to particular prompts and offensive content may occur without warning. We recommend having a human curate or filter the outputs before releasing them, both to censor undesirable content and to improve the quality of the results.", "### BibTeX entry and citation info\nThe model is made using the following software:" ]
[ "TAGS\n#transformers #pytorch #safetensors #gpt_neo #text-generation #en #license-mit #autotrain_compatible #endpoints_compatible #has_space #region-us \n", "# GPT-Neo 2.7B - Picard", "## Model Description\nGPT-Neo 2.7B-Picard is a finetune created using EleutherAI's GPT-Neo 2.7B model.", "## Training data\nThe training data contains around 1800 ebooks, mostly in the sci-fi and fantasy genres.", "### How to use\nYou can use this model directly with a pipeline for text generation. This example generates a different sequence each time it's run:", "### Limitations and Biases\nGPT-Neo was trained as an autoregressive language model. This means that its core functionality is taking a string of text and predicting the next token. While language models are widely used for tasks other than this, there are a lot of unknowns with this work.\nGPT-Neo was trained on the Pile, a dataset known to contain profanity, lewd, and otherwise abrasive language. Depending on your usecase GPT-Neo may produce socially unacceptable text. See Sections 5 and 6 of the Pile paper for a more detailed analysis of the biases in the Pile.\nAs with all language models, it is hard to predict in advance how GPT-Neo will respond to particular prompts and offensive content may occur without warning. We recommend having a human curate or filter the outputs before releasing them, both to censor undesirable content and to improve the quality of the results.", "### BibTeX entry and citation info\nThe model is made using the following software:" ]
[ 55, 12, 36, 24, 35, 220, 20 ]
[ "passage: TAGS\n#transformers #pytorch #safetensors #gpt_neo #text-generation #en #license-mit #autotrain_compatible #endpoints_compatible #has_space #region-us \n# GPT-Neo 2.7B - Picard## Model Description\nGPT-Neo 2.7B-Picard is a finetune created using EleutherAI's GPT-Neo 2.7B model.## Training data\nThe training data contains around 1800 ebooks, mostly in the sci-fi and fantasy genres.### How to use\nYou can use this model directly with a pipeline for text generation. This example generates a different sequence each time it's run:### Limitations and Biases\nGPT-Neo was trained as an autoregressive language model. This means that its core functionality is taking a string of text and predicting the next token. While language models are widely used for tasks other than this, there are a lot of unknowns with this work.\nGPT-Neo was trained on the Pile, a dataset known to contain profanity, lewd, and otherwise abrasive language. Depending on your usecase GPT-Neo may produce socially unacceptable text. See Sections 5 and 6 of the Pile paper for a more detailed analysis of the biases in the Pile.\nAs with all language models, it is hard to predict in advance how GPT-Neo will respond to particular prompts and offensive content may occur without warning. We recommend having a human curate or filter the outputs before releasing them, both to censor undesirable content and to improve the quality of the results.### BibTeX entry and citation info\nThe model is made using the following software:" ]
[ -0.048684027045965195, 0.1486930400133133, -0.00269780564121902, 0.08020618557929993, 0.09822823107242584, 0.013365907594561577, 0.07444806396961212, 0.060433436185121536, 0.05201944336295128, 0.08517549932003021, 0.03634925186634064, 0.03412928059697151, 0.03882962465286255, 0.14719773828983307, 0.07118039578199387, -0.1482744663953781, 0.049699824303388596, -0.10482459515333176, 0.1537231206893921, 0.06348865479230881, 0.036296844482421875, -0.04765758663415909, 0.04987145587801933, 0.004279565066099167, -0.025597937405109406, -0.015244135633111, -0.019860995933413506, -0.06574183702468872, 0.07599350810050964, 0.0941530391573906, 0.037662722170352936, 0.04292096197605133, 0.026487896218895912, -0.03638896718621254, 0.0259114857763052, 0.09048902988433838, -0.007219367660582066, 0.014654641970992088, 0.11165343970060349, -0.013749662786722183, 0.12563160061836243, -0.020440980792045593, 0.04676451534032822, 0.040403030812740326, -0.13282933831214905, -0.17429350316524506, -0.08947782218456268, 0.0777638629078865, -0.01096566766500473, 0.06359097361564636, -0.039625100791454315, 0.20070905983448029, -0.08776436001062393, 0.037342801690101624, 0.16822807490825653, -0.12158676236867905, -0.024854086339473724, 0.05400256812572479, -0.020845117047429085, 0.1184539794921875, -0.02579427696764469, -0.008705093525350094, 0.03834667429327965, 0.05288781225681305, 0.013442263007164001, -0.0021384377032518387, -0.024102825671434402, -0.06013403832912445, -0.15877847373485565, -0.04642831161618233, 0.07690083235502243, -0.03189834952354431, -0.0868743509054184, -0.14939084649085999, -0.0065148998983204365, 0.09958282858133316, 0.05773439630866051, -0.010028156451880932, -0.0326666459441185, 0.01077187154442072, 0.13169045746326447, -0.03966354951262474, -0.09892681986093521, -0.037411514669656754, 0.00418138038367033, 0.12502171099185944, 0.01529628410935402, 0.03679075464606285, 0.033682405948638916, 0.11585954576730728, -0.07917571067810059, -0.02050509676337242, -0.03032587468624115, -0.10681141167879105, -0.07485347986221313, -0.007968634366989136, 0.0006800259579904377, -0.0409390963613987, 0.009060891345143318, 0.06762733310461044, 0.013373575173318386, 0.020962771028280258, -0.05065889656543732, 0.030536025762557983, 0.08319587260484695, 0.0246198158711195, -0.031967516988515854, 0.033502526581287384, 0.06784827262163162, 0.02458614483475685, 0.04014159366488457, -0.057619962841272354, -0.024997297674417496, -0.07531380653381348, 0.007174850907176733, 0.10129070281982422, 0.05390875041484833, 0.048566341400146484, -0.07849106192588806, -0.022969534620642662, 0.25145748257637024, -0.09010860323905945, -0.03521382436156273, 0.02420038729906082, -0.035766180604696274, -0.054445281624794006, 0.06727892905473709, -0.04309869557619095, -0.07106117159128189, 0.021616194397211075, -0.05578422546386719, -0.07492320239543915, -0.05301780626177788, -0.07318731397390366, 0.052100278437137604, -0.015130886808037758, -0.06530424952507019, -0.11410950124263763, -0.19409087300300598, -0.04157617688179016, -0.03360744193196297, -0.016555218026041985, -0.02024526335299015, 0.000952707719989121, 0.006167331710457802, -0.045725736767053604, -0.01881072297692299, -0.0054082609713077545, -0.0384618416428566, 0.043676551431417465, -0.031513288617134094, 0.048348501324653625, 0.01932559348642826, -0.020626038312911987, -0.12489708513021469, 0.028743484988808632, -0.2074357569217682, 0.10428391396999359, -0.1033957377076149, -0.06260480731725693, -0.03202994167804718, -0.022350674495100975, -0.0013568272115662694, 0.0370032824575901, -0.027651119977235794, 0.1509796679019928, -0.15236087143421173, -0.030830558389425278, 0.17263764142990112, -0.1782369762659073, -0.018503103405237198, 0.184562087059021, -0.016470955684781075, 0.04423699155449867, 0.11918395012617111, 0.13661333918571472, 0.0715675801038742, -0.03467420116066933, -0.10418123006820679, -0.010971813462674618, -0.08423556387424469, 0.11967726051807404, 0.048017945140600204, -0.012346099130809307, -0.0062262373976409435, 0.037785667926073074, -0.034245386719703674, 0.021967358887195587, 0.002837952459231019, -0.03468483313918114, -0.025347180664539337, -0.025427931919693947, 0.11170262098312378, -0.022719046100974083, -0.04795721545815468, -0.026535548269748688, -0.12672920525074005, -0.12805794179439545, 0.09633170813322067, -0.05175409093499184, -0.013414724729955196, -0.03701614961028099, 0.10086002945899963, -0.03336509317159653, -0.004261435475200415, -0.1731092780828476, -0.13026626408100128, 0.06400196254253387, -0.18696971237659454, 0.12562456727027893, 0.04765557125210762, -0.014422863721847534, 0.0969339981675148, -0.014024204574525356, 0.017049515619874, 0.00003410092176636681, -0.0306388046592474, -0.053676191717386246, -0.0853893905878067, -0.011588336899876595, -0.04412774741649628, 0.08282336592674255, -0.2545430362224579, 0.042782045900821686, 0.04121958836913109, 0.04222506284713745, -0.008495579473674297, -0.06621073186397552, 0.059288375079631805, 0.01086671743541956, -0.013019444420933723, -0.0729336142539978, 0.018653590232133865, 0.011953243054449558, -0.1170147955417633, 0.03335573151707649, -0.23881585896015167, -0.10498848557472229, 0.05628195032477379, 0.08377209305763245, -0.13058193027973175, -0.012880504131317139, -0.01883864775300026, -0.04542258381843567, -0.09344482421875, -0.009407206438481808, 0.2282930314540863, 0.011068508960306644, 0.0387079194188118, -0.1116136908531189, 0.011060332879424095, 0.027379589155316353, -0.024648981168866158, 0.013972143642604351, 0.08267076313495636, 0.010113372467458248, -0.19808995723724365, 0.07271426171064377, -0.013964010402560234, -0.013057676143944263, 0.12137378007173538, 0.06918784230947495, -0.06356733292341232, -0.005919766146689653, 0.04431205242872238, 0.0427078902721405, -0.021671969443559647, -0.02716134302318096, 0.023948758840560913, 0.035347986966371536, 0.0016135988989844918, 0.02992706000804901, -0.10547969490289688, -0.0035233735106885433, -0.024336526170372963, -0.026474017649888992, -0.005697810091078281, 0.034546174108982086, 0.014743117615580559, 0.08378171920776367, 0.018415888771414757, 0.10254327952861786, 0.035760547965765, -0.0074333990924060345, -0.10990303754806519, 0.16497644782066345, -0.04584067687392235, -0.27337220311164856, -0.11016182601451874, 0.09073194116353989, -0.07717529684305191, 0.024878837168216705, 0.03511840105056763, -0.04922579601407051, -0.06462828069925308, -0.09489331394433975, 0.07651247829198837, -0.001695862039923668, -0.04456944391131401, -0.08993492275476456, -0.0014600158901885152, -0.03107668086886406, -0.0898662805557251, -0.002479191869497299, 0.02746829017996788, -0.10190767794847488, 0.043308451771736145, -0.022565362975001335, 0.06635359674692154, 0.08778733760118484, 0.038420237600803375, -0.06386547535657883, -0.02508465386927128, 0.18750615417957306, -0.10022009164094925, 0.04097331315279007, 0.15305370092391968, -0.06312978267669678, 0.06950525939464569, 0.013528327457606792, 0.008210994303226471, -0.07924844324588776, 0.053988080471754074, 0.028721429407596588, -0.08957565575838089, -0.20946471393108368, -0.09222876280546188, -0.02996344305574894, 0.029637005180120468, 0.04799111559987068, 0.042173635214567184, 0.059942543506622314, 0.0513024665415287, -0.10141117125749588, 0.06149689480662346, 0.024378307163715363, 0.0885980874300003, 0.04884425923228264, 0.011541915126144886, 0.04308130219578743, -0.06956024467945099, 0.009405157528817654, 0.1446133255958557, -0.003992296289652586, 0.28012216091156006, -0.08084971457719803, 0.12266227602958679, 0.0568307563662529, 0.06400906294584274, 0.06050139665603638, 0.01034555397927761, 0.03352294862270355, 0.011609068140387535, -0.05272166058421135, -0.08621112257242203, -0.0529131256043911, 0.07219239324331284, 0.0016481108032166958, -0.06927649676799774, -0.01008548028767109, -0.06330205500125885, 0.03991950675845146, 0.07738019526004791, -0.06487613916397095, -0.1775360107421875, -0.07265599817037582, 0.03996030613780022, 0.0309316236525774, -0.07553993910551071, 0.0069618201814591885, 0.09823209047317505, -0.13159841299057007, 0.0815933421254158, -0.014245514757931232, 0.03379296138882637, -0.11146426945924759, 0.014836123213171959, -0.12653498351573944, 0.06189180910587311, -0.02352534420788288, 0.13200782239437103, -0.020925475284457207, 0.0671449601650238, 0.020061064511537552, 0.06826182454824448, -0.14779873192310333, -0.02192632481455803, 0.03792577609419823, 0.03295781463384628, 0.17227250337600708, -0.007823698222637177, -0.014048500917851925, -0.027862703427672386, -0.08675934374332428, 0.005830638110637665, 0.01525203324854374, -0.034244515001773834, 0.039619121700525284, 0.037967439740896225, 0.03345952183008194, -0.010088292881846428, 0.01066060271114111, -0.13255925476551056, -0.16093260049819946, 0.08069930970668793, -0.006912863813340664, -0.09462340921163559, -0.06862811744213104, -0.08258018642663956, 0.03267341107130051, 0.2083723098039627, -0.04108615592122078, -0.07984048128128052, -0.07751922309398651, 0.007539151236414909, 0.13517537713050842, -0.05566219240427017, -0.02936752513051033, -0.014933466911315918, 0.14631754159927368, -0.06442490220069885, -0.06596659868955612, 0.05774693563580513, -0.04530511051416397, -0.21806615591049194, -0.029815316200256348, 0.03468023240566254, 0.14195790886878967, 0.03595742583274841, -0.021774763241410255, 0.01871297135949135, 0.03267901390790939, -0.13728074729442596, -0.01970067247748375, 0.17568519711494446, 0.055257249623537064, 0.09001456946134567, 0.016878213733434677, -0.1074071153998375, -0.0882941409945488, -0.08896323293447495, 0.047786395996809006, 0.2882269024848938, -0.051954347640275955, 0.1168341264128685, 0.1808432936668396, -0.10825332999229431, -0.1979871243238449, 0.013681885786354542, 0.04771703854203224, -0.017496518790721893, 0.06567255407571793, -0.1335938274860382, 0.03466039523482323, 0.13233643770217896, -0.017809143289923668, 0.10051647573709488, -0.22026853263378143, -0.1097121611237526, 0.03456218168139458, 0.024813931435346603, 0.076354019343853, -0.1081375703215599, -0.016645554453134537, -0.01435254979878664, 0.09063447266817093, 0.14211709797382355, -0.09052068740129471, 0.09372714906930923, -0.010441096499562263, 0.01036465261131525, 0.04904275760054588, -0.06608963012695312, 0.1261289417743683, -0.04060966521501541, 0.06014090031385422, -0.0770670473575592, -0.02454974874854088, 0.06301461160182953, -0.038285449147224426, 0.07550977170467377, 0.04982128366827965, 0.032481689006090164, 0.01221408136188984, -0.09978456050157547, -0.11821828782558441, 0.09982070326805115, -0.04310991242527962, -0.044205907732248306, -0.07070686668157578, 0.08765336126089096, 0.009920685552060604, 0.004456038121134043, -0.015405431389808655, -0.08745868504047394, 0.09993461519479752, 0.08067528903484344, 0.11768646538257599, 0.06385704129934311, -0.05420374125242233, 0.002546109724789858, -0.029558762907981873, 0.04615408182144165, -0.10212986171245575, -0.016174983233213425, 0.07182389497756958, -0.0010293121449649334, 0.09545469284057617, 0.033036861568689346, -0.1736702173948288, 0.05422844737768173, 0.025368904694914818, -0.13415507972240448, -0.12512600421905518, -0.0346912257373333, 0.08298221230506897, -0.08865047246217728, -0.04371746629476547, 0.09741029888391495, -0.06933152675628662, -0.026605937629938126, -0.024403637275099754, 0.027623027563095093, 0.022662829607725143, 0.04772601276636124, 0.00824388675391674, 0.005161826498806477, -0.054886892437934875, 0.100009985268116, 0.11900721490383148, -0.08501958847045898, 0.010888809338212013, 0.11554794013500214, -0.0880875214934349, -0.0839746817946434, -0.054083939641714096, 0.09160961210727692, -0.004389079287648201, -0.0540296845138073, 0.03312326967716217, -0.011916748248040676, 0.02047262340784073, 0.1057293564081192, -0.0014277728041633964, 0.04366939514875412, -0.007142751477658749, 0.006260190159082413, -0.03883108124136925, 0.010409345850348473, 0.0049908035434782505, 0.02683756873011589, -0.082529716193676, 0.10165039449930191, 0.07781650871038437, -0.026121653616428375, -0.029577123001217842, -0.04449921473860741, -0.0978751927614212, -0.023728087544441223, -0.026068365201354027, 0.06719128042459488, -0.056486811488866806, 0.02814878523349762, -0.03280707076191902, 0.030327865853905678, 0.03007323481142521, 0.010393926873803139, -0.03653854876756668, -0.003990802448242903, -0.02144511230289936, 0.09386086463928223, -0.09555105865001678, -0.03981469199061394, 0.02824968472123146, -0.05927388742566109, 0.09262169152498245, 0.014551382511854172, -0.040630511939525604, 0.037154003977775574, -0.135111466050148, 0.08856027573347092, 0.0342429094016552, 0.06761201471090317, -0.04604259505867958, -0.02768554911017418, -0.011630423367023468, -0.030009588226675987, 0.00860239565372467, 0.024186888709664345, 0.03921592980623245, -0.10655020922422409, 0.06485163420438766, 0.09721717983484268, -0.07791213691234589, -0.060364577919244766, 0.041494790464639664, 0.0814463421702385, 0.04197617992758751, 0.04719608277082443, -0.057552967220544815, 0.03147394582629204, -0.10609164088964462, -0.04644870385527611, 0.00971490703523159, -0.007417535874992609, 0.07756608724594116, 0.01278645545244217, 0.047925882041454315, 0.025587359443306923, 0.18545204401016235, -0.0429537296295166, 0.022853681817650795, 0.004513412714004517, 0.015313014388084412, -0.022905049845576286, -0.0014510172186419368, -0.04589417949318886, -0.010547061450779438, -0.012680811807513237, 0.007657303009182215, -0.002371106529608369, -0.03389138728380203, -0.032719917595386505, 0.1367138922214508, -0.030206162482500076, 0.05051976442337036, -0.024987882003188133, 0.01524619571864605, -0.07836715131998062, -0.09553046524524689, -0.009697451256215572, 0.0003631240106187761, 0.06385862827301025, -0.06373805552721024, -0.017537936568260193, 0.1262822449207306, -0.0072663212195038795, 0.08181613683700562, -0.02470204420387745, -0.0782805010676384, -0.08861520886421204, -0.2287348210811615, -0.01262141577899456, 0.06418348848819733, 0.0024919870775192976, -0.08695939928293228, 0.0792296975851059, 0.0720943957567215, 0.011700495146214962, -0.03295312449336052, 0.12561938166618347, -0.015341570600867271, -0.07333968579769135, -0.014243099838495255, -0.02687496691942215, 0.005834708455950022, -0.000155779198394157, 0.03319407254457474, 0.048806872218847275, 0.055630918592214584, 0.03999565541744232, 0.0674486979842186, 0.024585286155343056, 0.02598724327981472, -0.06941821426153183, -0.0464848130941391, -0.017515532672405243, 0.013209588825702667, 0.003659573383629322, 0.18090349435806274, 0.03453619033098221, -0.07461336255073547, 0.011273184791207314, 0.15989084541797638, -0.007682942319661379, -0.0162431001663208, -0.06679944694042206, 0.19439005851745605, -0.06790906935930252, -0.03630029410123825, 0.008777013048529625, -0.08125215768814087, 0.030068108811974525, 0.10899440944194794, 0.13229161500930786, 0.03812717646360397, 0.009630157612264156, -0.02065519243478775, -0.006911035627126694, -0.041227541863918304, 0.14606863260269165, -0.004197353962808847, 0.2710030674934387, -0.0703248679637909, 0.1414867490530014, -0.03828783333301544, 0.0666680783033371, -0.09007706493139267, 0.09299682825803757, -0.06940869241952896, 0.04764997214078903, -0.08008354902267456, 0.06497608870267868, -0.07905221730470657, -0.2030080407857895, -0.06089996546506882, -0.07185386121273041, -0.10787343233823776, 0.008101744577288628, -0.10055045038461685, -0.045461442321538925, 0.09070929884910583, -0.0008643344626761973, 0.0030548530630767345, 0.03252660855650902, -0.0152676897123456, -0.09388555586338043, -0.0264359749853611, 0.022744694724678993, 0.08396881818771362, 0.2243969440460205, 0.03248847648501396, 0.12450108677148819, 0.07334133982658386, -0.024648280814290047, -0.131466805934906, 0.06034522503614426, -0.007198770996183157, 0.0258596483618021, 0.043041884899139404, 0.07668343186378479, -0.034778472036123276, 0.04546570032835007, 0.03739050775766373, -0.04381388798356056, 0.05780463665723801, 0.08437398076057434, 0.014998231083154678, -0.08564780652523041, 0.0714842826128006, -0.10895983129739761, 0.14776690304279327, 0.05187235772609711, -0.017158176749944687, -0.05259613320231438, -0.025502579286694527, 0.011947013437747955, -0.021192319691181183, 0.09654761105775833, -0.003897527465596795, -0.14184914529323578, 0.013978141359984875, 0.015157364308834076, 0.10178278386592865, -0.2530061602592468, -0.004455764777958393, -0.018487460911273956, -0.03284754231572151, -0.0175381600856781, 0.03747127205133438, -0.06347373872995377, -0.005049670580774546, -0.03427494317293167, -0.17419391870498657, -0.0025218590162694454, 0.04401833936572075, -0.07830844819545746, -0.078817218542099 ]
null
null
transformers
# GPT-Neo 2.7B - Shinen ## Model Description GPT-Neo 2.7B-Shinen is a finetune created using EleutherAI's GPT-Neo 2.7B model. Compared to GPT-Neo-2.7-Horni, this model is much heavier on the sexual content. **Warning: THIS model is NOT suitable for use by minors. The model will output X-rated content.** ## Training data The training data contains user-generated stories from sexstories.com. All stories are tagged using the following way: ``` [Theme: <theme1>, <theme2> ,<theme3>] <Story goes here> ``` ### How to use You can use this model directly with a pipeline for text generation. This example generates a different sequence each time it's run: ```py >>> from transformers import pipeline >>> generator = pipeline('text-generation', model='KoboldAI/GPT-Neo-2.7B-Shinen') >>> generator("She was staring at me", do_sample=True, min_length=50) [{'generated_text': 'She was staring at me with a look that said it all. She wanted me so badly tonight that I wanted'}] ``` ### Limitations and Biases GPT-Neo was trained as an autoregressive language model. This means that its core functionality is taking a string of text and predicting the next token. While language models are widely used for tasks other than this, there are a lot of unknowns with this work. GPT-Neo-Shinen was trained on a dataset known to contain profanity, lewd, and otherwise abrasive language. GPT-Neo-Shinen *WILL* produce socially unacceptable text without warning. GPT-Neo-Shinen will respond to particular prompts and offensive content may occur without warning. We recommend having a human curate or filter the outputs before releasing them, both to censor undesirable content and to improve the quality of the results. ### BibTeX entry and citation info The model is made using the following software: ```bibtex @software{gpt-neo, author = {Black, Sid and Leo, Gao and Wang, Phil and Leahy, Connor and Biderman, Stella}, title = {{GPT-Neo: Large Scale Autoregressive Language Modeling with Mesh-Tensorflow}}, month = mar, year = 2021, note = {{If you use this software, please cite it using these metadata.}}, publisher = {Zenodo}, version = {1.0}, doi = {10.5281/zenodo.5297715}, url = {https://doi.org/10.5281/zenodo.5297715} } ```
{"language": "en", "license": "mit"}
text-generation
KoboldAI/GPT-Neo-2.7B-Shinen
[ "transformers", "pytorch", "gpt_neo", "text-generation", "en", "license:mit", "autotrain_compatible", "endpoints_compatible", "has_space", "region:us" ]
2022-03-02T23:29:04+00:00
[]
[ "en" ]
TAGS #transformers #pytorch #gpt_neo #text-generation #en #license-mit #autotrain_compatible #endpoints_compatible #has_space #region-us
# GPT-Neo 2.7B - Shinen ## Model Description GPT-Neo 2.7B-Shinen is a finetune created using EleutherAI's GPT-Neo 2.7B model. Compared to GPT-Neo-2.7-Horni, this model is much heavier on the sexual content. Warning: THIS model is NOT suitable for use by minors. The model will output X-rated content. ## Training data The training data contains user-generated stories from URL. All stories are tagged using the following way: ### How to use You can use this model directly with a pipeline for text generation. This example generates a different sequence each time it's run: ### Limitations and Biases GPT-Neo was trained as an autoregressive language model. This means that its core functionality is taking a string of text and predicting the next token. While language models are widely used for tasks other than this, there are a lot of unknowns with this work. GPT-Neo-Shinen was trained on a dataset known to contain profanity, lewd, and otherwise abrasive language. GPT-Neo-Shinen *WILL* produce socially unacceptable text without warning. GPT-Neo-Shinen will respond to particular prompts and offensive content may occur without warning. We recommend having a human curate or filter the outputs before releasing them, both to censor undesirable content and to improve the quality of the results. ### BibTeX entry and citation info The model is made using the following software:
[ "# GPT-Neo 2.7B - Shinen", "## Model Description\nGPT-Neo 2.7B-Shinen is a finetune created using EleutherAI's GPT-Neo 2.7B model. Compared to GPT-Neo-2.7-Horni, this model is much heavier on the sexual content.\n\nWarning: THIS model is NOT suitable for use by minors. The model will output X-rated content.", "## Training data\nThe training data contains user-generated stories from URL. All stories are tagged using the following way:", "### How to use\nYou can use this model directly with a pipeline for text generation. This example generates a different sequence each time it's run:", "### Limitations and Biases\nGPT-Neo was trained as an autoregressive language model. This means that its core functionality is taking a string of text and predicting the next token. While language models are widely used for tasks other than this, there are a lot of unknowns with this work.\nGPT-Neo-Shinen was trained on a dataset known to contain profanity, lewd, and otherwise abrasive language. GPT-Neo-Shinen *WILL* produce socially unacceptable text without warning.\nGPT-Neo-Shinen will respond to particular prompts and offensive content may occur without warning. We recommend having a human curate or filter the outputs before releasing them, both to censor undesirable content and to improve the quality of the results.", "### BibTeX entry and citation info\nThe model is made using the following software:" ]
[ "TAGS\n#transformers #pytorch #gpt_neo #text-generation #en #license-mit #autotrain_compatible #endpoints_compatible #has_space #region-us \n", "# GPT-Neo 2.7B - Shinen", "## Model Description\nGPT-Neo 2.7B-Shinen is a finetune created using EleutherAI's GPT-Neo 2.7B model. Compared to GPT-Neo-2.7-Horni, this model is much heavier on the sexual content.\n\nWarning: THIS model is NOT suitable for use by minors. The model will output X-rated content.", "## Training data\nThe training data contains user-generated stories from URL. All stories are tagged using the following way:", "### How to use\nYou can use this model directly with a pipeline for text generation. This example generates a different sequence each time it's run:", "### Limitations and Biases\nGPT-Neo was trained as an autoregressive language model. This means that its core functionality is taking a string of text and predicting the next token. While language models are widely used for tasks other than this, there are a lot of unknowns with this work.\nGPT-Neo-Shinen was trained on a dataset known to contain profanity, lewd, and otherwise abrasive language. GPT-Neo-Shinen *WILL* produce socially unacceptable text without warning.\nGPT-Neo-Shinen will respond to particular prompts and offensive content may occur without warning. We recommend having a human curate or filter the outputs before releasing them, both to censor undesirable content and to improve the quality of the results.", "### BibTeX entry and citation info\nThe model is made using the following software:" ]
[ 50, 12, 86, 25, 35, 185, 20 ]
[ "passage: TAGS\n#transformers #pytorch #gpt_neo #text-generation #en #license-mit #autotrain_compatible #endpoints_compatible #has_space #region-us \n# GPT-Neo 2.7B - Shinen## Model Description\nGPT-Neo 2.7B-Shinen is a finetune created using EleutherAI's GPT-Neo 2.7B model. Compared to GPT-Neo-2.7-Horni, this model is much heavier on the sexual content.\n\nWarning: THIS model is NOT suitable for use by minors. The model will output X-rated content.## Training data\nThe training data contains user-generated stories from URL. All stories are tagged using the following way:### How to use\nYou can use this model directly with a pipeline for text generation. This example generates a different sequence each time it's run:### Limitations and Biases\nGPT-Neo was trained as an autoregressive language model. This means that its core functionality is taking a string of text and predicting the next token. While language models are widely used for tasks other than this, there are a lot of unknowns with this work.\nGPT-Neo-Shinen was trained on a dataset known to contain profanity, lewd, and otherwise abrasive language. GPT-Neo-Shinen *WILL* produce socially unacceptable text without warning.\nGPT-Neo-Shinen will respond to particular prompts and offensive content may occur without warning. We recommend having a human curate or filter the outputs before releasing them, both to censor undesirable content and to improve the quality of the results.### BibTeX entry and citation info\nThe model is made using the following software:" ]
[ -0.05484664440155029, 0.16025787591934204, -0.0056715235114097595, 0.0806082934141159, 0.09168433398008347, -0.0030911164358258247, 0.07832176983356476, 0.09854225069284439, -0.0185533594340086, 0.06870193034410477, 0.020864101126790047, 0.002574668964371085, 0.06998848170042038, 0.1290467530488968, 0.0984097421169281, -0.2503715753555298, 0.05534772574901581, -0.06407126784324646, 0.1371857225894928, 0.07370643317699432, 0.06635939329862595, -0.05612732842564583, 0.06323042511940002, 0.033894505351781845, -0.08987998217344284, -0.023882223293185234, 0.0018643465591594577, -0.05164278298616409, 0.05066139996051788, 0.05531042441725731, 0.09077133238315582, -0.0009646992548368871, 0.03276299685239792, -0.11917035281658173, 0.015729613602161407, 0.0954880341887474, -0.019173409789800644, 0.011407598853111267, 0.07377694547176361, -0.02545807510614395, 0.2151215672492981, -0.01939341425895691, 0.07710110396146774, 0.030286578461527824, -0.15625664591789246, -0.15340664982795715, -0.0741175040602684, 0.05789789929986, 0.004408617503941059, 0.11636915802955627, -0.03722225874662399, 0.08149394392967224, -0.09005872905254364, 0.04258177801966667, 0.14516295492649078, -0.12197995185852051, -0.044865719974040985, 0.05086429417133331, -0.0348292775452137, 0.09304867684841156, -0.05497736111283302, -0.02657783031463623, -0.006679706275463104, 0.0436699204146862, 0.02989203669130802, -0.014610180631279945, -0.00226415041834116, -0.02254496142268181, -0.16224423050880432, -0.028925035148859024, 0.07445205003023148, -0.011319030076265335, -0.08432035893201828, -0.09372402727603912, -0.02999401092529297, 0.014557198621332645, 0.04500053822994232, -0.0435345321893692, -0.015758324414491653, 0.02105708047747612, 0.020338039845228195, -0.12518347799777985, -0.05946894362568855, -0.04672851040959358, -0.028164010494947433, 0.14976923167705536, 0.049359146505594254, 0.02950766310095787, -0.00840372871607542, 0.11378154158592224, -0.06848494708538055, -0.02397426776587963, -0.09573887288570404, -0.051274579018354416, -0.05902816727757454, -0.0008059210376814008, -0.030339369550347328, 0.0012345184804871678, 0.0003019703144673258, 0.15091663599014282, 0.013889468275010586, 0.01236699428409338, -0.04948055371642113, 0.03146443888545036, 0.02074500173330307, 0.10242312401533127, 0.008810289204120636, -0.020160241052508354, 0.06948865950107574, -0.024400878697633743, 0.013830246403813362, -0.06419707834720612, -0.05851021036505699, -0.031100204214453697, 0.020227592438459396, 0.07427553087472916, 0.041372399777173996, 0.06075035780668259, -0.06864447146654129, -0.023423952981829643, 0.06895466148853302, -0.11528265476226807, 0.015694288536906242, 0.007326923310756683, -0.09752876311540604, -0.009105691686272621, 0.06378477066755295, -0.022958673536777496, -0.10310488194227219, -0.036400191485881805, -0.057015642523765564, -0.02712525613605976, -0.11496829986572266, -0.060867052525281906, 0.037630461156368256, -0.01459047757089138, -0.036533862352371216, -0.13772211968898773, -0.26207929849624634, -0.044767435640096664, -0.0006721931276842952, -0.028322430327534676, -0.007819696329534054, -0.09135310351848602, 0.0019506465177983046, -0.03765050321817398, -0.006615199148654938, -0.05910792201757431, -0.020699558779597282, 0.034292444586753845, -0.04868974909186363, 0.04582882672548294, 0.00859095249325037, -0.009682380594313145, -0.15491829812526703, 0.003424505004659295, -0.1239112913608551, 0.1432342231273651, -0.02480531670153141, -0.07543758302927017, -0.058923181146383286, -0.035094793885946274, -0.0703757032752037, 0.011912579648196697, 0.02641221694648266, 0.12466467171907425, -0.16329194605350494, -0.05596890673041344, 0.23841629922389984, -0.1597687304019928, 0.05165476351976395, 0.14839249849319458, -0.042201776057481766, 0.06901046633720398, 0.14724475145339966, 0.15204459428787231, 0.0414469875395298, -0.047031763941049576, -0.06844271719455719, -0.042919259518384933, -0.05321243032813072, 0.11295734345912933, 0.04781318083405495, -0.02431521937251091, -0.006488713901489973, 0.031445976346731186, -0.03493104130029678, 0.04453029856085777, -0.03241061419248581, -0.050800222903490067, -0.007309258915483952, -0.004225395154207945, 0.05645739287137985, -0.02921704761683941, -0.03809559345245361, 0.003335758578032255, -0.1347559243440628, 0.016518952324986458, 0.12916597723960876, -0.07668767124414444, 0.02826758474111557, -0.11576656252145767, 0.10286256670951843, -0.026648342609405518, -0.007860202342271805, -0.14038203656673431, -0.13265417516231537, 0.024595269933342934, -0.09253525733947754, 0.12666819989681244, -0.004630692768841982, 0.014228388667106628, 0.07787692546844482, -0.02832457236945629, -0.018697751685976982, -0.07632246613502502, -0.02897021360695362, -0.015555229038000107, -0.09911996871232986, 0.01514357514679432, -0.034343548119068146, 0.07152193039655685, -0.24144183099269867, 0.03481769189238548, 0.07622119039297104, 0.04505205899477005, 0.0341484360396862, -0.0828370526432991, -0.004199587274342775, 0.042562954127788544, -0.007818276062607765, -0.09204815328121185, 0.017338505014777184, 0.05033399537205696, -0.08857738971710205, 0.03275633975863457, -0.16642281413078308, -0.11320905387401581, 0.0717729777097702, -0.006089181173592806, -0.10011441260576248, 0.00818512961268425, -0.02819371595978737, -0.015382448211312294, -0.0668681412935257, 0.012428038753569126, 0.2294982522726059, -0.012911672703921795, 0.04120404273271561, -0.07981991022825241, 0.0013619426172226667, 0.01195378415286541, -0.05671026557683945, 0.013678347691893578, 0.05922698229551315, 0.05177260935306549, -0.15539084374904633, 0.08794102072715759, -0.04581553116440773, -0.06181122735142708, 0.1961297243833542, 0.06306302547454834, -0.0657244324684143, -0.056232817471027374, 0.012632136233150959, 0.02805631421506405, 0.015648268163204193, 0.005417321342974901, 0.008210843428969383, 0.0006912390817888081, 0.04247112572193146, 0.05340646207332611, -0.12097635865211487, 0.0073148575611412525, 0.010188674554228783, -0.046196456998586655, 0.03808128461241722, 0.001177862286567688, -0.04943719133734703, 0.07474426925182343, 0.013804520480334759, 0.04010744392871857, 0.053139738738536835, -0.0005331423599272966, -0.10459543764591217, 0.1515296846628189, -0.08642574399709702, -0.20582617819309235, -0.08303190767765045, 0.015636224299669266, -0.05648193135857582, 0.03060678020119667, 0.0122515968978405, -0.06675704568624496, -0.01759573072195053, -0.07769095152616501, 0.07971441745758057, -0.027355428785085678, -0.019413979724049568, -0.12553459405899048, -0.009448161348700523, -0.015913603827357292, -0.08471088856458664, -0.029322586953639984, 0.01314451638609171, -0.21466797590255737, 0.01954367570579052, -0.03311888501048088, 0.06387936323881149, 0.11879317462444305, 0.0535835400223732, -0.029971372336149216, -0.024480344727635384, 0.204807311296463, -0.1165306493639946, 0.05997495353221893, 0.13473361730575562, -0.019977111369371414, 0.060258787125349045, 0.007677198387682438, -0.0011747226817533374, -0.08768309652805328, 0.04153483733534813, 0.06264710426330566, -0.08345487713813782, -0.193174809217453, -0.07598146796226501, -0.03774000331759453, -0.02757202833890915, 0.060098592191934586, 0.06724157184362411, 0.12074263393878937, 0.02179837040603161, -0.07422514259815216, 0.059411659836769104, 0.04276581481099129, 0.09637328237295151, 0.034221019595861435, -0.0018731565214693546, 0.04345468431711197, -0.02799331024289131, 0.02691369503736496, 0.10101200640201569, 0.019047286361455917, 0.2748798727989197, -0.04127681255340576, 0.124684639275074, 0.07028590887784958, 0.10479529201984406, 0.06363750994205475, -0.03168608993291855, 0.0110404584556818, 0.019918054342269897, -0.019731344655156136, -0.0557263158261776, -0.04288947954773903, 0.0732981413602829, -0.010034248232841492, -0.03856975585222244, -0.015525021590292454, -0.059319157153367996, 0.05954388901591301, 0.0647355392575264, -0.029012978076934814, -0.2395470291376114, -0.07696466892957687, 0.01347771380096674, 0.00810702983289957, -0.07336338609457016, 0.0015170446131378412, 0.09739217162132263, -0.13406938314437866, 0.02830014005303383, -0.0136900395154953, 0.039902228862047195, -0.15549732744693756, -0.012708503752946854, -0.03819745033979416, 0.11869723349809647, -0.023796286433935165, 0.09956928342580795, -0.20490938425064087, 0.07399905472993851, -0.0047769746743142605, 0.13651634752750397, -0.06776022911071777, -0.03180885687470436, 0.016843706369400024, 0.044022366404533386, 0.13892295956611633, 0.03336998075246811, -0.0678485631942749, -0.08265168964862823, -0.0876188725233078, 0.02924564853310585, 0.04078377038240433, -0.04952482134103775, 0.056239910423755646, 0.014853582717478275, 0.04890560358762741, -0.0024130677338689566, 0.009267181158065796, -0.12190161645412445, -0.1406301110982895, 0.04251955449581146, -0.017480002716183662, 0.03127122297883034, -0.06287062913179398, -0.04336157813668251, 0.06795549392700195, 0.18076243996620178, -0.07966189831495285, -0.06430783122777939, -0.10224929451942444, 0.05771740525960922, 0.05647232383489609, -0.08583492785692215, 0.01782938838005066, 0.03975718468427658, 0.1272272914648056, -0.017751771956682205, -0.06212393566966057, 0.03995925560593605, -0.03868092596530914, -0.15843549370765686, -0.02139461785554886, 0.005646780598908663, 0.19129060208797455, 0.055873557925224304, 0.002273687394335866, 0.02400321140885353, 0.021775148808956146, -0.11527512967586517, 0.017506137490272522, 0.24407052993774414, 0.0001165975772892125, 0.04257631674408913, 0.02043745666742325, 0.03463711217045784, -0.1095028817653656, -0.038657598197460175, 0.07680675387382507, 0.1529303938150406, -0.034215305000543594, 0.07804036885499954, 0.11624440550804138, -0.15528461337089539, -0.1787051409482956, 0.03572985529899597, 0.043380219489336014, 0.023444799706339836, -0.036439888179302216, -0.26563283801078796, 0.021315928548574448, 0.10680390149354935, -0.006482728756964207, 0.03630828857421875, -0.24954532086849213, -0.08991608023643494, 0.0483594685792923, 0.03580706939101219, 0.11854963004589081, -0.058378562331199646, -0.010201887227594852, 0.01253829337656498, 0.08635485917329788, 0.1737864762544632, -0.10818564146757126, 0.08891716599464417, 0.02123572677373886, 0.07643844187259674, 0.04044370353221893, -0.019293583929538727, 0.09818346053361893, -0.02433326095342636, 0.05782852694392204, -0.1112307459115982, -0.013196518644690514, 0.03267567604780197, -0.02472563646733761, 0.05587773025035858, 0.07937638461589813, 0.012146092019975185, -0.009409088641405106, -0.10845433175563812, -0.09902115911245346, 0.10359816998243332, -0.019329074770212173, -0.07692540436983109, -0.06108838692307472, 0.13426783680915833, 0.04752602428197861, 0.034575026482343674, -0.03415306285023689, -0.06977669149637222, -0.0029967944137752056, 0.029109589755535126, 0.07258924841880798, 0.1248563677072525, -0.08537607640028, -0.0015469909412786365, -0.008336379192769527, 0.108286052942276, -0.079280324280262, -0.021124213933944702, 0.07653992623090744, -0.01146562397480011, 0.13452759385108948, 0.041993871331214905, -0.19181346893310547, 0.06840606778860092, 0.0218876414000988, -0.10661815851926804, -0.13354681432247162, -0.035923413932323456, -0.027485806494951248, -0.05311986058950424, -0.026494257152080536, 0.1259981095790863, -0.09546838700771332, 0.0024729720316827297, -0.024921981617808342, 0.04044278711080551, -0.058746617287397385, 0.04904346168041229, 0.05057747662067413, -0.025902999565005302, -0.03749260678887367, 0.09544895589351654, 0.13028015196323395, -0.06183832511305809, 0.06838326901197433, 0.04144816845655441, -0.06935164332389832, -0.06262081116437912, -0.06493748724460602, 0.11966204643249512, -0.04891114681959152, -0.09382819384336472, -0.00794336386024952, 0.01378612406551838, 0.04522835463285446, 0.07767385989427567, -0.00842641294002533, 0.05815976485610008, -0.058006588369607925, 0.0568339005112648, -0.09082945436239243, 0.007701302412897348, -0.01864425465464592, 0.005935619119554758, -0.05717926844954491, 0.156402587890625, 0.06308408826589584, -0.014407490380108356, -0.018768278881907463, -0.0772600919008255, -0.10622156411409378, 0.017790401354432106, -0.026435501873493195, 0.024691127240657806, -0.03809438273310661, 0.011759510263800621, -0.02801641821861267, -0.024472305551171303, 0.006835432723164558, 0.04950555041432381, -0.03314948454499245, -0.01283940114080906, -0.004478243179619312, 0.05745450407266617, -0.08418946713209152, -0.012213886715471745, 0.03594626486301422, -0.04792419821023941, 0.08897602558135986, 0.05870528519153595, -0.017925245687365532, 0.03675663471221924, -0.12419416010379791, 0.10443786531686783, -0.014828750863671303, 0.031303223222494125, -0.018150361254811287, -0.03683474659919739, 0.002402952639386058, -0.014753258787095547, -0.031508918851614, -0.00808064453303814, 0.03664712607860565, -0.09955974668264389, 0.06054069474339485, 0.08700091391801834, -0.058682046830654144, -0.07661005854606628, 0.07586655020713806, 0.017358792945742607, 0.07526300847530365, 0.06789705157279968, -0.03821660578250885, 0.04977082461118698, -0.12469024211168289, -0.029230300337076187, 0.031404320150613785, 0.041285738348960876, 0.07782109826803207, -0.03250817209482193, 0.06688540428876877, 0.005314737558364868, 0.16020815074443817, 0.01750989258289337, -0.01620716042816639, -0.020409831777215004, 0.002494774293154478, -0.04282361641526222, 0.009776940569281578, 0.024933964014053345, 0.03776634484529495, -0.015448237769305706, 0.03361568599939346, -0.005887631792575121, -0.01688101701438427, 0.0807511955499649, 0.13297900557518005, 0.04526276886463165, 0.13666628301143646, 0.0014049753081053495, 0.0015863986918702722, -0.045728299766778946, -0.11389008164405823, -0.013682628981769085, -0.011162801645696163, 0.036625299602746964, -0.03749904781579971, 0.05518720671534538, 0.1542384773492813, -0.09388646483421326, 0.08200506120920181, 0.0474502258002758, -0.097885861992836, -0.1200294941663742, -0.37393203377723694, -0.04495958983898163, -0.032615192234516144, 0.019498037174344063, -0.10131312906742096, 0.07399483025074005, 0.05642189085483551, 0.027310550212860107, -0.03189941868185997, 0.1247817724943161, -0.0017323477659374475, -0.09024940431118011, 0.010170070454478264, -0.03567942604422569, 0.00746393296867609, -0.055283352732658386, -0.010154004208743572, 0.008251683786511421, 0.06046115979552269, 0.0764317512512207, 0.04564831033349037, 0.06546849757432938, 0.04873242601752281, -0.048430316150188446, -0.008167690597474575, -0.0003559623728506267, -0.003407662268728018, 0.02029322274029255, 0.11795023828744888, 0.057887475937604904, -0.07944215834140778, 0.032688967883586884, 0.209723100066185, 0.005251913797110319, -0.0687255933880806, -0.10347595810890198, 0.1323348581790924, -0.006225277669727802, -0.008441389538347721, -0.015951266512274742, -0.07403470575809479, 0.05584095045924187, 0.14731034636497498, 0.13814571499824524, 0.021115481853485107, -0.0073402938432991505, -0.01563996635377407, -0.011469345539808273, -0.016796940937638283, 0.11714311689138412, -0.007069569546729326, 0.2690703272819519, -0.05930893123149872, 0.07932256162166595, -0.040010035037994385, 0.027361471205949783, -0.04487406462430954, 0.06469850242137909, -0.05827074497938156, 0.040917184203863144, -0.08860898017883301, 0.06631375104188919, -0.14022661745548248, -0.15509407222270966, 0.017149243503808975, -0.02958148904144764, -0.10306409746408463, 0.004961311351507902, -0.04697052016854286, -0.007918458431959152, 0.08257878571748734, -0.010828799568116665, -0.006869919132441282, 0.07356984913349152, 0.01344133261591196, -0.06548736989498138, -0.07490360736846924, 0.06351684033870697, 0.10668306797742844, 0.22633090615272522, 0.010290510021150112, 0.118795245885849, 0.0897800549864769, 0.016215307638049126, -0.11143822222948074, 0.08279097825288773, -0.03190402686595917, 0.011091390624642372, 0.0017081499099731445, 0.10647613555192947, -0.03534342348575592, 0.08909206837415695, 0.07971279323101044, 0.01945306733250618, 0.06262710690498352, 0.008562726899981499, -0.007290714420378208, -0.09180153161287308, 0.04402174428105354, -0.10936859995126724, 0.14443951845169067, 0.10782662034034729, -0.04282602295279503, -0.01384748425334692, -0.04388575255870819, 0.023607799783349037, 0.009457603096961975, 0.10705917328596115, 0.015447139739990234, -0.10482372343540192, -0.012538270093500614, 0.05345765873789787, 0.05741647630929947, -0.1549241840839386, -0.04562322795391083, 0.02758876420557499, -0.05650431290268898, -0.026480551809072495, 0.0750003308057785, -0.008683149702847004, 0.008546114899218082, -0.05893319472670555, -0.08340112119913101, -0.01682734303176403, 0.06499837338924408, -0.08699310570955276, -0.07155045121908188 ]
null
null
transformers
This is a Hugging Face transformers-compatible conversion of the original dense 1.3B-parameter model from the paper "[Efficient Large Scale Language Modeling with Mixtures of Experts](https://arxiv.org/abs/2112.10684)" from Artetxe et al. Please refer to the original model card, which can be found at https://github.com/facebookresearch/fairseq/blob/main/examples/moe_lm/model_card.md. # [Open LLM Leaderboard Evaluation Results](https://huggingface.co/spaces/HuggingFaceH4/open_llm_leaderboard) Detailed results can be found [here](https://huggingface.co/datasets/open-llm-leaderboard/details_KoboldAI__fairseq-dense-1.3B) | Metric | Value | |-----------------------|---------------------------| | Avg. | 31.66 | | ARC (25-shot) | 31.14 | | HellaSwag (10-shot) | 58.39 | | MMLU (5-shot) | 24.98 | | TruthfulQA (0-shot) | 37.43 | | Winogrande (5-shot) | 59.04 | | GSM8K (5-shot) | 0.0 | | DROP (3-shot) | 10.6 |
{"language": "en"}
text-generation
KoboldAI/fairseq-dense-1.3B
[ "transformers", "pytorch", "safetensors", "xglm", "text-generation", "en", "arxiv:2112.10684", "autotrain_compatible", "endpoints_compatible", "has_space", "region:us" ]
2022-03-02T23:29:04+00:00
[ "2112.10684" ]
[ "en" ]
TAGS #transformers #pytorch #safetensors #xglm #text-generation #en #arxiv-2112.10684 #autotrain_compatible #endpoints_compatible #has_space #region-us
This is a Hugging Face transformers-compatible conversion of the original dense 1.3B-parameter model from the paper "Efficient Large Scale Language Modeling with Mixtures of Experts" from Artetxe et al. Please refer to the original model card, which can be found at URL Open LLM Leaderboard Evaluation Results ======================================= Detailed results can be found here
[]
[ "TAGS\n#transformers #pytorch #safetensors #xglm #text-generation #en #arxiv-2112.10684 #autotrain_compatible #endpoints_compatible #has_space #region-us \n" ]
[ 58 ]
[ "passage: TAGS\n#transformers #pytorch #safetensors #xglm #text-generation #en #arxiv-2112.10684 #autotrain_compatible #endpoints_compatible #has_space #region-us \n" ]
[ -0.04790916666388512, 0.035642463713884354, -0.004460339434444904, 0.01228215079754591, 0.12655645608901978, -0.00959093403071165, 0.10324988514184952, 0.11408799886703491, 0.027656804770231247, 0.04923365265130997, 0.1625235676765442, 0.1787581890821457, -0.046968020498752594, 0.16621103882789612, -0.09400025755167007, -0.19057278335094452, 0.06230651214718819, 0.04251350834965706, -0.02321779355406761, 0.09375350922346115, 0.08130774646997452, -0.10876823961734772, 0.07781796157360077, -0.03886650502681732, -0.13175691664218903, 0.029525713995099068, 0.030242403969168663, -0.1163870319724083, 0.12477537244558334, 0.037291523069143295, 0.13703198730945587, 0.04970095306634903, -0.0596415139734745, -0.10305428504943848, 0.03685098513960838, 0.023099133744835854, -0.08736644685268402, 0.06278017163276672, 0.07709559798240662, -0.0814855694770813, 0.04316943138837814, -0.037630513310432434, -0.037504710257053375, 0.02292286604642868, -0.13088339567184448, -0.143252432346344, -0.05387216433882713, 0.02903718687593937, 0.03064439631998539, 0.11290546506643295, -0.004464179277420044, 0.18255959451198578, -0.06510188430547714, 0.11923535913228989, 0.20653852820396423, -0.34593167901039124, -0.013732745312154293, 0.11482329666614532, 0.12145289778709412, 0.07143546640872955, -0.036501407623291016, 0.08419100195169449, 0.06309229135513306, 0.0005448369192890823, 0.049398504197597504, -0.058205198496580124, -0.12247976660728455, 0.05586251989006996, -0.10612090677022934, -0.05283675715327263, 0.20291051268577576, -0.05899700149893761, 0.06542273610830307, -0.057787708938121796, -0.11794065684080124, -0.07056251913309097, 0.007743454072624445, 0.013947563245892525, -0.019665274769067764, 0.019642772153019905, 0.029754258692264557, -0.031393978744745255, -0.15069904923439026, 0.03137024864554405, -0.16725581884384155, 0.21028611063957214, -0.015498333610594273, 0.05254111438989639, -0.15302598476409912, 0.07680467516183853, 0.013922973535954952, -0.13274940848350525, 0.06526324898004532, -0.08307401090860367, 0.078470878303051, 0.03076024167239666, -0.06660942733287811, -0.043512411415576935, 0.08504239469766617, 0.09599659591913223, -0.03321968764066696, 0.013023274950683117, 0.012336147017776966, 0.08765144646167755, 0.025679072365164757, 0.08736918121576309, -0.011930533684790134, -0.0504838190972805, 0.05977256968617439, -0.023435387760400772, 0.06044295057654381, -0.07148671895265579, -0.13853350281715393, -0.055333152413368225, 0.08731194585561752, 0.09316103160381317, 0.06663587689399719, 0.06710778176784515, -0.018255796283483505, 0.045112572610378265, 0.09657135605812073, -0.07561784982681274, 0.03867308050394058, -0.020300814881920815, 0.04475870355963707, 0.026557406410574913, 0.016208844259381294, 0.005026767496019602, -0.05396946519613266, 0.07178665697574615, -0.07717113941907883, 0.01456079538911581, -0.037056226283311844, -0.11231552809476852, 0.02890079841017723, -0.0990947037935257, 0.02536088414490223, -0.2071017175912857, -0.04895661398768425, -0.02077532559633255, 0.0029787591192871332, -0.0009949870873242617, -0.04020223766565323, 0.02625115029513836, -0.05756343528628349, 0.06986953318119049, -0.0586579367518425, -0.010285265743732452, -0.062341101467609406, 0.08945868909358978, -0.014505082741379738, 0.1026233360171318, -0.13217973709106445, 0.04574935510754585, -0.08169872313737869, -0.007604966405779123, -0.06981400400400162, -0.020370902493596077, -0.04269146919250488, 0.138377845287323, 0.032975103706121445, -0.034326307475566864, -0.06506352126598358, 0.06565581262111664, 0.007154383696615696, 0.130637064576149, -0.09991809725761414, -0.05012477934360504, 0.19055140018463135, -0.10181809216737747, -0.17095883190631866, 0.08564634621143341, 0.019581099972128868, -0.031750403344631195, 0.028263099491596222, 0.20784717798233032, 0.022767145186662674, -0.07625337690114975, -0.021079139783978462, 0.11334262043237686, -0.08891052007675171, -0.1044607013463974, -0.00007773550896672532, 0.025110622867941856, -0.08425209671258926, 0.040566157549619675, 0.045263566076755524, 0.055631306022405624, -0.038840726017951965, -0.04451065510511398, -0.08239327371120453, -0.025133244693279266, 0.07934838533401489, 0.021499808877706528, 0.08987397700548172, -0.10124855488538742, -0.05077667534351349, -0.05922267958521843, 0.012824943289160728, 0.02004340849816799, 0.01819707453250885, -0.015791671350598335, 0.17709681391716003, -0.07355529814958572, 0.019514957442879677, -0.1600831300020218, -0.0921732485294342, -0.03615851327776909, 0.10087728500366211, -0.03441482409834862, 0.16816431283950806, 0.05809866264462471, -0.010465564206242561, 0.010417770594358444, -0.05183478444814682, 0.14719313383102417, 0.03430122882127762, -0.09129985421895981, -0.04749966040253639, 0.04815651476383209, -0.09523487836122513, 0.005167915020138025, -0.1073651909828186, 0.03163224458694458, 0.028664879500865936, 0.0848153680562973, -0.004359034821391106, 0.06064208969473839, -0.01496096607297659, 0.033503249287605286, -0.09489893913269043, 0.00367102213203907, 0.07792478054761887, 0.01731029339134693, -0.03657061606645584, 0.20281392335891724, -0.25131919980049133, 0.35971352458000183, 0.22246412932872772, -0.23041832447052002, 0.004037266131490469, 0.0033104487229138613, -0.018483402207493782, 0.033289141952991486, 0.017402587458491325, -0.015761563554406166, -0.012213497422635555, -0.04649735242128372, 0.16958372294902802, -0.04929358884692192, -0.03167738392949104, 0.014863919466733932, -0.08700546622276306, -0.05881721153855324, 0.06966321915388107, -0.008568467572331429, -0.11131352186203003, 0.19389118254184723, 0.276353120803833, -0.0005998592241667211, 0.13003851473331451, 0.02077428065240383, 0.022606447339057922, 0.028721196576952934, -0.017903905361890793, -0.03868524730205536, 0.0008642531465739012, -0.12406878173351288, -0.03583235293626785, 0.07988304644823074, 0.013096373528242111, 0.08584613353013992, -0.14937123656272888, -0.05124156177043915, 0.0298139788210392, 0.03154781088232994, -0.03006667084991932, 0.12089303135871887, 0.042448174208402634, 0.1335115283727646, -0.03193947300314903, -0.04592273011803627, 0.058995530009269714, 0.01215334888547659, -0.06746316701173782, 0.16180412471294403, -0.1281246840953827, -0.3411390781402588, -0.12908746302127838, -0.08887950330972672, -0.027225445955991745, 0.035486023873090744, 0.12066087126731873, -0.09513302892446518, -0.04790265113115311, -0.04922392964363098, -0.04890589788556099, -0.06331727653741837, 0.042396847158670425, -0.04946393892168999, 0.03969287872314453, -0.02569010481238365, -0.09613000601530075, -0.0699964389204979, -0.03166034817695618, -0.04333366081118584, 0.15560699999332428, -0.005025831982493401, 0.1159742996096611, 0.13846077024936676, -0.030836716294288635, 0.03953273594379425, -0.013107341714203358, 0.17205168306827545, -0.060391079634428024, -0.011789881624281406, 0.22060170769691467, 0.002560840453952551, 0.08976878970861435, 0.12832924723625183, -0.00378143391571939, -0.05181286484003067, 0.01219323743134737, -0.04482202231884003, -0.09833243489265442, -0.17950686812400818, -0.13498418033123016, -0.10582529753446579, 0.028454555198550224, 0.032490335404872894, 0.09026621282100677, 0.11089874058961868, 0.08451075106859207, 0.008855951949954033, -0.03455134853720665, -0.06211450323462486, 0.0652853474020958, 0.18253883719444275, -0.03224766626954079, 0.15545500814914703, -0.0708412453532219, -0.10047970712184906, 0.07784531265497208, 0.05694985389709473, 0.10627952218055725, 0.03770221397280693, -0.0557815246284008, 0.023499509319663048, 0.13320571184158325, 0.13760139048099518, 0.11732802540063858, 0.020903626456856728, -0.0659542828798294, -0.013403971679508686, -0.02491915039718151, -0.01616521365940571, 0.04968029633164406, 0.006071359850466251, -0.11087927967309952, -0.06822247058153152, -0.10589051991701126, 0.10201530158519745, 0.007861754857003689, 0.061732228845357895, -0.21658506989479065, 0.021586021408438683, 0.0866832435131073, 0.0021512017119675875, -0.08927319198846817, 0.048347897827625275, 0.08071430027484894, -0.06983743607997894, 0.0484304316341877, -0.03573618084192276, 0.07927446067333221, 0.037840619683265686, 0.08788170665502548, -0.09276079386472702, -0.08941949158906937, 0.00940178707242012, 0.08227032423019409, -0.2480546236038208, 0.2225068062543869, -0.008117998950183392, -0.05873551592230797, -0.0663386881351471, -0.0026056685019284487, 0.034303028136491776, 0.1455056518316269, 0.0962224006652832, 0.01634528860449791, -0.1297011375427246, -0.1345282346010208, -0.008862356655299664, 0.02639632113277912, 0.09704995155334473, 0.018624627962708473, 0.024493755772709846, -0.03953247517347336, -0.011377905495464802, 0.0009716857457533479, 0.046706512570381165, -0.0018720387015491724, -0.17929503321647644, 0.07163963466882706, 0.07932895421981812, 0.023896416649222374, -0.0250981617718935, -0.04269733279943466, -0.19693751633167267, 0.18103009462356567, 0.026292894035577774, -0.053405676037073135, -0.10460261255502701, -0.07256326079368591, 0.06211657449603081, -0.0731787383556366, 0.07328686863183975, -0.07370250672101974, 0.013550156727433205, -0.08906067907810211, -0.15347421169281006, 0.11197391897439957, -0.1220497339963913, -0.04743746668100357, -0.03368671238422394, 0.12106265127658844, -0.1205742135643959, 0.002483334857970476, 0.011189643293619156, 0.0660950317978859, -0.1705341339111328, -0.10101484507322311, 0.03566140681505203, -0.0053831771947443485, 0.07425542920827866, 0.018186209723353386, -0.03924814984202385, -0.09272155165672302, 0.021633991971611977, -0.021591370925307274, 0.26672184467315674, 0.2351730912923813, -0.11612750589847565, 0.10357198864221573, 0.08700091391801834, -0.031610313802957535, -0.34130772948265076, -0.09457994252443314, -0.15022096037864685, -0.008354375138878822, 0.021118110045790672, -0.028756145387887955, 0.0583672933280468, 0.006309393793344498, -0.05667117238044739, 0.14900442957878113, -0.2107408493757248, -0.0881054699420929, 0.14631086587905884, -0.0057115210220217705, 0.3729577362537384, -0.1647513210773468, -0.047075655311346054, -0.02245929092168808, -0.11011824756860733, 0.09428287297487259, -0.05845794454216957, 0.08296755701303482, -0.03550301864743233, 0.05111398175358772, 0.04980418086051941, -0.08870703727006912, 0.13546761870384216, -0.07382040470838547, 0.05872933939099312, -0.13044176995754242, -0.1031215712428093, 0.052785474807024, -0.052421070635318756, 0.03079887665808201, -0.13152113556861877, 0.042358797043561935, -0.11132822930812836, -0.0029525035060942173, -0.08696906268596649, 0.0835900828242302, 0.01404810044914484, -0.04010884463787079, -0.03237015753984451, -0.0556354895234108, 0.001001435681246221, -0.002875202102586627, 0.20704598724842072, -0.044436756521463394, 0.2177855670452118, 0.17535088956356049, 0.0405425950884819, -0.18817055225372314, 0.01601504348218441, 0.014644098468124866, -0.061502933502197266, 0.08067704737186432, -0.11143765598535538, 0.05033305287361145, 0.09808924794197083, -0.04035360366106033, 0.0322284996509552, 0.10458343476057053, 0.03781954571604729, -0.012450152076780796, 0.1595241129398346, -0.24560657143592834, -0.050700027495622635, -0.04950594902038574, 0.03483298420906067, 0.05735926330089569, 0.0761214941740036, 0.13625185191631317, 0.015424220822751522, -0.0329650342464447, -0.028860094025731087, 0.009756742976605892, -0.016104254871606827, 0.05998523533344269, 0.07344222813844681, 0.0501837357878685, -0.10149097442626953, 0.007470948621630669, 0.02192116528749466, -0.1534280776977539, 0.009128301404416561, 0.12838084995746613, -0.10070522874593735, -0.16164012253284454, -0.03247273340821266, 0.06171862781047821, -0.09447567909955978, -0.0519358329474926, -0.0553092323243618, -0.11113737523555756, 0.03994276002049446, 0.150844544172287, 0.07877866923809052, 0.04765067622065544, 0.008144120685756207, -0.045336537063121796, -0.030178168788552284, 0.023330943658947945, 0.015378431417047977, 0.06985291093587875, -0.14734135568141937, 0.07999777793884277, -0.018771523609757423, 0.13707175850868225, -0.09246297925710678, -0.000049238002247875556, -0.1404518187046051, -0.01642305962741375, -0.09787831455469131, -0.03438626602292061, -0.0879155769944191, -0.05948569253087044, -0.010033315047621727, -0.05925321206450462, -0.048631273210048676, -0.02063014544546604, -0.11197591572999954, 0.008377786725759506, -0.025647243484854698, 0.011122610419988632, -0.07898756116628647, -0.04378461092710495, 0.050137098878622055, -0.019692525267601013, 0.09311375766992569, 0.08560337871313095, -0.0690976232290268, 0.044892240315675735, -0.16146986186504364, -0.10337622463703156, 0.11991723626852036, 0.01808103360235691, 0.04880212992429733, 0.04408946633338928, 0.016758298501372337, 0.07559943199157715, 0.02641707845032215, 0.034790992736816406, 0.045929912477731705, -0.10186178982257843, 0.06202828884124756, -0.03213537484407425, -0.12291937321424484, -0.03699953854084015, -0.05921052396297455, 0.08093662559986115, 0.001952282851561904, 0.1227591410279274, -0.060350216925144196, 0.07021410018205643, -0.08680552989244461, 0.02577749453485012, -0.03545013815164566, -0.20067325234413147, -0.05237294360995293, -0.0347614660859108, 0.043914079666137695, 0.0012059942819178104, 0.2464386373758316, 0.07415006309747696, -0.04007718712091446, 0.03224741667509079, 0.05966410040855408, 0.024706149473786354, -0.002838191343471408, 0.16746000945568085, 0.05058591440320015, -0.037785228341817856, -0.09698814153671265, 0.06344231963157654, 0.033758241683244705, -0.031514786183834076, 0.10721878707408905, 0.08542753010988235, 0.027603304013609886, 0.10030867159366608, -0.005814652889966965, -0.055254265666007996, -0.14567840099334717, -0.1705123484134674, -0.09408791363239288, 0.07000373303890228, -0.05515953153371811, 0.01487782783806324, 0.1933373510837555, 0.011223151348531246, 0.020530374720692635, -0.056017909198999405, -0.01697244867682457, -0.15772898495197296, -0.08824784308671951, -0.09377236664295197, -0.11313572525978088, -0.021311817690730095, -0.06383082270622253, 0.049237992614507675, 0.07919638603925705, 0.01360390242189169, -0.02783972956240177, 0.09956365823745728, 0.08462109416723251, -0.05206330493092537, 0.024489333853125572, -0.006187701132148504, 0.0459761843085289, -0.007173093035817146, 0.009341113269329071, -0.11670950800180435, -0.03125675395131111, -0.03128773346543312, 0.04476341977715492, -0.052981577813625336, 0.03026040829718113, -0.12110526859760284, -0.08898712694644928, -0.06681603938341141, 0.0670827254652977, -0.003600466065108776, 0.1364770382642746, 0.00548135582357645, 0.006190247368067503, 0.01884845271706581, 0.23963144421577454, -0.08169274032115936, -0.08781910687685013, 0.008689029142260551, 0.17622460424900055, 0.03015989437699318, 0.09156844019889832, -0.05724530294537544, -0.008009704761207104, -0.06744503974914551, 0.2451101392507553, 0.33608609437942505, -0.053699664771556854, 0.08618371188640594, -0.009985575452446938, 0.02720980904996395, 0.05593046918511391, 0.09867002069950104, 0.13280770182609558, 0.310220330953598, -0.08449637144804001, -0.01617763377726078, -0.05393637716770172, 0.026886669918894768, -0.13466496765613556, 0.06282348185777664, 0.007951024919748306, -0.0459454208612442, -0.02675647847354412, 0.03491148725152016, -0.09817663580179214, 0.15160693228244781, -0.017354054376482964, -0.22003689408302307, -0.0500633642077446, 0.043838124722242355, 0.20543114840984344, -0.03949382156133652, 0.09230583161115646, -0.03253975883126259, -0.07346592098474503, 0.021983547136187553, -0.024207599461078644, -0.14884431660175323, 0.03303981199860573, 0.045489776879549026, -0.0748925432562828, 0.05949541926383972, -0.025376927107572556, 0.013588793575763702, 0.10421251505613327, 0.04402489960193634, -0.07711832225322723, 0.11185582727193832, 0.01020926795899868, -0.07985416054725647, 0.03169417381286621, -0.021212173625826836, 0.012804584577679634, -0.09989228844642639, 0.072689950466156, -0.1445695459842682, 0.05774375796318054, -0.03682984784245491, -0.01847705990076065, -0.002065075095742941, -0.00020717228471767157, -0.030594822019338608, 0.08731492608785629, 0.03689767047762871, -0.024731909856200218, -0.01980987749993801, -0.01898418366909027, -0.032194919884204865, -0.009174945764243603, -0.03216368705034256, -0.0873740166425705, -0.12159797549247742, -0.02909741923213005, 0.12015365809202194, 0.009499520063400269, -0.17156821489334106, -0.020467499271035194, -0.0963984951376915, 0.03716497868299484, -0.1292547881603241, 0.04367643967270851, 0.11903872340917587, -0.0015719830989837646, -0.012597138062119484, -0.03699561208486557, 0.024707913398742676, 0.10156141966581345, -0.09318021684885025, -0.08351308852434158 ]
null
null
transformers
This is a Hugging Face transformers-compatible conversion of the original dense 125M-parameter model from the paper "[Efficient Large Scale Language Modeling with Mixtures of Experts](https://arxiv.org/abs/2112.10684)" from Artetxe et al. Please refer to the original model card, which can be found at https://github.com/facebookresearch/fairseq/blob/main/examples/moe_lm/model_card.md. # [Open LLM Leaderboard Evaluation Results](https://huggingface.co/spaces/HuggingFaceH4/open_llm_leaderboard) Detailed results can be found [here](https://huggingface.co/datasets/open-llm-leaderboard/details_KoboldAI__fairseq-dense-125M) | Metric | Value | |-----------------------|---------------------------| | Avg. | 26.0 | | ARC (25-shot) | 24.06 | | HellaSwag (10-shot) | 34.14 | | MMLU (5-shot) | 23.98 | | TruthfulQA (0-shot) | 43.72 | | Winogrande (5-shot) | 50.59 | | GSM8K (5-shot) | 0.0 | | DROP (3-shot) | 5.5 |
{"language": "en"}
text-generation
KoboldAI/fairseq-dense-125M
[ "transformers", "pytorch", "safetensors", "xglm", "text-generation", "en", "arxiv:2112.10684", "autotrain_compatible", "endpoints_compatible", "has_space", "region:us" ]
2022-03-02T23:29:04+00:00
[ "2112.10684" ]
[ "en" ]
TAGS #transformers #pytorch #safetensors #xglm #text-generation #en #arxiv-2112.10684 #autotrain_compatible #endpoints_compatible #has_space #region-us
This is a Hugging Face transformers-compatible conversion of the original dense 125M-parameter model from the paper "Efficient Large Scale Language Modeling with Mixtures of Experts" from Artetxe et al. Please refer to the original model card, which can be found at URL Open LLM Leaderboard Evaluation Results ======================================= Detailed results can be found here
[]
[ "TAGS\n#transformers #pytorch #safetensors #xglm #text-generation #en #arxiv-2112.10684 #autotrain_compatible #endpoints_compatible #has_space #region-us \n" ]
[ 58 ]
[ "passage: TAGS\n#transformers #pytorch #safetensors #xglm #text-generation #en #arxiv-2112.10684 #autotrain_compatible #endpoints_compatible #has_space #region-us \n" ]
[ -0.04790916666388512, 0.035642463713884354, -0.004460339434444904, 0.01228215079754591, 0.12655645608901978, -0.00959093403071165, 0.10324988514184952, 0.11408799886703491, 0.027656804770231247, 0.04923365265130997, 0.1625235676765442, 0.1787581890821457, -0.046968020498752594, 0.16621103882789612, -0.09400025755167007, -0.19057278335094452, 0.06230651214718819, 0.04251350834965706, -0.02321779355406761, 0.09375350922346115, 0.08130774646997452, -0.10876823961734772, 0.07781796157360077, -0.03886650502681732, -0.13175691664218903, 0.029525713995099068, 0.030242403969168663, -0.1163870319724083, 0.12477537244558334, 0.037291523069143295, 0.13703198730945587, 0.04970095306634903, -0.0596415139734745, -0.10305428504943848, 0.03685098513960838, 0.023099133744835854, -0.08736644685268402, 0.06278017163276672, 0.07709559798240662, -0.0814855694770813, 0.04316943138837814, -0.037630513310432434, -0.037504710257053375, 0.02292286604642868, -0.13088339567184448, -0.143252432346344, -0.05387216433882713, 0.02903718687593937, 0.03064439631998539, 0.11290546506643295, -0.004464179277420044, 0.18255959451198578, -0.06510188430547714, 0.11923535913228989, 0.20653852820396423, -0.34593167901039124, -0.013732745312154293, 0.11482329666614532, 0.12145289778709412, 0.07143546640872955, -0.036501407623291016, 0.08419100195169449, 0.06309229135513306, 0.0005448369192890823, 0.049398504197597504, -0.058205198496580124, -0.12247976660728455, 0.05586251989006996, -0.10612090677022934, -0.05283675715327263, 0.20291051268577576, -0.05899700149893761, 0.06542273610830307, -0.057787708938121796, -0.11794065684080124, -0.07056251913309097, 0.007743454072624445, 0.013947563245892525, -0.019665274769067764, 0.019642772153019905, 0.029754258692264557, -0.031393978744745255, -0.15069904923439026, 0.03137024864554405, -0.16725581884384155, 0.21028611063957214, -0.015498333610594273, 0.05254111438989639, -0.15302598476409912, 0.07680467516183853, 0.013922973535954952, -0.13274940848350525, 0.06526324898004532, -0.08307401090860367, 0.078470878303051, 0.03076024167239666, -0.06660942733287811, -0.043512411415576935, 0.08504239469766617, 0.09599659591913223, -0.03321968764066696, 0.013023274950683117, 0.012336147017776966, 0.08765144646167755, 0.025679072365164757, 0.08736918121576309, -0.011930533684790134, -0.0504838190972805, 0.05977256968617439, -0.023435387760400772, 0.06044295057654381, -0.07148671895265579, -0.13853350281715393, -0.055333152413368225, 0.08731194585561752, 0.09316103160381317, 0.06663587689399719, 0.06710778176784515, -0.018255796283483505, 0.045112572610378265, 0.09657135605812073, -0.07561784982681274, 0.03867308050394058, -0.020300814881920815, 0.04475870355963707, 0.026557406410574913, 0.016208844259381294, 0.005026767496019602, -0.05396946519613266, 0.07178665697574615, -0.07717113941907883, 0.01456079538911581, -0.037056226283311844, -0.11231552809476852, 0.02890079841017723, -0.0990947037935257, 0.02536088414490223, -0.2071017175912857, -0.04895661398768425, -0.02077532559633255, 0.0029787591192871332, -0.0009949870873242617, -0.04020223766565323, 0.02625115029513836, -0.05756343528628349, 0.06986953318119049, -0.0586579367518425, -0.010285265743732452, -0.062341101467609406, 0.08945868909358978, -0.014505082741379738, 0.1026233360171318, -0.13217973709106445, 0.04574935510754585, -0.08169872313737869, -0.007604966405779123, -0.06981400400400162, -0.020370902493596077, -0.04269146919250488, 0.138377845287323, 0.032975103706121445, -0.034326307475566864, -0.06506352126598358, 0.06565581262111664, 0.007154383696615696, 0.130637064576149, -0.09991809725761414, -0.05012477934360504, 0.19055140018463135, -0.10181809216737747, -0.17095883190631866, 0.08564634621143341, 0.019581099972128868, -0.031750403344631195, 0.028263099491596222, 0.20784717798233032, 0.022767145186662674, -0.07625337690114975, -0.021079139783978462, 0.11334262043237686, -0.08891052007675171, -0.1044607013463974, -0.00007773550896672532, 0.025110622867941856, -0.08425209671258926, 0.040566157549619675, 0.045263566076755524, 0.055631306022405624, -0.038840726017951965, -0.04451065510511398, -0.08239327371120453, -0.025133244693279266, 0.07934838533401489, 0.021499808877706528, 0.08987397700548172, -0.10124855488538742, -0.05077667534351349, -0.05922267958521843, 0.012824943289160728, 0.02004340849816799, 0.01819707453250885, -0.015791671350598335, 0.17709681391716003, -0.07355529814958572, 0.019514957442879677, -0.1600831300020218, -0.0921732485294342, -0.03615851327776909, 0.10087728500366211, -0.03441482409834862, 0.16816431283950806, 0.05809866264462471, -0.010465564206242561, 0.010417770594358444, -0.05183478444814682, 0.14719313383102417, 0.03430122882127762, -0.09129985421895981, -0.04749966040253639, 0.04815651476383209, -0.09523487836122513, 0.005167915020138025, -0.1073651909828186, 0.03163224458694458, 0.028664879500865936, 0.0848153680562973, -0.004359034821391106, 0.06064208969473839, -0.01496096607297659, 0.033503249287605286, -0.09489893913269043, 0.00367102213203907, 0.07792478054761887, 0.01731029339134693, -0.03657061606645584, 0.20281392335891724, -0.25131919980049133, 0.35971352458000183, 0.22246412932872772, -0.23041832447052002, 0.004037266131490469, 0.0033104487229138613, -0.018483402207493782, 0.033289141952991486, 0.017402587458491325, -0.015761563554406166, -0.012213497422635555, -0.04649735242128372, 0.16958372294902802, -0.04929358884692192, -0.03167738392949104, 0.014863919466733932, -0.08700546622276306, -0.05881721153855324, 0.06966321915388107, -0.008568467572331429, -0.11131352186203003, 0.19389118254184723, 0.276353120803833, -0.0005998592241667211, 0.13003851473331451, 0.02077428065240383, 0.022606447339057922, 0.028721196576952934, -0.017903905361890793, -0.03868524730205536, 0.0008642531465739012, -0.12406878173351288, -0.03583235293626785, 0.07988304644823074, 0.013096373528242111, 0.08584613353013992, -0.14937123656272888, -0.05124156177043915, 0.0298139788210392, 0.03154781088232994, -0.03006667084991932, 0.12089303135871887, 0.042448174208402634, 0.1335115283727646, -0.03193947300314903, -0.04592273011803627, 0.058995530009269714, 0.01215334888547659, -0.06746316701173782, 0.16180412471294403, -0.1281246840953827, -0.3411390781402588, -0.12908746302127838, -0.08887950330972672, -0.027225445955991745, 0.035486023873090744, 0.12066087126731873, -0.09513302892446518, -0.04790265113115311, -0.04922392964363098, -0.04890589788556099, -0.06331727653741837, 0.042396847158670425, -0.04946393892168999, 0.03969287872314453, -0.02569010481238365, -0.09613000601530075, -0.0699964389204979, -0.03166034817695618, -0.04333366081118584, 0.15560699999332428, -0.005025831982493401, 0.1159742996096611, 0.13846077024936676, -0.030836716294288635, 0.03953273594379425, -0.013107341714203358, 0.17205168306827545, -0.060391079634428024, -0.011789881624281406, 0.22060170769691467, 0.002560840453952551, 0.08976878970861435, 0.12832924723625183, -0.00378143391571939, -0.05181286484003067, 0.01219323743134737, -0.04482202231884003, -0.09833243489265442, -0.17950686812400818, -0.13498418033123016, -0.10582529753446579, 0.028454555198550224, 0.032490335404872894, 0.09026621282100677, 0.11089874058961868, 0.08451075106859207, 0.008855951949954033, -0.03455134853720665, -0.06211450323462486, 0.0652853474020958, 0.18253883719444275, -0.03224766626954079, 0.15545500814914703, -0.0708412453532219, -0.10047970712184906, 0.07784531265497208, 0.05694985389709473, 0.10627952218055725, 0.03770221397280693, -0.0557815246284008, 0.023499509319663048, 0.13320571184158325, 0.13760139048099518, 0.11732802540063858, 0.020903626456856728, -0.0659542828798294, -0.013403971679508686, -0.02491915039718151, -0.01616521365940571, 0.04968029633164406, 0.006071359850466251, -0.11087927967309952, -0.06822247058153152, -0.10589051991701126, 0.10201530158519745, 0.007861754857003689, 0.061732228845357895, -0.21658506989479065, 0.021586021408438683, 0.0866832435131073, 0.0021512017119675875, -0.08927319198846817, 0.048347897827625275, 0.08071430027484894, -0.06983743607997894, 0.0484304316341877, -0.03573618084192276, 0.07927446067333221, 0.037840619683265686, 0.08788170665502548, -0.09276079386472702, -0.08941949158906937, 0.00940178707242012, 0.08227032423019409, -0.2480546236038208, 0.2225068062543869, -0.008117998950183392, -0.05873551592230797, -0.0663386881351471, -0.0026056685019284487, 0.034303028136491776, 0.1455056518316269, 0.0962224006652832, 0.01634528860449791, -0.1297011375427246, -0.1345282346010208, -0.008862356655299664, 0.02639632113277912, 0.09704995155334473, 0.018624627962708473, 0.024493755772709846, -0.03953247517347336, -0.011377905495464802, 0.0009716857457533479, 0.046706512570381165, -0.0018720387015491724, -0.17929503321647644, 0.07163963466882706, 0.07932895421981812, 0.023896416649222374, -0.0250981617718935, -0.04269733279943466, -0.19693751633167267, 0.18103009462356567, 0.026292894035577774, -0.053405676037073135, -0.10460261255502701, -0.07256326079368591, 0.06211657449603081, -0.0731787383556366, 0.07328686863183975, -0.07370250672101974, 0.013550156727433205, -0.08906067907810211, -0.15347421169281006, 0.11197391897439957, -0.1220497339963913, -0.04743746668100357, -0.03368671238422394, 0.12106265127658844, -0.1205742135643959, 0.002483334857970476, 0.011189643293619156, 0.0660950317978859, -0.1705341339111328, -0.10101484507322311, 0.03566140681505203, -0.0053831771947443485, 0.07425542920827866, 0.018186209723353386, -0.03924814984202385, -0.09272155165672302, 0.021633991971611977, -0.021591370925307274, 0.26672184467315674, 0.2351730912923813, -0.11612750589847565, 0.10357198864221573, 0.08700091391801834, -0.031610313802957535, -0.34130772948265076, -0.09457994252443314, -0.15022096037864685, -0.008354375138878822, 0.021118110045790672, -0.028756145387887955, 0.0583672933280468, 0.006309393793344498, -0.05667117238044739, 0.14900442957878113, -0.2107408493757248, -0.0881054699420929, 0.14631086587905884, -0.0057115210220217705, 0.3729577362537384, -0.1647513210773468, -0.047075655311346054, -0.02245929092168808, -0.11011824756860733, 0.09428287297487259, -0.05845794454216957, 0.08296755701303482, -0.03550301864743233, 0.05111398175358772, 0.04980418086051941, -0.08870703727006912, 0.13546761870384216, -0.07382040470838547, 0.05872933939099312, -0.13044176995754242, -0.1031215712428093, 0.052785474807024, -0.052421070635318756, 0.03079887665808201, -0.13152113556861877, 0.042358797043561935, -0.11132822930812836, -0.0029525035060942173, -0.08696906268596649, 0.0835900828242302, 0.01404810044914484, -0.04010884463787079, -0.03237015753984451, -0.0556354895234108, 0.001001435681246221, -0.002875202102586627, 0.20704598724842072, -0.044436756521463394, 0.2177855670452118, 0.17535088956356049, 0.0405425950884819, -0.18817055225372314, 0.01601504348218441, 0.014644098468124866, -0.061502933502197266, 0.08067704737186432, -0.11143765598535538, 0.05033305287361145, 0.09808924794197083, -0.04035360366106033, 0.0322284996509552, 0.10458343476057053, 0.03781954571604729, -0.012450152076780796, 0.1595241129398346, -0.24560657143592834, -0.050700027495622635, -0.04950594902038574, 0.03483298420906067, 0.05735926330089569, 0.0761214941740036, 0.13625185191631317, 0.015424220822751522, -0.0329650342464447, -0.028860094025731087, 0.009756742976605892, -0.016104254871606827, 0.05998523533344269, 0.07344222813844681, 0.0501837357878685, -0.10149097442626953, 0.007470948621630669, 0.02192116528749466, -0.1534280776977539, 0.009128301404416561, 0.12838084995746613, -0.10070522874593735, -0.16164012253284454, -0.03247273340821266, 0.06171862781047821, -0.09447567909955978, -0.0519358329474926, -0.0553092323243618, -0.11113737523555756, 0.03994276002049446, 0.150844544172287, 0.07877866923809052, 0.04765067622065544, 0.008144120685756207, -0.045336537063121796, -0.030178168788552284, 0.023330943658947945, 0.015378431417047977, 0.06985291093587875, -0.14734135568141937, 0.07999777793884277, -0.018771523609757423, 0.13707175850868225, -0.09246297925710678, -0.000049238002247875556, -0.1404518187046051, -0.01642305962741375, -0.09787831455469131, -0.03438626602292061, -0.0879155769944191, -0.05948569253087044, -0.010033315047621727, -0.05925321206450462, -0.048631273210048676, -0.02063014544546604, -0.11197591572999954, 0.008377786725759506, -0.025647243484854698, 0.011122610419988632, -0.07898756116628647, -0.04378461092710495, 0.050137098878622055, -0.019692525267601013, 0.09311375766992569, 0.08560337871313095, -0.0690976232290268, 0.044892240315675735, -0.16146986186504364, -0.10337622463703156, 0.11991723626852036, 0.01808103360235691, 0.04880212992429733, 0.04408946633338928, 0.016758298501372337, 0.07559943199157715, 0.02641707845032215, 0.034790992736816406, 0.045929912477731705, -0.10186178982257843, 0.06202828884124756, -0.03213537484407425, -0.12291937321424484, -0.03699953854084015, -0.05921052396297455, 0.08093662559986115, 0.001952282851561904, 0.1227591410279274, -0.060350216925144196, 0.07021410018205643, -0.08680552989244461, 0.02577749453485012, -0.03545013815164566, -0.20067325234413147, -0.05237294360995293, -0.0347614660859108, 0.043914079666137695, 0.0012059942819178104, 0.2464386373758316, 0.07415006309747696, -0.04007718712091446, 0.03224741667509079, 0.05966410040855408, 0.024706149473786354, -0.002838191343471408, 0.16746000945568085, 0.05058591440320015, -0.037785228341817856, -0.09698814153671265, 0.06344231963157654, 0.033758241683244705, -0.031514786183834076, 0.10721878707408905, 0.08542753010988235, 0.027603304013609886, 0.10030867159366608, -0.005814652889966965, -0.055254265666007996, -0.14567840099334717, -0.1705123484134674, -0.09408791363239288, 0.07000373303890228, -0.05515953153371811, 0.01487782783806324, 0.1933373510837555, 0.011223151348531246, 0.020530374720692635, -0.056017909198999405, -0.01697244867682457, -0.15772898495197296, -0.08824784308671951, -0.09377236664295197, -0.11313572525978088, -0.021311817690730095, -0.06383082270622253, 0.049237992614507675, 0.07919638603925705, 0.01360390242189169, -0.02783972956240177, 0.09956365823745728, 0.08462109416723251, -0.05206330493092537, 0.024489333853125572, -0.006187701132148504, 0.0459761843085289, -0.007173093035817146, 0.009341113269329071, -0.11670950800180435, -0.03125675395131111, -0.03128773346543312, 0.04476341977715492, -0.052981577813625336, 0.03026040829718113, -0.12110526859760284, -0.08898712694644928, -0.06681603938341141, 0.0670827254652977, -0.003600466065108776, 0.1364770382642746, 0.00548135582357645, 0.006190247368067503, 0.01884845271706581, 0.23963144421577454, -0.08169274032115936, -0.08781910687685013, 0.008689029142260551, 0.17622460424900055, 0.03015989437699318, 0.09156844019889832, -0.05724530294537544, -0.008009704761207104, -0.06744503974914551, 0.2451101392507553, 0.33608609437942505, -0.053699664771556854, 0.08618371188640594, -0.009985575452446938, 0.02720980904996395, 0.05593046918511391, 0.09867002069950104, 0.13280770182609558, 0.310220330953598, -0.08449637144804001, -0.01617763377726078, -0.05393637716770172, 0.026886669918894768, -0.13466496765613556, 0.06282348185777664, 0.007951024919748306, -0.0459454208612442, -0.02675647847354412, 0.03491148725152016, -0.09817663580179214, 0.15160693228244781, -0.017354054376482964, -0.22003689408302307, -0.0500633642077446, 0.043838124722242355, 0.20543114840984344, -0.03949382156133652, 0.09230583161115646, -0.03253975883126259, -0.07346592098474503, 0.021983547136187553, -0.024207599461078644, -0.14884431660175323, 0.03303981199860573, 0.045489776879549026, -0.0748925432562828, 0.05949541926383972, -0.025376927107572556, 0.013588793575763702, 0.10421251505613327, 0.04402489960193634, -0.07711832225322723, 0.11185582727193832, 0.01020926795899868, -0.07985416054725647, 0.03169417381286621, -0.021212173625826836, 0.012804584577679634, -0.09989228844642639, 0.072689950466156, -0.1445695459842682, 0.05774375796318054, -0.03682984784245491, -0.01847705990076065, -0.002065075095742941, -0.00020717228471767157, -0.030594822019338608, 0.08731492608785629, 0.03689767047762871, -0.024731909856200218, -0.01980987749993801, -0.01898418366909027, -0.032194919884204865, -0.009174945764243603, -0.03216368705034256, -0.0873740166425705, -0.12159797549247742, -0.02909741923213005, 0.12015365809202194, 0.009499520063400269, -0.17156821489334106, -0.020467499271035194, -0.0963984951376915, 0.03716497868299484, -0.1292547881603241, 0.04367643967270851, 0.11903872340917587, -0.0015719830989837646, -0.012597138062119484, -0.03699561208486557, 0.024707913398742676, 0.10156141966581345, -0.09318021684885025, -0.08351308852434158 ]
null
null
transformers
This is a Hugging Face transformers-compatible conversion of the original dense 13B-parameter model from the paper "[Efficient Large Scale Language Modeling with Mixtures of Experts](https://arxiv.org/abs/2112.10684)" from Artetxe et al. Please refer to the original model card, which can be found at https://github.com/facebookresearch/fairseq/blob/main/examples/moe_lm/model_card.md. # [Open LLM Leaderboard Evaluation Results](https://huggingface.co/spaces/HuggingFaceH4/open_llm_leaderboard) Detailed results can be found [here](https://huggingface.co/datasets/open-llm-leaderboard/details_KoboldAI__fairseq-dense-13B) | Metric | Value | |-----------------------|---------------------------| | Avg. | 37.53 | | ARC (25-shot) | 40.36 | | HellaSwag (10-shot) | 75.51 | | MMLU (5-shot) | 27.07 | | TruthfulQA (0-shot) | 32.83 | | Winogrande (5-shot) | 67.96 | | GSM8K (5-shot) | 0.0 | | DROP (3-shot) | 18.96 |
{"language": "en"}
text-generation
KoboldAI/fairseq-dense-13B
[ "transformers", "pytorch", "xglm", "text-generation", "en", "arxiv:2112.10684", "autotrain_compatible", "endpoints_compatible", "has_space", "region:us" ]
2022-03-02T23:29:04+00:00
[ "2112.10684" ]
[ "en" ]
TAGS #transformers #pytorch #xglm #text-generation #en #arxiv-2112.10684 #autotrain_compatible #endpoints_compatible #has_space #region-us
This is a Hugging Face transformers-compatible conversion of the original dense 13B-parameter model from the paper "Efficient Large Scale Language Modeling with Mixtures of Experts" from Artetxe et al. Please refer to the original model card, which can be found at URL Open LLM Leaderboard Evaluation Results ======================================= Detailed results can be found here
[]
[ "TAGS\n#transformers #pytorch #xglm #text-generation #en #arxiv-2112.10684 #autotrain_compatible #endpoints_compatible #has_space #region-us \n" ]
[ 53 ]
[ "passage: TAGS\n#transformers #pytorch #xglm #text-generation #en #arxiv-2112.10684 #autotrain_compatible #endpoints_compatible #has_space #region-us \n" ]
[ -0.03654678165912628, 0.03653765469789505, -0.004092218354344368, 0.012061330489814281, 0.14892427623271942, 0.011068061925470829, 0.08545423299074173, 0.1321752667427063, 0.03497489541769028, 0.037351883947849274, 0.1659012883901596, 0.17771799862384796, -0.03657516837120056, 0.12418577820062637, -0.07276518642902374, -0.22695331275463104, 0.03887778893113136, 0.062347810715436935, -0.051971785724163055, 0.0847615972161293, 0.07729700952768326, -0.0992768332362175, 0.09623079001903534, -0.025065429508686066, -0.16763894259929657, 0.04370730742812157, 0.018746837973594666, -0.10751090198755264, 0.1198631227016449, 0.06174244359135628, 0.1166912317276001, 0.022357765585184097, -0.06952515989542007, -0.10299087315797806, 0.029791774228215218, 0.008017958141863346, -0.08491938561201096, 0.07383088767528534, 0.0772252082824707, -0.07409331202507019, 0.07783125340938568, -0.009388566948473454, -0.05057740584015846, 0.022829623892903328, -0.1422559767961502, -0.12919878959655762, -0.05299624800682068, 0.021350907161831856, 0.003105493960902095, 0.10689601302146912, -0.002370235277339816, 0.15444931387901306, -0.07460453361272812, 0.10816311091184616, 0.21114663779735565, -0.3358165919780731, -0.015279846265912056, 0.14555983245372772, 0.11993000656366348, 0.06951478123664856, -0.02912667766213417, 0.0915912464261055, 0.054339613765478134, 0.010767352767288685, 0.015002520754933357, -0.06473877280950546, -0.11355435103178024, 0.08859875798225403, -0.09964616596698761, -0.05984073504805565, 0.22589673101902008, -0.06384901702404022, 0.08280978351831436, -0.018754402175545692, -0.1108693778514862, -0.10520299524068832, 0.010900545865297318, 0.024106428027153015, -0.019161788746714592, 0.040418099611997604, 0.03469790518283844, -0.0666828379034996, -0.14133618772029877, 0.03156555816531181, -0.1878349781036377, 0.19195598363876343, -0.02446034923195839, 0.0631168857216835, -0.16086304187774658, 0.08059898018836975, -0.010263627395033836, -0.1172112450003624, 0.059991393238306046, -0.07809871435165405, 0.05207538232207298, 0.041197825223207474, -0.09296782314777374, -0.02944830060005188, 0.050462305545806885, 0.08971104025840759, 0.020895274356007576, 0.013927112333476543, 0.033197127282619476, 0.09719493985176086, 0.03835338354110718, 0.1199255958199501, -0.020025504752993584, -0.07062046229839325, 0.026198172941803932, -0.0697256475687027, 0.02432166412472725, -0.08561085909605026, -0.17940908670425415, -0.07482610642910004, 0.052565064281225204, 0.06364693492650986, 0.06156158447265625, 0.05277476832270622, -0.016905631870031357, 0.01062744576483965, 0.06430941820144653, -0.06348172575235367, 0.05127178877592087, -0.030843256041407585, 0.016655022278428078, 0.08200147747993469, 0.012319570407271385, 0.0034175484906882048, -0.058390773832798004, 0.056837085634469986, -0.09027494490146637, 0.026097837835550308, -0.05183327943086624, -0.1143750324845314, 0.024309232831001282, -0.12675544619560242, 0.028105618432164192, -0.18207888305187225, -0.035076867789030075, -0.021268008276820183, 0.019486600533127785, -0.026063334196805954, -0.04872864484786987, 0.019024519249796867, -0.052156172692775726, 0.08930269628763199, -0.055286046117544174, 0.022137491032481194, -0.0531134195625782, 0.07970433682203293, -0.013326575979590416, 0.11079268157482147, -0.15698856115341187, 0.07407370954751968, -0.0671222060918808, -0.015139949508011341, -0.051902901381254196, 0.003824763698503375, -0.033165525645017624, 0.10916810482740402, 0.02393363229930401, -0.03819670528173447, -0.06797164678573608, 0.06712426990270615, 0.007022431585937738, 0.1114317774772644, -0.11229149252176285, -0.0694655254483223, 0.1484687328338623, -0.05028104409575462, -0.13814164698123932, 0.07411473244428635, 0.016197046265006065, -0.020883833989501, 0.008007314056158066, 0.20464128255844116, 0.015011429786682129, -0.06368914246559143, 0.0027560561429709196, 0.12116191536188126, -0.08042342960834503, -0.11893263459205627, 0.01837403140962124, 0.009181192144751549, -0.05722852796316147, 0.04509098455309868, 0.04572312906384468, 0.06431639194488525, -0.0388825386762619, -0.04450449347496033, -0.07371404021978378, -0.01068869512528181, 0.0748697966337204, 0.021129470318555832, 0.11590538173913956, -0.08012288063764572, -0.04758552834391594, -0.026018431410193443, 0.008998924866318703, 0.03243454173207283, 0.032733894884586334, 0.0003041091840714216, 0.17908410727977753, -0.10037119686603546, 0.02344490960240364, -0.17761796712875366, -0.07385971397161484, -0.038958579301834106, 0.11523769050836563, -0.005959422793239355, 0.22793500125408173, 0.04635504633188248, -0.044799793511629105, 0.01582011580467224, -0.02413737028837204, 0.12573693692684174, 0.019426675513386726, -0.09999213367700577, -0.03896921128034592, 0.029017139226198196, -0.08574607968330383, -0.01796322502195835, -0.09533580392599106, 0.021649524569511414, 0.026246191933751106, 0.08064034581184387, -0.01835717260837555, 0.06519988179206848, -0.022415874525904655, 0.042236462235450745, -0.10552049428224564, 0.01639651134610176, 0.08429458737373352, 0.0052786110900342464, -0.02943081595003605, 0.21978726983070374, -0.22426240146160126, 0.30970773100852966, 0.22563186287879944, -0.2757083475589752, 0.016845017671585083, 0.0023009919095784426, -0.017163986340165138, 0.026583241298794746, 0.04074613377451897, -0.0178573839366436, 0.038399435579776764, -0.048238012939691544, 0.17160770297050476, -0.032497961074113846, -0.020770255476236343, 0.010249266400933266, -0.08323212713003159, -0.06453622132539749, 0.06989061087369919, 0.045223772525787354, -0.0964263454079628, 0.1973899006843567, 0.2793489098548889, -0.00442511448636651, 0.1527196615934372, 0.036552850157022476, 0.007625899743288755, 0.018903030082583427, -0.0577675998210907, -0.05585940554738045, -0.0019315321696922183, -0.16313838958740234, -0.05389704555273056, 0.09262055158615112, 0.021261733025312424, 0.09995235502719879, -0.14424251019954681, -0.0442083477973938, 0.03203003481030464, 0.0442819818854332, -0.04100000113248825, 0.13318173587322235, 0.0487743578851223, 0.11519447714090347, -0.000371139554772526, -0.038642123341560364, 0.06783831864595413, 0.02343354932963848, -0.05462159216403961, 0.14243951439857483, -0.14213338494300842, -0.32440492510795593, -0.15899163484573364, -0.13316743075847626, -0.04629240557551384, 0.03456544131040573, 0.11478821933269501, -0.10010954737663269, -0.03919747471809387, -0.008837409317493439, -0.009100017137825489, -0.12819980084896088, 0.0301635954529047, -0.05485355108976364, 0.028991274535655975, -0.05994724854826927, -0.09026451408863068, -0.07615683972835541, -0.037491366267204285, -0.029648955911397934, 0.13524670898914337, -0.02842429280281067, 0.11691531538963318, 0.15939278900623322, -0.018468016758561134, 0.05648307502269745, -0.00010945974645437673, 0.19183851778507233, -0.0690007209777832, -0.019953768700361252, 0.20775391161441803, 0.022936558350920677, 0.08277516812086105, 0.11701695621013641, 0.0019075603922829032, -0.05132787674665451, -0.012027393095195293, -0.031131261959671974, -0.10665741562843323, -0.1785961240530014, -0.13232657313346863, -0.14446744322776794, 0.009333225898444653, 0.035864125937223434, 0.08399263769388199, 0.1301327794790268, 0.06934545934200287, 0.028126193210482597, 0.013561277650296688, -0.10504335165023804, 0.06311580538749695, 0.23022425174713135, -0.035777293145656586, 0.15373365581035614, -0.06470142304897308, -0.08266499638557434, 0.08692491054534912, 0.08665641397237778, 0.12785078585147858, 0.0628373846411705, -0.00478162569925189, 0.01582716964185238, 0.11335050314664841, 0.1449635624885559, 0.08882229030132294, 0.026200659573078156, -0.0505678616464138, -0.026918787509202957, -0.013563727959990501, -0.01445990614593029, 0.07348848879337311, 0.06957537680864334, -0.13925263285636902, -0.05715426802635193, -0.1256697028875351, 0.08071379363536835, 0.01809164322912693, 0.06488417834043503, -0.20139500498771667, 0.01988222450017929, 0.07546497881412506, -0.0046621570363640785, -0.09043896943330765, 0.03356996923685074, 0.05041840299963951, -0.09511660039424896, 0.03220037743449211, -0.030811527743935585, 0.10261306166648865, 0.02637070044875145, 0.09356200695037842, -0.07776394486427307, -0.08908360451459885, 0.024123188108205795, 0.08809465914964676, -0.26016607880592346, 0.22543156147003174, -0.005301368422806263, -0.0956287533044815, -0.0724618136882782, -0.0014166288310661912, 0.030682243406772614, 0.12585166096687317, 0.05626621097326279, 0.027476340532302856, -0.13422438502311707, -0.13827015459537506, 0.020733051002025604, 0.013674966990947723, 0.10808569937944412, 0.006646476220339537, 0.009792986325919628, -0.04228821396827698, -0.003703080816194415, -0.0019589015282690525, 0.09650231152772903, 0.032152168452739716, -0.20329110324382782, 0.09746647626161575, 0.0679434984922409, 0.012495729140937328, 0.012115055695176125, -0.043596427887678146, -0.1882084310054779, 0.19896353781223297, 0.028859835118055344, -0.046002354472875595, -0.11291354894638062, -0.05701371654868126, 0.08622801303863525, -0.07693257182836533, 0.06450430303812027, -0.0845697894692421, -0.0002725526865106076, -0.08265021443367004, -0.16535669565200806, 0.1241859719157219, -0.10456132143735886, -0.021945003420114517, -0.034995924681425095, 0.10425469279289246, -0.13374830782413483, 0.029325811192393303, -0.006459524855017662, 0.07012394815683365, -0.1945672333240509, -0.0973091647028923, 0.04864751920104027, 0.0033110405784100294, 0.04975101351737976, 0.011028432287275791, -0.03341531753540039, -0.012778518721461296, 0.027444714680314064, -0.030336925759911537, 0.2878792881965637, 0.20095857977867126, -0.12255783379077911, 0.12813131511211395, 0.05680917575955391, -0.061431024223566055, -0.3161380887031555, -0.0754261463880539, -0.13369452953338623, 0.010390935465693474, -0.0008075012592598796, -0.09930580854415894, 0.04206540808081627, 0.004239518195390701, -0.04013650491833687, 0.15980257093906403, -0.23236671090126038, -0.07786458730697632, 0.1258372813463211, -0.046531494706869125, 0.3950525224208832, -0.13891783356666565, -0.0548553392291069, -0.019697286188602448, -0.143037348985672, 0.10178059339523315, 0.014695236459374428, 0.10807596147060394, -0.05186212435364723, 0.09854205697774887, 0.04911801591515541, -0.06498780101537704, 0.143985778093338, -0.04186299815773964, 0.03538789600133896, -0.12039750069379807, -0.12380288541316986, 0.04877651110291481, -0.04403633996844292, 0.014443558640778065, -0.101179338991642, 0.016781579703092575, -0.1650460958480835, 0.0004129911831114441, -0.0992882177233696, 0.07180329412221909, 0.021235886961221695, -0.04157035052776337, -0.03756684437394142, -0.05815611407160759, -0.0059358361177146435, 0.001492816605605185, 0.21867862343788147, -0.051116395741701126, 0.18122360110282898, 0.1531582921743393, 0.014796280302107334, -0.1965714544057846, -0.02524794638156891, -0.0003859400749206543, -0.04559275507926941, 0.09311465173959732, -0.12940894067287445, 0.03550884127616882, 0.1182008609175682, -0.03918759152293205, 0.04133269190788269, 0.10537519305944443, 0.024479014798998833, -0.007662000134587288, 0.1437259018421173, -0.2186729460954666, -0.020698539912700653, -0.0610874779522419, 0.006760263815522194, 0.07815175503492355, 0.03833053261041641, 0.13573935627937317, 0.02238490618765354, -0.03198055177927017, -0.01468281727284193, -0.009442389011383057, -0.028872637078166008, 0.057737890630960464, 0.07270526140928268, 0.0414465069770813, -0.11540555208921432, 0.010984668508172035, 0.03997679799795151, -0.1517997831106186, 0.020279094576835632, 0.1476939469575882, -0.08505334705114365, -0.1584821492433548, -0.05692575126886368, 0.06021907180547714, -0.1668868213891983, -0.03075825609266758, -0.04473863169550896, -0.08789057284593582, 0.05985744297504425, 0.11821160465478897, 0.086123526096344, 0.039424046874046326, -0.029955927282571793, -0.04897720739245415, -0.014375901781022549, -0.008944078348577023, 0.006270338781177998, 0.06776471436023712, -0.12688012421131134, 0.07147501409053802, -0.021877264603972435, 0.1710008680820465, -0.08450765907764435, -0.029899615794420242, -0.1392490714788437, -0.014122680760920048, -0.12028376013040543, -0.06819005310535431, -0.08028505742549896, -0.07075656205415726, -0.0005853887414559722, -0.06199968606233597, -0.06428855657577515, -0.0256036464124918, -0.13897188007831573, -0.008353287354111671, -0.040211163461208344, 0.024600408971309662, -0.0597471185028553, -0.029849039390683174, 0.060805294662714005, -0.008360148407518864, 0.08271878212690353, 0.09650428593158722, -0.054728731513023376, 0.051711056381464005, -0.09522415697574615, -0.11832262575626373, 0.10592828691005707, 0.035381875932216644, 0.07696913182735443, 0.05567165091633797, 0.020217474550008774, 0.05677812919020653, 0.05009821429848671, 0.03232577443122864, 0.03016272559762001, -0.11079281568527222, 0.03548230603337288, -0.051894497126340866, -0.13703861832618713, -0.03393333777785301, -0.037374090403318405, 0.08187514543533325, 0.04011441767215729, 0.10230214893817902, -0.03568795323371887, 0.08706633746623993, -0.06088951975107193, 0.02580096386373043, -0.043745577335357666, -0.18710362911224365, -0.017618710175156593, -0.06163056194782257, 0.03184491768479347, 0.0033731458242982626, 0.2565716505050659, 0.08593922853469849, -0.02599477395415306, 0.022923007607460022, 0.08502835780382156, 0.005863471422344446, -0.012959593906998634, 0.15340179204940796, 0.0881817638874054, -0.030416924506425858, -0.0783519521355629, 0.10203331708908081, 0.033862993121147156, 0.03928807005286217, 0.11031307280063629, 0.055466312915086746, 0.06508263200521469, 0.11670917272567749, 0.0009234798490069807, -0.07681436091661453, -0.15936031937599182, -0.15144385397434235, -0.06799470633268356, 0.09864108264446259, -0.07042980939149857, 0.029432810842990875, 0.16542451083660126, -0.002870373660698533, 0.04358185455203056, -0.05269237980246544, -0.016032028943300247, -0.15185096859931946, -0.0960393026471138, -0.07782139629125595, -0.12487118691205978, -0.02981860563158989, -0.05533343181014061, 0.07835979014635086, 0.10620138794183731, 0.013774838298559189, -0.03292474150657654, 0.058377839624881744, 0.06710874289274216, -0.07933914661407471, 0.01731765642762184, -0.018331414088606834, 0.05522587522864342, -0.04277818277478218, 0.02957705594599247, -0.1212976723909378, -0.03701392561197281, -0.024581072852015495, 0.04643312096595764, -0.04793182760477066, 0.004658088553696871, -0.12165452539920807, -0.09588003903627396, -0.07446987926959991, 0.06290562450885773, -0.012717402540147305, 0.14959034323692322, 0.001387732452712953, 0.012789074331521988, 0.004958532750606537, 0.22773829102516174, -0.09384486824274063, -0.04104023799300194, 0.003239997196942568, 0.16066528856754303, 0.03538253903388977, 0.09004160761833191, -0.07178041338920593, -0.004568031523376703, -0.10086268186569214, 0.2612736225128174, 0.35098668932914734, -0.0710657611489296, 0.059102073311805725, 0.029976068064570427, 0.028397809714078903, 0.0775819793343544, 0.10129085183143616, 0.12036872655153275, 0.289538711309433, -0.09517599642276764, -0.031751058995723724, -0.06830901652574539, 0.02155381813645363, -0.11576161533594131, 0.0786600112915039, 0.03324536979198456, -0.06918693333864212, -0.021780960261821747, 0.02639688178896904, -0.12972840666770935, 0.16192489862442017, -0.00558887654915452, -0.23614132404327393, -0.06323716044425964, 0.03863959386944771, 0.182106614112854, -0.023656869307160378, 0.10931398719549179, -0.03870227187871933, -0.08343043923377991, 0.05043768510222435, -0.015013300813734531, -0.19779349863529205, 0.007929038256406784, 0.07375792413949966, -0.0801129937171936, 0.003205263754352927, -0.037229325622320175, 0.004982749465852976, 0.10462041199207306, 0.07545804232358932, -0.06296438723802567, 0.06738360226154327, 0.007458519656211138, -0.07499024271965027, 0.014491274952888489, -0.012991048395633698, 0.018722431734204292, -0.10509851574897766, 0.07799861580133438, -0.133802130818367, 0.05700923502445221, -0.0473434180021286, 0.0019019382307305932, 0.01310191210359335, -0.02166203036904335, -0.04160710424184799, 0.08671044558286667, 0.06556352972984314, -0.014892288483679295, -0.04572632163763046, -0.029052220284938812, -0.0504249632358551, 0.0033442978747189045, -0.030687155202031136, -0.13028541207313538, -0.0969228520989418, -0.049680016934871674, 0.10611242055892944, -0.001604412216693163, -0.14469245076179504, -0.02298816107213497, -0.07939247786998749, 0.04186312481760979, -0.09992724657058716, 0.0567772351205349, 0.0967206135392189, -0.0022974114399403334, -0.01294973399490118, -0.03565414622426033, 0.029335904866456985, 0.08117727935314178, -0.11369297653436661, -0.07330358028411865 ]
null
null
transformers
# Fairseq-dense 2.7B - Janeway ## Model Description Fairseq-dense 2.7B-Janeway is a finetune created using Fairseq's MoE dense model. ## Training data The training data contains around 2210 ebooks, mostly in the sci-fi and fantasy genres. The dataset is identical as dataset used by GPT-Neo-2.7B-Janeway. Some parts of the dataset have been prepended using the following text: `[Genre: <genre1>,<genre2>]` ### How to use You can use this model directly with a pipeline for text generation. This example generates a different sequence each time it's run: ```py >>> from transformers import pipeline >>> generator = pipeline('text-generation', model='KoboldAI/fairseq-dense-2.7B-Janeway') >>> generator("Welcome Captain Janeway, I apologize for the delay.", do_sample=True, min_length=50) [{'generated_text': 'Welcome Captain Janeway, I apologize for the delay."\nIt's all right," Janeway said. "I'm certain that you're doing your best to keep me informed of what\'s going on."'}] ``` ### Limitations and Biases Based on known problems with NLP technology, potential relevant factors include bias (gender, profession, race and religion). ### BibTeX entry and citation info ``` Artetxe et al. (2021): Efficient Large Scale Language Modeling with Mixtures of Experts ```
{"language": "en", "license": "mit"}
text-generation
KoboldAI/fairseq-dense-2.7B-Janeway
[ "transformers", "pytorch", "xglm", "text-generation", "en", "license:mit", "autotrain_compatible", "endpoints_compatible", "has_space", "region:us" ]
2022-03-02T23:29:04+00:00
[]
[ "en" ]
TAGS #transformers #pytorch #xglm #text-generation #en #license-mit #autotrain_compatible #endpoints_compatible #has_space #region-us
# Fairseq-dense 2.7B - Janeway ## Model Description Fairseq-dense 2.7B-Janeway is a finetune created using Fairseq's MoE dense model. ## Training data The training data contains around 2210 ebooks, mostly in the sci-fi and fantasy genres. The dataset is identical as dataset used by GPT-Neo-2.7B-Janeway. Some parts of the dataset have been prepended using the following text: '[Genre: <genre1>,<genre2>]' ### How to use You can use this model directly with a pipeline for text generation. This example generates a different sequence each time it's run: ### Limitations and Biases Based on known problems with NLP technology, potential relevant factors include bias (gender, profession, race and religion). ### BibTeX entry and citation info
[ "# Fairseq-dense 2.7B - Janeway", "## Model Description\r\nFairseq-dense 2.7B-Janeway is a finetune created using Fairseq's MoE dense model.", "## Training data\r\nThe training data contains around 2210 ebooks, mostly in the sci-fi and fantasy genres. The dataset is identical as dataset used by GPT-Neo-2.7B-Janeway.\r\nSome parts of the dataset have been prepended using the following text: '[Genre: <genre1>,<genre2>]'", "### How to use\r\nYou can use this model directly with a pipeline for text generation. This example generates a different sequence each time it's run:", "### Limitations and Biases\r\nBased on known problems with NLP technology, potential relevant factors include bias (gender, profession, race and religion).", "### BibTeX entry and citation info" ]
[ "TAGS\n#transformers #pytorch #xglm #text-generation #en #license-mit #autotrain_compatible #endpoints_compatible #has_space #region-us \n", "# Fairseq-dense 2.7B - Janeway", "## Model Description\r\nFairseq-dense 2.7B-Janeway is a finetune created using Fairseq's MoE dense model.", "## Training data\r\nThe training data contains around 2210 ebooks, mostly in the sci-fi and fantasy genres. The dataset is identical as dataset used by GPT-Neo-2.7B-Janeway.\r\nSome parts of the dataset have been prepended using the following text: '[Genre: <genre1>,<genre2>]'", "### How to use\r\nYou can use this model directly with a pipeline for text generation. This example generates a different sequence each time it's run:", "### Limitations and Biases\r\nBased on known problems with NLP technology, potential relevant factors include bias (gender, profession, race and religion).", "### BibTeX entry and citation info" ]
[ 49, 12, 32, 84, 35, 34, 11 ]
[ "passage: TAGS\n#transformers #pytorch #xglm #text-generation #en #license-mit #autotrain_compatible #endpoints_compatible #has_space #region-us \n# Fairseq-dense 2.7B - Janeway## Model Description\r\nFairseq-dense 2.7B-Janeway is a finetune created using Fairseq's MoE dense model.## Training data\r\nThe training data contains around 2210 ebooks, mostly in the sci-fi and fantasy genres. The dataset is identical as dataset used by GPT-Neo-2.7B-Janeway.\r\nSome parts of the dataset have been prepended using the following text: '[Genre: <genre1>,<genre2>]'### How to use\r\nYou can use this model directly with a pipeline for text generation. This example generates a different sequence each time it's run:### Limitations and Biases\r\nBased on known problems with NLP technology, potential relevant factors include bias (gender, profession, race and religion).### BibTeX entry and citation info" ]
[ -0.06066206097602844, 0.21892376244068146, 0.0015783000271767378, 0.026352617889642715, 0.011449179612100124, 0.004518187139183283, 0.1070680171251297, 0.0888073518872261, 0.05880165845155716, 0.0010064193047583103, 0.11734690517187119, 0.08464841544628143, 0.07397981733083725, 0.1343235820531845, -0.011885710060596466, -0.1953316628932953, 0.033692844212055206, 0.04218984767794609, 0.05782704055309296, 0.11061915755271912, 0.07705797255039215, -0.05482316389679909, 0.036168456077575684, 0.046146515756845474, -0.12674541771411896, -0.04289112985134125, 0.00849464163184166, -0.04118165001273155, 0.05972433462738991, 0.08210097253322601, 0.08734719455242157, 0.050063855946063995, 0.013453264720737934, -0.21245229244232178, 0.03601086512207985, 0.026463080197572708, 0.029112499207258224, 0.075555220246315, 0.07167024165391922, -0.0042004757560789585, 0.1506110280752182, -0.030418287962675095, 0.05647236853837967, 0.01954241469502449, -0.06577029079198837, -0.14498679339885712, -0.08133315294981003, 0.015193432569503784, -0.0012409293558448553, 0.029013371095061302, -0.020841781049966812, 0.18291954696178436, -0.10749980062246323, 0.05773231014609337, 0.2296680212020874, -0.17524060606956482, 0.000605661713052541, 0.06812272220849991, 0.04035051912069321, 0.00982444267719984, -0.04898180440068245, 0.035930246114730835, 0.050438057631254196, 0.02366037108004093, 0.0677032321691513, -0.05862231180071831, -0.023054370656609535, -0.008508916012942791, -0.16862981021404266, -0.03623003512620926, 0.1154676005244255, -0.008618120104074478, -0.03033287823200226, -0.2143944948911667, -0.004726939834654331, 0.10313434898853302, 0.04062763229012489, -0.04137307032942772, -0.07061298936605453, -0.06788159906864166, 0.0597999282181263, -0.08729386329650879, -0.026965424418449402, -0.023342011496424675, 0.023656675592064857, 0.19967326521873474, 0.054526764899492264, 0.058786749839782715, -0.03229742497205734, 0.10238855332136154, 0.02509111911058426, -0.07555785030126572, 0.002066687447950244, -0.1337650865316391, -0.03871428593993187, 0.01642192155122757, -0.017288729548454285, 0.09204099327325821, 0.011556414887309074, 0.04182208701968193, -0.07169178873300552, 0.00463149044662714, 0.03681069612503052, 0.0560867078602314, 0.05815824866294861, 0.033824723213911057, -0.12726131081581116, -0.09791760891675949, 0.11698982119560242, 0.0215437114238739, 0.017834631726145744, -0.041651785373687744, -0.05934132635593414, -0.11738136410713196, 0.03772175312042236, 0.08914923667907715, 0.08597588539123535, 0.04722714424133301, -0.07467801868915558, -0.05782115459442139, 0.11035330593585968, -0.04726497828960419, 0.015175145119428635, -0.008082592859864235, -0.10498343408107758, -0.001085374504327774, 0.0795028880238533, 0.0005390316364355385, -0.10655705630779266, -0.05570502579212189, -0.08364132046699524, -0.04342426359653473, -0.05955611914396286, -0.15716096758842468, 0.038350895047187805, -0.025630073621869087, 0.0007481258362531662, -0.046268854290246964, -0.2475946843624115, -0.030074946582317352, -0.03606659919023514, -0.023277511820197105, -0.08149655908346176, 0.008464239537715912, -0.01671990565955639, -0.010708686895668507, -0.019689399749040604, 0.062121134251356125, -0.047857850790023804, 0.06809602677822113, -0.09222812205553055, 0.09571510553359985, 0.01738593354821205, 0.023383330553770065, -0.10460711270570755, 0.025278083980083466, -0.09989549219608307, 0.1342460960149765, -0.056719619780778885, -0.0695117637515068, -0.008389043621718884, -0.14139504730701447, -0.013164703734219074, 0.010665729641914368, 0.0046328771859407425, 0.11030273139476776, -0.15865203738212585, -0.027517342939972878, 0.12518346309661865, -0.10851994901895523, -0.07324369996786118, 0.09404688328504562, -0.03797038644552231, 0.04934370517730713, 0.08918137103319168, 0.17134080827236176, 0.14257197082042694, -0.017803851515054703, -0.05103852599859238, 0.01248943991959095, 0.02061179280281067, 0.031640082597732544, 0.01924309693276882, 0.05684860050678253, -0.015271216630935669, 0.016229117289185524, -0.01818717271089554, 0.06914262473583221, -0.07778514176607132, -0.05752093344926834, -0.021244898438453674, -0.06661922484636307, 0.047882694751024246, 0.006122658960521221, -0.02110283263027668, -0.015580710954964161, -0.09141561388969421, 0.013862986117601395, 0.08147396892309189, -0.06030398979783058, -0.010319297201931477, -0.022831464186310768, 0.08102142065763474, -0.04883559048175812, -0.004749525338411331, -0.19590961933135986, -0.15610569715499878, 0.016783637925982475, -0.10773446410894394, -0.004859089385718107, 0.1197926327586174, -0.018150968477129936, 0.07497962564229965, -0.03565363585948944, 0.06177261844277382, 0.032584819942712784, -0.0029046260751783848, -0.056579962372779846, -0.14597338438034058, -0.01596696488559246, -0.05761151388287544, 0.10684691369533539, -0.2317706048488617, 0.011152663268148899, 0.027501661330461502, 0.10300944000482559, 0.034328848123550415, -0.046029966324567795, 0.1467621773481369, 0.06664786487817764, -0.014964907430112362, -0.05773234739899635, 0.015416886657476425, -0.022367626428604126, -0.10163365304470062, 0.15798978507518768, -0.1835460662841797, 0.05844336748123169, 0.08939953148365021, -0.006864655762910843, -0.06947310268878937, -0.008353615179657936, -0.08029290288686752, -0.024018028751015663, -0.1017213761806488, 0.03196840360760689, 0.11860448122024536, 0.02138162963092327, 0.07476381212472916, -0.10517855733633041, -0.03670153021812439, -0.03658834844827652, -0.015436378307640553, 0.015040754340589046, 0.10918647050857544, 0.0431661456823349, -0.14252884685993195, 0.07455086708068848, -0.03468458354473114, 0.029317857697606087, 0.14592286944389343, 0.0777767226099968, -0.044159021228551865, 0.009985633194446564, -0.08051101863384247, -0.030422691255807877, 0.03870772570371628, -0.011940529569983482, 0.01608605869114399, 0.0948704332113266, 0.0016257333336398005, 0.063414067029953, -0.17841175198554993, -0.06142091378569603, -0.001067573670297861, -0.06980551034212112, -0.10403236001729965, 0.08460943400859833, 0.02973766066133976, 0.1152459979057312, -0.03575010597705841, 0.0231392253190279, 0.015230338089168072, -0.04099683836102486, -0.13584399223327637, 0.16009807586669922, -0.05640958622097969, -0.2680058777332306, -0.05777379497885704, 0.07608546316623688, -0.05201592668890953, -0.01844252273440361, 0.015035743825137615, 0.05486474186182022, -0.05316787585616112, -0.07342986017465591, 0.011321843601763248, -0.02848801016807556, 0.009697000496089458, -0.15893369913101196, -0.02893068455159664, -0.0021354409400373697, -0.16125135123729706, -0.0044469526037573814, -0.010786771774291992, 0.00015431595966219902, 0.06430551409721375, -0.036260515451431274, 0.08608826994895935, 0.1131984069943428, 0.009651534259319305, -0.019958555698394775, -0.047422632575035095, 0.2883909046649933, -0.12047376483678818, 0.005610577762126923, 0.14889656007289886, 0.0014413503231480718, 0.07256423681974411, 0.06423632055521011, 0.010707950219511986, -0.08823253959417343, 0.008802538737654686, 0.04715491086244583, -0.09721125662326813, -0.21090413630008698, -0.08806020766496658, -0.0565328411757946, -0.055620353668928146, 0.04382261633872986, 0.054165612906217575, 0.06490683555603027, 0.047764915972948074, -0.10398466140031815, 0.04054611176252365, 0.009914037771522999, 0.0575188510119915, 0.1022602990269661, 0.037270545959472656, 0.10104005038738251, -0.06164158880710602, 0.006881186738610268, 0.05998000130057335, -0.026027562096714973, 0.28244566917419434, -0.11943709850311279, 0.0613897368311882, 0.13226111233234406, 0.09450234472751617, 0.0805906131863594, 0.002329033799469471, 0.034587595611810684, 0.003488807938992977, -0.013910430483520031, -0.08422322571277618, -0.001405111514031887, 0.046893343329429626, 0.0018179171020165086, -0.008810251951217651, 0.00806781742721796, -0.08509207516908646, -0.013190110214054585, 0.03907883167266846, 0.05476857349276543, -0.22905558347702026, 0.007724363822489977, 0.06089118495583534, -0.033226046711206436, -0.03023381158709526, -0.001600456889718771, 0.10703031718730927, -0.14907753467559814, 0.13120533525943756, 0.008717386983335018, 0.11012916266918182, -0.18209323287010193, -0.013735251501202583, -0.0752585306763649, 0.029391709715127945, -0.028407566249370575, 0.13963395357131958, -0.21824869513511658, 0.1724756360054016, 0.036829348653554916, 0.024663183838129044, -0.11283668875694275, -0.062061212956905365, 0.019228339195251465, 0.026277028024196625, 0.06883504241704941, -0.0007185079739429057, 0.12481942027807236, -0.07726378738880157, -0.023734817281365395, 0.034372925758361816, -0.03776772320270538, 0.09733034670352936, 0.028387917205691338, 0.0327003113925457, 0.037731096148490906, 0.008417891338467598, -0.049213942140340805, -0.1546936333179474, -0.1401827484369278, 0.06346922367811203, 0.05054880306124687, -0.07005281001329422, -0.03981003537774086, -0.10347435623407364, -0.0029542744159698486, 0.14781802892684937, -0.0016793751856312156, -0.11183790862560272, -0.09411033242940903, 0.06324625760316849, 0.12465251237154007, -0.050069939345121384, -0.016750000417232513, 0.018893953412771225, 0.1686890721321106, -0.015399111434817314, -0.04150831699371338, -0.014765746891498566, -0.06200014427304268, -0.14442305266857147, -0.023700794205069542, 0.03536572307348251, 0.08744364976882935, 0.07406627386808395, 0.01561344601213932, -0.0285438671708107, -0.04226367175579071, -0.15869389474391937, 0.020808886736631393, 0.18124563992023468, 0.057157933712005615, 0.05456807091832161, 0.07290902733802795, 0.09188070148229599, -0.049599308520555496, 0.018228720873594284, 0.05801854655146599, 0.18120065331459045, -0.06791456043720245, 0.12179425358772278, 0.07506055384874344, -0.09112654626369476, -0.22566360235214233, 0.044401999562978745, 0.05859537422657013, 0.030034860596060753, 0.0434589758515358, -0.1387723833322525, 0.02472679503262043, 0.027066919952630997, 0.015639396384358406, 0.12203367799520493, -0.2830600142478943, -0.09581603854894638, 0.04906323924660683, 0.08984682708978653, 0.15167635679244995, -0.06725024431943893, -0.03338935598731041, -0.01964682526886463, -0.07307693362236023, 0.19315531849861145, -0.1532728224992752, 0.0722278505563736, -0.031053369864821434, 0.12346258759498596, 0.037334274500608444, -0.0501507967710495, 0.1657760888338089, -0.05203551426529884, 0.08566637337207794, -0.07507653534412384, 0.020915165543556213, 0.05139997974038124, -0.028052709996700287, 0.08879664540290833, 0.020581690594553947, 0.028293903917074203, -0.0956665650010109, -0.0803355723619461, -0.09152284264564514, 0.08365634083747864, -0.016191445291042328, -0.0464450940489769, -0.10016020387411118, 0.0260909516364336, 0.043274715542793274, -0.005842127837240696, -0.06412430852651596, -0.036387812346220016, 0.05232520401477814, 0.02881876938045025, 0.15499833226203918, -0.05315939337015152, -0.03027172014117241, 0.0007737771957181394, -0.006702950224280357, 0.06070827320218086, -0.11263829469680786, -0.022446859627962112, 0.10940674692392349, 0.03825201094150543, 0.09979831427335739, 0.018810931593179703, -0.08638782799243927, 0.03585612773895264, 0.012910328805446625, -0.16525332629680634, -0.16573698818683624, -0.015735505148768425, -0.056618522852659225, -0.06147720292210579, -0.09355709701776505, 0.05485313758254051, -0.031846437603235245, -0.02727520652115345, -0.00242900219745934, 0.0170256569981575, 0.029378730803728104, 0.15088462829589844, 0.1203203946352005, 0.0604751780629158, -0.10412133485078812, 0.04646708071231842, 0.0730983167886734, 0.04220905154943466, 0.03785037249326706, -0.005043337121605873, -0.12272576987743378, -0.01942736841738224, -0.08325738459825516, 0.095645971596241, -0.024471387267112732, -0.08923238515853882, -0.07678646594285965, -0.04498522728681564, 0.020972957834601402, 0.13335180282592773, 0.016314834356307983, 0.07369861751794815, -0.014879939146339893, -0.08700134605169296, -0.11271864175796509, 0.06476039439439774, 0.024027926847338676, -0.01152739766985178, -0.1326700896024704, 0.11271142959594727, 0.05276087671518326, 0.06479271501302719, -0.05025569349527359, -0.02932639978826046, -0.0850188210606575, 0.017572030425071716, -0.15670561790466309, 0.035871800035238266, -0.11539600789546967, 0.011138477362692356, -0.058505721390247345, -0.07742734998464584, -0.0585518553853035, 0.02293858677148819, -0.06704731285572052, 0.014360121451318264, 0.022994358092546463, 0.032020650804042816, -0.11545895785093307, -0.07125814259052277, 0.06410497426986694, -0.020931776612997055, 0.06573738902807236, -0.021904701367020607, -0.04377106577157974, -0.040051281452178955, -0.09789545089006424, 0.01165578979998827, 0.0583769790828228, 0.061669349670410156, -0.01604415290057659, -0.11682844161987305, 0.0016297324327751994, 0.008454926311969757, -0.027444947510957718, 0.042530372738838196, -0.04054807871580124, -0.0990806370973587, 0.03198512643575668, -0.016225144267082214, -0.023850632831454277, -0.027093322947621346, 0.11923599988222122, 0.15503059327602386, 0.047288816422224045, 0.07702022790908813, -0.007639716379344463, 0.034730978310108185, -0.09653378278017044, -0.03299761936068535, -0.03832755237817764, -0.015193864703178406, 0.07194069772958755, 0.009609034284949303, 0.04317964240908623, 0.021477077156305313, 0.3453627824783325, 0.008606604300439358, 0.004482341930270195, -0.008855476044118404, 0.06145162135362625, 0.06992171704769135, -0.018796944990754128, 0.052880965173244476, -0.0037455647252500057, -0.005372244864702225, 0.07286620885133743, 0.09702231734991074, 0.004623900167644024, 0.10215435177087784, 0.12335924059152603, -0.03277081251144409, 0.09192648530006409, -0.03305727615952492, -0.029420895501971245, -0.09433908015489578, -0.048856139183044434, -0.009228764101862907, 0.06648869812488556, 0.033028483390808105, -0.06916213780641556, 0.07108337432146072, 0.12520861625671387, -0.07303015142679214, 0.07237428426742554, 0.06114865839481354, -0.10664695501327515, -0.15357212722301483, -0.1650054156780243, -0.018895616754889488, -0.018795793876051903, -0.013744563795626163, -0.13593260943889618, 0.028597179800271988, 0.0920233502984047, 0.03747834637761116, -0.028442785143852234, -0.0032956672366708517, 0.037751153111457825, -0.08461044728755951, -0.009565967135131359, -0.008607406169176102, 0.03482181206345558, -0.1038636714220047, 0.031314488500356674, 0.03438353165984154, -0.004091150127351284, 0.04451677203178406, 0.040155280381441116, -0.02276885136961937, 0.012369711883366108, -0.08800458163022995, -0.05393540486693382, -0.040034882724285126, 0.034102797508239746, 0.1342252939939499, 0.17691370844841003, 0.05210411548614502, -0.06043464317917824, -0.02218719944357872, 0.19425660371780396, 0.03498471900820732, -0.03737882897257805, -0.0674830973148346, 0.09199614077806473, -0.005040426272898912, -0.01991615630686283, 0.0532008595764637, -0.05806603282690048, 0.06407994776964188, 0.13930140435695648, 0.2031523734331131, -0.024956876412034035, 0.01368832029402256, -0.03898930177092552, -0.01607162319123745, 0.008661261759698391, 0.05500562861561775, 0.013729341328144073, 0.2460143119096756, -0.05447021499276161, -0.03711169213056564, -0.05796688050031662, 0.012529469095170498, -0.050471194088459015, 0.05514921620488167, 0.029095949605107307, -0.011908193118870258, -0.1033298596739769, 0.06123824790120125, -0.12227851897478104, -0.12291060388088226, 0.032774668186903, -0.07083720713853836, -0.10766938328742981, 0.011167962104082108, -0.15992197394371033, -0.021545715630054474, 0.058654189109802246, -0.04974514991044998, 0.004037783481180668, 0.07251975685358047, 0.0017737625166773796, -0.14193707704544067, -0.041129421442747116, 0.09625527262687683, 0.10355174541473389, 0.15826289355754852, -0.03202919289469719, 0.20322886109352112, 0.10224874317646027, -0.02236650325357914, -0.1421961784362793, 0.022471614181995392, 0.04151999577879906, 0.019388848915696144, -0.0021168545354157686, 0.07850653678178787, -0.007837114855647087, 0.015006518922746181, 0.07453851401805878, 0.017668776214122772, 0.00880667008459568, -0.13699130713939667, -0.042749594897031784, -0.09567731618881226, 0.000005297477400745265, -0.031218694522976875, 0.12197277694940567, 0.07666034996509552, -0.0853038802742958, -0.004810288082808256, -0.06059984117746353, -0.024832436814904213, -0.008287155069410801, 0.034453555941581726, 0.016243336722254753, -0.12401362508535385, 0.039952412247657776, 0.04988092556595802, 0.05360725149512291, -0.17909803986549377, -0.025345558300614357, -0.0022967432159930468, -0.09457152336835861, 0.036504101008176804, 0.05863925442099571, -0.01853674277663231, 0.01534538809210062, -0.047449082136154175, -0.12172877788543701, -0.03466193750500679, 0.07475075125694275, -0.10920622944831848, -0.07513993233442307 ]
null
null
transformers
This is a Hugging Face transformers-compatible conversion of the original dense 2.7B-parameter model from the paper "[Efficient Large Scale Language Modeling with Mixtures of Experts](https://arxiv.org/abs/2112.10684)" from Artetxe et al. Please refer to the original model card, which can be found at https://github.com/facebookresearch/fairseq/blob/main/examples/moe_lm/model_card.md. # [Open LLM Leaderboard Evaluation Results](https://huggingface.co/spaces/HuggingFaceH4/open_llm_leaderboard) Detailed results can be found [here](https://huggingface.co/datasets/open-llm-leaderboard/details_KoboldAI__fairseq-dense-2.7B) | Metric | Value | |-----------------------|---------------------------| | Avg. | 33.67 | | ARC (25-shot) | 33.79 | | HellaSwag (10-shot) | 65.74 | | MMLU (5-shot) | 26.44 | | TruthfulQA (0-shot) | 34.57 | | Winogrande (5-shot) | 63.93 | | GSM8K (5-shot) | 0.0 | | DROP (3-shot) | 11.24 |
{"language": "en"}
text-generation
KoboldAI/fairseq-dense-2.7B
[ "transformers", "pytorch", "safetensors", "xglm", "text-generation", "en", "arxiv:2112.10684", "autotrain_compatible", "endpoints_compatible", "has_space", "region:us" ]
2022-03-02T23:29:04+00:00
[ "2112.10684" ]
[ "en" ]
TAGS #transformers #pytorch #safetensors #xglm #text-generation #en #arxiv-2112.10684 #autotrain_compatible #endpoints_compatible #has_space #region-us
This is a Hugging Face transformers-compatible conversion of the original dense 2.7B-parameter model from the paper "Efficient Large Scale Language Modeling with Mixtures of Experts" from Artetxe et al. Please refer to the original model card, which can be found at URL Open LLM Leaderboard Evaluation Results ======================================= Detailed results can be found here
[]
[ "TAGS\n#transformers #pytorch #safetensors #xglm #text-generation #en #arxiv-2112.10684 #autotrain_compatible #endpoints_compatible #has_space #region-us \n" ]
[ 58 ]
[ "passage: TAGS\n#transformers #pytorch #safetensors #xglm #text-generation #en #arxiv-2112.10684 #autotrain_compatible #endpoints_compatible #has_space #region-us \n" ]
[ -0.04790916666388512, 0.035642463713884354, -0.004460339434444904, 0.01228215079754591, 0.12655645608901978, -0.00959093403071165, 0.10324988514184952, 0.11408799886703491, 0.027656804770231247, 0.04923365265130997, 0.1625235676765442, 0.1787581890821457, -0.046968020498752594, 0.16621103882789612, -0.09400025755167007, -0.19057278335094452, 0.06230651214718819, 0.04251350834965706, -0.02321779355406761, 0.09375350922346115, 0.08130774646997452, -0.10876823961734772, 0.07781796157360077, -0.03886650502681732, -0.13175691664218903, 0.029525713995099068, 0.030242403969168663, -0.1163870319724083, 0.12477537244558334, 0.037291523069143295, 0.13703198730945587, 0.04970095306634903, -0.0596415139734745, -0.10305428504943848, 0.03685098513960838, 0.023099133744835854, -0.08736644685268402, 0.06278017163276672, 0.07709559798240662, -0.0814855694770813, 0.04316943138837814, -0.037630513310432434, -0.037504710257053375, 0.02292286604642868, -0.13088339567184448, -0.143252432346344, -0.05387216433882713, 0.02903718687593937, 0.03064439631998539, 0.11290546506643295, -0.004464179277420044, 0.18255959451198578, -0.06510188430547714, 0.11923535913228989, 0.20653852820396423, -0.34593167901039124, -0.013732745312154293, 0.11482329666614532, 0.12145289778709412, 0.07143546640872955, -0.036501407623291016, 0.08419100195169449, 0.06309229135513306, 0.0005448369192890823, 0.049398504197597504, -0.058205198496580124, -0.12247976660728455, 0.05586251989006996, -0.10612090677022934, -0.05283675715327263, 0.20291051268577576, -0.05899700149893761, 0.06542273610830307, -0.057787708938121796, -0.11794065684080124, -0.07056251913309097, 0.007743454072624445, 0.013947563245892525, -0.019665274769067764, 0.019642772153019905, 0.029754258692264557, -0.031393978744745255, -0.15069904923439026, 0.03137024864554405, -0.16725581884384155, 0.21028611063957214, -0.015498333610594273, 0.05254111438989639, -0.15302598476409912, 0.07680467516183853, 0.013922973535954952, -0.13274940848350525, 0.06526324898004532, -0.08307401090860367, 0.078470878303051, 0.03076024167239666, -0.06660942733287811, -0.043512411415576935, 0.08504239469766617, 0.09599659591913223, -0.03321968764066696, 0.013023274950683117, 0.012336147017776966, 0.08765144646167755, 0.025679072365164757, 0.08736918121576309, -0.011930533684790134, -0.0504838190972805, 0.05977256968617439, -0.023435387760400772, 0.06044295057654381, -0.07148671895265579, -0.13853350281715393, -0.055333152413368225, 0.08731194585561752, 0.09316103160381317, 0.06663587689399719, 0.06710778176784515, -0.018255796283483505, 0.045112572610378265, 0.09657135605812073, -0.07561784982681274, 0.03867308050394058, -0.020300814881920815, 0.04475870355963707, 0.026557406410574913, 0.016208844259381294, 0.005026767496019602, -0.05396946519613266, 0.07178665697574615, -0.07717113941907883, 0.01456079538911581, -0.037056226283311844, -0.11231552809476852, 0.02890079841017723, -0.0990947037935257, 0.02536088414490223, -0.2071017175912857, -0.04895661398768425, -0.02077532559633255, 0.0029787591192871332, -0.0009949870873242617, -0.04020223766565323, 0.02625115029513836, -0.05756343528628349, 0.06986953318119049, -0.0586579367518425, -0.010285265743732452, -0.062341101467609406, 0.08945868909358978, -0.014505082741379738, 0.1026233360171318, -0.13217973709106445, 0.04574935510754585, -0.08169872313737869, -0.007604966405779123, -0.06981400400400162, -0.020370902493596077, -0.04269146919250488, 0.138377845287323, 0.032975103706121445, -0.034326307475566864, -0.06506352126598358, 0.06565581262111664, 0.007154383696615696, 0.130637064576149, -0.09991809725761414, -0.05012477934360504, 0.19055140018463135, -0.10181809216737747, -0.17095883190631866, 0.08564634621143341, 0.019581099972128868, -0.031750403344631195, 0.028263099491596222, 0.20784717798233032, 0.022767145186662674, -0.07625337690114975, -0.021079139783978462, 0.11334262043237686, -0.08891052007675171, -0.1044607013463974, -0.00007773550896672532, 0.025110622867941856, -0.08425209671258926, 0.040566157549619675, 0.045263566076755524, 0.055631306022405624, -0.038840726017951965, -0.04451065510511398, -0.08239327371120453, -0.025133244693279266, 0.07934838533401489, 0.021499808877706528, 0.08987397700548172, -0.10124855488538742, -0.05077667534351349, -0.05922267958521843, 0.012824943289160728, 0.02004340849816799, 0.01819707453250885, -0.015791671350598335, 0.17709681391716003, -0.07355529814958572, 0.019514957442879677, -0.1600831300020218, -0.0921732485294342, -0.03615851327776909, 0.10087728500366211, -0.03441482409834862, 0.16816431283950806, 0.05809866264462471, -0.010465564206242561, 0.010417770594358444, -0.05183478444814682, 0.14719313383102417, 0.03430122882127762, -0.09129985421895981, -0.04749966040253639, 0.04815651476383209, -0.09523487836122513, 0.005167915020138025, -0.1073651909828186, 0.03163224458694458, 0.028664879500865936, 0.0848153680562973, -0.004359034821391106, 0.06064208969473839, -0.01496096607297659, 0.033503249287605286, -0.09489893913269043, 0.00367102213203907, 0.07792478054761887, 0.01731029339134693, -0.03657061606645584, 0.20281392335891724, -0.25131919980049133, 0.35971352458000183, 0.22246412932872772, -0.23041832447052002, 0.004037266131490469, 0.0033104487229138613, -0.018483402207493782, 0.033289141952991486, 0.017402587458491325, -0.015761563554406166, -0.012213497422635555, -0.04649735242128372, 0.16958372294902802, -0.04929358884692192, -0.03167738392949104, 0.014863919466733932, -0.08700546622276306, -0.05881721153855324, 0.06966321915388107, -0.008568467572331429, -0.11131352186203003, 0.19389118254184723, 0.276353120803833, -0.0005998592241667211, 0.13003851473331451, 0.02077428065240383, 0.022606447339057922, 0.028721196576952934, -0.017903905361890793, -0.03868524730205536, 0.0008642531465739012, -0.12406878173351288, -0.03583235293626785, 0.07988304644823074, 0.013096373528242111, 0.08584613353013992, -0.14937123656272888, -0.05124156177043915, 0.0298139788210392, 0.03154781088232994, -0.03006667084991932, 0.12089303135871887, 0.042448174208402634, 0.1335115283727646, -0.03193947300314903, -0.04592273011803627, 0.058995530009269714, 0.01215334888547659, -0.06746316701173782, 0.16180412471294403, -0.1281246840953827, -0.3411390781402588, -0.12908746302127838, -0.08887950330972672, -0.027225445955991745, 0.035486023873090744, 0.12066087126731873, -0.09513302892446518, -0.04790265113115311, -0.04922392964363098, -0.04890589788556099, -0.06331727653741837, 0.042396847158670425, -0.04946393892168999, 0.03969287872314453, -0.02569010481238365, -0.09613000601530075, -0.0699964389204979, -0.03166034817695618, -0.04333366081118584, 0.15560699999332428, -0.005025831982493401, 0.1159742996096611, 0.13846077024936676, -0.030836716294288635, 0.03953273594379425, -0.013107341714203358, 0.17205168306827545, -0.060391079634428024, -0.011789881624281406, 0.22060170769691467, 0.002560840453952551, 0.08976878970861435, 0.12832924723625183, -0.00378143391571939, -0.05181286484003067, 0.01219323743134737, -0.04482202231884003, -0.09833243489265442, -0.17950686812400818, -0.13498418033123016, -0.10582529753446579, 0.028454555198550224, 0.032490335404872894, 0.09026621282100677, 0.11089874058961868, 0.08451075106859207, 0.008855951949954033, -0.03455134853720665, -0.06211450323462486, 0.0652853474020958, 0.18253883719444275, -0.03224766626954079, 0.15545500814914703, -0.0708412453532219, -0.10047970712184906, 0.07784531265497208, 0.05694985389709473, 0.10627952218055725, 0.03770221397280693, -0.0557815246284008, 0.023499509319663048, 0.13320571184158325, 0.13760139048099518, 0.11732802540063858, 0.020903626456856728, -0.0659542828798294, -0.013403971679508686, -0.02491915039718151, -0.01616521365940571, 0.04968029633164406, 0.006071359850466251, -0.11087927967309952, -0.06822247058153152, -0.10589051991701126, 0.10201530158519745, 0.007861754857003689, 0.061732228845357895, -0.21658506989479065, 0.021586021408438683, 0.0866832435131073, 0.0021512017119675875, -0.08927319198846817, 0.048347897827625275, 0.08071430027484894, -0.06983743607997894, 0.0484304316341877, -0.03573618084192276, 0.07927446067333221, 0.037840619683265686, 0.08788170665502548, -0.09276079386472702, -0.08941949158906937, 0.00940178707242012, 0.08227032423019409, -0.2480546236038208, 0.2225068062543869, -0.008117998950183392, -0.05873551592230797, -0.0663386881351471, -0.0026056685019284487, 0.034303028136491776, 0.1455056518316269, 0.0962224006652832, 0.01634528860449791, -0.1297011375427246, -0.1345282346010208, -0.008862356655299664, 0.02639632113277912, 0.09704995155334473, 0.018624627962708473, 0.024493755772709846, -0.03953247517347336, -0.011377905495464802, 0.0009716857457533479, 0.046706512570381165, -0.0018720387015491724, -0.17929503321647644, 0.07163963466882706, 0.07932895421981812, 0.023896416649222374, -0.0250981617718935, -0.04269733279943466, -0.19693751633167267, 0.18103009462356567, 0.026292894035577774, -0.053405676037073135, -0.10460261255502701, -0.07256326079368591, 0.06211657449603081, -0.0731787383556366, 0.07328686863183975, -0.07370250672101974, 0.013550156727433205, -0.08906067907810211, -0.15347421169281006, 0.11197391897439957, -0.1220497339963913, -0.04743746668100357, -0.03368671238422394, 0.12106265127658844, -0.1205742135643959, 0.002483334857970476, 0.011189643293619156, 0.0660950317978859, -0.1705341339111328, -0.10101484507322311, 0.03566140681505203, -0.0053831771947443485, 0.07425542920827866, 0.018186209723353386, -0.03924814984202385, -0.09272155165672302, 0.021633991971611977, -0.021591370925307274, 0.26672184467315674, 0.2351730912923813, -0.11612750589847565, 0.10357198864221573, 0.08700091391801834, -0.031610313802957535, -0.34130772948265076, -0.09457994252443314, -0.15022096037864685, -0.008354375138878822, 0.021118110045790672, -0.028756145387887955, 0.0583672933280468, 0.006309393793344498, -0.05667117238044739, 0.14900442957878113, -0.2107408493757248, -0.0881054699420929, 0.14631086587905884, -0.0057115210220217705, 0.3729577362537384, -0.1647513210773468, -0.047075655311346054, -0.02245929092168808, -0.11011824756860733, 0.09428287297487259, -0.05845794454216957, 0.08296755701303482, -0.03550301864743233, 0.05111398175358772, 0.04980418086051941, -0.08870703727006912, 0.13546761870384216, -0.07382040470838547, 0.05872933939099312, -0.13044176995754242, -0.1031215712428093, 0.052785474807024, -0.052421070635318756, 0.03079887665808201, -0.13152113556861877, 0.042358797043561935, -0.11132822930812836, -0.0029525035060942173, -0.08696906268596649, 0.0835900828242302, 0.01404810044914484, -0.04010884463787079, -0.03237015753984451, -0.0556354895234108, 0.001001435681246221, -0.002875202102586627, 0.20704598724842072, -0.044436756521463394, 0.2177855670452118, 0.17535088956356049, 0.0405425950884819, -0.18817055225372314, 0.01601504348218441, 0.014644098468124866, -0.061502933502197266, 0.08067704737186432, -0.11143765598535538, 0.05033305287361145, 0.09808924794197083, -0.04035360366106033, 0.0322284996509552, 0.10458343476057053, 0.03781954571604729, -0.012450152076780796, 0.1595241129398346, -0.24560657143592834, -0.050700027495622635, -0.04950594902038574, 0.03483298420906067, 0.05735926330089569, 0.0761214941740036, 0.13625185191631317, 0.015424220822751522, -0.0329650342464447, -0.028860094025731087, 0.009756742976605892, -0.016104254871606827, 0.05998523533344269, 0.07344222813844681, 0.0501837357878685, -0.10149097442626953, 0.007470948621630669, 0.02192116528749466, -0.1534280776977539, 0.009128301404416561, 0.12838084995746613, -0.10070522874593735, -0.16164012253284454, -0.03247273340821266, 0.06171862781047821, -0.09447567909955978, -0.0519358329474926, -0.0553092323243618, -0.11113737523555756, 0.03994276002049446, 0.150844544172287, 0.07877866923809052, 0.04765067622065544, 0.008144120685756207, -0.045336537063121796, -0.030178168788552284, 0.023330943658947945, 0.015378431417047977, 0.06985291093587875, -0.14734135568141937, 0.07999777793884277, -0.018771523609757423, 0.13707175850868225, -0.09246297925710678, -0.000049238002247875556, -0.1404518187046051, -0.01642305962741375, -0.09787831455469131, -0.03438626602292061, -0.0879155769944191, -0.05948569253087044, -0.010033315047621727, -0.05925321206450462, -0.048631273210048676, -0.02063014544546604, -0.11197591572999954, 0.008377786725759506, -0.025647243484854698, 0.011122610419988632, -0.07898756116628647, -0.04378461092710495, 0.050137098878622055, -0.019692525267601013, 0.09311375766992569, 0.08560337871313095, -0.0690976232290268, 0.044892240315675735, -0.16146986186504364, -0.10337622463703156, 0.11991723626852036, 0.01808103360235691, 0.04880212992429733, 0.04408946633338928, 0.016758298501372337, 0.07559943199157715, 0.02641707845032215, 0.034790992736816406, 0.045929912477731705, -0.10186178982257843, 0.06202828884124756, -0.03213537484407425, -0.12291937321424484, -0.03699953854084015, -0.05921052396297455, 0.08093662559986115, 0.001952282851561904, 0.1227591410279274, -0.060350216925144196, 0.07021410018205643, -0.08680552989244461, 0.02577749453485012, -0.03545013815164566, -0.20067325234413147, -0.05237294360995293, -0.0347614660859108, 0.043914079666137695, 0.0012059942819178104, 0.2464386373758316, 0.07415006309747696, -0.04007718712091446, 0.03224741667509079, 0.05966410040855408, 0.024706149473786354, -0.002838191343471408, 0.16746000945568085, 0.05058591440320015, -0.037785228341817856, -0.09698814153671265, 0.06344231963157654, 0.033758241683244705, -0.031514786183834076, 0.10721878707408905, 0.08542753010988235, 0.027603304013609886, 0.10030867159366608, -0.005814652889966965, -0.055254265666007996, -0.14567840099334717, -0.1705123484134674, -0.09408791363239288, 0.07000373303890228, -0.05515953153371811, 0.01487782783806324, 0.1933373510837555, 0.011223151348531246, 0.020530374720692635, -0.056017909198999405, -0.01697244867682457, -0.15772898495197296, -0.08824784308671951, -0.09377236664295197, -0.11313572525978088, -0.021311817690730095, -0.06383082270622253, 0.049237992614507675, 0.07919638603925705, 0.01360390242189169, -0.02783972956240177, 0.09956365823745728, 0.08462109416723251, -0.05206330493092537, 0.024489333853125572, -0.006187701132148504, 0.0459761843085289, -0.007173093035817146, 0.009341113269329071, -0.11670950800180435, -0.03125675395131111, -0.03128773346543312, 0.04476341977715492, -0.052981577813625336, 0.03026040829718113, -0.12110526859760284, -0.08898712694644928, -0.06681603938341141, 0.0670827254652977, -0.003600466065108776, 0.1364770382642746, 0.00548135582357645, 0.006190247368067503, 0.01884845271706581, 0.23963144421577454, -0.08169274032115936, -0.08781910687685013, 0.008689029142260551, 0.17622460424900055, 0.03015989437699318, 0.09156844019889832, -0.05724530294537544, -0.008009704761207104, -0.06744503974914551, 0.2451101392507553, 0.33608609437942505, -0.053699664771556854, 0.08618371188640594, -0.009985575452446938, 0.02720980904996395, 0.05593046918511391, 0.09867002069950104, 0.13280770182609558, 0.310220330953598, -0.08449637144804001, -0.01617763377726078, -0.05393637716770172, 0.026886669918894768, -0.13466496765613556, 0.06282348185777664, 0.007951024919748306, -0.0459454208612442, -0.02675647847354412, 0.03491148725152016, -0.09817663580179214, 0.15160693228244781, -0.017354054376482964, -0.22003689408302307, -0.0500633642077446, 0.043838124722242355, 0.20543114840984344, -0.03949382156133652, 0.09230583161115646, -0.03253975883126259, -0.07346592098474503, 0.021983547136187553, -0.024207599461078644, -0.14884431660175323, 0.03303981199860573, 0.045489776879549026, -0.0748925432562828, 0.05949541926383972, -0.025376927107572556, 0.013588793575763702, 0.10421251505613327, 0.04402489960193634, -0.07711832225322723, 0.11185582727193832, 0.01020926795899868, -0.07985416054725647, 0.03169417381286621, -0.021212173625826836, 0.012804584577679634, -0.09989228844642639, 0.072689950466156, -0.1445695459842682, 0.05774375796318054, -0.03682984784245491, -0.01847705990076065, -0.002065075095742941, -0.00020717228471767157, -0.030594822019338608, 0.08731492608785629, 0.03689767047762871, -0.024731909856200218, -0.01980987749993801, -0.01898418366909027, -0.032194919884204865, -0.009174945764243603, -0.03216368705034256, -0.0873740166425705, -0.12159797549247742, -0.02909741923213005, 0.12015365809202194, 0.009499520063400269, -0.17156821489334106, -0.020467499271035194, -0.0963984951376915, 0.03716497868299484, -0.1292547881603241, 0.04367643967270851, 0.11903872340917587, -0.0015719830989837646, -0.012597138062119484, -0.03699561208486557, 0.024707913398742676, 0.10156141966581345, -0.09318021684885025, -0.08351308852434158 ]
null
null
transformers
This is a Hugging Face transformers-compatible conversion of the original dense 355M-parameter model from the paper "[Efficient Large Scale Language Modeling with Mixtures of Experts](https://arxiv.org/abs/2112.10684)" from Artetxe et al. Please refer to the original model card, which can be found at https://github.com/facebookresearch/fairseq/blob/main/examples/moe_lm/model_card.md. # [Open LLM Leaderboard Evaluation Results](https://huggingface.co/spaces/HuggingFaceH4/open_llm_leaderboard) Detailed results can be found [here](https://huggingface.co/datasets/open-llm-leaderboard/details_KoboldAI__fairseq-dense-355M) | Metric | Value | |-----------------------|---------------------------| | Avg. | 27.99 | | ARC (25-shot) | 25.43 | | HellaSwag (10-shot) | 46.67 | | MMLU (5-shot) | 25.3 | | TruthfulQA (0-shot) | 39.19 | | Winogrande (5-shot) | 52.88 | | GSM8K (5-shot) | 0.0 | | DROP (3-shot) | 6.48 |
{"language": "en"}
text-generation
KoboldAI/fairseq-dense-355M
[ "transformers", "pytorch", "safetensors", "xglm", "text-generation", "en", "arxiv:2112.10684", "autotrain_compatible", "endpoints_compatible", "has_space", "region:us" ]
2022-03-02T23:29:04+00:00
[ "2112.10684" ]
[ "en" ]
TAGS #transformers #pytorch #safetensors #xglm #text-generation #en #arxiv-2112.10684 #autotrain_compatible #endpoints_compatible #has_space #region-us
This is a Hugging Face transformers-compatible conversion of the original dense 355M-parameter model from the paper "Efficient Large Scale Language Modeling with Mixtures of Experts" from Artetxe et al. Please refer to the original model card, which can be found at URL Open LLM Leaderboard Evaluation Results ======================================= Detailed results can be found here
[]
[ "TAGS\n#transformers #pytorch #safetensors #xglm #text-generation #en #arxiv-2112.10684 #autotrain_compatible #endpoints_compatible #has_space #region-us \n" ]
[ 58 ]
[ "passage: TAGS\n#transformers #pytorch #safetensors #xglm #text-generation #en #arxiv-2112.10684 #autotrain_compatible #endpoints_compatible #has_space #region-us \n" ]
[ -0.04790916666388512, 0.035642463713884354, -0.004460339434444904, 0.01228215079754591, 0.12655645608901978, -0.00959093403071165, 0.10324988514184952, 0.11408799886703491, 0.027656804770231247, 0.04923365265130997, 0.1625235676765442, 0.1787581890821457, -0.046968020498752594, 0.16621103882789612, -0.09400025755167007, -0.19057278335094452, 0.06230651214718819, 0.04251350834965706, -0.02321779355406761, 0.09375350922346115, 0.08130774646997452, -0.10876823961734772, 0.07781796157360077, -0.03886650502681732, -0.13175691664218903, 0.029525713995099068, 0.030242403969168663, -0.1163870319724083, 0.12477537244558334, 0.037291523069143295, 0.13703198730945587, 0.04970095306634903, -0.0596415139734745, -0.10305428504943848, 0.03685098513960838, 0.023099133744835854, -0.08736644685268402, 0.06278017163276672, 0.07709559798240662, -0.0814855694770813, 0.04316943138837814, -0.037630513310432434, -0.037504710257053375, 0.02292286604642868, -0.13088339567184448, -0.143252432346344, -0.05387216433882713, 0.02903718687593937, 0.03064439631998539, 0.11290546506643295, -0.004464179277420044, 0.18255959451198578, -0.06510188430547714, 0.11923535913228989, 0.20653852820396423, -0.34593167901039124, -0.013732745312154293, 0.11482329666614532, 0.12145289778709412, 0.07143546640872955, -0.036501407623291016, 0.08419100195169449, 0.06309229135513306, 0.0005448369192890823, 0.049398504197597504, -0.058205198496580124, -0.12247976660728455, 0.05586251989006996, -0.10612090677022934, -0.05283675715327263, 0.20291051268577576, -0.05899700149893761, 0.06542273610830307, -0.057787708938121796, -0.11794065684080124, -0.07056251913309097, 0.007743454072624445, 0.013947563245892525, -0.019665274769067764, 0.019642772153019905, 0.029754258692264557, -0.031393978744745255, -0.15069904923439026, 0.03137024864554405, -0.16725581884384155, 0.21028611063957214, -0.015498333610594273, 0.05254111438989639, -0.15302598476409912, 0.07680467516183853, 0.013922973535954952, -0.13274940848350525, 0.06526324898004532, -0.08307401090860367, 0.078470878303051, 0.03076024167239666, -0.06660942733287811, -0.043512411415576935, 0.08504239469766617, 0.09599659591913223, -0.03321968764066696, 0.013023274950683117, 0.012336147017776966, 0.08765144646167755, 0.025679072365164757, 0.08736918121576309, -0.011930533684790134, -0.0504838190972805, 0.05977256968617439, -0.023435387760400772, 0.06044295057654381, -0.07148671895265579, -0.13853350281715393, -0.055333152413368225, 0.08731194585561752, 0.09316103160381317, 0.06663587689399719, 0.06710778176784515, -0.018255796283483505, 0.045112572610378265, 0.09657135605812073, -0.07561784982681274, 0.03867308050394058, -0.020300814881920815, 0.04475870355963707, 0.026557406410574913, 0.016208844259381294, 0.005026767496019602, -0.05396946519613266, 0.07178665697574615, -0.07717113941907883, 0.01456079538911581, -0.037056226283311844, -0.11231552809476852, 0.02890079841017723, -0.0990947037935257, 0.02536088414490223, -0.2071017175912857, -0.04895661398768425, -0.02077532559633255, 0.0029787591192871332, -0.0009949870873242617, -0.04020223766565323, 0.02625115029513836, -0.05756343528628349, 0.06986953318119049, -0.0586579367518425, -0.010285265743732452, -0.062341101467609406, 0.08945868909358978, -0.014505082741379738, 0.1026233360171318, -0.13217973709106445, 0.04574935510754585, -0.08169872313737869, -0.007604966405779123, -0.06981400400400162, -0.020370902493596077, -0.04269146919250488, 0.138377845287323, 0.032975103706121445, -0.034326307475566864, -0.06506352126598358, 0.06565581262111664, 0.007154383696615696, 0.130637064576149, -0.09991809725761414, -0.05012477934360504, 0.19055140018463135, -0.10181809216737747, -0.17095883190631866, 0.08564634621143341, 0.019581099972128868, -0.031750403344631195, 0.028263099491596222, 0.20784717798233032, 0.022767145186662674, -0.07625337690114975, -0.021079139783978462, 0.11334262043237686, -0.08891052007675171, -0.1044607013463974, -0.00007773550896672532, 0.025110622867941856, -0.08425209671258926, 0.040566157549619675, 0.045263566076755524, 0.055631306022405624, -0.038840726017951965, -0.04451065510511398, -0.08239327371120453, -0.025133244693279266, 0.07934838533401489, 0.021499808877706528, 0.08987397700548172, -0.10124855488538742, -0.05077667534351349, -0.05922267958521843, 0.012824943289160728, 0.02004340849816799, 0.01819707453250885, -0.015791671350598335, 0.17709681391716003, -0.07355529814958572, 0.019514957442879677, -0.1600831300020218, -0.0921732485294342, -0.03615851327776909, 0.10087728500366211, -0.03441482409834862, 0.16816431283950806, 0.05809866264462471, -0.010465564206242561, 0.010417770594358444, -0.05183478444814682, 0.14719313383102417, 0.03430122882127762, -0.09129985421895981, -0.04749966040253639, 0.04815651476383209, -0.09523487836122513, 0.005167915020138025, -0.1073651909828186, 0.03163224458694458, 0.028664879500865936, 0.0848153680562973, -0.004359034821391106, 0.06064208969473839, -0.01496096607297659, 0.033503249287605286, -0.09489893913269043, 0.00367102213203907, 0.07792478054761887, 0.01731029339134693, -0.03657061606645584, 0.20281392335891724, -0.25131919980049133, 0.35971352458000183, 0.22246412932872772, -0.23041832447052002, 0.004037266131490469, 0.0033104487229138613, -0.018483402207493782, 0.033289141952991486, 0.017402587458491325, -0.015761563554406166, -0.012213497422635555, -0.04649735242128372, 0.16958372294902802, -0.04929358884692192, -0.03167738392949104, 0.014863919466733932, -0.08700546622276306, -0.05881721153855324, 0.06966321915388107, -0.008568467572331429, -0.11131352186203003, 0.19389118254184723, 0.276353120803833, -0.0005998592241667211, 0.13003851473331451, 0.02077428065240383, 0.022606447339057922, 0.028721196576952934, -0.017903905361890793, -0.03868524730205536, 0.0008642531465739012, -0.12406878173351288, -0.03583235293626785, 0.07988304644823074, 0.013096373528242111, 0.08584613353013992, -0.14937123656272888, -0.05124156177043915, 0.0298139788210392, 0.03154781088232994, -0.03006667084991932, 0.12089303135871887, 0.042448174208402634, 0.1335115283727646, -0.03193947300314903, -0.04592273011803627, 0.058995530009269714, 0.01215334888547659, -0.06746316701173782, 0.16180412471294403, -0.1281246840953827, -0.3411390781402588, -0.12908746302127838, -0.08887950330972672, -0.027225445955991745, 0.035486023873090744, 0.12066087126731873, -0.09513302892446518, -0.04790265113115311, -0.04922392964363098, -0.04890589788556099, -0.06331727653741837, 0.042396847158670425, -0.04946393892168999, 0.03969287872314453, -0.02569010481238365, -0.09613000601530075, -0.0699964389204979, -0.03166034817695618, -0.04333366081118584, 0.15560699999332428, -0.005025831982493401, 0.1159742996096611, 0.13846077024936676, -0.030836716294288635, 0.03953273594379425, -0.013107341714203358, 0.17205168306827545, -0.060391079634428024, -0.011789881624281406, 0.22060170769691467, 0.002560840453952551, 0.08976878970861435, 0.12832924723625183, -0.00378143391571939, -0.05181286484003067, 0.01219323743134737, -0.04482202231884003, -0.09833243489265442, -0.17950686812400818, -0.13498418033123016, -0.10582529753446579, 0.028454555198550224, 0.032490335404872894, 0.09026621282100677, 0.11089874058961868, 0.08451075106859207, 0.008855951949954033, -0.03455134853720665, -0.06211450323462486, 0.0652853474020958, 0.18253883719444275, -0.03224766626954079, 0.15545500814914703, -0.0708412453532219, -0.10047970712184906, 0.07784531265497208, 0.05694985389709473, 0.10627952218055725, 0.03770221397280693, -0.0557815246284008, 0.023499509319663048, 0.13320571184158325, 0.13760139048099518, 0.11732802540063858, 0.020903626456856728, -0.0659542828798294, -0.013403971679508686, -0.02491915039718151, -0.01616521365940571, 0.04968029633164406, 0.006071359850466251, -0.11087927967309952, -0.06822247058153152, -0.10589051991701126, 0.10201530158519745, 0.007861754857003689, 0.061732228845357895, -0.21658506989479065, 0.021586021408438683, 0.0866832435131073, 0.0021512017119675875, -0.08927319198846817, 0.048347897827625275, 0.08071430027484894, -0.06983743607997894, 0.0484304316341877, -0.03573618084192276, 0.07927446067333221, 0.037840619683265686, 0.08788170665502548, -0.09276079386472702, -0.08941949158906937, 0.00940178707242012, 0.08227032423019409, -0.2480546236038208, 0.2225068062543869, -0.008117998950183392, -0.05873551592230797, -0.0663386881351471, -0.0026056685019284487, 0.034303028136491776, 0.1455056518316269, 0.0962224006652832, 0.01634528860449791, -0.1297011375427246, -0.1345282346010208, -0.008862356655299664, 0.02639632113277912, 0.09704995155334473, 0.018624627962708473, 0.024493755772709846, -0.03953247517347336, -0.011377905495464802, 0.0009716857457533479, 0.046706512570381165, -0.0018720387015491724, -0.17929503321647644, 0.07163963466882706, 0.07932895421981812, 0.023896416649222374, -0.0250981617718935, -0.04269733279943466, -0.19693751633167267, 0.18103009462356567, 0.026292894035577774, -0.053405676037073135, -0.10460261255502701, -0.07256326079368591, 0.06211657449603081, -0.0731787383556366, 0.07328686863183975, -0.07370250672101974, 0.013550156727433205, -0.08906067907810211, -0.15347421169281006, 0.11197391897439957, -0.1220497339963913, -0.04743746668100357, -0.03368671238422394, 0.12106265127658844, -0.1205742135643959, 0.002483334857970476, 0.011189643293619156, 0.0660950317978859, -0.1705341339111328, -0.10101484507322311, 0.03566140681505203, -0.0053831771947443485, 0.07425542920827866, 0.018186209723353386, -0.03924814984202385, -0.09272155165672302, 0.021633991971611977, -0.021591370925307274, 0.26672184467315674, 0.2351730912923813, -0.11612750589847565, 0.10357198864221573, 0.08700091391801834, -0.031610313802957535, -0.34130772948265076, -0.09457994252443314, -0.15022096037864685, -0.008354375138878822, 0.021118110045790672, -0.028756145387887955, 0.0583672933280468, 0.006309393793344498, -0.05667117238044739, 0.14900442957878113, -0.2107408493757248, -0.0881054699420929, 0.14631086587905884, -0.0057115210220217705, 0.3729577362537384, -0.1647513210773468, -0.047075655311346054, -0.02245929092168808, -0.11011824756860733, 0.09428287297487259, -0.05845794454216957, 0.08296755701303482, -0.03550301864743233, 0.05111398175358772, 0.04980418086051941, -0.08870703727006912, 0.13546761870384216, -0.07382040470838547, 0.05872933939099312, -0.13044176995754242, -0.1031215712428093, 0.052785474807024, -0.052421070635318756, 0.03079887665808201, -0.13152113556861877, 0.042358797043561935, -0.11132822930812836, -0.0029525035060942173, -0.08696906268596649, 0.0835900828242302, 0.01404810044914484, -0.04010884463787079, -0.03237015753984451, -0.0556354895234108, 0.001001435681246221, -0.002875202102586627, 0.20704598724842072, -0.044436756521463394, 0.2177855670452118, 0.17535088956356049, 0.0405425950884819, -0.18817055225372314, 0.01601504348218441, 0.014644098468124866, -0.061502933502197266, 0.08067704737186432, -0.11143765598535538, 0.05033305287361145, 0.09808924794197083, -0.04035360366106033, 0.0322284996509552, 0.10458343476057053, 0.03781954571604729, -0.012450152076780796, 0.1595241129398346, -0.24560657143592834, -0.050700027495622635, -0.04950594902038574, 0.03483298420906067, 0.05735926330089569, 0.0761214941740036, 0.13625185191631317, 0.015424220822751522, -0.0329650342464447, -0.028860094025731087, 0.009756742976605892, -0.016104254871606827, 0.05998523533344269, 0.07344222813844681, 0.0501837357878685, -0.10149097442626953, 0.007470948621630669, 0.02192116528749466, -0.1534280776977539, 0.009128301404416561, 0.12838084995746613, -0.10070522874593735, -0.16164012253284454, -0.03247273340821266, 0.06171862781047821, -0.09447567909955978, -0.0519358329474926, -0.0553092323243618, -0.11113737523555756, 0.03994276002049446, 0.150844544172287, 0.07877866923809052, 0.04765067622065544, 0.008144120685756207, -0.045336537063121796, -0.030178168788552284, 0.023330943658947945, 0.015378431417047977, 0.06985291093587875, -0.14734135568141937, 0.07999777793884277, -0.018771523609757423, 0.13707175850868225, -0.09246297925710678, -0.000049238002247875556, -0.1404518187046051, -0.01642305962741375, -0.09787831455469131, -0.03438626602292061, -0.0879155769944191, -0.05948569253087044, -0.010033315047621727, -0.05925321206450462, -0.048631273210048676, -0.02063014544546604, -0.11197591572999954, 0.008377786725759506, -0.025647243484854698, 0.011122610419988632, -0.07898756116628647, -0.04378461092710495, 0.050137098878622055, -0.019692525267601013, 0.09311375766992569, 0.08560337871313095, -0.0690976232290268, 0.044892240315675735, -0.16146986186504364, -0.10337622463703156, 0.11991723626852036, 0.01808103360235691, 0.04880212992429733, 0.04408946633338928, 0.016758298501372337, 0.07559943199157715, 0.02641707845032215, 0.034790992736816406, 0.045929912477731705, -0.10186178982257843, 0.06202828884124756, -0.03213537484407425, -0.12291937321424484, -0.03699953854084015, -0.05921052396297455, 0.08093662559986115, 0.001952282851561904, 0.1227591410279274, -0.060350216925144196, 0.07021410018205643, -0.08680552989244461, 0.02577749453485012, -0.03545013815164566, -0.20067325234413147, -0.05237294360995293, -0.0347614660859108, 0.043914079666137695, 0.0012059942819178104, 0.2464386373758316, 0.07415006309747696, -0.04007718712091446, 0.03224741667509079, 0.05966410040855408, 0.024706149473786354, -0.002838191343471408, 0.16746000945568085, 0.05058591440320015, -0.037785228341817856, -0.09698814153671265, 0.06344231963157654, 0.033758241683244705, -0.031514786183834076, 0.10721878707408905, 0.08542753010988235, 0.027603304013609886, 0.10030867159366608, -0.005814652889966965, -0.055254265666007996, -0.14567840099334717, -0.1705123484134674, -0.09408791363239288, 0.07000373303890228, -0.05515953153371811, 0.01487782783806324, 0.1933373510837555, 0.011223151348531246, 0.020530374720692635, -0.056017909198999405, -0.01697244867682457, -0.15772898495197296, -0.08824784308671951, -0.09377236664295197, -0.11313572525978088, -0.021311817690730095, -0.06383082270622253, 0.049237992614507675, 0.07919638603925705, 0.01360390242189169, -0.02783972956240177, 0.09956365823745728, 0.08462109416723251, -0.05206330493092537, 0.024489333853125572, -0.006187701132148504, 0.0459761843085289, -0.007173093035817146, 0.009341113269329071, -0.11670950800180435, -0.03125675395131111, -0.03128773346543312, 0.04476341977715492, -0.052981577813625336, 0.03026040829718113, -0.12110526859760284, -0.08898712694644928, -0.06681603938341141, 0.0670827254652977, -0.003600466065108776, 0.1364770382642746, 0.00548135582357645, 0.006190247368067503, 0.01884845271706581, 0.23963144421577454, -0.08169274032115936, -0.08781910687685013, 0.008689029142260551, 0.17622460424900055, 0.03015989437699318, 0.09156844019889832, -0.05724530294537544, -0.008009704761207104, -0.06744503974914551, 0.2451101392507553, 0.33608609437942505, -0.053699664771556854, 0.08618371188640594, -0.009985575452446938, 0.02720980904996395, 0.05593046918511391, 0.09867002069950104, 0.13280770182609558, 0.310220330953598, -0.08449637144804001, -0.01617763377726078, -0.05393637716770172, 0.026886669918894768, -0.13466496765613556, 0.06282348185777664, 0.007951024919748306, -0.0459454208612442, -0.02675647847354412, 0.03491148725152016, -0.09817663580179214, 0.15160693228244781, -0.017354054376482964, -0.22003689408302307, -0.0500633642077446, 0.043838124722242355, 0.20543114840984344, -0.03949382156133652, 0.09230583161115646, -0.03253975883126259, -0.07346592098474503, 0.021983547136187553, -0.024207599461078644, -0.14884431660175323, 0.03303981199860573, 0.045489776879549026, -0.0748925432562828, 0.05949541926383972, -0.025376927107572556, 0.013588793575763702, 0.10421251505613327, 0.04402489960193634, -0.07711832225322723, 0.11185582727193832, 0.01020926795899868, -0.07985416054725647, 0.03169417381286621, -0.021212173625826836, 0.012804584577679634, -0.09989228844642639, 0.072689950466156, -0.1445695459842682, 0.05774375796318054, -0.03682984784245491, -0.01847705990076065, -0.002065075095742941, -0.00020717228471767157, -0.030594822019338608, 0.08731492608785629, 0.03689767047762871, -0.024731909856200218, -0.01980987749993801, -0.01898418366909027, -0.032194919884204865, -0.009174945764243603, -0.03216368705034256, -0.0873740166425705, -0.12159797549247742, -0.02909741923213005, 0.12015365809202194, 0.009499520063400269, -0.17156821489334106, -0.020467499271035194, -0.0963984951376915, 0.03716497868299484, -0.1292547881603241, 0.04367643967270851, 0.11903872340917587, -0.0015719830989837646, -0.012597138062119484, -0.03699561208486557, 0.024707913398742676, 0.10156141966581345, -0.09318021684885025, -0.08351308852434158 ]
null
null
transformers
This is a Hugging Face transformers-compatible conversion of the original dense 6.7B-parameter model from the paper "[Efficient Large Scale Language Modeling with Mixtures of Experts](https://arxiv.org/abs/2112.10684)" from Artetxe et al. Please refer to the original model card, which can be found at https://github.com/facebookresearch/fairseq/blob/main/examples/moe_lm/model_card.md. # [Open LLM Leaderboard Evaluation Results](https://huggingface.co/spaces/HuggingFaceH4/open_llm_leaderboard) Detailed results can be found [here](https://huggingface.co/datasets/open-llm-leaderboard/details_KoboldAI__fairseq-dense-6.7B) | Metric | Value | |-----------------------|---------------------------| | Avg. | 36.09 | | ARC (25-shot) | 39.42 | | HellaSwag (10-shot) | 71.26 | | MMLU (5-shot) | 26.91 | | TruthfulQA (0-shot) | 32.73 | | Winogrande (5-shot) | 65.27 | | GSM8K (5-shot) | 0.0 | | DROP (3-shot) | 17.05 |
{"language": "en"}
text-generation
KoboldAI/fairseq-dense-6.7B
[ "transformers", "pytorch", "xglm", "text-generation", "en", "arxiv:2112.10684", "autotrain_compatible", "endpoints_compatible", "has_space", "region:us" ]
2022-03-02T23:29:04+00:00
[ "2112.10684" ]
[ "en" ]
TAGS #transformers #pytorch #xglm #text-generation #en #arxiv-2112.10684 #autotrain_compatible #endpoints_compatible #has_space #region-us
This is a Hugging Face transformers-compatible conversion of the original dense 6.7B-parameter model from the paper "Efficient Large Scale Language Modeling with Mixtures of Experts" from Artetxe et al. Please refer to the original model card, which can be found at URL Open LLM Leaderboard Evaluation Results ======================================= Detailed results can be found here
[]
[ "TAGS\n#transformers #pytorch #xglm #text-generation #en #arxiv-2112.10684 #autotrain_compatible #endpoints_compatible #has_space #region-us \n" ]
[ 53 ]
[ "passage: TAGS\n#transformers #pytorch #xglm #text-generation #en #arxiv-2112.10684 #autotrain_compatible #endpoints_compatible #has_space #region-us \n" ]
[ -0.03654678165912628, 0.03653765469789505, -0.004092218354344368, 0.012061330489814281, 0.14892427623271942, 0.011068061925470829, 0.08545423299074173, 0.1321752667427063, 0.03497489541769028, 0.037351883947849274, 0.1659012883901596, 0.17771799862384796, -0.03657516837120056, 0.12418577820062637, -0.07276518642902374, -0.22695331275463104, 0.03887778893113136, 0.062347810715436935, -0.051971785724163055, 0.0847615972161293, 0.07729700952768326, -0.0992768332362175, 0.09623079001903534, -0.025065429508686066, -0.16763894259929657, 0.04370730742812157, 0.018746837973594666, -0.10751090198755264, 0.1198631227016449, 0.06174244359135628, 0.1166912317276001, 0.022357765585184097, -0.06952515989542007, -0.10299087315797806, 0.029791774228215218, 0.008017958141863346, -0.08491938561201096, 0.07383088767528534, 0.0772252082824707, -0.07409331202507019, 0.07783125340938568, -0.009388566948473454, -0.05057740584015846, 0.022829623892903328, -0.1422559767961502, -0.12919878959655762, -0.05299624800682068, 0.021350907161831856, 0.003105493960902095, 0.10689601302146912, -0.002370235277339816, 0.15444931387901306, -0.07460453361272812, 0.10816311091184616, 0.21114663779735565, -0.3358165919780731, -0.015279846265912056, 0.14555983245372772, 0.11993000656366348, 0.06951478123664856, -0.02912667766213417, 0.0915912464261055, 0.054339613765478134, 0.010767352767288685, 0.015002520754933357, -0.06473877280950546, -0.11355435103178024, 0.08859875798225403, -0.09964616596698761, -0.05984073504805565, 0.22589673101902008, -0.06384901702404022, 0.08280978351831436, -0.018754402175545692, -0.1108693778514862, -0.10520299524068832, 0.010900545865297318, 0.024106428027153015, -0.019161788746714592, 0.040418099611997604, 0.03469790518283844, -0.0666828379034996, -0.14133618772029877, 0.03156555816531181, -0.1878349781036377, 0.19195598363876343, -0.02446034923195839, 0.0631168857216835, -0.16086304187774658, 0.08059898018836975, -0.010263627395033836, -0.1172112450003624, 0.059991393238306046, -0.07809871435165405, 0.05207538232207298, 0.041197825223207474, -0.09296782314777374, -0.02944830060005188, 0.050462305545806885, 0.08971104025840759, 0.020895274356007576, 0.013927112333476543, 0.033197127282619476, 0.09719493985176086, 0.03835338354110718, 0.1199255958199501, -0.020025504752993584, -0.07062046229839325, 0.026198172941803932, -0.0697256475687027, 0.02432166412472725, -0.08561085909605026, -0.17940908670425415, -0.07482610642910004, 0.052565064281225204, 0.06364693492650986, 0.06156158447265625, 0.05277476832270622, -0.016905631870031357, 0.01062744576483965, 0.06430941820144653, -0.06348172575235367, 0.05127178877592087, -0.030843256041407585, 0.016655022278428078, 0.08200147747993469, 0.012319570407271385, 0.0034175484906882048, -0.058390773832798004, 0.056837085634469986, -0.09027494490146637, 0.026097837835550308, -0.05183327943086624, -0.1143750324845314, 0.024309232831001282, -0.12675544619560242, 0.028105618432164192, -0.18207888305187225, -0.035076867789030075, -0.021268008276820183, 0.019486600533127785, -0.026063334196805954, -0.04872864484786987, 0.019024519249796867, -0.052156172692775726, 0.08930269628763199, -0.055286046117544174, 0.022137491032481194, -0.0531134195625782, 0.07970433682203293, -0.013326575979590416, 0.11079268157482147, -0.15698856115341187, 0.07407370954751968, -0.0671222060918808, -0.015139949508011341, -0.051902901381254196, 0.003824763698503375, -0.033165525645017624, 0.10916810482740402, 0.02393363229930401, -0.03819670528173447, -0.06797164678573608, 0.06712426990270615, 0.007022431585937738, 0.1114317774772644, -0.11229149252176285, -0.0694655254483223, 0.1484687328338623, -0.05028104409575462, -0.13814164698123932, 0.07411473244428635, 0.016197046265006065, -0.020883833989501, 0.008007314056158066, 0.20464128255844116, 0.015011429786682129, -0.06368914246559143, 0.0027560561429709196, 0.12116191536188126, -0.08042342960834503, -0.11893263459205627, 0.01837403140962124, 0.009181192144751549, -0.05722852796316147, 0.04509098455309868, 0.04572312906384468, 0.06431639194488525, -0.0388825386762619, -0.04450449347496033, -0.07371404021978378, -0.01068869512528181, 0.0748697966337204, 0.021129470318555832, 0.11590538173913956, -0.08012288063764572, -0.04758552834391594, -0.026018431410193443, 0.008998924866318703, 0.03243454173207283, 0.032733894884586334, 0.0003041091840714216, 0.17908410727977753, -0.10037119686603546, 0.02344490960240364, -0.17761796712875366, -0.07385971397161484, -0.038958579301834106, 0.11523769050836563, -0.005959422793239355, 0.22793500125408173, 0.04635504633188248, -0.044799793511629105, 0.01582011580467224, -0.02413737028837204, 0.12573693692684174, 0.019426675513386726, -0.09999213367700577, -0.03896921128034592, 0.029017139226198196, -0.08574607968330383, -0.01796322502195835, -0.09533580392599106, 0.021649524569511414, 0.026246191933751106, 0.08064034581184387, -0.01835717260837555, 0.06519988179206848, -0.022415874525904655, 0.042236462235450745, -0.10552049428224564, 0.01639651134610176, 0.08429458737373352, 0.0052786110900342464, -0.02943081595003605, 0.21978726983070374, -0.22426240146160126, 0.30970773100852966, 0.22563186287879944, -0.2757083475589752, 0.016845017671585083, 0.0023009919095784426, -0.017163986340165138, 0.026583241298794746, 0.04074613377451897, -0.0178573839366436, 0.038399435579776764, -0.048238012939691544, 0.17160770297050476, -0.032497961074113846, -0.020770255476236343, 0.010249266400933266, -0.08323212713003159, -0.06453622132539749, 0.06989061087369919, 0.045223772525787354, -0.0964263454079628, 0.1973899006843567, 0.2793489098548889, -0.00442511448636651, 0.1527196615934372, 0.036552850157022476, 0.007625899743288755, 0.018903030082583427, -0.0577675998210907, -0.05585940554738045, -0.0019315321696922183, -0.16313838958740234, -0.05389704555273056, 0.09262055158615112, 0.021261733025312424, 0.09995235502719879, -0.14424251019954681, -0.0442083477973938, 0.03203003481030464, 0.0442819818854332, -0.04100000113248825, 0.13318173587322235, 0.0487743578851223, 0.11519447714090347, -0.000371139554772526, -0.038642123341560364, 0.06783831864595413, 0.02343354932963848, -0.05462159216403961, 0.14243951439857483, -0.14213338494300842, -0.32440492510795593, -0.15899163484573364, -0.13316743075847626, -0.04629240557551384, 0.03456544131040573, 0.11478821933269501, -0.10010954737663269, -0.03919747471809387, -0.008837409317493439, -0.009100017137825489, -0.12819980084896088, 0.0301635954529047, -0.05485355108976364, 0.028991274535655975, -0.05994724854826927, -0.09026451408863068, -0.07615683972835541, -0.037491366267204285, -0.029648955911397934, 0.13524670898914337, -0.02842429280281067, 0.11691531538963318, 0.15939278900623322, -0.018468016758561134, 0.05648307502269745, -0.00010945974645437673, 0.19183851778507233, -0.0690007209777832, -0.019953768700361252, 0.20775391161441803, 0.022936558350920677, 0.08277516812086105, 0.11701695621013641, 0.0019075603922829032, -0.05132787674665451, -0.012027393095195293, -0.031131261959671974, -0.10665741562843323, -0.1785961240530014, -0.13232657313346863, -0.14446744322776794, 0.009333225898444653, 0.035864125937223434, 0.08399263769388199, 0.1301327794790268, 0.06934545934200287, 0.028126193210482597, 0.013561277650296688, -0.10504335165023804, 0.06311580538749695, 0.23022425174713135, -0.035777293145656586, 0.15373365581035614, -0.06470142304897308, -0.08266499638557434, 0.08692491054534912, 0.08665641397237778, 0.12785078585147858, 0.0628373846411705, -0.00478162569925189, 0.01582716964185238, 0.11335050314664841, 0.1449635624885559, 0.08882229030132294, 0.026200659573078156, -0.0505678616464138, -0.026918787509202957, -0.013563727959990501, -0.01445990614593029, 0.07348848879337311, 0.06957537680864334, -0.13925263285636902, -0.05715426802635193, -0.1256697028875351, 0.08071379363536835, 0.01809164322912693, 0.06488417834043503, -0.20139500498771667, 0.01988222450017929, 0.07546497881412506, -0.0046621570363640785, -0.09043896943330765, 0.03356996923685074, 0.05041840299963951, -0.09511660039424896, 0.03220037743449211, -0.030811527743935585, 0.10261306166648865, 0.02637070044875145, 0.09356200695037842, -0.07776394486427307, -0.08908360451459885, 0.024123188108205795, 0.08809465914964676, -0.26016607880592346, 0.22543156147003174, -0.005301368422806263, -0.0956287533044815, -0.0724618136882782, -0.0014166288310661912, 0.030682243406772614, 0.12585166096687317, 0.05626621097326279, 0.027476340532302856, -0.13422438502311707, -0.13827015459537506, 0.020733051002025604, 0.013674966990947723, 0.10808569937944412, 0.006646476220339537, 0.009792986325919628, -0.04228821396827698, -0.003703080816194415, -0.0019589015282690525, 0.09650231152772903, 0.032152168452739716, -0.20329110324382782, 0.09746647626161575, 0.0679434984922409, 0.012495729140937328, 0.012115055695176125, -0.043596427887678146, -0.1882084310054779, 0.19896353781223297, 0.028859835118055344, -0.046002354472875595, -0.11291354894638062, -0.05701371654868126, 0.08622801303863525, -0.07693257182836533, 0.06450430303812027, -0.0845697894692421, -0.0002725526865106076, -0.08265021443367004, -0.16535669565200806, 0.1241859719157219, -0.10456132143735886, -0.021945003420114517, -0.034995924681425095, 0.10425469279289246, -0.13374830782413483, 0.029325811192393303, -0.006459524855017662, 0.07012394815683365, -0.1945672333240509, -0.0973091647028923, 0.04864751920104027, 0.0033110405784100294, 0.04975101351737976, 0.011028432287275791, -0.03341531753540039, -0.012778518721461296, 0.027444714680314064, -0.030336925759911537, 0.2878792881965637, 0.20095857977867126, -0.12255783379077911, 0.12813131511211395, 0.05680917575955391, -0.061431024223566055, -0.3161380887031555, -0.0754261463880539, -0.13369452953338623, 0.010390935465693474, -0.0008075012592598796, -0.09930580854415894, 0.04206540808081627, 0.004239518195390701, -0.04013650491833687, 0.15980257093906403, -0.23236671090126038, -0.07786458730697632, 0.1258372813463211, -0.046531494706869125, 0.3950525224208832, -0.13891783356666565, -0.0548553392291069, -0.019697286188602448, -0.143037348985672, 0.10178059339523315, 0.014695236459374428, 0.10807596147060394, -0.05186212435364723, 0.09854205697774887, 0.04911801591515541, -0.06498780101537704, 0.143985778093338, -0.04186299815773964, 0.03538789600133896, -0.12039750069379807, -0.12380288541316986, 0.04877651110291481, -0.04403633996844292, 0.014443558640778065, -0.101179338991642, 0.016781579703092575, -0.1650460958480835, 0.0004129911831114441, -0.0992882177233696, 0.07180329412221909, 0.021235886961221695, -0.04157035052776337, -0.03756684437394142, -0.05815611407160759, -0.0059358361177146435, 0.001492816605605185, 0.21867862343788147, -0.051116395741701126, 0.18122360110282898, 0.1531582921743393, 0.014796280302107334, -0.1965714544057846, -0.02524794638156891, -0.0003859400749206543, -0.04559275507926941, 0.09311465173959732, -0.12940894067287445, 0.03550884127616882, 0.1182008609175682, -0.03918759152293205, 0.04133269190788269, 0.10537519305944443, 0.024479014798998833, -0.007662000134587288, 0.1437259018421173, -0.2186729460954666, -0.020698539912700653, -0.0610874779522419, 0.006760263815522194, 0.07815175503492355, 0.03833053261041641, 0.13573935627937317, 0.02238490618765354, -0.03198055177927017, -0.01468281727284193, -0.009442389011383057, -0.028872637078166008, 0.057737890630960464, 0.07270526140928268, 0.0414465069770813, -0.11540555208921432, 0.010984668508172035, 0.03997679799795151, -0.1517997831106186, 0.020279094576835632, 0.1476939469575882, -0.08505334705114365, -0.1584821492433548, -0.05692575126886368, 0.06021907180547714, -0.1668868213891983, -0.03075825609266758, -0.04473863169550896, -0.08789057284593582, 0.05985744297504425, 0.11821160465478897, 0.086123526096344, 0.039424046874046326, -0.029955927282571793, -0.04897720739245415, -0.014375901781022549, -0.008944078348577023, 0.006270338781177998, 0.06776471436023712, -0.12688012421131134, 0.07147501409053802, -0.021877264603972435, 0.1710008680820465, -0.08450765907764435, -0.029899615794420242, -0.1392490714788437, -0.014122680760920048, -0.12028376013040543, -0.06819005310535431, -0.08028505742549896, -0.07075656205415726, -0.0005853887414559722, -0.06199968606233597, -0.06428855657577515, -0.0256036464124918, -0.13897188007831573, -0.008353287354111671, -0.040211163461208344, 0.024600408971309662, -0.0597471185028553, -0.029849039390683174, 0.060805294662714005, -0.008360148407518864, 0.08271878212690353, 0.09650428593158722, -0.054728731513023376, 0.051711056381464005, -0.09522415697574615, -0.11832262575626373, 0.10592828691005707, 0.035381875932216644, 0.07696913182735443, 0.05567165091633797, 0.020217474550008774, 0.05677812919020653, 0.05009821429848671, 0.03232577443122864, 0.03016272559762001, -0.11079281568527222, 0.03548230603337288, -0.051894497126340866, -0.13703861832618713, -0.03393333777785301, -0.037374090403318405, 0.08187514543533325, 0.04011441767215729, 0.10230214893817902, -0.03568795323371887, 0.08706633746623993, -0.06088951975107193, 0.02580096386373043, -0.043745577335357666, -0.18710362911224365, -0.017618710175156593, -0.06163056194782257, 0.03184491768479347, 0.0033731458242982626, 0.2565716505050659, 0.08593922853469849, -0.02599477395415306, 0.022923007607460022, 0.08502835780382156, 0.005863471422344446, -0.012959593906998634, 0.15340179204940796, 0.0881817638874054, -0.030416924506425858, -0.0783519521355629, 0.10203331708908081, 0.033862993121147156, 0.03928807005286217, 0.11031307280063629, 0.055466312915086746, 0.06508263200521469, 0.11670917272567749, 0.0009234798490069807, -0.07681436091661453, -0.15936031937599182, -0.15144385397434235, -0.06799470633268356, 0.09864108264446259, -0.07042980939149857, 0.029432810842990875, 0.16542451083660126, -0.002870373660698533, 0.04358185455203056, -0.05269237980246544, -0.016032028943300247, -0.15185096859931946, -0.0960393026471138, -0.07782139629125595, -0.12487118691205978, -0.02981860563158989, -0.05533343181014061, 0.07835979014635086, 0.10620138794183731, 0.013774838298559189, -0.03292474150657654, 0.058377839624881744, 0.06710874289274216, -0.07933914661407471, 0.01731765642762184, -0.018331414088606834, 0.05522587522864342, -0.04277818277478218, 0.02957705594599247, -0.1212976723909378, -0.03701392561197281, -0.024581072852015495, 0.04643312096595764, -0.04793182760477066, 0.004658088553696871, -0.12165452539920807, -0.09588003903627396, -0.07446987926959991, 0.06290562450885773, -0.012717402540147305, 0.14959034323692322, 0.001387732452712953, 0.012789074331521988, 0.004958532750606537, 0.22773829102516174, -0.09384486824274063, -0.04104023799300194, 0.003239997196942568, 0.16066528856754303, 0.03538253903388977, 0.09004160761833191, -0.07178041338920593, -0.004568031523376703, -0.10086268186569214, 0.2612736225128174, 0.35098668932914734, -0.0710657611489296, 0.059102073311805725, 0.029976068064570427, 0.028397809714078903, 0.0775819793343544, 0.10129085183143616, 0.12036872655153275, 0.289538711309433, -0.09517599642276764, -0.031751058995723724, -0.06830901652574539, 0.02155381813645363, -0.11576161533594131, 0.0786600112915039, 0.03324536979198456, -0.06918693333864212, -0.021780960261821747, 0.02639688178896904, -0.12972840666770935, 0.16192489862442017, -0.00558887654915452, -0.23614132404327393, -0.06323716044425964, 0.03863959386944771, 0.182106614112854, -0.023656869307160378, 0.10931398719549179, -0.03870227187871933, -0.08343043923377991, 0.05043768510222435, -0.015013300813734531, -0.19779349863529205, 0.007929038256406784, 0.07375792413949966, -0.0801129937171936, 0.003205263754352927, -0.037229325622320175, 0.004982749465852976, 0.10462041199207306, 0.07545804232358932, -0.06296438723802567, 0.06738360226154327, 0.007458519656211138, -0.07499024271965027, 0.014491274952888489, -0.012991048395633698, 0.018722431734204292, -0.10509851574897766, 0.07799861580133438, -0.133802130818367, 0.05700923502445221, -0.0473434180021286, 0.0019019382307305932, 0.01310191210359335, -0.02166203036904335, -0.04160710424184799, 0.08671044558286667, 0.06556352972984314, -0.014892288483679295, -0.04572632163763046, -0.029052220284938812, -0.0504249632358551, 0.0033442978747189045, -0.030687155202031136, -0.13028541207313538, -0.0969228520989418, -0.049680016934871674, 0.10611242055892944, -0.001604412216693163, -0.14469245076179504, -0.02298816107213497, -0.07939247786998749, 0.04186312481760979, -0.09992724657058716, 0.0567772351205349, 0.0967206135392189, -0.0022974114399403334, -0.01294973399490118, -0.03565414622426033, 0.029335904866456985, 0.08117727935314178, -0.11369297653436661, -0.07330358028411865 ]
null
null
transformers
[![Current PyPI packages](https://badge.fury.io/py/suparkanbun.svg)](https://pypi.org/project/suparkanbun/) # SuPar-Kanbun Tokenizer, POS-Tagger and Dependency-Parser for Classical Chinese Texts (漢文/文言文) with [spaCy](https://spacy.io), [Transformers](https://huggingface.co/transformers/) and [SuPar](https://github.com/yzhangcs/parser). ## Basic usage ```py >>> import suparkanbun >>> nlp=suparkanbun.load() >>> doc=nlp("不入虎穴不得虎子") >>> print(type(doc)) <class 'spacy.tokens.doc.Doc'> >>> print(suparkanbun.to_conllu(doc)) # text = 不入虎穴不得虎子 1 不 不 ADV v,副詞,否定,無界 Polarity=Neg 2 advmod _ Gloss=not|SpaceAfter=No 2 入 入 VERB v,動詞,行為,移動 _ 0 root _ Gloss=enter|SpaceAfter=No 3 虎 虎 NOUN n,名詞,主体,動物 _ 4 nmod _ Gloss=tiger|SpaceAfter=No 4 穴 穴 NOUN n,名詞,固定物,地形 Case=Loc 2 obj _ Gloss=cave|SpaceAfter=No 5 不 不 ADV v,副詞,否定,無界 Polarity=Neg 6 advmod _ Gloss=not|SpaceAfter=No 6 得 得 VERB v,動詞,行為,得失 _ 2 parataxis _ Gloss=get|SpaceAfter=No 7 虎 虎 NOUN n,名詞,主体,動物 _ 8 nmod _ Gloss=tiger|SpaceAfter=No 8 子 子 NOUN n,名詞,人,関係 _ 6 obj _ Gloss=child|SpaceAfter=No >>> import deplacy >>> deplacy.render(doc) 不 ADV <════╗ advmod 入 VERB ═══╗═╝═╗ ROOT 虎 NOUN <╗ ║ ║ nmod 穴 NOUN ═╝<╝ ║ obj 不 ADV <════╗ ║ advmod 得 VERB ═══╗═╝<╝ parataxis 虎 NOUN <╗ ║ nmod 子 NOUN ═╝<╝ obj ``` `suparkanbun.load()` has two options `suparkanbun.load(BERT="roberta-classical-chinese-base-char",Danku=False)`. With the option `Danku=True` the pipeline tries to segment sentences automatically. Available `BERT` options are: * `BERT="roberta-classical-chinese-base-char"` utilizes [roberta-classical-chinese-base-char](https://huggingface.co/KoichiYasuoka/roberta-classical-chinese-base-char) (default) * `BERT="roberta-classical-chinese-large-char"` utilizes [roberta-classical-chinese-large-char](https://huggingface.co/KoichiYasuoka/roberta-classical-chinese-large-char) * `BERT="guwenbert-base"` utilizes [GuwenBERT-base](https://huggingface.co/ethanyt/guwenbert-base) * `BERT="guwenbert-large"` utilizes [GuwenBERT-large](https://huggingface.co/ethanyt/guwenbert-large) * `BERT="sikubert"` utilizes [SikuBERT](https://huggingface.co/SIKU-BERT/sikubert) * `BERT="sikuroberta"` utilizes [SikuRoBERTa](https://huggingface.co/SIKU-BERT/sikuroberta) ## Installation for Linux ```sh pip3 install suparkanbun --user ``` ## Installation for Cygwin64 Make sure to get `python37-devel` `python37-pip` `python37-cython` `python37-numpy` `python37-wheel` `gcc-g++` `mingw64-x86_64-gcc-g++` `git` `curl` `make` `cmake` packages, and then: ```sh curl -L https://raw.githubusercontent.com/KoichiYasuoka/CygTorch/master/installer/supar.sh | sh pip3.7 install suparkanbun --no-build-isolation ``` ## Installation for Jupyter Notebook (Google Colaboratory) ```py !pip install suparkanbun ``` Try [notebook](https://colab.research.google.com/github/KoichiYasuoka/SuPar-Kanbun/blob/main/suparkanbun.ipynb) for Google Colaboratory. ## Author Koichi Yasuoka (安岡孝一)
{"language": ["lzh"], "license": "mit", "tags": ["classical chinese", "literary chinese", "ancient chinese", "token-classification", "pos"], "datasets": ["universal_dependencies"], "pipeline_tag": "token-classification", "widget": [{"text": "\u4e0d\u5165\u864e\u7a74\u4e0d\u5f97\u864e\u5b50"}]}
token-classification
KoichiYasuoka/SuPar-Kanbun
[ "transformers", "pytorch", "roberta", "token-classification", "classical chinese", "literary chinese", "ancient chinese", "pos", "lzh", "dataset:universal_dependencies", "license:mit", "autotrain_compatible", "endpoints_compatible", "region:us" ]
2022-03-02T23:29:04+00:00
[]
[ "lzh" ]
TAGS #transformers #pytorch #roberta #token-classification #classical chinese #literary chinese #ancient chinese #pos #lzh #dataset-universal_dependencies #license-mit #autotrain_compatible #endpoints_compatible #region-us
![Current PyPI packages](URL # SuPar-Kanbun Tokenizer, POS-Tagger and Dependency-Parser for Classical Chinese Texts (漢文/文言文) with spaCy, Transformers and SuPar. ## Basic usage 'URL()' has two options 'URL(BERT="roberta-classical-chinese-base-char",Danku=False)'. With the option 'Danku=True' the pipeline tries to segment sentences automatically. Available 'BERT' options are: * 'BERT="roberta-classical-chinese-base-char"' utilizes roberta-classical-chinese-base-char (default) * 'BERT="roberta-classical-chinese-large-char"' utilizes roberta-classical-chinese-large-char * 'BERT="guwenbert-base"' utilizes GuwenBERT-base * 'BERT="guwenbert-large"' utilizes GuwenBERT-large * 'BERT="sikubert"' utilizes SikuBERT * 'BERT="sikuroberta"' utilizes SikuRoBERTa ## Installation for Linux ## Installation for Cygwin64 Make sure to get 'python37-devel' 'python37-pip' 'python37-cython' 'python37-numpy' 'python37-wheel' 'gcc-g++' 'mingw64-x86_64-gcc-g++' 'git' 'curl' 'make' 'cmake' packages, and then: ## Installation for Jupyter Notebook (Google Colaboratory) Try notebook for Google Colaboratory. ## Author Koichi Yasuoka (安岡孝一)
[ "# SuPar-Kanbun\n\nTokenizer, POS-Tagger and Dependency-Parser for Classical Chinese Texts (漢文/文言文) with spaCy, Transformers and SuPar.", "## Basic usage\n\n\n\n'URL()' has two options 'URL(BERT=\"roberta-classical-chinese-base-char\",Danku=False)'. With the option 'Danku=True' the pipeline tries to segment sentences automatically. Available 'BERT' options are:\n\n* 'BERT=\"roberta-classical-chinese-base-char\"' utilizes roberta-classical-chinese-base-char (default)\n* 'BERT=\"roberta-classical-chinese-large-char\"' utilizes roberta-classical-chinese-large-char\n* 'BERT=\"guwenbert-base\"' utilizes GuwenBERT-base\n* 'BERT=\"guwenbert-large\"' utilizes GuwenBERT-large\n* 'BERT=\"sikubert\"' utilizes SikuBERT\n* 'BERT=\"sikuroberta\"' utilizes SikuRoBERTa", "## Installation for Linux", "## Installation for Cygwin64\n\nMake sure to get 'python37-devel' 'python37-pip' 'python37-cython' 'python37-numpy' 'python37-wheel' 'gcc-g++' 'mingw64-x86_64-gcc-g++' 'git' 'curl' 'make' 'cmake' packages, and then:", "## Installation for Jupyter Notebook (Google Colaboratory)\n\n\n\nTry notebook for Google Colaboratory.", "## Author\n\nKoichi Yasuoka (安岡孝一)" ]
[ "TAGS\n#transformers #pytorch #roberta #token-classification #classical chinese #literary chinese #ancient chinese #pos #lzh #dataset-universal_dependencies #license-mit #autotrain_compatible #endpoints_compatible #region-us \n", "# SuPar-Kanbun\n\nTokenizer, POS-Tagger and Dependency-Parser for Classical Chinese Texts (漢文/文言文) with spaCy, Transformers and SuPar.", "## Basic usage\n\n\n\n'URL()' has two options 'URL(BERT=\"roberta-classical-chinese-base-char\",Danku=False)'. With the option 'Danku=True' the pipeline tries to segment sentences automatically. Available 'BERT' options are:\n\n* 'BERT=\"roberta-classical-chinese-base-char\"' utilizes roberta-classical-chinese-base-char (default)\n* 'BERT=\"roberta-classical-chinese-large-char\"' utilizes roberta-classical-chinese-large-char\n* 'BERT=\"guwenbert-base\"' utilizes GuwenBERT-base\n* 'BERT=\"guwenbert-large\"' utilizes GuwenBERT-large\n* 'BERT=\"sikubert\"' utilizes SikuBERT\n* 'BERT=\"sikuroberta\"' utilizes SikuRoBERTa", "## Installation for Linux", "## Installation for Cygwin64\n\nMake sure to get 'python37-devel' 'python37-pip' 'python37-cython' 'python37-numpy' 'python37-wheel' 'gcc-g++' 'mingw64-x86_64-gcc-g++' 'git' 'curl' 'make' 'cmake' packages, and then:", "## Installation for Jupyter Notebook (Google Colaboratory)\n\n\n\nTry notebook for Google Colaboratory.", "## Author\n\nKoichi Yasuoka (安岡孝一)" ]
[ 73, 47, 213, 4, 94, 21, 13 ]
[ "passage: TAGS\n#transformers #pytorch #roberta #token-classification #classical chinese #literary chinese #ancient chinese #pos #lzh #dataset-universal_dependencies #license-mit #autotrain_compatible #endpoints_compatible #region-us \n# SuPar-Kanbun\n\nTokenizer, POS-Tagger and Dependency-Parser for Classical Chinese Texts (漢文/文言文) with spaCy, Transformers and SuPar.## Basic usage\n\n\n\n'URL()' has two options 'URL(BERT=\"roberta-classical-chinese-base-char\",Danku=False)'. With the option 'Danku=True' the pipeline tries to segment sentences automatically. Available 'BERT' options are:\n\n* 'BERT=\"roberta-classical-chinese-base-char\"' utilizes roberta-classical-chinese-base-char (default)\n* 'BERT=\"roberta-classical-chinese-large-char\"' utilizes roberta-classical-chinese-large-char\n* 'BERT=\"guwenbert-base\"' utilizes GuwenBERT-base\n* 'BERT=\"guwenbert-large\"' utilizes GuwenBERT-large\n* 'BERT=\"sikubert\"' utilizes SikuBERT\n* 'BERT=\"sikuroberta\"' utilizes SikuRoBERTa## Installation for Linux## Installation for Cygwin64\n\nMake sure to get 'python37-devel' 'python37-pip' 'python37-cython' 'python37-numpy' 'python37-wheel' 'gcc-g++' 'mingw64-x86_64-gcc-g++' 'git' 'curl' 'make' 'cmake' packages, and then:## Installation for Jupyter Notebook (Google Colaboratory)\n\n\n\nTry notebook for Google Colaboratory.## Author\n\nKoichi Yasuoka (安岡孝一)" ]
[ 0.014796468429267406, 0.17271648347377777, -0.007393009960651398, 0.019819388166069984, 0.0801892802119255, 0.003208619775250554, 0.10786935687065125, 0.08388146013021469, 0.09122470021247864, 0.12055153399705887, -0.003612340660765767, 0.030041923746466637, 0.06452477723360062, 0.002528947778046131, 0.0313047431409359, -0.22367693483829498, 0.03822392597794533, -0.007049235515296459, -0.007777154911309481, 0.062235090881586075, 0.06973230093717575, -0.019501907750964165, 0.0637364313006401, -0.016199549660086632, 0.029737891629338264, 0.026163268834352493, -0.03590269759297371, -0.07386969774961472, 0.05584278330206871, 0.04953812435269356, 0.08432592451572418, -0.031184006482362747, -0.025807853788137436, -0.22377654910087585, -0.0036995401605963707, 0.059203680604696274, -0.024125711992383003, 0.03680150955915451, 0.09374403208494186, 0.0029311534017324448, 0.041048314422369, -0.07842247933149338, 0.057084064930677414, 0.017518017441034317, -0.04601821303367615, -0.10481356829404831, -0.06895702332258224, 0.14216183125972748, 0.059400975704193115, -0.029217353090643883, -0.018752548843622208, 0.03705171123147011, -0.047963276505470276, 0.052697982639074326, 0.15681329369544983, -0.28870534896850586, -0.03347800299525261, -0.014689461328089237, 0.07121454179286957, 0.02872098796069622, -0.035825036466121674, 0.0003968726086895913, -0.0307768601924181, -0.021584058180451393, -0.022071758285164833, -0.06821019947528839, -0.025783294811844826, -0.003468836424872279, -0.07863758504390717, -0.006368656642735004, 0.18704043328762054, -0.00569011690095067, -0.03628280758857727, -0.08064859360456467, -0.027258140966296196, 0.0552157387137413, -0.009001794271171093, -0.03415985405445099, 0.015666164457798004, 0.016596363857388496, 0.04572748765349388, -0.12267404049634933, -0.05244419351220131, -0.028764909133315086, -0.013957452960312366, 0.10598526149988174, 0.0606432743370533, -0.038083817809820175, 0.12763024866580963, 0.09289909899234772, -0.021347014233469963, -0.097854845225811, 0.007551573682576418, -0.024775879457592964, -0.08331199735403061, 0.04261007905006409, 0.011956115253269672, 0.05638118460774422, 0.07691923528909683, 0.27312058210372925, 0.03122817352414131, 0.0962081328034401, -0.030934888869524002, -0.019154440611600876, -0.05245223268866539, 0.16660051047801971, -0.0894610658288002, -0.08850261569023132, 0.01869216188788414, -0.015499013476073742, 0.051441024988889694, -0.012376920320093632, -0.029921185225248337, -0.06676029413938522, 0.04982933774590492, 0.02183673530817032, 0.057174310088157654, 0.08893345296382904, -0.050298627465963364, -0.03423396497964859, 0.13026922941207886, -0.15259970724582672, 0.0866805911064148, 0.038565292954444885, -0.03677118569612503, 0.021329518407583237, 0.06000002101063728, -0.002468663500621915, -0.10668691247701645, 0.09458645433187485, -0.02363548055291176, 0.03578013926744461, -0.06529106199741364, -0.06992331147193909, 0.010543648153543472, -0.05395359545946121, -0.0482579730451107, -0.07367423176765442, -0.0914405807852745, -0.0023729512467980385, 0.0564253143966198, -0.03386954963207245, -0.025926688686013222, 0.020896052941679955, -0.01919872686266899, -0.0009481101878918707, -0.02420470491051674, -0.026755359023809433, -0.03836284577846527, 0.0444335862994194, -0.01805807463824749, -0.009591847658157349, 0.06103227660059929, 0.015483023598790169, -0.03952930122613907, 0.05288239195942879, -0.24530690908432007, 0.1310432255268097, -0.08827599883079529, 0.04145751893520355, -0.09620550274848938, 0.009456256404519081, 0.09365997463464737, 0.022470880299806595, 0.03282291442155838, 0.060181912034749985, -0.04468774423003197, -0.04630042985081673, 0.19273583590984344, -0.10424527525901794, -0.051762256771326065, 0.13997256755828857, 0.02327258326113224, 0.011048894375562668, 0.10603195428848267, 0.12851116061210632, 0.12321557104587555, -0.18155989050865173, -0.050993483513593674, -0.003760220715776086, 0.04705152288079262, 0.11098252981901169, 0.04892253503203392, -0.03773626312613487, 0.009143833070993423, 0.0609755702316761, -0.15907570719718933, 0.014764087274670601, 0.045213427394628525, -0.032134685665369034, -0.00024035057867877185, -0.05700220167636871, 0.021431827917695045, -0.023773672059178352, -0.008589559234678745, -0.024955710396170616, -0.1160355731844902, 0.12807966768741608, 0.02632269263267517, -0.05044635385274887, 0.05563170090317726, -0.09818027913570404, 0.0847228467464447, 0.1293991208076477, 0.024407239630818367, -0.06149885058403015, -0.058865588158369064, 0.09711385518312454, -0.01664973981678486, 0.06045510247349739, -0.10593525320291519, 0.00993052776902914, 0.0523468516767025, -0.06539809703826904, -0.0170329250395298, 0.08475516736507416, -0.03497820347547531, 0.04094111546874046, -0.08321509510278702, -0.0035541614051908255, 0.031239893287420273, 0.14023946225643158, -0.05669860169291496, 0.05416354164481163, 0.04960697889328003, 0.14702190458774567, -0.04317030683159828, -0.009594311006367207, -0.009609047323465347, 0.019165996462106705, -0.013139721006155014, -0.02971690706908703, 0.007362711243331432, 0.050280436873435974, -0.08272507786750793, 0.05922973155975342, -0.08820465207099915, -0.0830758810043335, 0.08254119008779526, 0.04272961616516113, -0.09131252765655518, -0.041644226759672165, 0.031959518790245056, -0.07043737173080444, -0.010404735803604126, -0.09923922270536423, 0.1916431188583374, 0.025294683873653412, 0.09110688418149948, -0.061806291341781616, -0.0267468448728323, -0.08022523671388626, -0.06960798799991608, -0.022260647267103195, 0.06946711242198944, -0.039050862193107605, -0.06447215378284454, 0.08584725111722946, -0.08993879705667496, -0.1370060294866562, 0.11513420194387436, -0.02017272263765335, -0.028328943997621536, -0.031831108033657074, 0.1228632926940918, 0.056204162538051605, -0.014161186292767525, -0.08749042451381683, 0.005037214141339064, 0.03387977555394173, -0.07419724017381668, -0.02159607969224453, -0.0889778807759285, 0.040000881999731064, -0.01479780487716198, -0.04522309824824333, 0.0831504538655281, -0.05808244273066521, 0.015994753688573837, 0.04550335928797722, -0.01835908181965351, 0.05060196667909622, -0.018011685460805893, -0.012102491222321987, -0.05898482725024223, 0.08929453045129776, -0.16115015745162964, -0.21441347897052765, -0.1366746574640274, -0.16995574533939362, -0.03649693354964256, 0.020156558603048325, 0.0397709384560585, -0.05995199829339981, -0.05864197388291359, -0.03771167993545532, 0.01892021857202053, 0.07215563952922821, -0.07356514781713486, -0.08175596594810486, 0.032455477863550186, 0.047743577510118484, -0.0605693943798542, -0.005181851796805859, 0.027125827968120575, -0.1399046927690506, 0.035165220499038696, -0.022477781400084496, 0.01697567105293274, 0.004503476899117231, 0.056212715804576874, -0.031536031514406204, 0.010034588165581226, 0.059949640184640884, -0.06777382642030716, 0.08560173213481903, 0.12170257419347763, -0.04741024225950241, 0.08735553920269012, 0.15167763829231262, 0.018658529967069626, 0.008803782984614372, -0.005192567594349384, -0.00024690933059901, 0.00016013051208574325, -0.26898881793022156, -0.06647719442844391, -0.02385062165558338, 0.045687124133110046, 0.10459055006504059, 0.042310334742069244, 0.023859616369009018, 0.085389643907547, -0.10304814577102661, 0.09223487973213196, 0.08469228446483612, 0.089084193110466, 0.1885693520307541, 0.007322609890252352, 0.07111313939094543, -0.01602315716445446, -0.04717455804347992, 0.046359848231077194, 0.05069970712065697, 0.06031748652458191, -0.05377822741866112, 0.19664692878723145, -0.019609855487942696, 0.16875816881656647, 0.03733073174953461, 0.04390530660748482, -0.04136635735630989, 0.0684140995144844, 0.027292920276522636, -0.07917381823062897, -0.02227093279361725, 0.10521004348993301, 0.0762590691447258, -0.1013321503996849, 0.1160203367471695, -0.005862493999302387, 0.09446588903665543, 0.20705100893974304, -0.02774721011519432, -0.08399583399295807, -0.011744651012122631, 0.00717255100607872, -0.02448931336402893, -0.07821725308895111, -0.01057053916156292, 0.10619721561670303, -0.12248340249061584, 0.1572289764881134, 0.0211846474558115, 0.06636720150709152, -0.09372369945049286, -0.05454844981431961, 0.07589535415172577, 0.0893561914563179, 0.0289317537099123, 0.04035331681370735, -0.2100072056055069, 0.018199574202299118, 0.020558027550578117, 0.021703625097870827, -0.011977105401456356, 0.10397616773843765, 0.014873325824737549, -0.0349460244178772, 0.05656928941607475, -0.0022085083182901144, 0.04382084310054779, -0.02228132076561451, -0.11517691612243652, 0.024631602689623833, 0.059882182627916336, -0.08368025720119476, 0.032943133264780045, -0.01750696636736393, -0.046759434044361115, -0.06982799619436264, -0.09179829806089401, -0.09284890443086624, -0.19004786014556885, 0.026606513187289238, -0.08552802354097366, 0.09740164875984192, -0.030110875144600868, -0.00859992578625679, -0.09284059703350067, 0.20619748532772064, -0.17227420210838318, -0.10553549975156784, -0.037544135004282, -0.013810069300234318, 0.1570560783147812, -0.056014858186244965, 0.047722481191158295, -0.048317570239305496, 0.042768266052007675, -0.01623508706688881, -0.0021605512592941523, 0.03376564756035805, -0.02975297160446644, -0.08941712975502014, -0.04863889515399933, 0.15684878826141357, -0.008778310380876064, 0.03920779749751091, -0.005485614761710167, 0.04178640618920326, 0.012224679812788963, -0.093449667096138, -0.07400258630514145, 0.03292126953601837, 0.0634215921163559, 0.1228446364402771, -0.21227183938026428, -0.11700853705406189, -0.11648502945899963, -0.04720393195748329, 0.06928892433643341, 0.19669966399669647, -0.053881388157606125, 0.07071025669574738, 0.13017582893371582, -0.06197091564536095, -0.19162403047084808, -0.13868999481201172, 0.10514645278453827, -0.01587422750890255, -0.03745616227388382, -0.28571751713752747, 0.13627126812934875, 0.09310184419155121, 0.005023416131734848, 0.02244735322892666, -0.059014759957790375, -0.1431497484445572, 0.05475024878978729, -0.008774708025157452, -0.19776783883571625, -0.16122876107692719, -0.1100136935710907, -0.03835409879684448, -0.029508434236049652, 0.08890409767627716, 0.0520404689013958, 0.06911532580852509, 0.06061229482293129, 0.006958012003451586, 0.05219371244311333, -0.011767972260713577, 0.14329646527767181, -0.04679897055029869, -0.05559618026018143, -0.07475360482931137, -0.003374634310603142, 0.0808163583278656, -0.014223058708012104, 0.058437149971723557, -0.1299017071723938, -0.016466157510876656, 0.013825629837810993, -0.025124775245785713, 0.0025700104888528585, 0.07078718394041061, -0.0483982227742672, 0.002024263609200716, -0.08111269772052765, 0.024240052327513695, 0.058769918978214264, 0.0018124402267858386, -0.0005259951576590538, 0.013117775321006775, 0.02668635919690132, 0.12409283220767975, 0.05136765167117119, 0.07938043773174286, -0.05165936052799225, -0.01289130374789238, 0.00039565865881741047, 0.03917418420314789, -0.009629527106881142, 0.03852571174502373, 0.04048682376742363, 0.019113410264253616, 0.11213564872741699, -0.02787061221897602, -0.08830901980400085, -0.036745406687259674, 0.04580942541360855, -0.14085626602172852, -0.10385631024837494, -0.008726349100470543, -0.008327201940119267, 0.014499487355351448, -0.10991708934307098, 0.09275417774915695, 0.020702235400676727, -0.063899464905262, 0.04274364933371544, 0.029409928247332573, -0.02567090466618538, 0.1297815442085266, -0.030733536928892136, 0.02988637052476406, -0.0793154239654541, 0.03260383754968643, 0.12278774380683899, -0.027620814740657806, 0.0005600022268481553, 0.09990604966878891, -0.07718769460916519, -0.02283710613846779, -0.08047962933778763, 0.04504942148923874, 0.05346764251589775, -0.0405917726457119, -0.02451767586171627, -0.052455637603998184, -0.020561423152685165, 0.03424995392560959, 0.036329008638858795, 0.024347538128495216, 0.03495336323976517, -0.008288624696433544, 0.006503640674054623, 0.1074407696723938, 0.059013333171606064, 0.047521572560071945, -0.08559928089380264, 0.04333820566534996, 0.060904569923877716, -0.020319761708378792, 0.01832308992743492, 0.0034161272924393415, -0.12098250538110733, -0.026146739721298218, -0.10076513141393661, 0.08099387586116791, -0.07288389652967453, 0.007214450743049383, 0.00900163035839796, -0.043262362480163574, 0.02107788808643818, 0.0013304718304425478, -0.036276210099458694, -0.07499292492866516, -0.04061352089047432, 0.12371282279491425, -0.1468460112810135, -0.022514812648296356, 0.14544132351875305, -0.11323878914117813, 0.09872885793447495, 0.05697476491332054, -0.021719196811318398, -0.0021922155283391476, -0.10706859827041626, -0.03802410513162613, -0.003647319972515106, 0.08694218099117279, -0.05236421152949333, -0.10799016803503036, 0.03365887328982353, 0.0019102432997897267, -0.01885933242738247, -0.02618464082479477, 0.1755308359861374, -0.10353901237249374, 0.035886261612176895, -0.04350506141781807, -0.0955091193318367, -0.054017238318920135, 0.03074919618666172, 0.1174103170633316, 0.055467549711465836, 0.055439725518226624, -0.09848274290561676, 0.014240864664316177, -0.05915360152721405, -0.004524185322225094, -0.0011001771781593561, -0.05355656147003174, -0.013038423843681812, -0.032124049961566925, 0.04425155371427536, 0.05866062641143799, 0.15937218070030212, -0.04251076281070709, -0.07325290143489838, 0.014573332853615284, -0.013864049687981606, 0.050953980535268784, 0.05111308768391609, 0.11342619359493256, 0.02604888565838337, 0.003083782270550728, -0.026668349280953407, -0.05416714772582054, -0.042726900428533554, 0.02785845659673214, -0.0788901075720787, 0.11124339699745178, -0.012473149225115776, -0.03747417777776718, 0.047917112708091736, -0.07266051322221756, -0.059863634407520294, 0.0164297167211771, -0.1231125146150589, 0.05640508607029915, -0.09859086573123932, 0.23332859575748444, 0.0517834834754467, -0.15005579590797424, 0.09179410338401794, 0.055592846125364304, -0.09818412363529205, -0.07711123675107956, -0.135451540350914, -0.07740133255720139, -0.059647589921951294, 0.010056344792246819, -0.07472662627696991, 0.02537751942873001, 0.04027535021305084, 0.007110683247447014, -0.0073335361666977406, 0.07260695099830627, -0.015127194114029408, -0.10173508524894714, 0.05686234310269356, 0.03921123966574669, -0.007803843356668949, 0.06071023270487785, -0.07420989125967026, -0.026488156989216805, 0.05441003292798996, 0.01808975450694561, 0.0811840072274208, 0.031888317316770554, 0.04456929862499237, -0.01759233884513378, -0.01702801324427128, 0.014387688599526882, -0.024386320263147354, -0.011641462333500385, 0.11710291355848312, 0.013051684945821762, -0.03772417828440666, -0.01551345270127058, 0.15975183248519897, -0.01975126750767231, -0.0890292376279831, -0.15257559716701508, 0.0549478717148304, -0.024744750931859016, -0.014581111259758472, 0.05024462938308716, -0.05573864281177521, -0.047415196895599365, 0.17876632511615753, 0.11992868781089783, -0.0067685614340007305, 0.017877506092190742, 0.005914031993597746, 0.011460959911346436, 0.021501367911696434, 0.04718141630291939, 0.04903873801231384, 0.21362540125846863, -0.018699387088418007, -0.02162078581750393, -0.013753034174442291, -0.062268227338790894, -0.195628359913826, 0.02732006087899208, -0.04925578832626343, -0.03739915415644646, -0.04233506694436073, 0.04946666210889816, -0.07282979041337967, -0.2143683284521103, 0.049901075661182404, -0.08682022243738174, -0.11159265786409378, 0.03074437566101551, 0.07527352124452591, 0.022334478795528412, 0.0298752561211586, 0.03371573984622955, -0.0356232114136219, 0.07731498032808304, -0.0008491426124237478, -0.09032079577445984, 0.003975132014602423, 0.05780336633324623, -0.00027258991030976176, 0.1762787103652954, 0.014571517705917358, 0.09766481071710587, 0.06631550192832947, 0.049225304275751114, -0.03434864431619644, 0.039327722042798996, 0.08158491551876068, -0.18460893630981445, 0.04592025652527809, 0.02971985936164856, -0.03468753397464752, 0.06628569215536118, 0.060601942241191864, 0.039950817823410034, 0.0546913705766201, 0.07344808429479599, 0.006337660830467939, -0.11712030321359634, 0.03159106522798538, -0.1715594232082367, 0.11093881726264954, 0.1970929652452469, -0.02599305287003517, -0.0010155864292755723, -0.08598775416612625, -0.034369777888059616, 0.014635562896728516, 0.012775709852576256, -0.024359678849577904, -0.19154973328113556, 0.02653932385146618, 0.042350418865680695, 0.10269923508167267, -0.05412231758236885, -0.05429868772625923, -0.031440574675798416, 0.03530343621969223, -0.12851791083812714, 0.07489275187253952, 0.030441252514719963, 0.011385240592062473, 0.001778557081706822, -0.19444964826107025, 0.004796793218702078, 0.0500016063451767, -0.11018604785203934, -0.052962806075811386 ]
null
null
transformers
# bert-base-japanese-char-extended ## Model Description This is a BERT model pre-trained on Japanese Wikipedia texts, derived from [bert-base-japanese-char-v2](https://huggingface.co/cl-tohoku/bert-base-japanese-char-v2). Character-embeddings are enhanced to include all 常用漢字/人名用漢字 characters using BertTokenizerFast. You can fine-tune `bert-base-japanese-char-extended` for downstream tasks, such as [POS-tagging](https://huggingface.co/KoichiYasuoka/bert-base-japanese-upos), [dependency-parsing](https://huggingface.co/KoichiYasuoka/bert-base-japanese-wikipedia-ud-head), and so on. ## How to Use ```py from transformers import AutoTokenizer,AutoModelForMaskedLM tokenizer=AutoTokenizer.from_pretrained("KoichiYasuoka/bert-base-japanese-char-extended") model=AutoModelForMaskedLM.from_pretrained("KoichiYasuoka/bert-base-japanese-char-extended") ```
{"language": ["ja"], "license": "cc-by-sa-4.0", "tags": ["japanese", "masked-lm", "wikipedia"], "pipeline_tag": "fill-mask", "mask_token": "[MASK]", "widget": [{"text": "\u9178\u7d20\u30dc\u30f3\u30d9\u3092\u5145[MASK]\u3059\u308b\u3002"}]}
fill-mask
KoichiYasuoka/bert-base-japanese-char-extended
[ "transformers", "pytorch", "bert", "fill-mask", "japanese", "masked-lm", "wikipedia", "ja", "license:cc-by-sa-4.0", "autotrain_compatible", "endpoints_compatible", "has_space", "region:us" ]
2022-03-02T23:29:04+00:00
[]
[ "ja" ]
TAGS #transformers #pytorch #bert #fill-mask #japanese #masked-lm #wikipedia #ja #license-cc-by-sa-4.0 #autotrain_compatible #endpoints_compatible #has_space #region-us
# bert-base-japanese-char-extended ## Model Description This is a BERT model pre-trained on Japanese Wikipedia texts, derived from bert-base-japanese-char-v2. Character-embeddings are enhanced to include all 常用漢字/人名用漢字 characters using BertTokenizerFast. You can fine-tune 'bert-base-japanese-char-extended' for downstream tasks, such as POS-tagging, dependency-parsing, and so on. ## How to Use
[ "# bert-base-japanese-char-extended", "## Model Description\n\nThis is a BERT model pre-trained on Japanese Wikipedia texts, derived from bert-base-japanese-char-v2. Character-embeddings are enhanced to include all 常用漢字/人名用漢字 characters using BertTokenizerFast. You can fine-tune 'bert-base-japanese-char-extended' for downstream tasks, such as POS-tagging, dependency-parsing, and so on.", "## How to Use" ]
[ "TAGS\n#transformers #pytorch #bert #fill-mask #japanese #masked-lm #wikipedia #ja #license-cc-by-sa-4.0 #autotrain_compatible #endpoints_compatible #has_space #region-us \n", "# bert-base-japanese-char-extended", "## Model Description\n\nThis is a BERT model pre-trained on Japanese Wikipedia texts, derived from bert-base-japanese-char-v2. Character-embeddings are enhanced to include all 常用漢字/人名用漢字 characters using BertTokenizerFast. You can fine-tune 'bert-base-japanese-char-extended' for downstream tasks, such as POS-tagging, dependency-parsing, and so on.", "## How to Use" ]
[ 64, 15, 111, 4 ]
[ "passage: TAGS\n#transformers #pytorch #bert #fill-mask #japanese #masked-lm #wikipedia #ja #license-cc-by-sa-4.0 #autotrain_compatible #endpoints_compatible #has_space #region-us \n# bert-base-japanese-char-extended## Model Description\n\nThis is a BERT model pre-trained on Japanese Wikipedia texts, derived from bert-base-japanese-char-v2. Character-embeddings are enhanced to include all 常用漢字/人名用漢字 characters using BertTokenizerFast. You can fine-tune 'bert-base-japanese-char-extended' for downstream tasks, such as POS-tagging, dependency-parsing, and so on.## How to Use" ]
[ 0.002024566289037466, 0.003342634765431285, -0.0018252608133479953, 0.07113155722618103, 0.1668708473443985, -0.005789333488792181, 0.10863393545150757, 0.11220066249370575, 0.02808353863656521, 0.01824359968304634, 0.039960138499736786, -0.01354854553937912, 0.02959037944674492, 0.17649884521961212, -0.010515720583498478, -0.37710869312286377, 0.0872894674539566, 0.10948730260133743, 0.056778937578201294, 0.05617694929242134, 0.11540450900793076, -0.0860719084739685, 0.08005683869123459, 0.047888707369565964, -0.10359303653240204, 0.036668967455625534, 0.03149205073714256, -0.17772062122821808, 0.09310173988342285, 0.04659656435251236, 0.13616369664669037, -0.03466954827308655, 0.03096071444451809, -0.050584763288497925, 0.020789943635463715, -0.019193537533283234, -0.02800232358276844, 0.05721166729927063, -0.013039852492511272, 0.05336494371294975, -0.04788269102573395, 0.01092718355357647, 0.0028791704680770636, 0.034912481904029846, -0.028158454224467278, -0.12068850547075272, 0.050244495272636414, 0.029908305034041405, 0.12753842771053314, 0.02800857089459896, -0.010835503228008747, 0.014335584826767445, -0.123573437333107, 0.044389758259058, 0.17358465492725372, -0.2651115655899048, -0.05215590447187424, -0.013873028568923473, -0.004192140884697437, -0.021494688466191292, -0.03412717208266258, 0.019301211461424828, 0.008410756476223469, -0.009991305880248547, 0.06734509766101837, -0.10211263597011566, -0.028976857662200928, -0.003202455583959818, -0.08209532499313354, 0.0849866271018982, 0.1732289344072342, -0.03128926455974579, -0.07410775125026703, -0.11832152307033539, -0.018547970801591873, 0.07070135325193405, -0.12713918089866638, -0.02737603150308132, 0.002476808149367571, -0.00968459714204073, 0.059067875146865845, -0.0681908056139946, -0.08497361838817596, -0.07952990382909775, -0.0794130489230156, 0.1855747252702713, 0.0657896175980568, -0.012195341289043427, -0.10265638679265976, -0.021126609295606613, -0.20424793660640717, -0.11156488209962845, 0.010815126821398735, -0.08126291632652283, 0.06153059005737305, 0.06204204633831978, -0.07587763667106628, -0.13032446801662445, 0.06347323209047318, 0.046330589801073074, 0.023906955495476723, 0.04632730409502983, -0.07107841223478317, 0.025056062266230583, 0.007739513646811247, 0.1131468266248703, -0.06647820770740509, 0.015188907273113728, 0.07779941707849503, -0.02813687175512314, -0.023175684735178947, -0.0583137609064579, -0.17750604450702667, -0.0546276718378067, 0.016968222334980965, -0.01151913870126009, -0.05229811742901802, 0.1386486291885376, -0.016511239111423492, -0.023426663130521774, 0.16034963726997375, -0.1694825291633606, 0.03313959762454033, -0.00931677594780922, -0.02726113051176071, 0.07074649631977081, 0.018992934376001358, -0.03461584076285362, -0.06443874537944794, 0.07039230316877365, -0.047957129776477814, 0.015437491238117218, -0.06876132637262344, -0.09882788360118866, -0.007100330200046301, -0.05608950927853584, -0.0008167603518813848, -0.19127771258354187, -0.07357408851385117, 0.04898427426815033, 0.03590400516986847, 0.008467600680887699, 0.03163164481520653, -0.006723574362695217, -0.0166502483189106, 0.014145675115287304, -0.05860308185219765, -0.002619534730911255, -0.019429942592978477, 0.06214064732193947, 0.021114027127623558, 0.10685177147388458, -0.16086319088935852, 0.07263778150081635, -0.10347214341163635, -0.003917716443538666, -0.3025721311569214, 0.004915226716548204, -0.014228589832782745, -0.025128502398729324, -0.07465769350528717, -0.03205176442861557, 0.026478417217731476, 0.10342570394277573, 0.05454939231276512, 0.13359346985816956, -0.13376674056053162, -0.06389699876308441, 0.1930188238620758, -0.09544842690229416, -0.04436104744672775, 0.12924276292324066, -0.02274094521999359, 0.07775959372520447, 0.07860022783279419, 0.2478378415107727, -0.006173452828079462, -0.07094917446374893, 0.07556761056184769, 0.0430733859539032, 0.014496289193630219, -0.040089815855026245, 0.047848958522081375, 0.017852159217000008, -0.10341553390026093, 0.08571485430002213, -0.13796024024486542, 0.000787910248618573, -0.0086618447676301, -0.057844020426273346, 0.03801925480365753, -0.05927727371454239, 0.11662507057189941, 0.002205883851274848, 0.1110309585928917, -0.04788953438401222, -0.08701413124799728, 0.11739207059144974, 0.004228948149830103, -0.1187862753868103, 0.08913098275661469, -0.13639070093631744, 0.08766058832406998, 0.05340791866183281, 0.08034784346818924, -0.13738952577114105, -0.0008204705081880093, 0.037516143172979355, 0.10700851678848267, 0.022995537146925926, -0.05184151604771614, 0.01885070465505123, 0.010107056237757206, -0.034456804394721985, 0.005020188167691231, 0.10041498392820358, -0.00940907932817936, -0.01868077553808689, -0.04441949725151062, -0.04915474355220795, -0.02507263608276844, -0.062095217406749725, 0.003137236461043358, 0.03766371309757233, -0.03464553505182266, 0.04640606790781021, -0.029756436124444008, 0.039849720895290375, -0.007352660875767469, 0.10442157834768295, -0.029181253165006638, 0.10048112273216248, 0.05446088686585426, 0.004030915908515453, -0.07349608093500137, 0.20905499160289764, -0.048579417169094086, 0.09827650338411331, 0.16611012816429138, -0.07919518649578094, -0.059460144490003586, 0.005128953605890274, 0.06288231164216995, 0.012380041182041168, -0.03080042079091072, -0.08244822174310684, 0.13636235892772675, -0.03361700847744942, 0.18564480543136597, -0.08590330928564072, 0.10280599445104599, 0.025227194651961327, -0.11817356944084167, -0.05530589073896408, 0.052436329424381256, 0.03805812448263168, -0.04073764383792877, 0.12343978136777878, 0.06129588931798935, -0.06747014075517654, 0.19555535912513733, 0.006226648110896349, -0.06215508282184601, 0.021452751010656357, -0.025710897520184517, 0.025620505213737488, 0.0380043089389801, -0.251880943775177, -0.10065541416406631, 0.06507478654384613, -0.026384325698018074, -0.0045704105868935585, -0.07150138169527054, -0.04445052146911621, 0.015351180918514729, -0.03215612843632698, -0.016407830640673637, 0.038091059774160385, -0.011843519285321236, 0.09090473502874374, 0.03507060930132866, -0.040504589676856995, 0.023767545819282532, 0.014391330070793629, -0.05660940706729889, 0.1277458220720291, -0.1370043307542801, -0.3080540895462036, -0.18523463606834412, -0.3189014196395874, -0.03834722191095352, 0.06632881611585617, 0.08591987937688828, -0.13945001363754272, -0.09261567890644073, -0.059131260961294174, 0.014224817976355553, 0.00681259436532855, 0.019183700904250145, -0.033143170177936554, -0.03207077085971832, -0.01684306003153324, -0.08369708806276321, -0.03151458129286766, -0.001667818520218134, -0.029185762628912926, 0.12271597981452942, -0.07422921806573868, 0.1021476536989212, 0.0855378657579422, -0.07344597578048706, 0.029456930235028267, -0.05185837671160698, 0.044631652534008026, -0.04549730196595192, -0.004120977129787207, 0.2250477820634842, -0.07897420972585678, 0.04931893199682236, 0.11290205270051956, 0.049869198352098465, -0.03883781284093857, 0.03811220824718475, -0.05718454718589783, -0.10664695501327515, -0.10061710327863693, -0.05640656128525734, -0.07084394246339798, 0.12364614754915237, 0.06822840869426727, 0.03537381812930107, 0.048099812120199203, 0.06066868454217911, 0.03586554899811745, 0.10743114352226257, 0.018894260749220848, 0.07332511991262436, 0.12794165313243866, -0.0170492734760046, 0.1384865790605545, 0.019208332523703575, -0.05035284906625748, 0.04340173304080963, -0.03561994433403015, 0.08059868961572647, 0.003375400323420763, 0.08785255253314972, 0.027847986668348312, 0.14918218553066254, 0.14589792490005493, 0.08507950603961945, -0.04684307426214218, 0.011830934323370457, -0.00988718681037426, -0.06362709403038025, -0.037482332438230515, 0.0658307820558548, -0.007763497997075319, -0.1020742878317833, -0.060978394001722336, -0.04552704468369484, -0.015360463410615921, 0.15795430541038513, -0.0225160401314497, -0.1429726928472519, -0.0032830219715833664, 0.010823816992342472, -0.08431315422058105, -0.057288847863674164, 0.05698958784341812, 0.09490825980901718, -0.1495821326971054, 0.04718431830406189, 0.03312058746814728, 0.11161961406469345, 0.06609578430652618, 0.06238992512226105, -0.04184536635875702, 0.010614508762955666, 0.019874315708875656, 0.06279360502958298, -0.2932826280593872, 0.16569636762142181, 0.034955184906721115, 0.028695708140730858, -0.09016241878271103, 0.02198205143213272, 0.051555704325437546, 0.0033578521106392145, 0.17600639164447784, -0.053952284157276154, 0.13380390405654907, -0.1557159274816513, -0.07077798247337341, 0.03423916548490524, 0.10162544250488281, -0.005311444401741028, 0.0023178383708000183, 0.0008810705621726811, -0.05360337719321251, -0.020033204928040504, 0.11357889324426651, -0.09407537430524826, -0.11314371973276138, -0.009153085760772228, 0.09402037411928177, 0.04080677032470703, 0.009264735504984856, -0.04870201647281647, -0.1403253674507141, 0.09338167309761047, 0.12864957749843597, -0.043661851435899734, -0.10414522886276245, -0.012215609662234783, 0.05310758203268051, -0.12527216970920563, 0.09090952575206757, -0.06706076860427856, 0.0779377892613411, -0.033880725502967834, -0.12219683825969696, 0.07312172651290894, -0.03331713378429413, 0.032844774425029755, -0.01722273789346218, 0.057187579572200775, 0.024283623322844505, 0.05692608654499054, 0.0514225959777832, -0.009227489121258259, 0.036741308867931366, -0.045067157596349716, -0.07614658027887344, -0.031001968309283257, 0.13295161724090576, 0.021894879639148712, -0.24256432056427002, -0.16624122858047485, -0.06969444453716278, -0.03670623153448105, 0.2071526199579239, 0.10361086577177048, -0.027917493134737015, 0.10563314706087112, 0.2149415910243988, 0.011568662710487843, -0.3419969081878662, -0.09427991509437561, 0.019559010863304138, 0.1143617033958435, -0.06412661075592041, -0.22112447023391724, 0.11346952617168427, 0.0363444946706295, -0.0031569378916174173, -0.04444464296102524, -0.017998632043600082, -0.1552005410194397, 0.16932816803455353, 0.11100948601961136, 0.0959819108247757, -0.11849774420261383, -0.03935062140226364, -0.04295332357287407, -0.13585703074932098, 0.080342598259449, -0.025950798764824867, 0.0784166157245636, 0.0011262201005592942, 0.029068157076835632, -0.003539451165124774, -0.008428892120718956, 0.08963573724031448, -0.01592385210096836, -0.037642575800418854, -0.07074949145317078, -0.11893974244594574, 0.07489681988954544, 0.012287642806768417, 0.1452893316745758, -0.024271328002214432, -0.08556818962097168, -0.0950838252902031, -0.05542480945587158, -0.07447177171707153, -0.0048392401076853275, 0.023649409413337708, -0.10933194309473038, 0.02596788853406906, 0.07329558581113815, -0.022247157990932465, 0.035500384867191315, 0.15739861130714417, -0.12913374602794647, 0.013571308925747871, 0.10283377021551132, 0.119423046708107, -0.10137046128511429, 0.04642324149608612, 0.01209055446088314, -0.07760585844516754, 0.13296039402484894, -0.16312852501869202, 0.07200544327497482, -0.027285516262054443, 0.013333585113286972, 0.08661024272441864, 0.03900161013007164, -0.005078315269201994, 0.038794826716184616, 0.0959148183465004, -0.12331299483776093, -0.06550958752632141, -0.03775123506784439, 0.011582612991333008, 0.011549342423677444, 0.03934632986783981, 0.07720164954662323, -0.0627434253692627, -0.0558340884745121, -0.012685967609286308, -0.027571124956011772, -0.07285305857658386, 0.02818603254854679, 0.06640014797449112, 0.03909967839717865, -0.1081533432006836, -0.02551039308309555, 0.06603425741195679, 0.01440024096518755, 0.09861507266759872, 0.07594897598028183, -0.09925112128257751, -0.08494431525468826, -0.03437577560544014, 0.17449897527694702, 0.05135328695178032, -0.10604766011238098, -0.0544903501868248, -0.07992416620254517, -0.003908319864422083, 0.13614308834075928, 0.10431673377752304, -0.030040832236409187, -0.04261796921491623, -0.01006822008639574, -0.05064883083105087, -0.010145951062440872, 0.04275554046034813, 0.021007120609283447, 0.00972270779311657, 0.07233047485351562, 0.01270961482077837, 0.16098885238170624, -0.09146077930927277, -0.043470874428749084, -0.14394940435886383, 0.028361620381474495, -0.1001981571316719, 0.02387782372534275, -0.10724690556526184, -0.06726521253585815, 0.002363340463489294, -0.028645925223827362, -0.015193061903119087, -0.009247295558452606, -0.06418842077255249, 0.0006833553197793663, -0.0191976148635149, 0.02843131311237812, -0.08757957816123962, -0.005615704692900181, 0.0646304115653038, -0.025598954409360886, 0.011564366519451141, 0.05154571682214737, -0.0824378952383995, 0.09206182509660721, -0.07738596946001053, -0.040243249386548996, 0.02997930347919464, 0.04011200740933418, 0.08147972077131271, 0.0699230208992958, 0.012770583853125572, 0.04633612930774689, 0.03682742640376091, 0.006726360414177179, 0.1888163685798645, -0.08757569640874863, 0.06003249064087868, -0.0979711040854454, -0.051131345331668854, -0.06140797957777977, 0.0721331462264061, 0.1318686157464981, 0.08368516713380814, 0.07061684131622314, -0.04852581024169922, 0.07446080446243286, 0.00043347993050701916, -0.00780203752219677, -0.04816153645515442, -0.1245235800743103, 0.021852441132068634, -0.09469165652990341, 0.011771852150559425, 0.0010089263087138534, 0.11423319578170776, 0.08934196829795837, -0.011211876757442951, 0.012506782077252865, -0.045527175068855286, 0.10280974209308624, 0.02038479410111904, 0.2361966073513031, 0.04138309881091118, -0.025326181203126907, 0.01988433673977852, 0.07478123903274536, 0.04496448487043381, 0.1405859887599945, -0.01330169290304184, 0.08258435875177383, 0.045906148850917816, 0.11000457406044006, 0.00983884185552597, 0.07992817461490631, -0.08422642946243286, -0.11757461726665497, -0.0762912780046463, 0.055289965122938156, -0.018288588151335716, 0.1635006070137024, 0.07925441861152649, -0.10684935748577118, 0.0924530029296875, 0.03717688098549843, -0.09616447240114212, -0.12794837355613708, -0.18787075579166412, -0.07390350103378296, -0.0724414587020874, 0.009359714575111866, -0.08393100649118423, -0.023551583290100098, 0.12339724600315094, 0.01877221278846264, -0.004628435242921114, 0.16972003877162933, -0.06566469371318817, -0.019931631162762642, 0.14686225354671478, -0.029643144458532333, 0.00926118902862072, 0.03965066373348236, -0.06604953110218048, -0.054062046110630035, -0.01806378737092018, 0.0039747534319758415, 0.05220410227775574, -0.02240440621972084, 0.03714786097407341, -0.04613589122891426, -0.10699525475502014, -0.021954292431473732, 0.0018420517444610596, 0.09387855231761932, 0.21601147949695587, 0.03732467442750931, -0.07338762283325195, -0.018044879660010338, 0.1400682032108307, -0.01296154409646988, -0.020508576184511185, -0.13514737784862518, 0.09743256866931915, 0.09043772518634796, 0.003098868066444993, -0.020658772438764572, -0.056967683136463165, -0.07328543066978455, 0.3594423234462738, 0.182774156332016, -0.05455668270587921, 0.027604717761278152, 0.02024073153734207, 0.012763362377882004, 0.03038656711578369, 0.2029135674238205, 0.08003410696983337, 0.19976481795310974, -0.03971155732870102, -0.05184519290924072, -0.0701146200299263, -0.07502385973930359, -0.17395496368408203, 0.00028651460888795555, 0.08894877135753632, -0.12199416011571884, -0.0722225084900856, 0.011017599143087864, -0.14516465365886688, -0.066136933863163, -0.000795916304923594, -0.09914826601743698, -0.06507577002048492, -0.019776299595832825, 0.026286747306585312, 0.04873533174395561, 0.06484337151050568, -0.016344213858246803, 0.11860118806362152, 0.08299875259399414, 0.038709696382284164, -0.045087747275829315, -0.027424266561865807, 0.08759887516498566, -0.038329869508743286, 0.12085917592048645, 0.02352602407336235, 0.04042287915945053, 0.024158118292689323, 0.10749302059412003, 0.07101671397686005, 0.09110736846923828, 0.003693348728120327, -0.03457385674118996, 0.0006661156076006591, 0.07133633643388748, -0.061041031032800674, -0.02674892731010914, -0.037944525480270386, -0.10882478952407837, 0.0712173730134964, -0.010258576832711697, -0.061270907521247864, -0.06481760740280151, 0.05780531466007233, -0.1567854881286621, 0.08998794853687286, 0.16099609434604645, -0.005799589212983847, -0.10486665368080139, -0.04810439050197601, 0.06578957289457321, -0.008437768556177616, -0.15622469782829285, -0.13553042709827423, -0.13560834527015686, -0.10576193034648895, -0.011545293033123016, -0.019252758473157883, -0.22652019560337067, -0.01616593636572361, -0.051925234496593475, 0.03182021155953407, -0.16530846059322357, 0.0021491877268999815, 0.0766684040427208, -0.015450537204742432, 0.005148290190845728, -0.11301101744174957, 0.06760887801647186, 0.05409730598330498, -0.09983934462070465, -0.13671040534973145 ]
null
null
transformers
# bert-base-japanese-luw-upos ## Model Description This is a BERT model pre-trained on Japanese Wikipedia texts for POS-tagging and dependency-parsing, derived from [bert-base-japanese-char-extended](https://huggingface.co/KoichiYasuoka/bert-base-japanese-char-extended). Every long-unit-word is tagged by [UPOS](https://universaldependencies.org/u/pos/) (Universal Part-Of-Speech) and [FEATS](https://universaldependencies.org/u/feat/). ## How to Use ```py import torch from transformers import AutoTokenizer,AutoModelForTokenClassification tokenizer=AutoTokenizer.from_pretrained("KoichiYasuoka/bert-base-japanese-luw-upos") model=AutoModelForTokenClassification.from_pretrained("KoichiYasuoka/bert-base-japanese-luw-upos") s="国境の長いトンネルを抜けると雪国であった。" p=[model.config.id2label[q] for q in torch.argmax(model(tokenizer.encode(s,return_tensors="pt"))["logits"],dim=2)[0].tolist()[1:-1]] print(list(zip(s,p))) ``` or ```py import esupar nlp=esupar.load("KoichiYasuoka/bert-base-japanese-luw-upos") print(nlp("国境の長いトンネルを抜けると雪国であった。")) ``` ## Reference 安岡孝一: [Transformersと国語研長単位による日本語係り受け解析モデルの製作](http://id.nii.ac.jp/1001/00216223/), 情報処理学会研究報告, Vol.2022-CH-128, No.7 (2022年2月), pp.1-8. ## See Also [esupar](https://github.com/KoichiYasuoka/esupar): Tokenizer POS-tagger and Dependency-parser with BERT/RoBERTa/DeBERTa models
{"language": ["ja"], "license": "cc-by-sa-4.0", "tags": ["japanese", "token-classification", "pos", "wikipedia", "dependency-parsing"], "datasets": ["universal_dependencies"], "pipeline_tag": "token-classification", "widget": [{"text": "\u56fd\u5883\u306e\u9577\u3044\u30c8\u30f3\u30cd\u30eb\u3092\u629c\u3051\u308b\u3068\u96ea\u56fd\u3067\u3042\u3063\u305f\u3002"}]}
token-classification
KoichiYasuoka/bert-base-japanese-luw-upos
[ "transformers", "pytorch", "bert", "token-classification", "japanese", "pos", "wikipedia", "dependency-parsing", "ja", "dataset:universal_dependencies", "license:cc-by-sa-4.0", "autotrain_compatible", "endpoints_compatible", "region:us" ]
2022-03-02T23:29:04+00:00
[]
[ "ja" ]
TAGS #transformers #pytorch #bert #token-classification #japanese #pos #wikipedia #dependency-parsing #ja #dataset-universal_dependencies #license-cc-by-sa-4.0 #autotrain_compatible #endpoints_compatible #region-us
# bert-base-japanese-luw-upos ## Model Description This is a BERT model pre-trained on Japanese Wikipedia texts for POS-tagging and dependency-parsing, derived from bert-base-japanese-char-extended. Every long-unit-word is tagged by UPOS (Universal Part-Of-Speech) and FEATS. ## How to Use or ## Reference 安岡孝一: Transformersと国語研長単位による日本語係り受け解析モデルの製作, 情報処理学会研究報告, Vol.2022-CH-128, No.7 (2022年2月), pp.1-8. ## See Also esupar: Tokenizer POS-tagger and Dependency-parser with BERT/RoBERTa/DeBERTa models
[ "# bert-base-japanese-luw-upos", "## Model Description\n\nThis is a BERT model pre-trained on Japanese Wikipedia texts for POS-tagging and dependency-parsing, derived from bert-base-japanese-char-extended. Every long-unit-word is tagged by UPOS (Universal Part-Of-Speech) and FEATS.", "## How to Use\n\n\n\nor", "## Reference\n\n安岡孝一: Transformersと国語研長単位による日本語係り受け解析モデルの製作, 情報処理学会研究報告, Vol.2022-CH-128, No.7 (2022年2月), pp.1-8.", "## See Also\n\nesupar: Tokenizer POS-tagger and Dependency-parser with BERT/RoBERTa/DeBERTa models" ]
[ "TAGS\n#transformers #pytorch #bert #token-classification #japanese #pos #wikipedia #dependency-parsing #ja #dataset-universal_dependencies #license-cc-by-sa-4.0 #autotrain_compatible #endpoints_compatible #region-us \n", "# bert-base-japanese-luw-upos", "## Model Description\n\nThis is a BERT model pre-trained on Japanese Wikipedia texts for POS-tagging and dependency-parsing, derived from bert-base-japanese-char-extended. Every long-unit-word is tagged by UPOS (Universal Part-Of-Speech) and FEATS.", "## How to Use\n\n\n\nor", "## Reference\n\n安岡孝一: Transformersと国語研長単位による日本語係り受け解析モデルの製作, 情報処理学会研究報告, Vol.2022-CH-128, No.7 (2022年2月), pp.1-8.", "## See Also\n\nesupar: Tokenizer POS-tagger and Dependency-parser with BERT/RoBERTa/DeBERTa models" ]
[ 75, 15, 75, 5, 55, 33 ]
[ "passage: TAGS\n#transformers #pytorch #bert #token-classification #japanese #pos #wikipedia #dependency-parsing #ja #dataset-universal_dependencies #license-cc-by-sa-4.0 #autotrain_compatible #endpoints_compatible #region-us \n# bert-base-japanese-luw-upos## Model Description\n\nThis is a BERT model pre-trained on Japanese Wikipedia texts for POS-tagging and dependency-parsing, derived from bert-base-japanese-char-extended. Every long-unit-word is tagged by UPOS (Universal Part-Of-Speech) and FEATS.## How to Use\n\n\n\nor## Reference\n\n安岡孝一: Transformersと国語研長単位による日本語係り受け解析モデルの製作, 情報処理学会研究報告, Vol.2022-CH-128, No.7 (2022年2月), pp.1-8.## See Also\n\nesupar: Tokenizer POS-tagger and Dependency-parser with BERT/RoBERTa/DeBERTa models" ]
[ -0.00588647834956646, 0.09103143215179443, -0.00556667847558856, 0.04274848848581314, 0.12527376413345337, -0.000582701584789902, 0.10943040996789932, 0.10528543591499329, 0.007875097915530205, 0.05522676929831505, 0.04285929724574089, 0.05456855148077011, 0.06604104489088058, 0.05570625886321068, -0.028474006801843643, -0.3457370698451996, 0.09447236359119415, 0.09693259000778198, -0.02610064297914505, 0.09643208980560303, 0.0851193368434906, -0.055003322660923004, 0.07215000689029694, 0.037339966744184494, -0.10836852341890335, -0.02332134172320366, -0.003131321631371975, -0.156563863158226, 0.05296441540122032, 0.020250169560313225, 0.09734328836202621, -0.016476543620228767, 0.005721932277083397, -0.043718818575143814, 0.0024617554154247046, 0.005458911415189505, -0.048337507992982864, 0.04715808108448982, 0.029705801978707314, 0.015891514718532562, -0.011918246746063232, -0.05283113941550255, 0.00928653497248888, 0.034984782338142395, -0.07525240629911423, -0.15522493422031403, -0.035724978893995285, 0.04105924442410469, 0.08141631633043289, 0.06545045226812363, -0.02220451645553112, 0.04515257477760315, -0.08774180710315704, -0.004401844926178455, 0.14390189945697784, -0.26922526955604553, -0.047691695392131805, 0.002283525187522173, -0.03452102094888687, 0.00695407297462225, -0.06264838576316833, -0.049673207104206085, 0.053426194936037064, 0.009777404367923737, 0.01236944179981947, -0.07944916933774948, 0.13875865936279297, 0.023132188245654106, -0.13370053470134735, 0.08837075531482697, 0.15084390342235565, 0.05818665772676468, -0.051250629127025604, -0.06922633200883865, -0.056239768862724304, -0.013857084326446056, -0.0714072734117508, -0.12213826179504395, 0.0736837089061737, 0.011855398304760456, 0.15228615701198578, 0.007305318024009466, -0.08844815194606781, -0.0060658445581793785, -0.15357011556625366, 0.19383178651332855, 0.05285390093922615, 0.010254166088998318, -0.058260414749383926, -0.041841667145490646, -0.12248983234167099, -0.11509498953819275, -0.033451147377491, -0.06774185597896576, 0.07130809873342514, 0.018334433436393738, -0.013319135643541813, -0.022154800593852997, 0.03777381405234337, 0.019781293347477913, -0.07415664196014404, 0.006317830644547939, -0.012968768365681171, 0.019240757450461388, 0.06583263725042343, 0.13348980247974396, -0.07701572775840759, -0.04890095442533493, 0.012239626608788967, 0.019141200929880142, -0.032987721264362335, -0.02812669426202774, -0.09964689612388611, -0.05174950137734413, 0.027718205004930496, -0.06913576275110245, 0.016100410372018814, 0.05348620563745499, -0.05521634593605995, -0.09582483023405075, 0.06180276349186897, -0.14639027416706085, 0.03263971954584122, -0.005667687393724918, -0.06829250603914261, 0.2966788709163666, -0.039778660982847214, -0.05025956407189369, -0.09222947061061859, 0.04930930212140083, -0.09690599143505096, 0.02795109525322914, -0.09223487973213196, -0.04694798216223717, 0.035961031913757324, -0.036879971623420715, 0.014775598421692848, -0.1266365647315979, -0.042330119758844376, -0.04525214433670044, 0.0003807017928920686, -0.03347662091255188, 0.004824827425181866, -0.017955232411623, -0.02253136783838272, -0.011242927983403206, -0.012820731848478317, -0.1372801512479782, -0.039360374212265015, 0.03165479376912117, -0.0037680810783058405, 0.07249611616134644, -0.0700453594326973, 0.0911213681101799, -0.11099167913198471, -0.017290830612182617, -0.2410513162612915, 0.006056833080947399, -0.05041176453232765, 0.02162511646747589, -0.09853099286556244, -0.04149715229868889, 0.004543210379779339, 0.08711353689432144, -0.03658750653266907, 0.14821380376815796, -0.07806513458490372, -0.11887286603450775, 0.23375733196735382, -0.12460818886756897, -0.07051611691713333, 0.12826624512672424, 0.02789234183728695, 0.049189239740371704, 0.04978686943650246, 0.13894231617450714, 0.043697290122509, 0.016119757667183876, -0.047633808106184006, 0.030384935438632965, -0.007965200580656528, -0.0011540838750079274, 0.12475953251123428, 0.008256416767835617, -0.010430712252855301, 0.06481790542602539, -0.07166828215122223, -0.09918718785047531, -0.01742911897599697, -0.0633406937122345, 0.024662304669618607, 0.01026246603578329, 0.05194598063826561, -0.02583114430308342, 0.07358004152774811, -0.03646407276391983, -0.09382102638483047, 0.23524479568004608, 0.037244170904159546, -0.03626814857125282, 0.05360069125890732, -0.11022781580686569, 0.10489510744810104, 0.05141516029834747, 0.057767752557992935, -0.09153930842876434, 0.006827925331890583, 0.014574013650417328, 0.07857107371091843, 0.03552599623799324, 0.015275179408490658, 0.04797651246190071, -0.012388072907924652, -0.006825155578553677, -0.008436119183897972, -0.009416439570486546, -0.032314930111169815, -0.013634864240884781, -0.11982952803373337, 0.008502316661179066, -0.01759936846792698, 0.06062580645084381, -0.04628181457519531, 0.047150708734989166, -0.01673373393714428, 0.04563593864440918, -0.03467639163136482, 0.025001144036650658, -0.04910435527563095, 0.06656207144260406, -0.014048025943338871, 0.08622922748327255, 0.03943841904401779, 0.011547314934432507, -0.035018984228372574, 0.07119167596101761, -0.06208701431751251, 0.18787911534309387, 0.16959190368652344, -0.07589711248874664, -0.04293779656291008, -0.03630049526691437, 0.000702368444763124, -0.015296563506126404, 0.009214349091053009, -0.04151562973856926, 0.08504881709814072, -0.017497943714261055, 0.0811862051486969, -0.07704316824674606, 0.08558706939220428, 0.016357136890292168, -0.11361028254032135, -0.06343765556812286, 0.10048865526914597, 0.026104485616087914, -0.058229293674230576, 0.19653454422950745, 0.178054541349411, -0.07026273757219315, 0.22269977629184723, -0.03870802000164986, -0.11745092272758484, -0.04300028458237648, 0.026896851137280464, -0.017649704590439796, 0.0011610352667048573, -0.26719868183135986, -0.025466054677963257, 0.06556153297424316, 0.030519457533955574, -0.00038737597060389817, -0.07648855447769165, -0.035002607852220535, 0.021713968366384506, 0.01440373994410038, -0.019967883825302124, -0.016490593552589417, 0.02948126755654812, 0.10015545040369034, 0.08552883565425873, -0.05579856038093567, 0.006753695663064718, 0.013471513986587524, -0.07149863243103027, 0.15057985484600067, -0.13777820765972137, -0.22519339621067047, -0.15600986778736115, -0.12917384505271912, -0.08226767927408218, 0.003494254546239972, 0.052152570337057114, -0.1249721497297287, -0.03649309277534485, -0.0037579648196697235, 0.12123814970254898, -0.05674808472394943, 0.025461679324507713, 0.04109072685241699, 0.04891952499747276, -0.08400332927703857, -0.059440191835165024, -0.05369586870074272, -0.07187056541442871, -0.10713623464107513, 0.08536332845687866, -0.017845049500465393, 0.016024885699152946, 0.14676415920257568, -0.02571895346045494, -0.028586631640791893, -0.002517313463613391, 0.04596169292926788, -0.08317304402589798, -0.02082076296210289, 0.2507440447807312, -0.010026475414633751, 0.04448222741484642, 0.07298047840595245, 0.05283552035689354, -0.01662505231797695, -0.03122759982943535, 0.01655428670346737, -0.03564126789569855, -0.21222957968711853, -0.04698145389556885, -0.06287345290184021, 0.2043229192495346, 0.018418220803141594, 0.007490858435630798, 0.023065639659762383, 0.06288152188062668, 0.014775838702917099, 0.021796850487589836, -0.044534653425216675, 0.06999079138040543, 0.14460638165473938, -0.048470355570316315, 0.1335120052099228, -0.008861806243658066, -0.02782110683619976, 0.11275359243154526, -0.06264317780733109, 0.0985867902636528, 0.06628841906785965, 0.06883703917264938, 0.05434384196996689, 0.15629589557647705, 0.07578539103269577, 0.01723635010421276, 0.01924605295062065, -0.027887683361768723, -0.030957113951444626, -0.0773339793086052, -0.07061966508626938, 0.10760676115751266, -0.0178917795419693, -0.015080767683684826, -0.030962735414505005, -0.015239199623465538, 0.05142204463481903, 0.15433856844902039, 0.07419916242361069, -0.16973194479942322, -0.07989921420812607, 0.009948799386620522, -0.05825328826904297, -0.03649359196424484, 0.04744144156575203, -0.03204306960105896, -0.12184814363718033, 0.04958400875329971, 0.05118219926953316, 0.09298869222402573, -0.021638577803969383, 0.049482595175504684, -0.047031331807374954, 0.036341238766908646, 0.036323707550764084, 0.02014940418303013, -0.19865286350250244, 0.1656377762556076, 0.025965483859181404, -0.01342453807592392, -0.034150075167417526, 0.04043576493859291, 0.032461509108543396, 0.019343076273798943, 0.10677674412727356, -0.016668548807501793, 0.053396839648485184, -0.03420451283454895, -0.07277080416679382, -0.006490432657301426, 0.08290299028158188, -0.037908244878053665, 0.035000991076231, -0.026601403951644897, 0.03200862929224968, 0.0039971452206373215, 0.09784892946481705, -0.010480079799890518, -0.08468212187290192, 0.04687740281224251, -0.0528390109539032, 0.06109797582030296, 0.020523950457572937, -0.08505938202142715, -0.11157958954572678, 0.22205306589603424, 0.024031266570091248, -0.030705377459526062, -0.10041110217571259, 0.016283471137285233, 0.022908413782715797, -0.12571890652179718, 0.02073568105697632, -0.0365847684442997, 0.03819931298494339, 0.026155469939112663, -0.10148101300001144, 0.0998733714222908, -0.03644990548491478, -0.0041081784293055534, 0.001354134175926447, 0.10269197076559067, 0.02005002833902836, 0.05687902122735977, -0.005279508884996176, -0.03217973932623863, 0.01270495168864727, -0.08109533041715622, 0.028743451461195946, 0.08103203028440475, 0.13462966680526733, 0.052895963191986084, -0.19865337014198303, -0.09350012987852097, -0.02908812090754509, -0.03644173592329025, 0.12840519845485687, 0.17774415016174316, -0.01605895720422268, 0.04644297435879707, 0.18759223818778992, -0.0049229576252400875, -0.25018250942230225, -0.013717764988541603, 0.028160661458969116, 0.057405974715948105, -0.04596298187971115, -0.2070472091436386, 0.1831897646188736, 0.18103338778018951, -0.0022344975732266903, -0.004297418985515833, -0.08350686728954315, -0.0893140509724617, 0.16561655700206757, 0.024879183620214462, 0.16150438785552979, -0.1187145933508873, -0.040782537311315536, 0.02342282608151436, -0.1937868893146515, 0.12961363792419434, -0.036666855216026306, 0.06564890593290329, -0.022099599242210388, 0.03999475762248039, 0.002945437328889966, 0.008569796569645405, 0.1379469335079193, 0.007652384229004383, -0.03889095038175583, -0.051689159125089645, -0.08076189458370209, 0.05749015137553215, 0.001950740348547697, 0.10583809018135071, 0.09730277955532074, -0.0690038651227951, -0.10287103801965714, -0.05011143535375595, -0.05835896357893944, 0.0024887032341212034, -0.004079385660588741, -0.11489114165306091, 0.0012616225285455585, 0.08577301353216171, -0.011530369520187378, -0.019955625757575035, 0.18767426908016205, -0.04660695791244507, 0.040307775139808655, 0.20987188816070557, 0.07983864098787308, -0.15879914164543152, -0.007090575527399778, -0.04669104889035225, -0.0406980998814106, 0.12108804285526276, -0.12552350759506226, 0.0215833131223917, 0.03745138645172119, 0.015733852982521057, 0.06065152958035469, 0.07688771188259125, -0.01964997500181198, -0.022107161581516266, 0.08828262239694595, -0.08462822437286377, -0.18103539943695068, -0.028329862281680107, -0.09746047109365463, -0.07275167107582092, 0.07035036385059357, 0.13744789361953735, -0.04344487562775612, -0.055750392377376556, 0.01724499650299549, 0.023473788052797318, -0.08836544305086136, 0.07347553968429565, -0.0008346642134711146, 0.010557014495134354, -0.10274915397167206, 0.03296796604990959, 0.04988371953368187, -0.08730277419090271, 0.03923509269952774, 0.07507355511188507, -0.06542962044477463, -0.0696486234664917, -0.018641658127307892, 0.0077475979924201965, -0.06868177652359009, -0.042196109890937805, -0.04507564380764961, -0.12239493429660797, 0.053058426827192307, 0.08293003588914871, 0.12372064590454102, 0.0376412607729435, 0.007727781776338816, 0.05376710742712021, -0.02945166639983654, -0.03726813942193985, 0.047719117254018784, 0.007411813363432884, -0.04815671592950821, 0.057123735547065735, -0.030525971204042435, 0.1338164210319519, -0.07134988158941269, -0.04892611876130104, -0.1928263157606125, -0.007641711737960577, -0.07326585054397583, -0.05738702788949013, -0.13145573437213898, -0.04202162101864815, 0.012494032271206379, -0.031853001564741135, -0.08260481059551239, -0.03308384120464325, -0.06630631536245346, -0.011209535412490368, 0.00670229597017169, 0.0866013616323471, -0.07098957896232605, 0.035940900444984436, 0.06452985107898712, -0.03040418028831482, 0.033921122550964355, 0.1273917704820633, -0.0026437705382704735, 0.07932376861572266, 0.012597871012985706, 0.0234847255051136, 0.07614821195602417, 0.030924079939723015, 0.08107277005910873, -0.030650708824396133, 0.04117423668503761, 0.03378044068813324, -0.06947282701730728, 0.03820357471704483, 0.10065259784460068, -0.10826115310192108, 0.06237325444817543, -0.11567488312721252, -0.11659451574087143, -0.08592439442873001, 0.00964730978012085, 0.1160934567451477, 0.04566042497754097, 0.0960930734872818, -0.0009209875715896487, 0.040948353707790375, -0.10090303421020508, 0.008054728619754314, -0.029018156230449677, -0.06766576319932938, 0.1262560337781906, -0.046612467616796494, 0.03143000975251198, 0.03581735119223595, 0.12226416170597076, 0.031994886696338654, -0.017900967970490456, 0.0577903650701046, -0.036137547343969345, 0.06759589910507202, 0.02781277894973755, 0.11601468175649643, 0.12417298555374146, -0.05494134500622749, -0.012051960453391075, 0.06772574782371521, 0.04447615146636963, 0.030156593769788742, 0.01656683348119259, 0.12135676294565201, -0.010553785599768162, 0.11418640613555908, 0.04040155187249184, 0.06003044918179512, -0.1675405353307724, 0.022812753915786743, -0.058199554681777954, 0.0022992414887994528, 0.0024835572112351656, 0.14869804680347443, 0.1535578966140747, -0.08098750561475754, 0.10992258042097092, 0.028846926987171173, -0.03645388409495354, -0.1660194993019104, -0.14603962004184723, -0.08122618496417999, -0.18820807337760925, 0.0012420008424669504, -0.1028490737080574, 0.002012458397075534, 0.13957437872886658, 0.07221703976392746, -0.01801547408103943, 0.03753332793712616, -0.08139129728078842, -0.08214692026376724, 0.0963473990559578, 0.011361400596797466, 0.007151756435632706, -0.04057925194501877, -0.054314933717250824, -0.04802171513438225, 0.038177501410245895, 0.03923119232058525, 0.007108606398105621, -0.012828387320041656, 0.010349397547543049, -0.07432375103235245, -0.09294219315052032, 0.0013231767807155848, 0.01931721344590187, -0.00560652744024992, 0.11554068326950073, 0.010237451642751694, -0.08516126126050949, 0.01096164621412754, 0.21923448145389557, -0.049369703978300095, 0.00011822811211459339, -0.16214245557785034, 0.0782783180475235, 0.07624229788780212, 0.07208231836557388, -0.01914946176111698, -0.07151742279529572, -0.0724465474486351, 0.20453788340091705, 0.1753959059715271, -0.040264178067445755, 0.0066237905994057655, 0.05159030854701996, 0.016380254179239273, 0.008325882256031036, 0.07665111869573593, 0.0901402086019516, 0.2650308310985565, -0.04679947718977928, -0.057830121368169785, -0.07035841792821884, -0.018622199073433876, -0.15968570113182068, 0.02517296001315117, 0.08711709827184677, -0.05023474618792534, -0.06945657730102539, 0.011114153079688549, -0.10934168100357056, -0.05931929126381874, 0.007520144339650869, -0.12667571008205414, -0.11785837262868881, -0.03835992142558098, 0.029550308361649513, 0.034207556396722794, 0.1092677190899849, 0.03526470437645912, -0.03988748788833618, 0.09489072859287262, 0.04973788186907768, -0.07463909685611725, -0.05116007849574089, 0.11869850009679794, 0.07691068947315216, 0.09374736994504929, 0.017116812989115715, -0.0173946600407362, 0.06269562244415283, 0.126490980386734, 0.025536419823765755, -0.0005493068019859493, 0.001188649912364781, -0.09786634147167206, -0.009778191335499287, 0.019285259768366814, -0.03749284893274307, 0.007740675006061792, 0.07808277755975723, -0.1550963670015335, -0.028622103855013847, -0.05201160907745361, -0.06364382803440094, -0.04667901247739792, 0.07357853651046753, -0.14203287661075592, 0.09701769053936005, 0.22064651548862457, -0.016129128634929657, -0.07025321573019028, -0.06189703941345215, 0.07036488503217697, 0.0383099727332592, -0.03618673235177994, -0.03885292261838913, -0.14883549511432648, -0.04883202910423279, 0.03891434893012047, -0.014325295574963093, -0.10615411400794983, -0.08235511928796768, 0.058714210987091064, 0.030205020681023598, -0.14169248938560486, -0.008218610659241676, 0.012492182664573193, -0.006422845181077719, -0.023396912962198257, -0.19210605323314667, 0.0425511933863163, 0.0727117508649826, -0.04263550043106079, -0.09986618906259537 ]
null
null
transformers
# bert-base-japanese-unidic-luw-upos ## Model Description This is a BERT model pre-trained on Japanese Wikipedia texts for POS-tagging and dependency-parsing, derived from [bert-base-japanese-v2](https://huggingface.co/cl-tohoku/bert-base-japanese-v2). Every long-unit-word is tagged by [UPOS](https://universaldependencies.org/u/pos/) (Universal Part-Of-Speech). ## How to Use ```py import torch from transformers import AutoTokenizer,AutoModelForTokenClassification tokenizer=AutoTokenizer.from_pretrained("KoichiYasuoka/bert-base-japanese-unidic-luw-upos") model=AutoModelForTokenClassification.from_pretrained("KoichiYasuoka/bert-base-japanese-unidic-luw-upos") s="国境の長いトンネルを抜けると雪国であった。" t=tokenizer.tokenize(s) p=[model.config.id2label[q] for q in torch.argmax(model(tokenizer.encode(s,return_tensors="pt"))["logits"],dim=2)[0].tolist()[1:-1]] print(list(zip(t,p))) ``` or ```py import esupar nlp=esupar.load("KoichiYasuoka/bert-base-japanese-unidic-luw-upos") print(nlp("国境の長いトンネルを抜けると雪国であった。")) ``` [fugashi](https://pypi.org/project/fugashi) and [unidic-lite](https://pypi.org/project/unidic-lite) are required. ## Reference 安岡孝一: [Transformersと国語研長単位による日本語係り受け解析モデルの製作](http://id.nii.ac.jp/1001/00216223/), 情報処理学会研究報告, Vol.2022-CH-128, No.7 (2022年2月), pp.1-8. ## See Also [esupar](https://github.com/KoichiYasuoka/esupar): Tokenizer POS-tagger and Dependency-parser with BERT/RoBERTa/DeBERTa models
{"language": ["ja"], "license": "cc-by-sa-4.0", "tags": ["japanese", "token-classification", "pos", "wikipedia", "dependency-parsing"], "datasets": ["universal_dependencies"], "pipeline_tag": "token-classification", "widget": [{"text": "\u56fd\u5883\u306e\u9577\u3044\u30c8\u30f3\u30cd\u30eb\u3092\u629c\u3051\u308b\u3068\u96ea\u56fd\u3067\u3042\u3063\u305f\u3002"}]}
token-classification
KoichiYasuoka/bert-base-japanese-unidic-luw-upos
[ "transformers", "pytorch", "bert", "token-classification", "japanese", "pos", "wikipedia", "dependency-parsing", "ja", "dataset:universal_dependencies", "license:cc-by-sa-4.0", "autotrain_compatible", "endpoints_compatible", "region:us" ]
2022-03-02T23:29:04+00:00
[]
[ "ja" ]
TAGS #transformers #pytorch #bert #token-classification #japanese #pos #wikipedia #dependency-parsing #ja #dataset-universal_dependencies #license-cc-by-sa-4.0 #autotrain_compatible #endpoints_compatible #region-us
# bert-base-japanese-unidic-luw-upos ## Model Description This is a BERT model pre-trained on Japanese Wikipedia texts for POS-tagging and dependency-parsing, derived from bert-base-japanese-v2. Every long-unit-word is tagged by UPOS (Universal Part-Of-Speech). ## How to Use or fugashi and unidic-lite are required. ## Reference 安岡孝一: Transformersと国語研長単位による日本語係り受け解析モデルの製作, 情報処理学会研究報告, Vol.2022-CH-128, No.7 (2022年2月), pp.1-8. ## See Also esupar: Tokenizer POS-tagger and Dependency-parser with BERT/RoBERTa/DeBERTa models
[ "# bert-base-japanese-unidic-luw-upos", "## Model Description\n\nThis is a BERT model pre-trained on Japanese Wikipedia texts for POS-tagging and dependency-parsing, derived from bert-base-japanese-v2. Every long-unit-word is tagged by UPOS (Universal Part-Of-Speech).", "## How to Use\n\n\n\nor\n\n\n\nfugashi and unidic-lite are required.", "## Reference\n\n安岡孝一: Transformersと国語研長単位による日本語係り受け解析モデルの製作, 情報処理学会研究報告, Vol.2022-CH-128, No.7 (2022年2月), pp.1-8.", "## See Also\n\nesupar: Tokenizer POS-tagger and Dependency-parser with BERT/RoBERTa/DeBERTa models" ]
[ "TAGS\n#transformers #pytorch #bert #token-classification #japanese #pos #wikipedia #dependency-parsing #ja #dataset-universal_dependencies #license-cc-by-sa-4.0 #autotrain_compatible #endpoints_compatible #region-us \n", "# bert-base-japanese-unidic-luw-upos", "## Model Description\n\nThis is a BERT model pre-trained on Japanese Wikipedia texts for POS-tagging and dependency-parsing, derived from bert-base-japanese-v2. Every long-unit-word is tagged by UPOS (Universal Part-Of-Speech).", "## How to Use\n\n\n\nor\n\n\n\nfugashi and unidic-lite are required.", "## Reference\n\n安岡孝一: Transformersと国語研長単位による日本語係り受け解析モデルの製作, 情報処理学会研究報告, Vol.2022-CH-128, No.7 (2022年2月), pp.1-8.", "## See Also\n\nesupar: Tokenizer POS-tagger and Dependency-parser with BERT/RoBERTa/DeBERTa models" ]
[ 75, 18, 67, 15, 55, 33 ]
[ "passage: TAGS\n#transformers #pytorch #bert #token-classification #japanese #pos #wikipedia #dependency-parsing #ja #dataset-universal_dependencies #license-cc-by-sa-4.0 #autotrain_compatible #endpoints_compatible #region-us \n# bert-base-japanese-unidic-luw-upos## Model Description\n\nThis is a BERT model pre-trained on Japanese Wikipedia texts for POS-tagging and dependency-parsing, derived from bert-base-japanese-v2. Every long-unit-word is tagged by UPOS (Universal Part-Of-Speech).## How to Use\n\n\n\nor\n\n\n\nfugashi and unidic-lite are required.## Reference\n\n安岡孝一: Transformersと国語研長単位による日本語係り受け解析モデルの製作, 情報処理学会研究報告, Vol.2022-CH-128, No.7 (2022年2月), pp.1-8.## See Also\n\nesupar: Tokenizer POS-tagger and Dependency-parser with BERT/RoBERTa/DeBERTa models" ]
[ 0.00413521146401763, 0.10534359514713287, -0.005663738120347261, 0.03466672822833061, 0.11670231819152832, 0.018458252772688866, 0.1151755079627037, 0.10406110435724258, 0.024025848135352135, 0.027404988184571266, 0.04155120626091957, 0.0321638323366642, 0.07818495482206345, 0.0341450534760952, -0.040005069226026535, -0.3479485511779785, 0.09665806591510773, 0.10749337077140808, -0.044734369963407516, 0.0823037326335907, 0.09911413490772247, -0.04569297283887863, 0.06841584295034409, 0.016265518963336945, -0.11815980821847916, -0.019265305250883102, 0.004274582955986261, -0.1358744204044342, 0.05325251445174217, 0.04073448106646538, 0.11495336890220642, -0.0028968830592930317, 0.018083566799759865, -0.07267341762781143, -0.000540587236173451, -0.0017920330865308642, -0.040037184953689575, 0.038361966609954834, 0.0032900748774409294, 0.024906445294618607, -0.021607035771012306, -0.09143750369548798, -0.004679998382925987, 0.03181144595146179, -0.08679044246673584, -0.11797541379928589, -0.039409976452589035, 0.03268245980143547, 0.07905841618776321, 0.04250699654221535, -0.027518255636096, 0.038578689098358154, -0.07896283268928528, -0.005272664595395327, 0.11742318421602249, -0.2699919641017914, -0.0546475388109684, -0.000545119633898139, -0.029286803677678108, 0.0019198181107640266, -0.054935939610004425, -0.024861790239810944, 0.07787544280290604, 0.003868690226227045, 0.017762036994099617, -0.09749530255794525, 0.09004522860050201, 0.012741181999444962, -0.12389666587114334, 0.10449499636888504, 0.19854195415973663, 0.062363021075725555, -0.07140924036502838, -0.056589093059301376, -0.059120651334524155, 0.038828179240226746, -0.0422525629401207, -0.13981665670871735, 0.07848446816205978, -0.0010508734267205, 0.17354348301887512, -0.020886164158582687, -0.080552838742733, -0.017569730058312416, -0.14573781192302704, 0.21907971799373627, 0.060071516782045364, 0.0029750249814242125, -0.030146785080432892, -0.03844153508543968, -0.16660603880882263, -0.11617017537355423, -0.03624814748764038, -0.0733848512172699, 0.04140021279454231, -0.0013421076582744718, -0.01457567885518074, -0.038959771394729614, 0.030788948759436607, 0.03247997537255287, -0.11437728255987167, -0.0022505635861307383, -0.01258148904889822, 0.015192585997283459, 0.10013391822576523, 0.10610806941986084, -0.10029029101133347, -0.02246731147170067, 0.012765050865709782, 0.01229175180196762, -0.011420471593737602, -0.023452093824744225, -0.0889212116599083, -0.06453810632228851, 0.013838396407663822, -0.03668368235230446, 0.0029628905467689037, 0.045316390693187714, -0.053171057254076004, -0.07795766741037369, 0.07888028025627136, -0.15054118633270264, 0.029596539214253426, -0.02268282137811184, -0.06965969502925873, 0.29057350754737854, -0.03967629000544548, -0.03273477032780647, -0.09467901289463043, 0.03458277881145477, -0.08016692847013474, 0.027137964963912964, -0.07785879820585251, -0.043758537620306015, 0.04171984642744064, -0.049058813601732254, 0.0386371873319149, -0.11993922293186188, -0.03767145052552223, -0.030444327741861343, 0.013489442877471447, -0.04845339432358742, 0.005737129133194685, -0.008049611002206802, -0.023204121738672256, -0.01990920677781105, -0.009874322451651096, -0.13031603395938873, -0.02692948840558529, 0.024878645315766335, 0.007505438756197691, 0.054253097623586655, -0.06977973133325577, 0.07798060029745102, -0.11832940578460693, 0.00010048735566670075, -0.2337176501750946, -0.004779691807925701, -0.038529716432094574, -0.0068336729891598225, -0.10478277504444122, -0.03628679737448692, 0.04994657263159752, 0.08584003895521164, -0.029179345816373825, 0.17193391919136047, -0.09941026568412781, -0.0838254988193512, 0.2435932159423828, -0.12724795937538147, -0.08279331773519516, 0.15193212032318115, 0.014905573800206184, 0.06506659090518951, 0.04967682808637619, 0.13324609398841858, 0.015846701338887215, 0.00382583518512547, -0.05596975237131119, 0.030396422371268272, -0.005418344400823116, 0.05835375934839249, 0.1195344552397728, 0.03353305160999298, -0.021429773420095444, 0.05801171436905861, -0.08776450157165527, -0.10907196998596191, -0.030090292915701866, -0.08523814380168915, 0.004926643334329128, -0.005799817852675915, 0.0482640340924263, -0.032947197556495667, 0.06161196529865265, -0.03994855284690857, -0.09760162979364395, 0.23528379201889038, 0.04641992598772049, -0.060177918523550034, 0.0548754520714283, -0.10002654790878296, 0.09753594547510147, 0.051891740411520004, 0.06791620701551437, -0.06662281602621078, 0.018350830301642418, 0.028222903609275818, 0.08283046633005142, 0.046323057264089584, 0.014238975010812283, 0.03188246116042137, 0.008652678690850735, -0.030418653041124344, -0.0033534846734255552, -0.005692814942449331, -0.023912258446216583, 0.010298008099198341, -0.1414344608783722, 0.006526242475956678, -0.02285146154463291, 0.05916689708828926, -0.0786658525466919, 0.04995374754071236, -0.033986251801252365, 0.06151500716805458, -0.05499790981411934, 0.041986145079135895, -0.026940757408738136, 0.06979361176490784, -0.022724729031324387, 0.08658355474472046, 0.036776717752218246, 0.0007767877541482449, -0.06769008934497833, 0.06727509945631027, -0.04606214165687561, 0.15492576360702515, 0.1536119133234024, -0.08674968034029007, -0.06269453465938568, -0.02324831485748291, 0.004429122898727655, -0.019512146711349487, 0.003336641239002347, -0.02845677174627781, 0.09455544501543045, -0.01493324339389801, 0.0722726359963417, -0.08722265809774399, 0.09799344092607498, 0.023462871089577675, -0.13086958229541779, -0.06464159488677979, 0.0857413113117218, 0.026418054476380348, -0.09317805618047714, 0.1676139086484909, 0.18242372572422028, -0.07855439186096191, 0.21881195902824402, -0.046578723937273026, -0.09898138791322708, -0.06687584519386292, 0.03041028045117855, -0.02396485023200512, 0.02523079887032509, -0.25138741731643677, -0.02141437865793705, 0.054774679243564606, 0.007354077883064747, -0.016503674909472466, -0.07477225363254547, -0.04758665710687637, 0.024196922779083252, -0.001593026565387845, -0.02191339246928692, -0.019997257739305496, 0.013597877696156502, 0.09597361832857132, 0.05637601390480995, -0.02817145548760891, 0.004545390140265226, 0.020047994330525398, -0.08051802217960358, 0.15314128994941711, -0.13145823776721954, -0.21993041038513184, -0.12370635569095612, -0.08389800041913986, -0.0856979489326477, -0.003542704274877906, 0.034559089690446854, -0.11907029896974564, -0.032337088137865067, -0.0020560359116643667, 0.11251815408468246, -0.058342091739177704, 0.00018590221588965505, 0.019441494718194008, 0.04869002476334572, -0.07748543471097946, -0.05668589845299721, -0.043221816420555115, -0.05393564701080322, -0.12515388429164886, 0.08117251098155975, -0.010311661288142204, 0.04399052634835243, 0.1260443478822708, -0.045642197132110596, -0.048599161207675934, -0.0034301599953323603, 0.05239773914217949, -0.09219576418399811, 0.014161936938762665, 0.22638118267059326, -0.032019346952438354, 0.03982286900281906, 0.09322626888751984, 0.0508199967443943, -0.020974313840270042, -0.045473095029592514, 0.013898852281272411, -0.028225883841514587, -0.23271484673023224, -0.034213822335004807, -0.04902154952287674, 0.19582772254943848, 0.00169074023142457, -0.009117748588323593, 0.01578518934547901, 0.07353369891643524, -0.0014063240960240364, 0.019208384677767754, -0.03971781209111214, 0.06821394711732864, 0.14496751129627228, -0.055450618267059326, 0.11863891780376434, -0.013406464830040932, -0.0287281833589077, 0.10957764089107513, -0.03147474676370621, 0.09820970147848129, 0.07026578485965729, 0.05940261483192444, 0.05232422426342964, 0.14332006871700287, 0.04313431680202484, 0.008031563833355904, 0.02232244983315468, -0.02225344255566597, -0.038213007152080536, -0.08474548161029816, -0.05701751634478569, 0.13017381727695465, -0.01350578386336565, -0.025753404945135117, -0.03448696434497833, -0.013747229240834713, 0.06499958783388138, 0.15528042614459991, 0.08501162379980087, -0.13279321789741516, -0.07921957969665527, 0.03261987864971161, -0.030159059911966324, -0.04256461560726166, 0.039006151258945465, -0.020250940695405006, -0.11194468289613724, 0.0831763818860054, 0.05308062955737114, 0.0872252807021141, -0.039212457835674286, 0.04514985904097557, -0.07031801342964172, 0.04751349613070488, 0.037337012588977814, 0.04083201661705971, -0.2261943817138672, 0.17489272356033325, 0.0347423255443573, 0.00980965793132782, -0.026425018906593323, 0.03624080494046211, 0.02232649177312851, 0.07530127465724945, 0.14511823654174805, -0.005210554227232933, 0.05870458111166954, -0.036895520985126495, -0.057826291769742966, 0.006855586543679237, 0.08248726278543472, -0.008947724476456642, 0.03383904695510864, -0.01385010126978159, 0.02846335433423519, 0.004373091273009777, 0.07618056982755661, -0.08780136704444885, -0.07691232115030289, 0.036570049822330475, -0.07082762569189072, 0.04959231987595558, 0.033819183707237244, -0.07354675233364105, -0.12268466502428055, 0.2487453669309616, 0.031086981296539307, -0.036018334329128265, -0.07851052284240723, 0.009447691030800343, 0.04633086174726486, -0.10654313117265701, -0.0055612120777368546, -0.04695061594247818, 0.04334770143032074, -0.003149831434711814, -0.07590104639530182, 0.07665050029754639, -0.04145459830760956, -0.008611969649791718, -0.009826697409152985, 0.08299336582422256, 0.02182328887283802, 0.05581740289926529, 0.01127626933157444, -0.03614523634314537, 0.04840490221977234, -0.09958677738904953, 0.04053385555744171, 0.06783956289291382, 0.11641727387905121, 0.06248073652386665, -0.21889778971672058, -0.07005050778388977, -0.05712771788239479, -0.06051754578948021, 0.1221100389957428, 0.2159740924835205, -0.01487994659692049, 0.039258863776922226, 0.20411641895771027, -0.030071571469306946, -0.24115927517414093, -0.021304162219166756, 0.006947486661374569, 0.05721844360232353, -0.05853156000375748, -0.2309064269065857, 0.16572251915931702, 0.16331234574317932, 0.010600917041301727, -0.015835894271731377, -0.056139376014471054, -0.09115543216466904, 0.15228509902954102, 0.03852185606956482, 0.13305094838142395, -0.12460371851921082, -0.034773632884025574, 0.013794940896332264, -0.16945497691631317, 0.14662742614746094, -0.05277186632156372, 0.07025283575057983, -0.01267444621771574, 0.026540055871009827, -0.0013783253962174058, 0.008100437000393867, 0.15249823033809662, 0.007418340537697077, -0.03252938762307167, -0.050332020968198776, -0.09343042224645615, 0.06085749715566635, 0.002340190578252077, 0.1255447268486023, 0.0823686346411705, -0.059138841927051544, -0.07106340676546097, -0.04917208477854729, -0.04566856846213341, 0.020099060609936714, -0.023269133642315865, -0.13087883591651917, -0.011767874471843243, 0.10996482521295547, -0.009095003828406334, -0.022106511518359184, 0.14804713428020477, -0.041022803634405136, 0.011930727399885654, 0.20533902943134308, 0.09014389663934708, -0.14386104047298431, 0.024597495794296265, -0.018454115837812424, -0.04933637008070946, 0.12220694869756699, -0.14585529267787933, 0.01390540599822998, 0.045369554311037064, 0.015822093933820724, 0.06967385113239288, 0.05450207367539406, -0.03298288956284523, -0.024634886533021927, 0.06098312884569168, -0.0971144512295723, -0.17807336151599884, -0.03211669251322746, -0.12752953171730042, -0.03969708830118179, 0.06117109954357147, 0.15260805189609528, -0.062177833169698715, -0.04346233606338501, 0.010281371884047985, 0.02545684203505516, -0.08942162990570068, 0.054097700864076614, 0.00007741983426967636, 0.009291843511164188, -0.0880434587597847, 0.052714407444000244, 0.06616497039794922, -0.10433600097894669, 0.06638609617948532, 0.05200645327568054, -0.05465063452720642, -0.06832465529441833, -0.029557084664702415, 0.014073239639401436, -0.08257292211055756, -0.06355475634336472, -0.045641474425792694, -0.13235515356063843, 0.03123736009001732, 0.08640565723180771, 0.11883389949798584, 0.03203217685222626, 0.012247360311448574, 0.04559684544801712, -0.05455884709954262, -0.027465933933854103, 0.055560603737831116, -0.0005617687711492181, -0.06191409379243851, 0.053652048110961914, -0.007606883998960257, 0.1556166261434555, -0.06944411993026733, -0.035570353269577026, -0.18450474739074707, -0.010095074772834778, -0.08196557313203812, -0.049056973308324814, -0.12987934052944183, -0.032327305525541306, -0.001796254189684987, -0.039491865783929825, -0.0782870426774025, -0.0350106842815876, -0.043990157544612885, 0.000458414142485708, 0.012193996459245682, 0.0890481248497963, -0.08351419121026993, 0.012810932472348213, 0.061602432280778885, -0.04125865176320076, 0.01655491255223751, 0.09608376026153564, -0.01457413099706173, 0.0695321261882782, -0.024907268583774567, 0.043760139495134354, 0.06039559096097946, 0.029321817681193352, 0.06378815323114395, -0.08218947798013687, 0.029790613800287247, 0.036559607833623886, -0.0457649864256382, 0.033057499676942825, 0.1122528538107872, -0.08962572365999222, 0.04190840199589729, -0.0994083434343338, -0.12219942361116409, -0.08103568106889725, 0.021596137434244156, 0.12977175414562225, 0.02530529722571373, 0.074446901679039, -0.0027238253969699144, 0.05143605172634125, -0.11328983306884766, 0.002664865693077445, -0.025889968499541283, -0.06980780512094498, 0.1069832518696785, -0.03780784457921982, 0.025613093748688698, 0.019916100427508354, 0.16255629062652588, 0.012666632421314716, 0.013045404106378555, 0.05848037824034691, -0.06599000096321106, 0.041550591588020325, 0.04470201954245567, 0.13207292556762695, 0.12044170498847961, -0.06331740319728851, -0.05801859498023987, 0.0630481094121933, 0.03825882077217102, 0.027743151411414146, 0.008511234074831009, 0.11122363060712814, -0.013139799237251282, 0.11383621394634247, 0.04187147691845894, 0.03552224487066269, -0.11843041330575943, 0.03650737553834915, -0.02638477273285389, 0.005589528474956751, 0.01801655814051628, 0.14297592639923096, 0.15071268379688263, -0.09312903136014938, 0.11199790984392166, 0.033419009298086166, -0.0748705342411995, -0.1645449548959732, -0.13771040737628937, -0.08553837239742279, -0.14864841103553772, 0.01686101220548153, -0.11657537519931793, 0.02076534740626812, 0.10314884036779404, 0.0671711415052414, -0.025854799896478653, 0.04281427338719368, -0.04355549439787865, -0.05904194340109825, 0.11081986874341965, 0.02695724181830883, -0.0018316201167181134, -0.016784345731139183, -0.060479603707790375, -0.024746255949139595, 0.04704165831208229, 0.027186252176761627, 0.025869490578770638, 0.004956171382218599, 0.018535466864705086, -0.05810461938381195, -0.09218066185712814, -0.0010359975276514888, 0.033527981489896774, 0.028406264260411263, 0.098130963742733, 0.006727567873895168, -0.07590276747941971, 0.010593120008707047, 0.20664508640766144, -0.03761650621891022, -0.0060341572389006615, -0.1738538146018982, 0.09916514158248901, 0.06615981459617615, 0.06886399537324905, 0.0066237058490514755, -0.07450399547815323, -0.06135335937142372, 0.20424051582813263, 0.20416021347045898, -0.03759317845106125, -0.005874973721802235, 0.03242137283086777, 0.020701147615909576, 0.0007032896974124014, 0.07842076569795609, 0.06968485563993454, 0.20715001225471497, -0.06795394420623779, -0.0402265265583992, -0.07639680057764053, -0.030451854690909386, -0.1478491723537445, 0.052942343056201935, 0.10506193339824677, -0.041159797459840775, -0.053834524005651474, 0.015348808839917183, -0.10352392494678497, -0.08889327943325043, 0.005427737720310688, -0.1333978921175003, -0.11086852103471756, -0.03859218582510948, 0.01681869849562645, 0.02064688690006733, 0.09112818539142609, 0.019044511020183563, -0.03938496857881546, 0.1420930176973343, 0.05265543609857559, -0.06105756759643555, -0.03276074677705765, 0.10971035808324814, 0.07761915773153305, 0.0907110646367073, 0.03399667516350746, 0.027756966650485992, 0.06061877682805061, 0.10421290993690491, 0.03408943489193916, 0.00247538392432034, 0.007704783231019974, -0.0589020773768425, -0.009322574362158775, 0.05206895247101784, -0.041791949421167374, 0.0287772286683321, 0.08352723717689514, -0.14485298097133636, -0.010311633348464966, -0.03729022294282913, -0.08864828944206238, -0.046681959182024, 0.09223230183124542, -0.15558378398418427, 0.10456609725952148, 0.23708979785442352, -0.009887348860502243, -0.064647376537323, -0.07276443392038345, 0.08623045682907104, 0.05930618196725845, -0.018406694754958153, -0.01570660062134266, -0.14267191290855408, -0.033818524330854416, 0.07357043772935867, 0.01600821129977703, -0.11380070447921753, -0.0828142911195755, 0.05532407760620117, 0.033941928297281265, -0.12691961228847504, -0.003996935207396746, 0.013810324482619762, 0.0049551683478057384, -0.03117803856730461, -0.2279057502746582, 0.037898480892181396, 0.0529453381896019, -0.030315609648823738, -0.09420707076787949 ]
null
null
transformers
# bert-base-japanese-upos ## Model Description This is a BERT model pre-trained on Japanese Wikipedia texts for POS-tagging and dependency-parsing, derived from [bert-base-japanese-char-extended](https://huggingface.co/KoichiYasuoka/bert-base-japanese-char-extended). Every short-unit-word is tagged by [UPOS](https://universaldependencies.org/u/pos/) (Universal Part-Of-Speech). ## How to Use ```py import torch from transformers import AutoTokenizer,AutoModelForTokenClassification tokenizer=AutoTokenizer.from_pretrained("KoichiYasuoka/bert-base-japanese-upos") model=AutoModelForTokenClassification.from_pretrained("KoichiYasuoka/bert-base-japanese-upos") s="国境の長いトンネルを抜けると雪国であった。" p=[model.config.id2label[q] for q in torch.argmax(model(tokenizer.encode(s,return_tensors="pt"))["logits"],dim=2)[0].tolist()[1:-1]] print(list(zip(s,p))) ``` or ```py import esupar nlp=esupar.load("KoichiYasuoka/bert-base-japanese-upos") print(nlp("国境の長いトンネルを抜けると雪国であった。")) ``` ## See Also [esupar](https://github.com/KoichiYasuoka/esupar): Tokenizer POS-tagger and Dependency-parser with BERT/RoBERTa/DeBERTa models
{"language": ["ja"], "license": "cc-by-sa-4.0", "tags": ["japanese", "token-classification", "pos", "wikipedia", "dependency-parsing"], "datasets": ["universal_dependencies"], "pipeline_tag": "token-classification", "widget": [{"text": "\u56fd\u5883\u306e\u9577\u3044\u30c8\u30f3\u30cd\u30eb\u3092\u629c\u3051\u308b\u3068\u96ea\u56fd\u3067\u3042\u3063\u305f\u3002"}]}
token-classification
KoichiYasuoka/bert-base-japanese-upos
[ "transformers", "pytorch", "bert", "token-classification", "japanese", "pos", "wikipedia", "dependency-parsing", "ja", "dataset:universal_dependencies", "license:cc-by-sa-4.0", "autotrain_compatible", "endpoints_compatible", "has_space", "region:us" ]
2022-03-02T23:29:04+00:00
[]
[ "ja" ]
TAGS #transformers #pytorch #bert #token-classification #japanese #pos #wikipedia #dependency-parsing #ja #dataset-universal_dependencies #license-cc-by-sa-4.0 #autotrain_compatible #endpoints_compatible #has_space #region-us
# bert-base-japanese-upos ## Model Description This is a BERT model pre-trained on Japanese Wikipedia texts for POS-tagging and dependency-parsing, derived from bert-base-japanese-char-extended. Every short-unit-word is tagged by UPOS (Universal Part-Of-Speech). ## How to Use or ## See Also esupar: Tokenizer POS-tagger and Dependency-parser with BERT/RoBERTa/DeBERTa models
[ "# bert-base-japanese-upos", "## Model Description\n\nThis is a BERT model pre-trained on Japanese Wikipedia texts for POS-tagging and dependency-parsing, derived from bert-base-japanese-char-extended. Every short-unit-word is tagged by UPOS (Universal Part-Of-Speech).", "## How to Use\n\n\n\nor", "## See Also\n\nesupar: Tokenizer POS-tagger and Dependency-parser with BERT/RoBERTa/DeBERTa models" ]
[ "TAGS\n#transformers #pytorch #bert #token-classification #japanese #pos #wikipedia #dependency-parsing #ja #dataset-universal_dependencies #license-cc-by-sa-4.0 #autotrain_compatible #endpoints_compatible #has_space #region-us \n", "# bert-base-japanese-upos", "## Model Description\n\nThis is a BERT model pre-trained on Japanese Wikipedia texts for POS-tagging and dependency-parsing, derived from bert-base-japanese-char-extended. Every short-unit-word is tagged by UPOS (Universal Part-Of-Speech).", "## How to Use\n\n\n\nor", "## See Also\n\nesupar: Tokenizer POS-tagger and Dependency-parser with BERT/RoBERTa/DeBERTa models" ]
[ 79, 12, 71, 5, 33 ]
[ "passage: TAGS\n#transformers #pytorch #bert #token-classification #japanese #pos #wikipedia #dependency-parsing #ja #dataset-universal_dependencies #license-cc-by-sa-4.0 #autotrain_compatible #endpoints_compatible #has_space #region-us \n# bert-base-japanese-upos## Model Description\n\nThis is a BERT model pre-trained on Japanese Wikipedia texts for POS-tagging and dependency-parsing, derived from bert-base-japanese-char-extended. Every short-unit-word is tagged by UPOS (Universal Part-Of-Speech).## How to Use\n\n\n\nor## See Also\n\nesupar: Tokenizer POS-tagger and Dependency-parser with BERT/RoBERTa/DeBERTa models" ]
[ -0.009766821749508381, 0.08086889982223511, -0.004008453339338303, 0.0510781928896904, 0.16909931600093842, -0.017388489097356796, 0.07845106720924377, 0.1185275986790657, 0.041721243411302567, 0.023280899971723557, 0.02679736167192459, 0.10440439730882645, 0.052076809108257294, 0.08027099817991257, -0.009697593748569489, -0.32905513048171997, 0.10015460103750229, 0.09606532752513885, -0.015088415704667568, 0.09030353277921677, 0.09049824625253677, -0.0667492151260376, 0.0790160745382309, 0.06355753540992737, -0.1119154766201973, 0.00133537407964468, -0.009517437778413296, -0.1832488626241684, 0.049447450786828995, 0.011927873827517033, 0.10732150077819824, -0.02239415980875492, 0.0031847187783569098, -0.04930347949266434, 0.012323739938437939, 0.03233684226870537, -0.030724018812179565, 0.05895198509097099, 0.06386028230190277, -0.0016485982341691852, -0.12697741389274597, -0.04793184995651245, 0.03021448850631714, 0.03628029301762581, -0.050661880522966385, -0.19890667498111725, -0.01662512868642807, 0.010729067958891392, 0.08235003799200058, 0.04733924940228462, -0.03154263645410538, 0.08739965409040451, -0.08583260327577591, 0.0028955256566405296, 0.15764732658863068, -0.2545364499092102, -0.02071545459330082, -0.011208928190171719, -0.008155927993357182, -0.023824704810976982, -0.02393086440861225, -0.03579499199986458, 0.03254714980721474, 0.007958659902215004, 0.06341274082660675, -0.07982002198696136, 0.08222679793834686, 0.0389404371380806, -0.13320009410381317, 0.08605322986841202, 0.1684727519750595, 0.04478280618786812, -0.05545325577259064, -0.08335280418395996, -0.05418417975306511, 0.041693609207868576, -0.07185638695955276, -0.08960723876953125, 0.05392003804445267, 0.021658310666680336, 0.11706970632076263, 0.0007258258992806077, -0.07711440324783325, -0.01756800152361393, -0.13931144773960114, 0.20720526576042175, 0.057334862649440765, 0.01333182118833065, -0.09395359456539154, -0.006276009604334831, -0.1319694221019745, -0.09768345952033997, -0.007286382839083672, -0.08835641294717789, 0.04993767663836479, 0.009201197884976864, -0.035239700227975845, -0.07603735476732254, 0.05522686615586281, 0.025112686678767204, -0.040608834475278854, -0.024502119049429893, -0.011536517180502415, 0.020669635385274887, 0.11398784071207047, 0.1334664225578308, -0.11410825699567795, -0.009003954939544201, 0.05349122732877731, -0.01071818545460701, -0.04932010546326637, -0.04135538637638092, -0.1112983450293541, -0.011713076382875443, 0.039697643369436264, -0.06029577925801277, 0.031563401222229004, 0.07010508328676224, -0.06015723571181297, -0.11839083582162857, 0.061309684067964554, -0.16814927756786346, 0.05239710211753845, -0.007182546425610781, -0.045095447450876236, 0.25417619943618774, -0.016801295801997185, -0.04708408564329147, -0.10302874445915222, 0.03222726285457611, -0.09146644175052643, 0.006681472063064575, -0.108511783182621, -0.0655917227268219, 0.03509198874235153, -0.05976730212569237, 0.02585848793387413, -0.14343589544296265, -0.07709553837776184, -0.026182429865002632, 0.0019302235450595617, -0.022907951846718788, -0.02054627239704132, -0.027867095544934273, -0.00041875941678881645, -0.020587967708706856, -0.0359085276722908, -0.1083744540810585, -0.03758229315280914, 0.05803815275430679, -0.052523404359817505, 0.056379787623882294, -0.06101372092962265, 0.09672348946332932, -0.12576021254062653, -0.02455713041126728, -0.24326473474502563, 0.07088722288608551, -0.036313824355602264, 0.048304229974746704, -0.09972719848155975, -0.013321800157427788, 0.052393730729818344, 0.08544046431779861, -0.0337570421397686, 0.1607290804386139, -0.09940019994974136, -0.12762407958507538, 0.23781956732273102, -0.11031990498304367, -0.044536516070365906, 0.11501026898622513, -0.01350141130387783, 0.0986667200922966, 0.06846816092729568, 0.17003071308135986, -0.002681574784219265, 0.016232887282967567, -0.018310505896806717, 0.021448511630296707, -0.01991753652691841, -0.013151615858078003, 0.1183558776974678, -0.0014455842319875956, -0.06278451532125473, 0.07163247466087341, -0.10631111264228821, -0.041117943823337555, -0.0027383093256503344, -0.054540086537599564, 0.02160090021789074, 0.01529262587428093, 0.03142356500029564, -0.029783206060528755, 0.08544622361660004, -0.03472398594021797, -0.1028759777545929, 0.30884793400764465, 0.0313749834895134, -0.062304988503456116, 0.049682360142469406, -0.12294215708971024, 0.11569325625896454, 0.013285676017403603, 0.06365934014320374, -0.11491444706916809, 0.0542716346681118, 0.017060503363609314, 0.07633412629365921, 0.02633417770266533, -0.0489310659468174, 0.046523019671440125, -0.026027128100395203, 0.011804233305156231, -0.0005823008250445127, 0.037369485944509506, -0.006948614493012428, -0.007335494738072157, -0.1359894573688507, -0.023288408294320107, -0.024279825389385223, 0.05317337438464165, 0.0009731912286952138, 0.05884255841374397, -0.007507776841521263, 0.07000157237052917, -0.02497093379497528, 0.041674576699733734, -0.0217452235519886, 0.0652623325586319, -0.01162075437605381, 0.05972997844219208, 0.059474024921655655, 0.028554841876029968, -0.029225265607237816, 0.10651389509439468, -0.034250546246767044, 0.11015204340219498, 0.1973581612110138, -0.15224064886569977, -0.025425300002098083, -0.0124707892537117, 0.014503677375614643, 0.007426423951983452, -0.05819791182875633, -0.07679890096187592, 0.08785383403301239, -0.00602227495983243, 0.09452740848064423, -0.08407915383577347, 0.0522196963429451, 0.004662255756556988, -0.11012791097164154, -0.07429569214582443, 0.07804875820875168, 0.017177948728203773, -0.05552138760685921, 0.20283624529838562, 0.16482242941856384, -0.03798239305615425, 0.18679247796535492, -0.034925058484077454, -0.0959012433886528, -0.003266160609200597, 0.0022754832170903683, -0.014956791885197163, -0.0021591733675450087, -0.2992002069950104, -0.030801810324192047, 0.09564653784036636, 0.015811312943696976, -0.0132663045078516, -0.06558352708816528, -0.0327998623251915, 0.04125964641571045, 0.022340860217809677, -0.013164972886443138, -0.027475835755467415, 0.03183601051568985, 0.08005103468894958, 0.06729706376791, -0.038332048803567886, 0.03225017711520195, 0.02013811655342579, -0.06144649535417557, 0.14790993928909302, -0.15180744230747223, -0.25381672382354736, -0.16404308378696442, -0.16329558193683624, -0.05227092653512955, 0.024980567395687103, 0.0811220183968544, -0.15284784138202667, -0.054461732506752014, -0.012877200730144978, 0.10612563043832779, -0.006583619397133589, 0.014806095510721207, -0.030354391783475876, 0.030766956508159637, -0.07618385553359985, -0.07067175209522247, -0.04441967234015465, -0.0334203876554966, -0.12489676475524902, 0.10393226891756058, -0.017514489591121674, 0.002396761439740658, 0.13833406567573547, -0.03632058575749397, -0.028307106345891953, -0.025659525766968727, 0.050604645162820816, -0.062372516840696335, -0.009227744303643703, 0.23528839647769928, -0.02904203161597252, 0.02513544075191021, 0.05958354100584984, 0.044216521084308624, 0.003481924068182707, -0.033955030143260956, 0.012294208630919456, -0.03773941844701767, -0.2270362228155136, -0.04915370047092438, -0.05435800179839134, 0.15726906061172485, 0.04845957085490227, 0.014571413397789001, 0.018483582884073257, 0.07164400815963745, 0.008866988122463226, 0.029803622514009476, -0.05290161818265915, 0.07532154023647308, 0.15409941971302032, -0.05809814855456352, 0.14637883007526398, 0.006406645756214857, -0.0446644090116024, 0.11582226306200027, -0.012753834016621113, 0.08994078636169434, 0.03903793543577194, 0.09800121188163757, 0.06344705820083618, 0.1400114893913269, 0.08204623311758041, 0.06790153682231903, -0.016679810360074043, 0.03050931729376316, -0.05189896002411842, -0.07771218568086624, -0.07290405035018921, 0.07852952927350998, -0.06199521943926811, -0.02602819912135601, -0.03599490597844124, -0.0869772732257843, 0.06430321931838989, 0.20247526466846466, 0.042846739292144775, -0.16016210615634918, -0.04169856756925583, 0.03190269693732262, -0.050676003098487854, -0.0467381551861763, 0.03180018439888954, -0.00547344284132123, -0.12499755620956421, 0.04040015861392021, 0.05322672054171562, 0.11028055846691132, -0.026297597214579582, 0.028232315555214882, -0.014544609934091568, 0.024930128827691078, 0.0427362322807312, 0.0347391702234745, -0.19212043285369873, 0.09008777141571045, 0.03467091917991638, -0.006950911600142717, -0.04824203625321388, 0.052953459322452545, 0.027889873832464218, 0.037740711122751236, 0.10597506910562515, -0.01374763436615467, 0.09154097735881805, -0.04723009467124939, -0.07928851991891861, 0.001091797836124897, 0.00845376681536436, -0.028630370274186134, 0.0039968909695744514, -0.012348135933279991, 0.025952255353331566, -0.015799999237060547, 0.11948645114898682, 0.015362496487796307, -0.11441756039857864, 0.0100669851526618, -0.038846205919981, 0.07691231369972229, 0.006481190212070942, -0.09246623516082764, -0.1557239592075348, 0.18887461721897125, 0.040726810693740845, -0.06510171294212341, -0.10932426899671555, -0.003354995045810938, -0.00014197711425367743, -0.1008358746767044, 0.03014012984931469, -0.03867992013692856, 0.048208821564912796, 0.015367012470960617, -0.11919660866260529, 0.11217848211526871, -0.02493433468043804, 0.04386600852012634, -0.016991538926959038, 0.07768811285495758, 0.04011569172143936, 0.04492541030049324, 0.010350789874792099, -0.041405703872442245, 0.0017962324200198054, -0.053201597183942795, -0.010739886201918125, 0.1015487089753151, 0.1604631394147873, 0.07241082936525345, -0.22897806763648987, -0.1300467848777771, -0.04801588132977486, -0.007404383271932602, 0.17113417387008667, 0.14214177429676056, -0.017756059765815735, 0.06950949132442474, 0.18751060962677002, -0.034437693655490875, -0.25731703639030457, -0.0041940235532820225, 0.010866903699934483, 0.05388709530234337, -0.049535248428583145, -0.20322845876216888, 0.21566221117973328, 0.17735910415649414, -0.005175219848752022, -0.027992814779281616, -0.041964199393987656, -0.09730319678783417, 0.19606997072696686, 0.05771208181977272, 0.18374398350715637, -0.10831669718027115, -0.017765281721949577, 0.029343293979763985, -0.18380595743656158, 0.1981481909751892, -0.10104218125343323, 0.0671810656785965, 0.0014931631740182638, 0.026853851974010468, 0.005995623767375946, 0.015136822126805782, 0.11733555793762207, 0.025348801165819168, -0.05010351166129112, -0.03535180538892746, -0.047993458807468414, 0.06483858078718185, 0.004203801974654198, 0.06929705291986465, 0.09512963145971298, -0.0933295413851738, -0.14756791293621063, -0.0608145073056221, -0.050432659685611725, 0.01900639571249485, 0.01738463155925274, -0.12920811772346497, 0.012065082788467407, 0.08477811515331268, 0.0006848674383945763, -0.0007317080744542181, 0.17507807910442352, -0.07028502970933914, 0.022473445162177086, 0.2107280194759369, 0.07773932814598083, -0.2034471333026886, 0.010871137492358685, -0.03282599896192551, -0.054830703884363174, 0.13309158384799957, -0.1271844059228897, 0.046332795172929764, -0.011978155933320522, 0.0031670734751969576, 0.06822830438613892, 0.07328758388757706, -0.041722964495420456, -0.016513483598828316, 0.06678468734025955, -0.0919879600405693, -0.12418510019779205, -0.01299703773111105, -0.03370395675301552, -0.052559878677129745, 0.05374927818775177, 0.13273903727531433, -0.02851550094783306, -0.09782533347606659, 0.016983790323138237, 0.01733885332942009, -0.09877640008926392, 0.07493463158607483, 0.005225138273090124, 0.010385642759501934, -0.1258268505334854, 0.02260182984173298, 0.06963881105184555, -0.08429604768753052, 0.04513896629214287, 0.04567235708236694, -0.08724354207515717, -0.06412336975336075, 0.003880976000800729, 0.08287889510393143, -0.053442541509866714, -0.05925274267792702, -0.029824716970324516, -0.11939238756895065, 0.05322027951478958, 0.03126185014843941, 0.13790708780288696, 0.019976789131760597, 0.023811059072613716, 0.029749127104878426, -0.024183163419365883, -0.012692894786596298, 0.04806295409798622, 0.012003226205706596, -0.039954494684934616, 0.009049225598573685, -0.028538813814520836, 0.14534783363342285, -0.08503415435552597, -0.06544692069292068, -0.19166404008865356, -0.004252520389854908, -0.05141359195113182, -0.0407523475587368, -0.11829408258199692, -0.036728452891111374, 0.013546529226005077, -0.0277410801500082, -0.039237525314092636, -0.023653699085116386, -0.05916547402739525, -0.0224644523113966, 0.0176292322576046, 0.08104334771633148, -0.0800938606262207, 0.024976953864097595, 0.06910526007413864, -0.026432326063513756, 0.046055372804403305, 0.1129356175661087, -0.05674373358488083, 0.05100596696138382, 0.007023721467703581, -0.032452542334795, 0.06293153762817383, 0.03517090156674385, 0.10590538382530212, -0.0454193651676178, 0.0648975521326065, 0.03419249877333641, -0.07843460887670517, 0.016902117058634758, 0.14847874641418457, -0.10416851937770844, 0.08133967220783234, -0.07318872958421707, -0.08908605575561523, -0.07842973619699478, 0.032509490847587585, 0.12259795516729355, 0.05692122504115105, 0.1257871687412262, -0.008507969789206982, 0.048429884016513824, -0.09343337267637253, 0.005471356213092804, -0.03305164352059364, -0.08721914887428284, 0.11981376260519028, -0.05121033266186714, 0.0004872941062785685, 0.03116505779325962, 0.16041162610054016, 0.08079961687326431, -0.026776423677802086, 0.0651487484574318, -0.029438583180308342, 0.13415423035621643, 0.03227747231721878, 0.15839360654354095, 0.08595790714025497, -0.03138202056288719, -0.00496406527236104, 0.08804655075073242, 0.06422746181488037, 0.050350941717624664, -0.030224161222577095, 0.14691051840782166, 0.0031929519027471542, 0.08924699574708939, 0.03168000280857086, 0.07815176993608475, -0.15438635647296906, -0.008170459419488907, 0.001906965859234333, 0.017564548179507256, -0.013350121676921844, 0.17139412462711334, 0.13022515177726746, -0.09720809012651443, 0.12436828017234802, 0.04432618245482445, -0.037798721343278885, -0.17004883289337158, -0.1733594536781311, -0.06860772520303726, -0.2032386064529419, -0.02037208154797554, -0.07834453135728836, -0.04292738810181618, 0.12163801491260529, 0.05159154161810875, -0.017097720876336098, 0.012757482938468456, -0.11116285622119904, -0.060615651309490204, 0.06739891320466995, 0.001776082906872034, -0.006350381299853325, -0.05858476459980011, -0.059410400688648224, -0.03545181453227997, 0.0834496021270752, 0.026144204661250114, 0.017869839444756508, 0.015852732583880424, 0.03451614826917648, -0.09553489089012146, -0.0927785113453865, -0.0021618965547531843, 0.010880118235945702, -0.035117484629154205, 0.1241285651922226, 0.010349387302994728, -0.08257930725812912, 0.0187076386064291, 0.21470721065998077, -0.03202914819121361, 0.0006349075702019036, -0.15915468335151672, 0.005344127304852009, 0.08321258425712585, 0.0737019032239914, 0.01935526542365551, -0.08882749825716019, -0.08977758139371872, 0.2294708788394928, 0.20667764544487, -0.019276589155197144, -0.001676379470154643, 0.035077501088380814, 0.0059907217510044575, 0.01049340981990099, 0.09988947957754135, 0.09434270858764648, 0.17806437611579895, -0.059579815715551376, -0.023283643648028374, -0.0692630335688591, -0.051384635269641876, -0.18771666288375854, -0.024254584684967995, 0.08699560165405273, -0.07015139609575272, -0.047673776745796204, 0.009214714169502258, -0.14163625240325928, -0.06904914975166321, 0.021022813394665718, -0.08093079179525375, -0.11140693724155426, -0.062461625784635544, 0.03953442722558975, 0.013173523359000683, 0.08605015277862549, 0.03821548447012901, 0.012851293198764324, 0.12894360721111298, 0.05008292943239212, -0.0675482302904129, -0.06973394006490707, 0.12525494396686554, 0.04014186933636665, 0.12035856395959854, 0.018667176365852356, -0.03162667900323868, 0.05708596482872963, 0.12135811895132065, -0.0018743141554296017, -0.01901027001440525, -0.034745730459690094, -0.07569918781518936, 0.001993428450077772, -0.004476882051676512, -0.029152147471904755, 0.00027805278659798205, 0.032575707882642746, -0.14359000325202942, -0.021315883845090866, -0.1149371787905693, -0.049184005707502365, -0.07180143147706985, 0.07835400104522705, -0.15590782463550568, 0.06501416862010956, 0.17457158863544464, -0.020321566611528397, -0.060691382735967636, -0.10204564034938812, 0.04886128380894661, 0.04670341685414314, -0.08612868934869766, -0.04376339167356491, -0.13510765135288239, -0.07116710394620895, 0.014807622879743576, -0.023993391543626785, -0.11883385479450226, -0.04549639672040939, 0.02126084826886654, 0.017410170286893845, -0.1496545970439911, -0.00772955222055316, 0.023393183946609497, 0.012615936808288097, -0.0324317067861557, -0.15011155605316162, 0.04690296947956085, 0.06815458089113235, -0.04740181192755699, -0.0764358788728714 ]
null
null
transformers
# bert-base-thai-upos ## Model Description This is a BERT model pre-trained on Thai Wikipedia texts for POS-tagging and dependency-parsing, derived from [bert-base-th-cased](https://huggingface.co/Geotrend/bert-base-th-cased). Every word is tagged by [UPOS](https://universaldependencies.org/u/pos/) (Universal Part-Of-Speech). ## How to Use ```py from transformers import AutoTokenizer,AutoModelForTokenClassification tokenizer=AutoTokenizer.from_pretrained("KoichiYasuoka/bert-base-thai-upos") model=AutoModelForTokenClassification.from_pretrained("KoichiYasuoka/bert-base-thai-upos") ``` or ```py import esupar nlp=esupar.load("KoichiYasuoka/bert-base-thai-upos") ``` ## See Also [esupar](https://github.com/KoichiYasuoka/esupar): Tokenizer POS-tagger and Dependency-parser with BERT/RoBERTa/DeBERTa models
{"language": ["th"], "license": "apache-2.0", "tags": ["thai", "token-classification", "pos", "wikipedia", "dependency-parsing"], "datasets": ["universal_dependencies"], "pipeline_tag": "token-classification", "widget": [{"text": "\u0e2b\u0e25\u0e32\u0e22\u0e2b\u0e31\u0e27\u0e14\u0e35\u0e01\u0e27\u0e48\u0e32\u0e2b\u0e31\u0e27\u0e40\u0e14\u0e35\u0e22\u0e27"}]}
token-classification
KoichiYasuoka/bert-base-thai-upos
[ "transformers", "pytorch", "bert", "token-classification", "thai", "pos", "wikipedia", "dependency-parsing", "th", "dataset:universal_dependencies", "license:apache-2.0", "autotrain_compatible", "endpoints_compatible", "region:us" ]
2022-03-02T23:29:04+00:00
[]
[ "th" ]
TAGS #transformers #pytorch #bert #token-classification #thai #pos #wikipedia #dependency-parsing #th #dataset-universal_dependencies #license-apache-2.0 #autotrain_compatible #endpoints_compatible #region-us
# bert-base-thai-upos ## Model Description This is a BERT model pre-trained on Thai Wikipedia texts for POS-tagging and dependency-parsing, derived from bert-base-th-cased. Every word is tagged by UPOS (Universal Part-Of-Speech). ## How to Use or ## See Also esupar: Tokenizer POS-tagger and Dependency-parser with BERT/RoBERTa/DeBERTa models
[ "# bert-base-thai-upos", "## Model Description\n\nThis is a BERT model pre-trained on Thai Wikipedia texts for POS-tagging and dependency-parsing, derived from bert-base-th-cased. Every word is tagged by UPOS (Universal Part-Of-Speech).", "## How to Use\n\n\n\nor", "## See Also\n\nesupar: Tokenizer POS-tagger and Dependency-parser with BERT/RoBERTa/DeBERTa models" ]
[ "TAGS\n#transformers #pytorch #bert #token-classification #thai #pos #wikipedia #dependency-parsing #th #dataset-universal_dependencies #license-apache-2.0 #autotrain_compatible #endpoints_compatible #region-us \n", "# bert-base-thai-upos", "## Model Description\n\nThis is a BERT model pre-trained on Thai Wikipedia texts for POS-tagging and dependency-parsing, derived from bert-base-th-cased. Every word is tagged by UPOS (Universal Part-Of-Speech).", "## How to Use\n\n\n\nor", "## See Also\n\nesupar: Tokenizer POS-tagger and Dependency-parser with BERT/RoBERTa/DeBERTa models" ]
[ 70, 10, 61, 5, 33 ]
[ "passage: TAGS\n#transformers #pytorch #bert #token-classification #thai #pos #wikipedia #dependency-parsing #th #dataset-universal_dependencies #license-apache-2.0 #autotrain_compatible #endpoints_compatible #region-us \n# bert-base-thai-upos## Model Description\n\nThis is a BERT model pre-trained on Thai Wikipedia texts for POS-tagging and dependency-parsing, derived from bert-base-th-cased. Every word is tagged by UPOS (Universal Part-Of-Speech).## How to Use\n\n\n\nor## See Also\n\nesupar: Tokenizer POS-tagger and Dependency-parser with BERT/RoBERTa/DeBERTa models" ]
[ 0.019090823829174042, 0.05133342742919922, -0.0045339083299040794, 0.06489938497543335, 0.1353345811367035, -0.05143669247627258, 0.043693192303180695, 0.08852332085371017, 0.06680374592542648, -0.02214272879064083, 0.09246507287025452, 0.13927504420280457, 0.03955527022480965, 0.12057702243328094, 0.006595858838409185, -0.35965728759765625, 0.10440640151500702, 0.06609759479761124, -0.018874162808060646, 0.10475354641675949, 0.11509853601455688, -0.05617006868124008, 0.1030050739645958, 0.07185180485248566, -0.05803505703806877, -0.00023358740145340562, -0.05154511332511902, -0.13823561370372772, 0.06553252786397934, -0.008492550812661648, 0.12779036164283752, 0.01307172141969204, 0.04090665280818939, -0.10485327243804932, -0.005481635220348835, 0.007588389329612255, 0.020800456404685974, 0.05612233281135559, 0.0472794845700264, -0.000067940003646072, -0.0862252339720726, 0.009869943372905254, 0.09183481335639954, 0.0034931027330458164, -0.05769184231758118, -0.19278962910175323, -0.036622289568185806, 0.03449458256363869, 0.08449546992778778, 0.06060333177447319, -0.03411709517240524, 0.17114302515983582, -0.10106892883777618, 0.031510092318058014, 0.12079846113920212, -0.32277143001556396, -0.005751441232860088, -0.03086969070136547, -0.008747605606913567, -0.01093411073088646, -0.0013486845418810844, -0.03507888317108154, 0.05459214374423027, 0.05117825046181679, 0.10387317836284637, -0.07522084563970566, 0.011402764357626438, -0.02346133068203926, -0.16739290952682495, 0.02801535651087761, 0.27383527159690857, 0.03060673363506794, -0.07801778614521027, -0.010883227922022343, -0.05171876773238182, 0.08691646158695221, -0.03148667886853218, -0.08073564618825912, 0.05309199169278145, 0.06322252005338669, 0.09158048033714294, -0.011520357802510262, -0.09653013199567795, -0.0003165795060340315, -0.14714907109737396, 0.09699169546365738, 0.0653844103217125, 0.018109293654561043, -0.07417578995227814, 0.022084977477788925, -0.09941032528877258, -0.07606318593025208, 0.004902883432805538, -0.0633920207619667, 0.040779370814561844, -0.020988645032048225, 0.011582531966269016, -0.010280734859406948, 0.03916458040475845, 0.0850217416882515, -0.06639494746923447, 0.020461127161979675, -0.10886679589748383, 0.05896994471549988, 0.09033332020044327, 0.15664376318454742, -0.13235284388065338, 0.03072129748761654, 0.010138100013136864, -0.05598502606153488, -0.03641859069466591, -0.014413793571293354, -0.08514025062322617, 0.026340551674365997, 0.06077545881271362, -0.039780985563993454, 0.0014992636861279607, 0.12411151081323624, -0.06340714544057846, -0.07179107517004013, 0.1012210100889206, -0.1075933501124382, 0.020769014954566956, -0.04170062020421028, -0.02426874451339245, 0.1852923184633255, 0.06379937380552292, 0.013319906778633595, -0.11609341204166412, 0.09324885904788971, -0.05849825590848923, 0.007048444822430611, -0.06743136048316956, -0.0911950170993805, 0.029938168823719025, -0.06085658818483353, 0.006962014362215996, -0.11904226243495941, -0.13654936850070953, 0.032131168991327286, 0.06707600504159927, -0.02041003853082657, -0.05718987062573433, -0.02792252227663994, 0.02153708040714264, -0.035796668380498886, -0.04813511669635773, -0.0768958181142807, -0.04874849691987038, 0.051182907074689865, -0.09336346387863159, 0.061925724148750305, -0.10726416110992432, 0.10055822879076004, -0.15860547125339508, 0.024248681962490082, -0.24588695168495178, 0.052940692752599716, -0.08139078319072723, 0.08540040999650955, -0.11048431694507599, -0.03752046823501587, 0.04540814459323883, 0.043457403779029846, -0.02090567536652088, 0.12495049834251404, -0.07233545184135437, -0.07030082494020462, 0.23135265707969666, -0.14278818666934967, -0.09354526549577713, 0.16081613302230835, -0.016612377017736435, 0.16165560483932495, 0.07563545554876328, 0.17163026332855225, -0.030492911115288734, -0.038373805582523346, 0.06730048358440399, 0.08094518631696701, -0.025176599621772766, -0.01394349429756403, 0.11136879771947861, -0.05955028906464577, -0.138421431183815, 0.0654124766588211, -0.13915181159973145, 0.013193439692258835, -0.01804448664188385, -0.041345059871673584, 0.015471887774765491, -0.03202056884765625, 0.038511116057634354, -0.027910012751817703, 0.09450783580541611, -0.026377232745289803, -0.07154826819896698, 0.2840026319026947, 0.04758058488368988, -0.04878098517656326, 0.05295267328619957, -0.14094361662864685, 0.1337035447359085, 0.032685767859220505, 0.021464748308062553, -0.14705130457878113, 0.10599242895841599, 0.035955991595983505, 0.08688708394765854, 0.03643219172954559, -0.04308444634079933, 0.04051622375845909, -0.012988867238163948, 0.01782129891216755, 0.024122966453433037, 0.1251717209815979, 0.02956467494368553, -0.021605096757411957, -0.12642163038253784, 0.028170201927423477, -0.035095009952783585, 0.0851108506321907, 0.0046767862513661385, 0.033809494227170944, -0.01842569001019001, 0.08776044100522995, -0.023541159927845, 0.0712142363190651, -0.006427761632949114, 0.07701437175273895, 0.011274688877165318, 0.03484983742237091, 0.09144923835992813, 0.036446698009967804, -0.042625654488801956, 0.10896860063076019, 0.005063286516815424, 0.11053145676851273, 0.20385178923606873, -0.17810280621051788, -0.03015989065170288, 0.007796870544552803, 0.006543825380504131, -0.01655309461057186, -0.051498714834451675, -0.02297014556825161, 0.08951051533222198, 0.013454402796924114, 0.1236010491847992, -0.076459139585495, 0.04878612235188484, -0.005407229531556368, -0.12452845275402069, -0.05460631102323532, 0.07184460014104843, 0.06788947433233261, -0.13844601809978485, 0.1696193516254425, 0.22846239805221558, -0.0320114903151989, 0.10130482167005539, -0.07170860469341278, -0.055665165185928345, 0.0011497762752696872, 0.07343041896820068, -0.031177794560790062, -0.03308536857366562, -0.2964903712272644, -0.021598149091005325, 0.08647047728300095, 0.023983074352145195, -0.012381154112517834, -0.09457577019929886, -0.00966970156878233, 0.044709462672472, 0.022092662751674652, -0.09656085819005966, -0.013740042224526405, -0.01909642107784748, 0.04624396935105324, 0.060511380434036255, -0.07275211811065674, 0.06645218282938004, 0.055489446967840195, -0.08978773653507233, 0.16647212207317352, -0.17788343131542206, -0.26310744881629944, -0.13156132400035858, -0.20727959275245667, -0.0028074546717107296, -0.005243204068392515, 0.07461323589086533, -0.1153322160243988, -0.08836285769939423, 0.0018857037648558617, 0.03629335016012192, -0.04016131907701492, -0.012842594645917416, 0.006299368571490049, -0.036673180758953094, -0.02640722133219242, -0.05606571212410927, -0.06617068499326706, -0.01343704853206873, -0.08537519723176956, 0.10852544754743576, -0.10648907721042633, -0.007503910921514034, 0.08966448158025742, -0.062328048050403595, 0.0009353460627608001, -0.020207228139042854, 0.13383474946022034, -0.018729057163000107, -0.012340817600488663, 0.1487940400838852, -0.09189711511135101, 0.07350252568721771, 0.11160200089216232, 0.0392054058611393, -0.008359264582395554, 0.006606576964259148, 0.027775609865784645, -0.03318633884191513, -0.21675507724285126, -0.06962653994560242, -0.02561160735785961, 0.1456461250782013, 0.06330585479736328, 0.019614512100815773, 0.031020667403936386, 0.1086616963148117, 0.05012097582221031, 0.03330768272280693, -0.025846414268016815, 0.0723470076918602, 0.1636761575937271, -0.057709839195013046, 0.135661780834198, -0.02570587396621704, -0.0704135075211525, 0.09524326026439667, 0.012488298118114471, 0.15113961696624756, 0.09318174421787262, 0.05415999889373779, 0.09583514928817749, 0.18149437010288239, 0.07532016187906265, 0.1085314080119133, -0.06704914569854736, 0.02806270308792591, -0.061344243586063385, -0.05043464154005051, -0.02888469770550728, 0.03040742129087448, -0.04626021161675453, -0.06433704495429993, -0.010531703941524029, -0.0382557287812233, 0.055308304727077484, 0.27650395035743713, 0.0059591662138700485, -0.14128705859184265, -0.01756157912313938, 0.04034031182527542, -0.035622529685497284, -0.04772461950778961, 0.0630914717912674, -0.09921611100435257, -0.16287502646446228, 0.07754967361688614, 0.040867555886507034, 0.12036141008138657, -0.06390754133462906, 0.03383468836545944, -0.0607878714799881, -0.02533883973956108, 0.030777787789702415, 0.056765906512737274, -0.22803770005702972, 0.19803296029567719, -0.002761455252766609, -0.02888767421245575, -0.03316052630543709, 0.04588715359568596, 0.02949782833456993, 0.15735140442848206, 0.13887006044387817, 0.00546638946980238, 0.05555933341383934, -0.07143744826316833, -0.07027338445186615, 0.017324009910225868, -0.04514554142951965, -0.003469910006970167, -0.013304547406733036, -0.028782019391655922, 0.028079578652977943, 0.014440925791859627, 0.024197878316044807, -0.0623965784907341, -0.08150345832109451, 0.0042533837258815765, -0.09097737073898315, 0.06573428213596344, 0.0023165091406553984, -0.09788765758275986, -0.15863598883152008, 0.18691478669643402, 0.05851169303059578, -0.12054125219583511, -0.06350928544998169, -0.03424758464097977, -0.00137450045440346, -0.08951478451490402, 0.029815973713994026, -0.06536002457141876, -0.01567792147397995, 0.015065379440784454, -0.07272306084632874, 0.1132006049156189, -0.03257789835333824, 0.030148601159453392, 0.016296295449137688, 0.01274603046476841, 0.06618990749120712, 0.023592254146933556, 0.021479858085513115, -0.037107016891241074, -0.018845094367861748, -0.08139487355947495, -0.03351341933012009, 0.062310438603162766, 0.09871985018253326, 0.02153998240828514, -0.1734970062971115, -0.14256274700164795, -0.07752448320388794, -0.037438567727804184, 0.19152438640594482, 0.11321844905614853, -0.026197360828518867, 0.08258739113807678, 0.3222666382789612, -0.04348680004477501, -0.2642068862915039, -0.07162203639745712, -0.02027556113898754, -0.016643555834889412, -0.029142213985323906, -0.22774428129196167, 0.20190420746803284, 0.13163650035858154, -0.024971723556518555, -0.12065926194190979, -0.0386488176882267, -0.09761213511228561, 0.30281805992126465, 0.0666380524635315, 0.177771657705307, -0.10674560815095901, -0.03471671789884567, 0.0005043667042627931, -0.24389687180519104, 0.1966700255870819, -0.08587294816970825, 0.03477979078888893, 0.027407189831137657, 0.04788544401526451, -0.0110121238976717, 0.01768174208700657, 0.12092070281505585, -0.013551231473684311, -0.04192217066884041, -0.06981851160526276, -0.03282584622502327, 0.05186353623867035, 0.028139248490333557, 0.1313382089138031, 0.059246379882097244, -0.06114814430475235, -0.1154322549700737, -0.05646945536136627, -0.043014004826545715, 0.015545953996479511, 0.013910848647356033, -0.1257403939962387, 0.005600002594292164, 0.07431229203939438, 0.014771861024200916, -0.009146982803940773, 0.10622776299715042, -0.023789405822753906, -0.029644638299942017, 0.15325385332107544, 0.11427056789398193, -0.17214947938919067, 0.021455297246575356, -0.04691116884350777, -0.10322631150484085, 0.11779453605413437, -0.14450328052043915, 0.022529438138008118, 0.04171749949455261, -0.007776998914778233, 0.10290069878101349, 0.05728742107748985, -0.07468339055776596, 0.0024340427480638027, 0.061883438378572464, -0.08649779856204987, -0.17969873547554016, 0.028523558750748634, -0.03607752174139023, 0.017207451164722443, 0.016848109662532806, 0.076313816010952, -0.05508074164390564, -0.06820562481880188, 0.030800694599747658, 0.002174708526581526, -0.11514779925346375, 0.07511299848556519, 0.0030806842260062695, -0.0029120170511305332, -0.11290732771158218, 0.09695000946521759, 0.09218074381351471, -0.04603566974401474, 0.04195602238178253, 0.015985852107405663, -0.151197612285614, -0.07380302250385284, -0.0018387670861557126, 0.09699399769306183, -0.05130421742796898, -0.12208347022533417, 0.002355649834498763, -0.1335146576166153, 0.044676776975393295, 0.04889292269945145, 0.13178101181983948, 0.003939761780202389, -0.013362953439354897, 0.019888944923877716, -0.0021221376955509186, 0.009057927876710892, 0.09471669048070908, 0.012141291983425617, -0.07270915061235428, -0.02641860954463482, 0.021638909354805946, 0.1444537192583084, -0.0649338960647583, -0.07520227134227753, -0.15118291974067688, 0.012278304435312748, -0.12533807754516602, -0.02266131155192852, -0.13196292519569397, -0.02385535277426243, 0.03842930123209953, -0.08050352334976196, -0.00003786337038036436, -0.008913489058613777, -0.07879777252674103, 0.011365211568772793, 0.050962552428245544, 0.07475359737873077, -0.1078634262084961, -0.0267618577927351, 0.12693335115909576, -0.02358303964138031, 0.0536094568669796, 0.10159128159284592, -0.055527206510305405, 0.07297360152006149, -0.03403095901012421, -0.0532609224319458, 0.0531499907374382, 0.029004789888858795, 0.113804891705513, -0.06991994380950928, 0.0050357067957520485, 0.029740598052740097, -0.04046577960252762, 0.01948193460702896, 0.24054396152496338, -0.08269968628883362, 0.04137429967522621, -0.020893074572086334, -0.1051052063703537, -0.04498695209622383, 0.022173460572957993, 0.13459570705890656, 0.08283992856740952, 0.11112823337316513, -0.010405171662569046, 0.01589890755712986, -0.036753494292497635, 0.02124294638633728, -0.013023676350712776, -0.09253951907157898, 0.06926409900188446, -0.08101988583803177, -0.044120218604803085, -0.013115127570927143, 0.1556553840637207, 0.03351995348930359, -0.0037890721578150988, 0.04931405186653137, 0.015235072933137417, 0.06437235325574875, 0.005394099745899439, 0.16045056283473969, 0.0500134602189064, -0.03427537903189659, -0.07793677598237991, 0.05040096864104271, 0.006548379082232714, 0.03205541893839836, -0.025207985192537308, 0.11716445535421371, -0.05982598289847374, 0.024346567690372467, 0.03797801956534386, 0.10462385416030884, -0.22846558690071106, -0.0992751270532608, 0.017363620921969414, 0.04642670601606369, -0.029839953407645226, 0.20286613702774048, 0.12544330954551697, -0.07074348628520966, 0.08751098066568375, 0.024864783510565758, -0.0680047944188118, -0.17651502788066864, -0.16523024439811707, -0.06860849261283875, -0.14536140859127045, -0.005660482682287693, -0.07466596364974976, -0.040680158883333206, 0.15040652453899384, 0.08507780730724335, -0.012946129776537418, 0.05628032237291336, -0.11479661613702774, -0.063050277531147, 0.044498711824417114, -0.02476145327091217, -0.042287394404411316, -0.10388702154159546, -0.050916995853185654, -0.05478232353925705, 0.11179036647081375, -0.017284398898482323, 0.01576976664364338, -0.019587043672800064, 0.02669036202132702, -0.07344529777765274, -0.055098872631788254, -0.026800332590937614, 0.03452025353908539, -0.06595640629529953, 0.15671834349632263, 0.013925939798355103, -0.03543360158801079, 0.01968347653746605, 0.14295481145381927, -0.044745251536369324, -0.0946507677435875, -0.21761061251163483, 0.17027005553245544, 0.012106453068554401, 0.05188827961683273, 0.08064902573823929, -0.030760018154978752, -0.10317357629537582, 0.3113911747932434, 0.18927381932735443, 0.015743819996714592, 0.0008343575173057616, 0.03653359413146973, 0.00978261698037386, -0.0267868060618639, 0.11829575151205063, 0.10336192697286606, 0.12828528881072998, -0.09860927611589432, 0.008428766392171383, -0.10709945112466812, -0.07111109048128128, -0.21220797300338745, -0.08349300920963287, 0.10783263295888901, -0.03490964695811272, -0.07090356200933456, 0.07310845702886581, -0.15259286761283875, -0.06657585501670837, -0.07960999757051468, -0.031089013442397118, -0.0774897113442421, -0.04926063120365143, -0.021030176430940628, 0.021729346364736557, 0.031760748475790024, 0.001958464505150914, 0.03125437721610069, 0.15629230439662933, 0.05720922350883484, -0.07867224514484406, -0.043995026499032974, 0.1520538479089737, 0.043849021196365356, 0.12977281212806702, 0.05272667482495308, 0.03212308511137962, 0.04743435978889465, 0.10710214823484421, -0.005571973044425249, 0.027042340487241745, -0.006498744245618582, 0.05147562175989151, -0.042070962488651276, -0.05940069258213043, -0.022027375176548958, -0.016573738306760788, 0.0017714439891278744, -0.09712640941143036, 0.0065839956514537334, -0.08540688455104828, -0.050027985125780106, -0.07914634048938751, 0.07638905197381973, -0.1579129993915558, 0.061113107949495316, 0.17493505775928497, 0.004218412563204765, -0.029482683166861534, -0.11067674309015274, 0.03619268909096718, 0.002129556378349662, -0.1973259001970291, -0.06615106761455536, -0.09420602023601532, -0.04859607294201851, 0.046977490186691284, 0.012904113158583641, -0.11976054310798645, -0.03486242517828941, -0.02554970607161522, 0.028435327112674713, -0.10311104357242584, 0.004356867633759975, 0.029223985970020294, 0.036155253648757935, -0.029288843274116516, -0.0860215350985527, 0.00989864394068718, 0.05144960805773735, -0.050873156636953354, -0.04671958088874817 ]
null
null
transformers
# bert-large-japanese-char-extended ## Model Description This is a BERT model pre-trained on Japanese Wikipedia texts, derived from [bert-large-japanese-char](https://huggingface.co/cl-tohoku/bert-large-japanese-char). Character-embeddings are enhanced to include all 常用漢字/人名用漢字 characters using BertTokenizerFast. You can fine-tune `bert-large-japanese-char-extended` for downstream tasks, such as [POS-tagging](https://huggingface.co/KoichiYasuoka/bert-large-japanese-upos), [dependency-parsing](https://huggingface.co/KoichiYasuoka/bert-large-japanese-wikipedia-ud-head), and so on. ## How to Use ```py from transformers import AutoTokenizer,AutoModelForMaskedLM tokenizer=AutoTokenizer.from_pretrained("KoichiYasuoka/bert-large-japanese-char-extended") model=AutoModelForMaskedLM.from_pretrained("KoichiYasuoka/bert-large-japanese-char-extended") ```
{"language": ["ja"], "license": "cc-by-sa-4.0", "tags": ["japanese", "masked-lm", "wikipedia"], "pipeline_tag": "fill-mask", "mask_token": "[MASK]", "widget": [{"text": "\u9178\u7d20\u30dc\u30f3\u30d9\u3092\u5145[MASK]\u3059\u308b\u3002"}]}
fill-mask
KoichiYasuoka/bert-large-japanese-char-extended
[ "transformers", "pytorch", "bert", "fill-mask", "japanese", "masked-lm", "wikipedia", "ja", "license:cc-by-sa-4.0", "autotrain_compatible", "endpoints_compatible", "region:us" ]
2022-03-02T23:29:04+00:00
[]
[ "ja" ]
TAGS #transformers #pytorch #bert #fill-mask #japanese #masked-lm #wikipedia #ja #license-cc-by-sa-4.0 #autotrain_compatible #endpoints_compatible #region-us
# bert-large-japanese-char-extended ## Model Description This is a BERT model pre-trained on Japanese Wikipedia texts, derived from bert-large-japanese-char. Character-embeddings are enhanced to include all 常用漢字/人名用漢字 characters using BertTokenizerFast. You can fine-tune 'bert-large-japanese-char-extended' for downstream tasks, such as POS-tagging, dependency-parsing, and so on. ## How to Use
[ "# bert-large-japanese-char-extended", "## Model Description\n\nThis is a BERT model pre-trained on Japanese Wikipedia texts, derived from bert-large-japanese-char. Character-embeddings are enhanced to include all 常用漢字/人名用漢字 characters using BertTokenizerFast. You can fine-tune 'bert-large-japanese-char-extended' for downstream tasks, such as POS-tagging, dependency-parsing, and so on.", "## How to Use" ]
[ "TAGS\n#transformers #pytorch #bert #fill-mask #japanese #masked-lm #wikipedia #ja #license-cc-by-sa-4.0 #autotrain_compatible #endpoints_compatible #region-us \n", "# bert-large-japanese-char-extended", "## Model Description\n\nThis is a BERT model pre-trained on Japanese Wikipedia texts, derived from bert-large-japanese-char. Character-embeddings are enhanced to include all 常用漢字/人名用漢字 characters using BertTokenizerFast. You can fine-tune 'bert-large-japanese-char-extended' for downstream tasks, such as POS-tagging, dependency-parsing, and so on.", "## How to Use" ]
[ 60, 16, 111, 4 ]
[ "passage: TAGS\n#transformers #pytorch #bert #fill-mask #japanese #masked-lm #wikipedia #ja #license-cc-by-sa-4.0 #autotrain_compatible #endpoints_compatible #region-us \n# bert-large-japanese-char-extended## Model Description\n\nThis is a BERT model pre-trained on Japanese Wikipedia texts, derived from bert-large-japanese-char. Character-embeddings are enhanced to include all 常用漢字/人名用漢字 characters using BertTokenizerFast. You can fine-tune 'bert-large-japanese-char-extended' for downstream tasks, such as POS-tagging, dependency-parsing, and so on.## How to Use" ]
[ 0.0013067120453342795, -0.0021518091671168804, -0.0022547291591763496, 0.08446753770112991, 0.17701120674610138, -0.02055167965590954, 0.09745573997497559, 0.0980151891708374, 0.053129278123378754, 0.02012159861624241, 0.03153640404343605, -0.0038939586374908686, 0.019432157278060913, 0.16802158951759338, -0.03577233478426933, -0.3706718385219574, 0.09187038242816925, 0.1179918721318245, 0.05739710479974747, 0.04675862938165665, 0.09849830716848373, -0.09649182856082916, 0.08688436448574066, 0.05236121639609337, -0.108847476541996, 0.028816871345043182, 0.02430182695388794, -0.1703970730304718, 0.0854872390627861, 0.056417014449834824, 0.126974418759346, -0.040236759930849075, 0.001728702336549759, -0.05873766168951988, 0.018719861283898354, -0.03338749334216118, -0.010009966790676117, 0.05444737896323204, 0.011763487942516804, 0.08819658309221268, -0.06974827498197556, -0.00693956483155489, 0.009046852588653564, 0.030172575265169144, -0.019523251801729202, -0.09351148456335068, 0.04654873162508011, 0.01117002870887518, 0.12407436221837997, 0.03411600738763809, -0.0030444739386439323, 0.016344347968697548, -0.11096639931201935, 0.051627062261104584, 0.19082139432430267, -0.26710423827171326, -0.04736150801181793, -0.02686825953423977, -0.004364851862192154, -0.039800550788640976, -0.04367043823003769, 0.014215914532542229, 0.010182198137044907, -0.006551148369908333, 0.07737458497285843, -0.12114124745130539, -0.029588263481855392, -0.027865327894687653, -0.07116319984197617, 0.07956422865390778, 0.16223721206188202, -0.034337352961301804, -0.07811108976602554, -0.13991445302963257, -0.016113288700580597, 0.11305612325668335, -0.1267971247434616, -0.033229563385248184, 0.018536534160375595, -0.01022443175315857, 0.05150361731648445, -0.07669533789157867, -0.07915595173835754, -0.06592515856027603, -0.11234138160943985, 0.22079887986183167, 0.06440497934818268, -0.013920760713517666, -0.1339118927717209, -0.04733922705054283, -0.20940999686717987, -0.10698901116847992, 0.0007668231846764684, -0.07113037258386612, 0.06310006976127625, 0.038344863802194595, -0.07211803644895554, -0.15836244821548462, 0.07317695021629333, 0.03537913039326668, -0.023186782374978065, 0.06473775953054428, -0.08995257318019867, 0.015395285561680794, 0.02007937803864479, 0.11840303987264633, -0.04505772888660431, 0.017932893708348274, 0.062126025557518005, -0.04742385819554329, -0.03357108309864998, -0.04366190731525421, -0.1623181849718094, -0.0584542416036129, 0.001519529614597559, -0.004599094390869141, -0.07249034196138382, 0.1394113302230835, -0.009136897511780262, -0.026063738390803337, 0.16257329285144806, -0.17176678776741028, 0.034649986773729324, -0.02672528475522995, -0.014559253118932247, 0.10455745458602905, -0.01943058706820011, -0.05112297832965851, -0.06848995387554169, 0.09861388057470322, -0.04664980247616768, 0.02048592083156109, -0.05487678572535515, -0.08908478915691376, 0.002383825834840536, -0.06995557993650436, 0.0007276588585227728, -0.19057032465934753, -0.08691176027059555, 0.06231510639190674, 0.026580486446619034, 0.014773398637771606, 0.05126802623271942, -0.013919237069785595, -0.010766715742647648, 0.0072816284373402596, -0.06753449141979218, -0.0148899732157588, -0.025956666097044945, 0.05807239189743996, 0.025302518159151077, 0.10666853934526443, -0.17662207782268524, 0.06120072677731514, -0.10155472904443741, 0.010565197095274925, -0.30700525641441345, 0.02258925326168537, 0.02171265333890915, -0.009442382492125034, -0.0887698158621788, -0.04136549308896065, 0.011599120683968067, 0.10697116702795029, 0.05425812304019928, 0.1323871612548828, -0.12121791392564774, -0.07150876522064209, 0.23007790744304657, -0.09029194712638855, -0.06204736605286598, 0.13526469469070435, -0.029204923659563065, 0.08162682503461838, 0.10707779973745346, 0.24556784331798553, -0.01250758022069931, -0.05349576473236084, 0.0569007471203804, 0.02143414504826069, -0.008416401222348213, -0.054610416293144226, 0.03573659062385559, 0.006126773543655872, -0.10088908672332764, 0.08091159164905548, -0.10954491049051285, 0.010313114151358604, 0.002592279575765133, -0.030504517257213593, 0.031051762402057648, -0.05729629844427109, 0.08705494552850723, -0.0132814422249794, 0.0975828766822815, -0.0519699864089489, -0.04832328110933304, 0.13846641778945923, -0.01740075647830963, -0.13309291005134583, 0.0927218422293663, -0.14724840223789215, 0.06797844916582108, 0.01950962096452713, 0.08836435526609421, -0.16874127089977264, -0.02413986437022686, 0.04614115133881569, 0.06041223183274269, 0.005975921172648668, -0.054311610758304596, 0.021499987691640854, -0.0010722134029492736, -0.03831195458769798, 0.01936609297990799, 0.12905281782150269, -0.028440605849027634, -0.027238642796874046, -0.007541040424257517, -0.022287294268608093, -0.02705632522702217, -0.12821592390537262, 0.00319113046862185, 0.02941463142633438, -0.007885211147367954, 0.01875481940805912, -0.011229842901229858, 0.04049209877848625, -0.0073757111094892025, 0.09909270703792572, -0.0346996933221817, 0.10128538310527802, 0.054490119218826294, 0.0006011826335452497, -0.08542180806398392, 0.1937222182750702, -0.04546885937452316, 0.10062504559755325, 0.1514652818441391, -0.06694267690181732, -0.04725376516580582, -0.046283237636089325, 0.06002970412373543, 0.009176207706332207, -0.03918689489364624, -0.07887275516986847, 0.17758047580718994, -0.017514873296022415, 0.19612498581409454, -0.09730073064565659, 0.08244830369949341, 0.0313638299703598, -0.10188060998916626, -0.05672311410307884, 0.0398319847881794, 0.035670243203639984, -0.07291532307863235, 0.1082446426153183, 0.06460586935281754, -0.04765665903687477, 0.1993710994720459, 0.0081363245844841, -0.07189730554819107, 0.04104533791542053, -0.0016990562435239553, 0.03730051591992378, -0.0022197829093784094, -0.24411934614181519, -0.09309487789869308, 0.0688781812787056, -0.002240270609036088, -0.003596605733036995, -0.062441613525152206, -0.02267395704984665, 0.016840260475873947, -0.031150387600064278, -0.012957234866917133, 0.03275886923074722, -0.002733649220317602, 0.08544304966926575, 0.04347601905465126, -0.036396101117134094, 0.027622949331998825, 0.017053117975592613, -0.04619695246219635, 0.1421983391046524, -0.10579937696456909, -0.33781298995018005, -0.19880610704421997, -0.35895562171936035, -0.048611756414175034, 0.06231651082634926, 0.09503587335348129, -0.1391952782869339, -0.10284055769443512, -0.056519754230976105, 0.03525624796748161, 0.03419092297554016, 0.024881085380911827, 0.0003703608817886561, -0.033558864146471024, -0.020695475861430168, -0.07374020665884018, -0.050910647958517075, 0.00714796083047986, -0.024868102744221687, 0.1098036989569664, -0.09616842120885849, 0.11521074175834656, 0.06485915929079056, -0.07077290862798691, 0.030038397759199142, -0.05308341979980469, 0.031888075172901154, -0.05917586758732796, -0.019986692816019058, 0.2214822918176651, -0.08383339643478394, 0.05823725461959839, 0.11455730348825455, 0.05157290771603584, -0.06615636497735977, 0.04518578201532364, -0.04793199151754379, -0.10521593689918518, -0.11207360774278641, -0.04843870550394058, -0.07913447916507721, 0.13514433801174164, 0.07787115126848221, 0.03602200746536255, 0.028327109292149544, 0.07118493318557739, 0.04880009591579437, 0.11352507025003433, 0.025845946744084358, 0.0871708020567894, 0.14560551941394806, 0.008098999969661236, 0.13262510299682617, 0.0199589766561985, -0.07626282423734665, 0.05295844003558159, -0.035223107784986496, 0.10268616676330566, 0.012926563620567322, 0.13730517029762268, 0.012327861972153187, 0.08114592730998993, 0.13200713694095612, 0.12241470813751221, -0.04839255288243294, 0.00499243987724185, -0.009837038815021515, -0.05017663910984993, -0.03769438713788986, 0.04031255468726158, -0.016097143292427063, -0.09640033543109894, -0.07465332746505737, -0.02833903767168522, -0.00897379219532013, 0.18051637709140778, -0.05188377574086189, -0.1647539734840393, 0.0039936089888215065, 0.0009939356241375208, -0.10559776425361633, -0.07055888324975967, 0.061739321798086166, 0.12486612796783447, -0.15010549128055573, 0.06533945351839066, 0.016331961378455162, 0.11656683683395386, 0.041815903037786484, 0.07267946004867554, -0.03447665274143219, 0.021865174174308777, 0.016637388616800308, 0.06046115607023239, -0.2886902987957001, 0.1567060649394989, 0.044483933597803116, 0.030791087076067924, -0.09842639416456223, 0.023386051878333092, 0.05217976123094559, -0.010950046591460705, 0.18715445697307587, -0.06360600888729095, 0.17215126752853394, -0.14800767600536346, -0.08016800135374069, 0.03797060251235962, 0.11444548517465591, -0.0031298284884542227, 0.02333163656294346, -0.007754899095743895, -0.05141787976026535, -0.03789934143424034, 0.08070512115955353, -0.04120005667209625, -0.12610867619514465, -0.025735460221767426, 0.11896056681871414, 0.017250915989279747, 0.02319098263978958, -0.03720811754465103, -0.13000370562076569, 0.10955967754125595, 0.14838361740112305, -0.055821940302848816, -0.10366320610046387, -0.018772397190332413, 0.0639466866850853, -0.13343842327594757, 0.08173356205224991, -0.07250794768333435, 0.09584277868270874, -0.038347773253917694, -0.11426565796136856, 0.07281361520290375, -0.033834394067525864, 0.046962447464466095, -0.011669882573187351, 0.06541036814451218, 0.010189348831772804, 0.03935614600777626, 0.06708232313394547, -0.018435318022966385, 0.0577315017580986, -0.04617379605770111, -0.10274331271648407, -0.025370236486196518, 0.15112727880477905, 0.03366129472851753, -0.2371404618024826, -0.14821138978004456, -0.0781986340880394, -0.026530256494879723, 0.21520112454891205, 0.09493803977966309, -0.0021710211876779795, 0.09490896761417389, 0.22148674726486206, 0.027504704892635345, -0.31864500045776367, -0.07375643402338028, 0.028806384652853012, 0.09241274744272232, -0.07094297558069229, -0.22299285233020782, 0.1455354392528534, 0.059895358979701996, 0.01697772927582264, -0.020199252292513847, -0.022488204762339592, -0.13885220885276794, 0.1356925517320633, 0.11755823343992233, 0.12842179834842682, -0.11840374767780304, -0.043779827654361725, -0.063207246363163, -0.15554261207580566, 0.08748310059309006, 0.0073952325619757175, 0.08252697438001633, -0.005194644443690777, 0.03907133266329765, 0.012148862704634666, -0.018770882859826088, 0.07487013190984726, -0.0018538151634857059, -0.027907460927963257, -0.06748637557029724, -0.10171057283878326, 0.061684004962444305, 0.003958423621952534, 0.1718382090330124, -0.033029817044734955, -0.09082342684268951, -0.0708174854516983, -0.08956381678581238, -0.08301474153995514, -0.023482369258999825, 0.04586837813258171, -0.10039079934358597, 0.03241715207695961, 0.054447904229164124, -0.0018072542734444141, 0.04820118844509125, 0.1579812616109848, -0.12159374356269836, -0.039886631071567535, 0.054920800030231476, 0.17828550934791565, -0.1319769322872162, -0.005647681653499603, 0.0021858152467757463, -0.07470782846212387, 0.11985938251018524, -0.13997173309326172, 0.08885999023914337, -0.012747010216116905, 0.0038026669062674046, 0.0859169065952301, 0.0519418865442276, 0.019481346011161804, 0.032880425453186035, 0.0849120020866394, -0.1187119334936142, -0.07543739676475525, -0.026997733861207962, 0.057991623878479004, -0.004640417173504829, 0.039766453206539154, 0.07969577610492706, -0.04159432277083397, -0.043413277715444565, -0.008925827220082283, -0.028353607282042503, -0.046919580549001694, 0.03637884557247162, 0.02066708728671074, 0.03525424748659134, -0.11217913031578064, -0.014739257283508778, 0.05535740405321121, -0.015567622147500515, 0.09576576948165894, 0.06924924999475479, -0.10769420117139816, -0.0583057627081871, -0.030853692442178726, 0.18881529569625854, 0.03246971592307091, -0.12581048905849457, -0.042571086436510086, -0.08474379032850266, 0.0016748607158660889, 0.14525248110294342, 0.10168416053056717, -0.02624715119600296, -0.051323436200618744, -0.009340326301753521, -0.07157416641712189, -0.022059785202145576, 0.0336037203669548, 0.028743891045451164, 0.0108328340575099, 0.05928464233875275, -0.00632557412609458, 0.15178607404232025, -0.08123797923326492, -0.032691773027181625, -0.1305014193058014, 0.023342091590166092, -0.10484757274389267, 0.05134718865156174, -0.11388259381055832, -0.06631630659103394, 0.0007122668903321028, -0.0010410126997157931, -0.0016263686120510101, -0.021802926436066628, -0.0666971281170845, 0.00031247735023498535, -0.009373502805829048, 0.028559336438775063, -0.08292550593614578, -0.0072078946977853775, 0.06455689668655396, -0.03215712308883667, 0.017257707193493843, 0.0372045524418354, -0.09719777852296829, 0.0911664217710495, -0.06823545694351196, -0.059383511543273926, 0.05620979145169258, 0.04161316156387329, 0.08710423856973648, 0.0686400979757309, 0.015159884467720985, 0.06604667007923126, 0.04342231526970863, 0.007013116497546434, 0.14962492883205414, -0.08791399002075195, 0.057811189442873, -0.08319760113954544, -0.0594874769449234, -0.05988623946905136, 0.0516999326646328, 0.12514322996139526, 0.08357038348913193, 0.08840940147638321, -0.04143109172582626, 0.061556268483400345, 0.017338382080197334, -0.012079356238245964, -0.03114069625735283, -0.13219553232192993, 0.043029606342315674, -0.09636417031288147, 0.013348723761737347, -0.0007032898720353842, 0.11395534873008728, 0.07103615254163742, -0.01125885359942913, 0.005106768105179071, -0.06299307197332382, 0.0961855798959732, -0.0007953722379170358, 0.267029345035553, 0.05389193072915077, -0.044408172369003296, 0.041097331792116165, 0.07239331305027008, 0.06053255870938301, 0.17460504174232483, 0.029747629538178444, 0.10279339551925659, 0.00463128974661231, 0.11578717082738876, -0.0075898850336670876, 0.1015574261546135, -0.08135329186916351, -0.13143037259578705, -0.08066991716623306, 0.06300689280033112, 0.003911304287612438, 0.1820908933877945, 0.05147618427872658, -0.10818406194448471, 0.09644941240549088, 0.05910039693117142, -0.09427962452173233, -0.12079153954982758, -0.16636034846305847, -0.0865096002817154, -0.02164885774254799, 0.014015068300068378, -0.10541880130767822, -0.027478016912937164, 0.12210413813591003, 0.017300529405474663, -0.013523857109248638, 0.1957487314939499, -0.10603860020637512, -0.024598436430096626, 0.16278843581676483, -0.03741145879030228, 0.016472825780510902, 0.07243067026138306, -0.07166414707899094, -0.0730309933423996, -0.01358901709318161, 0.014677373692393303, 0.06781668961048126, -0.0005219478043727577, 0.023351456969976425, -0.04666217416524887, -0.09586496651172638, -0.030273903161287308, 0.008200800977647305, 0.09449441730976105, 0.16778132319450378, 0.04172326251864433, -0.07427474856376648, -0.020488528534770012, 0.11840729415416718, -0.00910207163542509, -0.0032730787061154842, -0.12302809953689575, 0.09076885879039764, 0.11116893589496613, 0.004677780903875828, -0.020885413512587547, -0.058248259127140045, -0.07965750992298126, 0.3763996958732605, 0.1337445080280304, -0.06203180551528931, 0.013999965973198414, 0.014019840396940708, 0.021820850670337677, 0.061272989958524704, 0.2208595871925354, 0.07687585800886154, 0.20548506081104279, -0.025285640731453896, -0.06309376657009125, -0.053495727479457855, -0.05761412903666496, -0.1721489578485489, -0.014852815307676792, 0.0871119350194931, -0.11130953580141068, -0.08388854563236237, 0.016415145248174667, -0.13173836469650269, -0.06189059838652611, -0.017703065648674965, -0.08952394127845764, -0.06682579964399338, -0.023585617542266846, 0.006541350390762091, 0.04287458211183548, 0.07826706022024155, -0.01754901185631752, 0.11224973946809769, 0.06674592941999435, 0.029784074053168297, -0.0692129135131836, -0.0018444873858243227, 0.07814677804708481, -0.02074391394853592, 0.10879742354154587, 0.04350518062710762, 0.045211728662252426, 0.022018324583768845, 0.09085001796483994, 0.0744413360953331, 0.08325444906949997, -0.011040950194001198, -0.017695149406790733, 0.011720100417733192, 0.07946985214948654, -0.06334849447011948, -0.06513460725545883, -0.0418514609336853, -0.1206696480512619, 0.055879559367895126, 0.030899817124009132, -0.04446493461728096, -0.0765317752957344, 0.04996044188737869, -0.15776529908180237, 0.08101017773151398, 0.18030765652656555, 0.010991865769028664, -0.09056486934423447, -0.04183381423354149, 0.08760837465524673, -0.0015063429018482566, -0.16712254285812378, -0.15898025035858154, -0.1327570378780365, -0.12285622954368591, -0.03579913452267647, -0.03059524856507778, -0.24401375651359558, -0.018460309132933617, -0.05256848409771919, 0.0434124730527401, -0.1717877984046936, -0.01101470272988081, 0.06313265860080719, 0.001770106377080083, 0.006679673679172993, -0.10326880216598511, 0.06731650233268738, 0.05617056414484978, -0.0963551476597786, -0.13595792651176453 ]
null
null
transformers
# bert-large-japanese-luw-upos ## Model Description This is a BERT model pre-trained on Japanese Wikipedia texts for POS-tagging and dependency-parsing, derived from [bert-large-japanese-char-extended](https://huggingface.co/KoichiYasuoka/bert-large-japanese-char-extended). Every long-unit-word is tagged by [UPOS](https://universaldependencies.org/u/pos/) (Universal Part-Of-Speech) and [FEATS](https://universaldependencies.org/u/feat/). ## How to Use ```py import torch from transformers import AutoTokenizer,AutoModelForTokenClassification tokenizer=AutoTokenizer.from_pretrained("KoichiYasuoka/bert-large-japanese-luw-upos") model=AutoModelForTokenClassification.from_pretrained("KoichiYasuoka/bert-large-japanese-luw-upos") s="国境の長いトンネルを抜けると雪国であった。" p=[model.config.id2label[q] for q in torch.argmax(model(tokenizer.encode(s,return_tensors="pt"))["logits"],dim=2)[0].tolist()[1:-1]] print(list(zip(s,p))) ``` or ```py import esupar nlp=esupar.load("KoichiYasuoka/bert-large-japanese-luw-upos") print(nlp("国境の長いトンネルを抜けると雪国であった。")) ``` ## Reference 安岡孝一: [Transformersと国語研長単位による日本語係り受け解析モデルの製作](http://id.nii.ac.jp/1001/00216223/), 情報処理学会研究報告, Vol.2022-CH-128, No.7 (2022年2月), pp.1-8. ## See Also [esupar](https://github.com/KoichiYasuoka/esupar): Tokenizer POS-tagger and Dependency-parser with BERT/RoBERTa/DeBERTa models
{"language": ["ja"], "license": "cc-by-sa-4.0", "tags": ["japanese", "token-classification", "pos", "wikipedia", "dependency-parsing"], "datasets": ["universal_dependencies"], "pipeline_tag": "token-classification", "widget": [{"text": "\u56fd\u5883\u306e\u9577\u3044\u30c8\u30f3\u30cd\u30eb\u3092\u629c\u3051\u308b\u3068\u96ea\u56fd\u3067\u3042\u3063\u305f\u3002"}]}
token-classification
KoichiYasuoka/bert-large-japanese-luw-upos
[ "transformers", "pytorch", "bert", "token-classification", "japanese", "pos", "wikipedia", "dependency-parsing", "ja", "dataset:universal_dependencies", "license:cc-by-sa-4.0", "autotrain_compatible", "endpoints_compatible", "region:us" ]
2022-03-02T23:29:04+00:00
[]
[ "ja" ]
TAGS #transformers #pytorch #bert #token-classification #japanese #pos #wikipedia #dependency-parsing #ja #dataset-universal_dependencies #license-cc-by-sa-4.0 #autotrain_compatible #endpoints_compatible #region-us
# bert-large-japanese-luw-upos ## Model Description This is a BERT model pre-trained on Japanese Wikipedia texts for POS-tagging and dependency-parsing, derived from bert-large-japanese-char-extended. Every long-unit-word is tagged by UPOS (Universal Part-Of-Speech) and FEATS. ## How to Use or ## Reference 安岡孝一: Transformersと国語研長単位による日本語係り受け解析モデルの製作, 情報処理学会研究報告, Vol.2022-CH-128, No.7 (2022年2月), pp.1-8. ## See Also esupar: Tokenizer POS-tagger and Dependency-parser with BERT/RoBERTa/DeBERTa models
[ "# bert-large-japanese-luw-upos", "## Model Description\n\nThis is a BERT model pre-trained on Japanese Wikipedia texts for POS-tagging and dependency-parsing, derived from bert-large-japanese-char-extended. Every long-unit-word is tagged by UPOS (Universal Part-Of-Speech) and FEATS.", "## How to Use\n\n\n\nor", "## Reference\n\n安岡孝一: Transformersと国語研長単位による日本語係り受け解析モデルの製作, 情報処理学会研究報告, Vol.2022-CH-128, No.7 (2022年2月), pp.1-8.", "## See Also\n\nesupar: Tokenizer POS-tagger and Dependency-parser with BERT/RoBERTa/DeBERTa models" ]
[ "TAGS\n#transformers #pytorch #bert #token-classification #japanese #pos #wikipedia #dependency-parsing #ja #dataset-universal_dependencies #license-cc-by-sa-4.0 #autotrain_compatible #endpoints_compatible #region-us \n", "# bert-large-japanese-luw-upos", "## Model Description\n\nThis is a BERT model pre-trained on Japanese Wikipedia texts for POS-tagging and dependency-parsing, derived from bert-large-japanese-char-extended. Every long-unit-word is tagged by UPOS (Universal Part-Of-Speech) and FEATS.", "## How to Use\n\n\n\nor", "## Reference\n\n安岡孝一: Transformersと国語研長単位による日本語係り受け解析モデルの製作, 情報処理学会研究報告, Vol.2022-CH-128, No.7 (2022年2月), pp.1-8.", "## See Also\n\nesupar: Tokenizer POS-tagger and Dependency-parser with BERT/RoBERTa/DeBERTa models" ]
[ 75, 16, 76, 5, 55, 33 ]
[ "passage: TAGS\n#transformers #pytorch #bert #token-classification #japanese #pos #wikipedia #dependency-parsing #ja #dataset-universal_dependencies #license-cc-by-sa-4.0 #autotrain_compatible #endpoints_compatible #region-us \n# bert-large-japanese-luw-upos## Model Description\n\nThis is a BERT model pre-trained on Japanese Wikipedia texts for POS-tagging and dependency-parsing, derived from bert-large-japanese-char-extended. Every long-unit-word is tagged by UPOS (Universal Part-Of-Speech) and FEATS.## How to Use\n\n\n\nor## Reference\n\n安岡孝一: Transformersと国語研長単位による日本語係り受け解析モデルの製作, 情報処理学会研究報告, Vol.2022-CH-128, No.7 (2022年2月), pp.1-8.## See Also\n\nesupar: Tokenizer POS-tagger and Dependency-parser with BERT/RoBERTa/DeBERTa models" ]
[ -0.002813006518408656, 0.08584082126617432, -0.0063049583695828915, 0.043397240340709686, 0.11750902980566025, 0.0019406065111979842, 0.0881354808807373, 0.09835395216941833, 0.018008394166827202, 0.0655597671866417, 0.04181284084916115, 0.02902253530919552, 0.06802085787057877, 0.049270451068878174, -0.01975896768271923, -0.36108094453811646, 0.09471620619297028, 0.0961693599820137, -0.018151411786675453, 0.09730049222707748, 0.08794309943914413, -0.06816384196281433, 0.07119587808847427, 0.03342406824231148, -0.09784555435180664, -0.01574566587805748, -0.010277937166392803, -0.15006983280181885, 0.06313913315534592, 0.010376635007560253, 0.09448324143886566, -0.013289190828800201, -0.003581408644095063, -0.044340576976537704, 0.0012116647558286786, 0.012224775739014149, -0.03679179400205612, 0.05128132551908493, 0.04988447576761246, 0.016650021076202393, -0.00019686818995978683, -0.0628025233745575, 0.008523916825652122, 0.030402539297938347, -0.07976969331502914, -0.15658926963806152, -0.04143127426505089, 0.04447253793478012, 0.07762274146080017, 0.05347854644060135, -0.02760922908782959, 0.045441653579473495, -0.08639546483755112, -0.002480366500094533, 0.17490658164024353, -0.29513269662857056, -0.053769659250974655, -0.00881238467991352, -0.0051719145849347115, 0.011664929799735546, -0.07230273634195328, -0.028667809441685677, 0.054730337113142014, 0.025437941774725914, 0.030983861535787582, -0.09104438126087189, 0.12077878415584564, 0.0149408970028162, -0.13183896243572235, 0.08013174682855606, 0.16128620505332947, 0.043414004147052765, -0.0453592948615551, -0.05341481417417526, -0.05330420657992363, -0.01225706934928894, -0.06978758424520493, -0.11879982054233551, 0.07397962361574173, -0.003442264162003994, 0.14322862029075623, -0.0015812208876013756, -0.09236931800842285, -0.00539779057726264, -0.14987428486347198, 0.1795438826084137, 0.051835283637046814, 0.004986932035535574, -0.05357004329562187, -0.043108753859996796, -0.12725169956684113, -0.10894547402858734, -0.03621211647987366, -0.06892810761928558, 0.06445480138063431, 0.014685521833598614, -0.02868598699569702, -0.04029775783419609, 0.03502609580755234, 0.01715034618973732, -0.08788744360208511, 0.011327674612402916, -0.01887141726911068, 0.01748805306851864, 0.07123716920614243, 0.12693628668785095, -0.08064326643943787, -0.05319976434111595, 0.0006722614052705467, 0.011123511008918285, -0.03926874324679375, -0.02279016189277172, -0.08100088685750961, -0.05414792522788048, 0.041850823909044266, -0.06163621321320534, -0.0010847378289327025, 0.05086810514330864, -0.04686834663152695, -0.08493425697088242, 0.06786641478538513, -0.13872185349464417, 0.030441608279943466, 0.0004927340778522193, -0.05705820024013519, 0.28227683901786804, -0.05059291422367096, -0.0537521131336689, -0.10154630243778229, 0.059101466089487076, -0.09502921998500824, 0.021480942144989967, -0.0832517147064209, -0.06057283654808998, 0.02936265431344509, -0.04331136867403984, 0.0038706029299646616, -0.11965138465166092, -0.035432372242212296, -0.0429818220436573, -0.010283689945936203, -0.031550657004117966, 0.011041579768061638, -0.0014350201236084104, -0.011584987863898277, -0.016274577006697655, -0.013303625397384167, -0.1083928570151329, -0.03666355088353157, 0.029860926792025566, -0.01810225285589695, 0.07692503929138184, -0.060090791434049606, 0.08822799474000931, -0.11127612739801407, 0.00043063113116659224, -0.22299659252166748, -0.0009784946450963616, -0.05337071791291237, 0.002183007076382637, -0.10027631372213364, -0.0631348043680191, 0.0108528146520257, 0.08550211042165756, -0.02601790800690651, 0.13518120348453522, -0.0875997543334961, -0.10846322774887085, 0.24321205914020538, -0.11756948381662369, -0.07806724309921265, 0.1409856528043747, 0.035353634506464005, 0.02945813722908497, 0.05751395970582962, 0.14562681317329407, 0.03780257701873779, 0.02130870148539543, -0.043991196900606155, 0.028799736872315407, 0.011943232268095016, 0.0223727785050869, 0.11966242641210556, 0.0025908814277499914, -0.000750813924241811, 0.058568160980939865, -0.058869510889053345, -0.11079498380422592, -0.021948108449578285, -0.05416519194841385, 0.025212833657860756, -0.0012641709763556719, 0.06609439104795456, -0.02774236537516117, 0.07028265297412872, -0.04906129464507103, -0.07459817081689835, 0.21568280458450317, 0.03202948719263077, -0.041613537818193436, 0.05915239453315735, -0.0926123633980751, 0.11074817925691605, 0.05465508997440338, 0.05172714218497276, -0.1020004078745842, -0.005046242382377386, 0.027956856414675713, 0.0749107152223587, 0.01996728964149952, 0.026462577283382416, 0.04821725934743881, -0.0032191353384405375, -0.014576208777725697, -0.0038752725813537836, -0.010477221570909023, -0.026045391336083412, -0.01790626347064972, -0.10226070135831833, -0.001280939090065658, -0.016879888251423836, 0.042335476726293564, -0.05971517786383629, 0.039081111550331116, -0.008322840556502342, 0.05636466294527054, -0.030820298939943314, 0.021349333226680756, -0.04389365762472153, 0.0687296912074089, -0.01181105151772499, 0.08849465847015381, 0.040056657046079636, 0.004580480512231588, -0.03267176076769829, 0.07968395203351974, -0.0588020496070385, 0.1588030755519867, 0.1464105248451233, -0.07555196434259415, -0.048483043909072876, -0.03146233782172203, -0.006971242371946573, -0.017983047291636467, 0.010786917991936207, -0.058867447078228, 0.08802265673875809, -0.0018267997074872255, 0.08939362317323685, -0.08371946960687637, 0.0780392661690712, 0.01993698813021183, -0.11175215244293213, -0.059335559606552124, 0.1019585132598877, 0.010496855713427067, -0.08877117931842804, 0.18161174654960632, 0.18126451969146729, -0.07354748249053955, 0.21183191239833832, -0.038902658969163895, -0.119382344186306, -0.031249230727553368, 0.009428149089217186, -0.01746315322816372, -0.002782767405733466, -0.24813242256641388, -0.031142227351665497, 0.07006055116653442, 0.03371318057179451, -0.001466919668018818, -0.06724879890680313, -0.02805457077920437, 0.015690816566348076, 0.014226831495761871, -0.022337988018989563, 0.0032635487150400877, 0.040771715342998505, 0.1034843847155571, 0.07839576154947281, -0.04830655828118324, -0.006843332201242447, 0.008703837171196938, -0.0661112517118454, 0.15740887820720673, -0.13217855989933014, -0.24066691100597382, -0.13783201575279236, -0.13025544583797455, -0.07957448810338974, 0.005220415070652962, 0.051510997116565704, -0.11314073204994202, -0.03673083335161209, -0.010700593702495098, 0.1098443865776062, -0.060494620352983475, 0.02094499208033085, 0.020082082599401474, 0.029582785442471504, -0.07510161399841309, -0.05484279990196228, -0.05210679769515991, -0.07205335795879364, -0.10790335386991501, 0.07513484358787537, -0.024811437353491783, 0.032593343406915665, 0.13237494230270386, -0.028825050219893456, -0.030025223270058632, -0.011978399008512497, 0.05881326645612717, -0.0854625403881073, -0.010655809193849564, 0.24646833539009094, -0.013038069941103458, 0.05535828322172165, 0.06496086716651917, 0.04811004176735878, -0.014703185297548771, -0.029736066237092018, 0.025037070736289024, -0.03565259650349617, -0.2151489108800888, -0.05222919210791588, -0.06661257147789001, 0.2112336903810501, 0.032155465334653854, 0.005392192397266626, 0.0016775642288848758, 0.05921214446425438, 0.008473836816847324, 0.01058934349566698, -0.047149017453193665, 0.06978937238454819, 0.14828644692897797, -0.044945716857910156, 0.12372034043073654, -0.004433004651218653, -0.02534393034875393, 0.111646868288517, -0.05156068503856659, 0.1062285527586937, 0.05253789201378822, 0.08210066705942154, 0.05635232478380203, 0.13472510874271393, 0.06580031663179398, 0.029531700536608696, -0.0003482479078229517, -0.020571712404489517, -0.032700762152671814, -0.0749887153506279, -0.05207722634077072, 0.09915493428707123, -0.013869109563529491, -0.01638946868479252, -0.040984299033880234, -0.020189018920063972, 0.05189501494169235, 0.16271117329597473, 0.07901942729949951, -0.1639413982629776, -0.08142916113138199, 0.016054585576057434, -0.05303411930799484, -0.04847205430269241, 0.04480621963739395, -0.014017381705343723, -0.13836604356765747, 0.0636482834815979, 0.044681940227746964, 0.09247973561286926, -0.012743334285914898, 0.06262461841106415, -0.04966804012656212, 0.044563330709934235, 0.03173299878835678, 0.031617432832717896, -0.19463329017162323, 0.17477816343307495, 0.022473514080047607, -0.02110382728278637, -0.03673083335161209, 0.030016034841537476, 0.030703740194439888, 0.033191557973623276, 0.11148682981729507, -0.010520122945308685, 0.07492821663618088, -0.017927123233675957, -0.06147415190935135, -0.002631598152220249, 0.08146820217370987, -0.0516509935259819, 0.03124307096004486, -0.023939045146107674, 0.031939148902893066, -0.011243203654885292, 0.07646550983190536, -0.017338259145617485, -0.08036177605390549, 0.0527268722653389, -0.0464092418551445, 0.059089139103889465, 0.014952235855162144, -0.0872933641076088, -0.12320027500391006, 0.22731560468673706, 0.05362115427851677, -0.0321744866669178, -0.09095807373523712, 0.020162435248494148, 0.04177282378077507, -0.12497898936271667, 0.017534444108605385, -0.040901582688093185, 0.05141584202647209, 0.022560302168130875, -0.08718186616897583, 0.09588213264942169, -0.04280322045087814, -0.02005534991621971, -0.004906191490590572, 0.11721261590719223, 0.013566670939326286, 0.05660957843065262, 0.007071878761053085, -0.018459156155586243, 0.008735963143408298, -0.07966302335262299, 0.025535419583320618, 0.04452725127339363, 0.12949402630329132, 0.0499441921710968, -0.2010263204574585, -0.08560271561145782, -0.03413921594619751, -0.039474789053201675, 0.13766326010227203, 0.165640726685524, -0.019549433141946793, 0.05648551136255264, 0.18691763281822205, -0.005409371107816696, -0.25027433037757874, -0.02841218374669552, 0.0331963412463665, 0.05103526636958122, -0.034437041729688644, -0.21048888564109802, 0.18050245940685272, 0.1787768006324768, 0.001479818020015955, -0.003699324792250991, -0.10791466385126114, -0.08877381682395935, 0.15064652264118195, 0.02219870686531067, 0.13760650157928467, -0.11064367741346359, -0.04478978365659714, 0.02071947604417801, -0.19077594578266144, 0.11246906220912933, -0.04680485650897026, 0.06805561482906342, -0.02079581841826439, 0.04954884573817253, -0.00037048591184429824, 0.008933895267546177, 0.14207802712917328, 0.011566726490855217, -0.04299209639430046, -0.048096489161252975, -0.07682837545871735, 0.05687672644853592, -0.0007914918824099004, 0.10500850528478622, 0.07098359614610672, -0.0533573217689991, -0.09783349931240082, -0.040966421365737915, -0.08077779412269592, 0.006981899496167898, -0.013841092586517334, -0.10881783813238144, -0.001821152283810079, 0.08608778566122055, -0.001208924106322229, -0.013119914568960667, 0.16478046774864197, -0.04836913198232651, 0.05050891265273094, 0.18917417526245117, 0.09310594946146011, -0.14681918919086456, -0.033653587102890015, -0.048951636999845505, -0.041512731462717056, 0.12028533220291138, -0.10007134824991226, 0.028725985437631607, 0.05279005691409111, 0.016994336619973183, 0.05574353039264679, 0.07191772013902664, -0.024000875651836395, -0.021927058696746826, 0.08185400813817978, -0.10356203466653824, -0.19201326370239258, -0.025539053604006767, -0.06940672546625137, -0.07364664226770401, 0.06981857866048813, 0.14435651898384094, -0.035135604441165924, -0.06559020280838013, 0.01764461025595665, 0.024303749203681946, -0.07429690659046173, 0.07606703042984009, -0.012857328169047832, 0.01962446980178356, -0.096758171916008, 0.023134935647249222, 0.055011581629514694, -0.09028749912977219, 0.036824069917201996, 0.10061649978160858, -0.06971565634012222, -0.07231014221906662, -0.017259804531931877, 0.01713056117296219, -0.06516209989786148, -0.04571656882762909, -0.03305741026997566, -0.12558282911777496, 0.05054821819067001, 0.10708053410053253, 0.11734151840209961, 0.03766453266143799, 0.00004260203058947809, 0.043877847492694855, -0.023463943973183632, -0.024555308744311333, 0.05588795989751816, 0.01302867941558361, -0.03724914789199829, 0.06740806996822357, -0.03211422637104988, 0.14150522649288177, -0.06909506767988205, -0.040812280029058456, -0.17173218727111816, -0.016124624758958817, -0.0941653624176979, -0.054069578647613525, -0.12050572037696838, -0.049076344817876816, 0.0040631708689033985, -0.025801440700888634, -0.07788395881652832, -0.03162410110235214, -0.06606776267290115, -0.009073919616639614, 0.0055427043698728085, 0.09184978902339935, -0.08611219376325607, 0.03307000920176506, 0.06943053007125854, -0.03552016243338585, 0.03983894735574722, 0.09819947928190231, 0.004143440164625645, 0.07229756563901901, 0.008753607980906963, 0.023452548310160637, 0.06985361129045486, 0.03290364891290665, 0.0748412013053894, -0.02159489318728447, 0.031875453889369965, 0.021953921765089035, -0.05950334295630455, 0.03971230983734131, 0.08581069111824036, -0.10428967326879501, 0.05800316110253334, -0.10196814686059952, -0.11211938410997391, -0.07749634981155396, 0.002317107515409589, 0.09427345544099808, 0.052088551223278046, 0.0801350399851799, -0.010955682955682278, 0.04980360344052315, -0.0998682975769043, 0.012385803274810314, -0.03207778558135033, -0.07418400794267654, 0.11201532185077667, -0.03773307427763939, 0.035681940615177155, 0.020464438945055008, 0.11218919605016708, 0.032686177641153336, -0.013941471464931965, 0.05764187499880791, -0.030440842732787132, 0.03496620059013367, 0.030210912227630615, 0.12149705737829208, 0.11683980375528336, -0.06884399801492691, -0.014282939955592155, 0.05710788071155548, 0.034233395010232925, 0.07272142171859741, 0.035548124462366104, 0.11484844982624054, 0.010654748417437077, 0.09964940696954727, 0.03607647120952606, 0.05682210996747017, -0.1664590984582901, -0.000574896577745676, -0.04435209929943085, 0.021587584167718887, 0.005317721515893936, 0.15442322194576263, 0.14152663946151733, -0.09626572579145432, 0.10609137266874313, 0.017714764922857285, -0.043820980936288834, -0.15564657747745514, -0.12495966255664825, -0.07816381007432938, -0.14375098049640656, -0.0033192888367921114, -0.11560659110546112, 0.0009271939634345472, 0.13709521293640137, 0.06955178827047348, -0.017887845635414124, 0.05670708417892456, -0.07217562943696976, -0.0870261937379837, 0.11258234083652496, 0.015286372974514961, 0.027429180219769478, -0.019810639321804047, -0.049784980714321136, -0.050524577498435974, 0.03884745016694069, 0.03345603495836258, 0.007104350719600916, -0.004467074293643236, -0.002468134742230177, -0.07289449870586395, -0.0963161513209343, 0.0036008248571306467, 0.01849064603447914, 0.0034399721771478653, 0.11231394112110138, 0.013768287375569344, -0.08016184717416763, 0.002218962647020817, 0.21915432810783386, -0.04956374689936638, 0.008968610316514969, -0.1512230783700943, 0.11892596632242203, 0.07222997397184372, 0.06278569996356964, -0.011988237500190735, -0.07114288210868835, -0.08578988164663315, 0.21290460228919983, 0.17572517693042755, -0.04463420808315277, 0.007738708518445492, 0.04296853020787239, 0.020182382315397263, 0.022452760487794876, 0.0741739571094513, 0.08679627627134323, 0.2561423182487488, -0.053114891052246094, -0.04195365682244301, -0.07001841068267822, -0.013665471225976944, -0.17018593847751617, 0.04627658799290657, 0.08726855367422104, -0.04203096777200699, -0.062371935695409775, 0.01355269830673933, -0.09769029915332794, -0.06690238416194916, -0.009245315566658974, -0.13213886320590973, -0.1213720366358757, -0.027622440829873085, 0.025339748710393906, 0.04806732013821602, 0.11593430489301682, 0.033337268978357315, -0.037302106618881226, 0.09933967888355255, 0.045306429266929626, -0.055119890719652176, -0.04455382749438286, 0.13324803113937378, 0.05940908193588257, 0.10487082600593567, 0.016751311719417572, -0.005622809287160635, 0.06117209419608116, 0.11352059990167618, 0.022052347660064697, -0.014286329038441181, 0.016120068728923798, -0.08054934442043304, -0.011148099787533283, 0.03882148116827011, -0.03409500792622566, -0.009872157126665115, 0.07573948055505753, -0.16113965213298798, -0.03196863830089569, -0.030910901725292206, -0.05715242773294449, -0.03360322490334511, 0.07575871050357819, -0.137477308511734, 0.10173097252845764, 0.22173042595386505, -0.01718381978571415, -0.07626516371965408, -0.06144887953996658, 0.057930685579776764, 0.03659430891275406, -0.0467364564538002, -0.046278681606054306, -0.13968147337436676, -0.04688123241066933, 0.045013073831796646, -0.013167981058359146, -0.1285461038351059, -0.06799410283565521, 0.050381723791360855, 0.037876252084970474, -0.13750740885734558, -0.0022010167594999075, 0.0014001238159835339, -0.009060434997081757, -0.020904961973428726, -0.16945798695087433, 0.04209030792117119, 0.06968367099761963, -0.0452849343419075, -0.09901228547096252 ]
null
null
transformers
# bert-large-japanese-unidic-luw-upos ## Model Description This is a BERT model pre-trained on Japanese Wikipedia texts for POS-tagging and dependency-parsing, derived from [bert-large-japanese](https://huggingface.co/cl-tohoku/bert-large-japanese). Every long-unit-word is tagged by [UPOS](https://universaldependencies.org/u/pos/) (Universal Part-Of-Speech). ## How to Use ```py import torch from transformers import AutoTokenizer,AutoModelForTokenClassification tokenizer=AutoTokenizer.from_pretrained("KoichiYasuoka/bert-large-japanese-unidic-luw-upos") model=AutoModelForTokenClassification.from_pretrained("KoichiYasuoka/bert-large-japanese-unidic-luw-upos") s="国境の長いトンネルを抜けると雪国であった。" t=tokenizer.tokenize(s) p=[model.config.id2label[q] for q in torch.argmax(model(tokenizer.encode(s,return_tensors="pt"))["logits"],dim=2)[0].tolist()[1:-1]] print(list(zip(t,p))) ``` or ```py import esupar nlp=esupar.load("KoichiYasuoka/bert-large-japanese-unidic-luw-upos") print(nlp("国境の長いトンネルを抜けると雪国であった。")) ``` [fugashi](https://pypi.org/project/fugashi) and [unidic-lite](https://pypi.org/project/unidic-lite) are required. ## Reference 安岡孝一: [Transformersと国語研長単位による日本語係り受け解析モデルの製作](http://id.nii.ac.jp/1001/00216223/), 情報処理学会研究報告, Vol.2022-CH-128, No.7 (2022年2月), pp.1-8. ## See Also [esupar](https://github.com/KoichiYasuoka/esupar): Tokenizer POS-tagger and Dependency-parser with BERT/RoBERTa/DeBERTa models
{"language": ["ja"], "license": "cc-by-sa-4.0", "tags": ["japanese", "token-classification", "pos", "wikipedia", "dependency-parsing"], "datasets": ["universal_dependencies"], "pipeline_tag": "token-classification", "widget": [{"text": "\u56fd\u5883\u306e\u9577\u3044\u30c8\u30f3\u30cd\u30eb\u3092\u629c\u3051\u308b\u3068\u96ea\u56fd\u3067\u3042\u3063\u305f\u3002"}]}
token-classification
KoichiYasuoka/bert-large-japanese-unidic-luw-upos
[ "transformers", "pytorch", "bert", "token-classification", "japanese", "pos", "wikipedia", "dependency-parsing", "ja", "dataset:universal_dependencies", "license:cc-by-sa-4.0", "autotrain_compatible", "endpoints_compatible", "region:us" ]
2022-03-02T23:29:04+00:00
[]
[ "ja" ]
TAGS #transformers #pytorch #bert #token-classification #japanese #pos #wikipedia #dependency-parsing #ja #dataset-universal_dependencies #license-cc-by-sa-4.0 #autotrain_compatible #endpoints_compatible #region-us
# bert-large-japanese-unidic-luw-upos ## Model Description This is a BERT model pre-trained on Japanese Wikipedia texts for POS-tagging and dependency-parsing, derived from bert-large-japanese. Every long-unit-word is tagged by UPOS (Universal Part-Of-Speech). ## How to Use or fugashi and unidic-lite are required. ## Reference 安岡孝一: Transformersと国語研長単位による日本語係り受け解析モデルの製作, 情報処理学会研究報告, Vol.2022-CH-128, No.7 (2022年2月), pp.1-8. ## See Also esupar: Tokenizer POS-tagger and Dependency-parser with BERT/RoBERTa/DeBERTa models
[ "# bert-large-japanese-unidic-luw-upos", "## Model Description\n\nThis is a BERT model pre-trained on Japanese Wikipedia texts for POS-tagging and dependency-parsing, derived from bert-large-japanese. Every long-unit-word is tagged by UPOS (Universal Part-Of-Speech).", "## How to Use\n\n\n\nor\n\n\n\nfugashi and unidic-lite are required.", "## Reference\n\n安岡孝一: Transformersと国語研長単位による日本語係り受け解析モデルの製作, 情報処理学会研究報告, Vol.2022-CH-128, No.7 (2022年2月), pp.1-8.", "## See Also\n\nesupar: Tokenizer POS-tagger and Dependency-parser with BERT/RoBERTa/DeBERTa models" ]
[ "TAGS\n#transformers #pytorch #bert #token-classification #japanese #pos #wikipedia #dependency-parsing #ja #dataset-universal_dependencies #license-cc-by-sa-4.0 #autotrain_compatible #endpoints_compatible #region-us \n", "# bert-large-japanese-unidic-luw-upos", "## Model Description\n\nThis is a BERT model pre-trained on Japanese Wikipedia texts for POS-tagging and dependency-parsing, derived from bert-large-japanese. Every long-unit-word is tagged by UPOS (Universal Part-Of-Speech).", "## How to Use\n\n\n\nor\n\n\n\nfugashi and unidic-lite are required.", "## Reference\n\n安岡孝一: Transformersと国語研長単位による日本語係り受け解析モデルの製作, 情報処理学会研究報告, Vol.2022-CH-128, No.7 (2022年2月), pp.1-8.", "## See Also\n\nesupar: Tokenizer POS-tagger and Dependency-parser with BERT/RoBERTa/DeBERTa models" ]
[ 75, 19, 66, 15, 55, 33 ]
[ "passage: TAGS\n#transformers #pytorch #bert #token-classification #japanese #pos #wikipedia #dependency-parsing #ja #dataset-universal_dependencies #license-cc-by-sa-4.0 #autotrain_compatible #endpoints_compatible #region-us \n# bert-large-japanese-unidic-luw-upos## Model Description\n\nThis is a BERT model pre-trained on Japanese Wikipedia texts for POS-tagging and dependency-parsing, derived from bert-large-japanese. Every long-unit-word is tagged by UPOS (Universal Part-Of-Speech).## How to Use\n\n\n\nor\n\n\n\nfugashi and unidic-lite are required.## Reference\n\n安岡孝一: Transformersと国語研長単位による日本語係り受け解析モデルの製作, 情報処理学会研究報告, Vol.2022-CH-128, No.7 (2022年2月), pp.1-8.## See Also\n\nesupar: Tokenizer POS-tagger and Dependency-parser with BERT/RoBERTa/DeBERTa models" ]
[ 0.006264273077249527, 0.09896817058324814, -0.005408292170614004, 0.03375384584069252, 0.12275222688913345, 0.019849125295877457, 0.11368533223867416, 0.09391332417726517, 0.02587745152413845, 0.03541726619005203, 0.040717028081417084, 0.017743442207574844, 0.07606843113899231, 0.03650359436869621, -0.03547201305627823, -0.3511262834072113, 0.10135059803724289, 0.1059761717915535, -0.03877430781722069, 0.08120624721050262, 0.09220409393310547, -0.05452814698219299, 0.07154279202222824, 0.02088152803480625, -0.12652555108070374, -0.02316238172352314, 0.007425820454955101, -0.14154815673828125, 0.04976916313171387, 0.03705162554979324, 0.11843770742416382, -0.00829976238310337, 0.005835610907524824, -0.0619184784591198, -0.003650877857580781, -0.002258207183331251, -0.03414299711585045, 0.03575307875871658, 0.01065782643854618, 0.03182123228907585, -0.025857586413621902, -0.09898938983678818, 0.002725117141380906, 0.03091450408101082, -0.08564485609531403, -0.12932004034519196, -0.03743330016732216, 0.033886175602674484, 0.078147292137146, 0.046801868826150894, -0.029864845797419548, 0.03939700126647949, -0.08433930575847626, -0.00874711200594902, 0.11931303143501282, -0.2790726125240326, -0.0559014268219471, -0.004797183442860842, -0.025372449308633804, 0.0129908611997962, -0.06252489238977432, -0.01935158483684063, 0.07866235077381134, 0.010709881782531738, 0.03039882704615593, -0.10090452432632446, 0.09015333652496338, 0.009667991660535336, -0.1262866109609604, 0.10358275473117828, 0.20168723165988922, 0.052763503044843674, -0.06419217586517334, -0.06189737468957901, -0.052068863064050674, 0.04036979377269745, -0.04594242572784424, -0.13939788937568665, 0.08196140825748444, -0.006416499614715576, 0.16327889263629913, -0.02173987589776516, -0.08481185138225555, -0.018711576238274574, -0.14949572086334229, 0.21655793488025665, 0.05900311842560768, 0.003439693944528699, -0.03852589800953865, -0.047152455896139145, -0.1604052037000656, -0.11111699789762497, -0.03524849936366081, -0.07235671579837799, 0.04116867855191231, 0.00040153617737814784, -0.018963705748319626, -0.04900569096207619, 0.027067024260759354, 0.01950957253575325, -0.12094874680042267, 0.002366610337048769, -0.009939485229551792, 0.01777239888906479, 0.0921839252114296, 0.1162523627281189, -0.09785868972539902, -0.022142762318253517, 0.004200094845145941, 0.0035230766516178846, -0.0172953512519598, -0.023024829104542732, -0.08949495851993561, -0.060435835272073746, 0.015601130202412605, -0.03898928314447403, -0.007372035179287195, 0.04811111465096474, -0.04962363466620445, -0.07346145808696747, 0.0835215225815773, -0.1463414579629898, 0.03315696120262146, -0.022484611719846725, -0.06129849702119827, 0.2979776859283447, -0.04481756314635277, -0.043910324573516846, -0.09645681083202362, 0.04500115290284157, -0.08684534579515457, 0.025353282690048218, -0.07507752627134323, -0.05222597345709801, 0.04153788462281227, -0.05321759358048439, 0.03017757646739483, -0.12415628880262375, -0.03527453914284706, -0.03409115597605705, 0.00654679024592042, -0.040126584470272064, 0.016820138320326805, -0.0012855386594310403, -0.02252122573554516, -0.01874540187418461, -0.009800242260098457, -0.13260696828365326, -0.0270121730864048, 0.02339528501033783, -0.002614188939332962, 0.057862263172864914, -0.06983552873134613, 0.08210816979408264, -0.11854022741317749, 0.004433780442923307, -0.23992931842803955, -0.003958958201110363, -0.041013725101947784, -0.002388733671978116, -0.10085289925336838, -0.04686575010418892, 0.04745364561676979, 0.0859776958823204, -0.031291380524635315, 0.16431556642055511, -0.09353644400835037, -0.08865351229906082, 0.24649187922477722, -0.13054366409778595, -0.08730408549308777, 0.16018207371234894, 0.02113400027155876, 0.0625142753124237, 0.057345371693372726, 0.14128552377223969, 0.015845799818634987, 0.0034297367092221975, -0.05508476123213768, 0.03438486531376839, -0.008053903467953205, 0.04817595332860947, 0.11709628999233246, 0.030767623335123062, -0.02320072427392006, 0.05521668866276741, -0.08215751498937607, -0.10345485806465149, -0.02553705684840679, -0.07791861146688461, 0.007722693495452404, -0.01008596271276474, 0.048470959067344666, -0.03420664742588997, 0.06522421538829803, -0.04010368883609772, -0.09117946773767471, 0.2448733001947403, 0.03827754035592079, -0.05964794382452965, 0.057697225362062454, -0.09038042277097702, 0.10100194066762924, 0.049593765288591385, 0.0640263557434082, -0.06616704910993576, 0.00198667892254889, 0.03162480890750885, 0.07376262545585632, 0.03597181290388107, 0.015065842308104038, 0.03216994181275368, 0.00857479777187109, -0.03226284310221672, 0.0017103342106565833, -0.0008054417558014393, -0.02289539761841297, 0.005834665149450302, -0.12382977455854416, 0.011496861465275288, -0.017946915701031685, 0.05746903643012047, -0.07301589846611023, 0.04793078824877739, -0.029525915160775185, 0.04669426381587982, -0.05353471264243126, 0.038758471608161926, -0.026905398815870285, 0.07203289866447449, -0.016432959586381912, 0.08735958486795425, 0.03574824705719948, 0.0033349348232150078, -0.06899258494377136, 0.07483550906181335, -0.05698147788643837, 0.15469767153263092, 0.15011276304721832, -0.07821663469076157, -0.06880121678113937, -0.022875314578413963, 0.007436920423060656, -0.023436015471816063, 0.0024716858752071857, -0.03347516059875488, 0.09229279309511185, -0.013556643389165401, 0.07762812077999115, -0.08921670913696289, 0.09607873857021332, 0.02566586062312126, -0.12438081204891205, -0.06275040656328201, 0.08435186743736267, 0.018638812005519867, -0.09393151849508286, 0.1734997183084488, 0.18208332359790802, -0.08902249485254288, 0.22488267719745636, -0.04622004181146622, -0.101504847407341, -0.057210564613342285, 0.023938674479722977, -0.02044125273823738, 0.020039312541484833, -0.24364885687828064, -0.02956634946167469, 0.06061523035168648, 0.012358414009213448, -0.016107473522424698, -0.07304828613996506, -0.04669848829507828, 0.02123122103512287, 0.001874053617939353, -0.0263972207903862, -0.013413328677415848, 0.015416321344673634, 0.09267610311508179, 0.06129957363009453, -0.026785532012581825, 0.004491184372454882, 0.021585805341601372, -0.08047634363174438, 0.15498168766498566, -0.13093934953212738, -0.23166672885417938, -0.12736861407756805, -0.08222540467977524, -0.07709445804357529, -0.005643149837851524, 0.03761756047606468, -0.12008209526538849, -0.0343598946928978, -0.0033867110032588243, 0.10765451937913895, -0.06321685016155243, -0.0026019213255494833, 0.012094082310795784, 0.03690844774246216, -0.08585033565759659, -0.05362046882510185, -0.04614591971039772, -0.05704572796821594, -0.11541858315467834, 0.0785834863781929, -0.021356886252760887, 0.05114539712667465, 0.13107582926750183, -0.04690760001540184, -0.0470687560737133, -0.008811982348561287, 0.05154091492295265, -0.09896327555179596, 0.014480886049568653, 0.21872076392173767, -0.02779085747897625, 0.04528127238154411, 0.08527763187885284, 0.04987342655658722, -0.020680921152234077, -0.043617188930511475, 0.013433345593512058, -0.03264455124735832, -0.23488208651542664, -0.03663008660078049, -0.05473903566598892, 0.20234248042106628, -0.0001723093300824985, -0.009527783840894699, 0.013782472349703312, 0.07662792503833771, 0.003217696212232113, 0.01773408055305481, -0.041429296135902405, 0.07076671719551086, 0.15207648277282715, -0.04890985041856766, 0.11589526385068893, -0.01567734219133854, -0.02890685200691223, 0.10870426148176193, -0.040153853595256805, 0.10406548529863358, 0.06826506555080414, 0.07761850953102112, 0.05169019475579262, 0.12749211490154266, 0.04843228682875633, 0.01191986445337534, 0.01667996495962143, -0.023144546896219254, -0.03422233462333679, -0.08376853913068771, -0.05032533034682274, 0.12830404937267303, -0.01110541820526123, -0.025974202901124954, -0.03708374500274658, -0.011160640977323055, 0.0666947290301323, 0.1603485345840454, 0.07871778309345245, -0.14138254523277283, -0.08393319696187973, 0.03125810995697975, -0.026632923632860184, -0.045959122478961945, 0.04295880347490311, -0.005207046400755644, -0.11955710500478745, 0.08376654982566833, 0.05107780173420906, 0.08582763373851776, -0.028578391298651695, 0.047831010073423386, -0.06529998034238815, 0.05021506920456886, 0.033634770661592484, 0.041205644607543945, -0.2235538214445114, 0.17059193551540375, 0.03445325046777725, 0.0059054275043308735, -0.028348606079816818, 0.03188946843147278, 0.024737359955906868, 0.07773219794034958, 0.14518782496452332, -0.000472214596811682, 0.06834441423416138, -0.03805379197001457, -0.05511431023478508, 0.005138305947184563, 0.08497341722249985, -0.007696111220866442, 0.026551522314548492, -0.014401424676179886, 0.026789424940943718, 0.0026408310513943434, 0.06732305139303207, -0.07130743563175201, -0.08094857633113861, 0.03495083376765251, -0.05397849902510643, 0.04675857350230217, 0.037064824253320694, -0.07623588293790817, -0.12776951491832733, 0.24629400670528412, 0.04213153198361397, -0.04176339507102966, -0.07924540340900421, -0.0019551359582692385, 0.04915810003876686, -0.10799290239810944, 0.000990077736787498, -0.051979176700115204, 0.04140521585941315, -0.004486314952373505, -0.06905665993690491, 0.08145304769277573, -0.04366530105471611, -0.005258874036371708, -0.010697138495743275, 0.08089996874332428, 0.02073381282389164, 0.058245155960321426, 0.010009032674133778, -0.02660110965371132, 0.04187995195388794, -0.1034046858549118, 0.033408910036087036, 0.06018025428056717, 0.11734145879745483, 0.06172177940607071, -0.22089168429374695, -0.06822200119495392, -0.05572373420000076, -0.06240256503224373, 0.1309453248977661, 0.202074334025383, -0.01893564686179161, 0.04097960889339447, 0.2122800648212433, -0.022898433730006218, -0.24465061724185944, -0.014799471944570541, 0.006358962971717119, 0.0543782077729702, -0.06544086337089539, -0.2318366914987564, 0.1770128756761551, 0.16952717304229736, 0.010921241715550423, -0.01103005651384592, -0.06848642975091934, -0.09261570125818253, 0.14757078886032104, 0.03465016186237335, 0.1279248744249344, -0.13109080493450165, -0.03493770956993103, 0.012473871931433678, -0.17118549346923828, 0.1415397673845291, -0.04875931143760681, 0.07284021377563477, -0.012078014202415943, 0.02667277120053768, -0.004930688999593258, 0.004312670323997736, 0.15304504334926605, 0.017663897946476936, -0.031101878732442856, -0.0455300435423851, -0.09078618884086609, 0.06859590113162994, 0.0013091216096654534, 0.13624314963817596, 0.0759163349866867, -0.057966507971286774, -0.06135117635130882, -0.0528036467730999, -0.06115120276808739, 0.019886620342731476, -0.02114013209939003, -0.13105663657188416, -0.015979059040546417, 0.10955202579498291, -0.0044271694496273994, -0.023636406287550926, 0.14184601604938507, -0.039121225476264954, 0.013378453440964222, 0.1859467774629593, 0.0941191092133522, -0.14489923417568207, 0.003484254004433751, -0.023198198527097702, -0.05631645396351814, 0.12974955141544342, -0.13496246933937073, 0.013653314672410488, 0.04899926483631134, 0.018806133419275284, 0.06891807913780212, 0.05804721266031265, -0.031507331877946854, -0.02556556463241577, 0.06068938598036766, -0.09544747322797775, -0.18980449438095093, -0.028983697295188904, -0.11865151673555374, -0.037322964519262314, 0.05625614523887634, 0.14348046481609344, -0.06290683895349503, -0.04422369971871376, 0.010962345637381077, 0.021451329812407494, -0.08374790102243423, 0.06057802587747574, -0.002805539406836033, 0.012048480100929737, -0.09016034007072449, 0.04970521852374077, 0.06885531544685364, -0.11118730157613754, 0.06765974313020706, 0.0648118108510971, -0.06198153272271156, -0.06657291203737259, -0.030030610039830208, 0.01834012381732464, -0.08221463114023209, -0.0690247043967247, -0.038728438317775726, -0.13863429427146912, 0.03181484341621399, 0.09898611903190613, 0.11583945155143738, 0.032804280519485474, 0.009665362536907196, 0.04528379812836647, -0.056065455079078674, -0.026243606582283974, 0.051830925047397614, 0.0023217678535729647, -0.058127447962760925, 0.06922873854637146, -0.0005046749720349908, 0.15643681585788727, -0.0707358866930008, -0.032425668090581894, -0.1845760941505432, -0.011960170231759548, -0.08763393759727478, -0.043929874897003174, -0.12907636165618896, -0.03362760320305824, -0.004932417534291744, -0.030274802818894386, -0.07797755300998688, -0.03549988567829132, -0.046147242188453674, 0.00032364740036427975, 0.015532691031694412, 0.09436509013175964, -0.08608803898096085, 0.013419858179986477, 0.06486525386571884, -0.04069794714450836, 0.01668664999306202, 0.08981358259916306, -0.011677930131554604, 0.06568751484155655, -0.021513866260647774, 0.03967876359820366, 0.06369245797395706, 0.026397721841931343, 0.062261201441287994, -0.07383322715759277, 0.02864118106663227, 0.03481132909655571, -0.038918402045965195, 0.0372174046933651, 0.09826992452144623, -0.09063122421503067, 0.04891372099518776, -0.09929592162370682, -0.12251623719930649, -0.08336663991212845, 0.015550856478512287, 0.1222163662314415, 0.02314300462603569, 0.0673074796795845, -0.00486490223556757, 0.0500447116792202, -0.10277536511421204, -0.00016324596072081476, -0.027743257582187653, -0.07495643943548203, 0.10870921611785889, -0.036291588097810745, 0.027331404387950897, 0.019316701218485832, 0.15930591523647308, 0.01612764596939087, 0.0005017222138121724, 0.05762269347906113, -0.0533178336918354, 0.029827386140823364, 0.038682542741298676, 0.13411179184913635, 0.1205829307436943, -0.07170072942972183, -0.04669323191046715, 0.0630304366350174, 0.03471546992659569, 0.06268177926540375, 0.024942686781287193, 0.11256014555692673, -0.018713004887104034, 0.11684970557689667, 0.0368824303150177, 0.03876146674156189, -0.12247400730848312, 0.030417485162615776, -0.0340534970164299, 0.014868632890284061, 0.018289949744939804, 0.14473409950733185, 0.1440543681383133, -0.09679289162158966, 0.11234675347805023, 0.033898577094078064, -0.07593092322349548, -0.1622394323348999, -0.12339440733194351, -0.08145154267549515, -0.13231752812862396, 0.01608167588710785, -0.11736571043729782, 0.015687918290495872, 0.11727011203765869, 0.07142946869134903, -0.0269431471824646, 0.060432322323322296, -0.05044272541999817, -0.06199690327048302, 0.12121452391147614, 0.022320156916975975, 0.006078007165342569, -0.012729547917842865, -0.06230385974049568, -0.026320695877075195, 0.039921220391988754, 0.02776578813791275, 0.025470906868577003, 0.004618929699063301, 0.018291156738996506, -0.05950430780649185, -0.09385598450899124, -0.004915434867143631, 0.03914136439561844, 0.03445887193083763, 0.08932435512542725, 0.00740443728864193, -0.07502969354391098, 0.007517991587519646, 0.1945623755455017, -0.039573006331920624, -0.003951960243284702, -0.16963006556034088, 0.1164611205458641, 0.06367924064397812, 0.060262467712163925, 0.0024069424252957106, -0.08013994991779327, -0.07210151851177216, 0.21531078219413757, 0.19735008478164673, -0.03969193249940872, -0.005260663107037544, 0.030383778735995293, 0.021702278405427933, 0.005173384211957455, 0.08469244092702866, 0.06515651941299438, 0.22010426223278046, -0.06818016618490219, -0.03567804396152496, -0.07811841368675232, -0.03302863612771034, -0.15413473546504974, 0.051401469856500626, 0.1066875234246254, -0.03949965536594391, -0.056492071598768234, 0.013832987286150455, -0.10433914512395859, -0.07781559228897095, 0.005435621831566095, -0.1312013566493988, -0.11099685728549957, -0.0335266999900341, 0.011119110509753227, 0.025867512449622154, 0.09451994299888611, 0.02018865756690502, -0.03850775212049484, 0.13563406467437744, 0.04969492927193642, -0.06322209537029266, -0.027449870482087135, 0.11616513133049011, 0.0810839980840683, 0.0906844437122345, 0.03524784371256828, 0.030255429446697235, 0.05973758175969124, 0.10423634946346283, 0.03662307932972908, 0.007972356863319874, 0.010822332464158535, -0.05581815913319588, -0.00836151372641325, 0.05192343890666962, -0.04537712782621384, 0.01918543130159378, 0.07844320684671402, -0.14844872057437897, -0.011511493474245071, -0.029607294127345085, -0.08357275277376175, -0.047447320073843, 0.08349509537220001, -0.1501046121120453, 0.10762077569961548, 0.24387499690055847, -0.005974426865577698, -0.07313238084316254, -0.06924115121364594, 0.0836622565984726, 0.059954479336738586, -0.030864916741847992, -0.023852339014410973, -0.13569794595241547, -0.033743374049663544, 0.06296812742948532, 0.015208756551146507, -0.12588945031166077, -0.07075202465057373, 0.04684305191040039, 0.03827054426074028, -0.12483971565961838, -0.00765187619253993, 0.009235523641109467, 0.007245255168527365, -0.03040621615946293, -0.2261858880519867, 0.04427645355463028, 0.05447813868522644, -0.030382702127099037, -0.09252193570137024 ]
null
null
transformers
# bert-large-japanese-upos ## Model Description This is a BERT model pre-trained on Japanese Wikipedia texts for POS-tagging and dependency-parsing, derived from [bert-large-japanese-char-extended](https://huggingface.co/KoichiYasuoka/bert-large-japanese-char-extended). Every short-unit-word is tagged by [UPOS](https://universaldependencies.org/u/pos/) (Universal Part-Of-Speech). ## How to Use ```py import torch from transformers import AutoTokenizer,AutoModelForTokenClassification tokenizer=AutoTokenizer.from_pretrained("KoichiYasuoka/bert-large-japanese-upos") model=AutoModelForTokenClassification.from_pretrained("KoichiYasuoka/bert-large-japanese-upos") s="国境の長いトンネルを抜けると雪国であった。" p=[model.config.id2label[q] for q in torch.argmax(model(tokenizer.encode(s,return_tensors="pt"))["logits"],dim=2)[0].tolist()[1:-1]] print(list(zip(s,p))) ``` or ```py import esupar nlp=esupar.load("KoichiYasuoka/bert-large-japanese-upos") print(nlp("国境の長いトンネルを抜けると雪国であった。")) ``` ## See Also [esupar](https://github.com/KoichiYasuoka/esupar): Tokenizer POS-tagger and Dependency-parser with BERT/RoBERTa/DeBERTa models
{"language": ["ja"], "license": "cc-by-sa-4.0", "tags": ["japanese", "token-classification", "pos", "wikipedia", "dependency-parsing"], "datasets": ["universal_dependencies"], "pipeline_tag": "token-classification", "widget": [{"text": "\u56fd\u5883\u306e\u9577\u3044\u30c8\u30f3\u30cd\u30eb\u3092\u629c\u3051\u308b\u3068\u96ea\u56fd\u3067\u3042\u3063\u305f\u3002"}]}
token-classification
KoichiYasuoka/bert-large-japanese-upos
[ "transformers", "pytorch", "bert", "token-classification", "japanese", "pos", "wikipedia", "dependency-parsing", "ja", "dataset:universal_dependencies", "license:cc-by-sa-4.0", "autotrain_compatible", "endpoints_compatible", "region:us" ]
2022-03-02T23:29:04+00:00
[]
[ "ja" ]
TAGS #transformers #pytorch #bert #token-classification #japanese #pos #wikipedia #dependency-parsing #ja #dataset-universal_dependencies #license-cc-by-sa-4.0 #autotrain_compatible #endpoints_compatible #region-us
# bert-large-japanese-upos ## Model Description This is a BERT model pre-trained on Japanese Wikipedia texts for POS-tagging and dependency-parsing, derived from bert-large-japanese-char-extended. Every short-unit-word is tagged by UPOS (Universal Part-Of-Speech). ## How to Use or ## See Also esupar: Tokenizer POS-tagger and Dependency-parser with BERT/RoBERTa/DeBERTa models
[ "# bert-large-japanese-upos", "## Model Description\n\nThis is a BERT model pre-trained on Japanese Wikipedia texts for POS-tagging and dependency-parsing, derived from bert-large-japanese-char-extended. Every short-unit-word is tagged by UPOS (Universal Part-Of-Speech).", "## How to Use\n\n\n\nor", "## See Also\n\nesupar: Tokenizer POS-tagger and Dependency-parser with BERT/RoBERTa/DeBERTa models" ]
[ "TAGS\n#transformers #pytorch #bert #token-classification #japanese #pos #wikipedia #dependency-parsing #ja #dataset-universal_dependencies #license-cc-by-sa-4.0 #autotrain_compatible #endpoints_compatible #region-us \n", "# bert-large-japanese-upos", "## Model Description\n\nThis is a BERT model pre-trained on Japanese Wikipedia texts for POS-tagging and dependency-parsing, derived from bert-large-japanese-char-extended. Every short-unit-word is tagged by UPOS (Universal Part-Of-Speech).", "## How to Use\n\n\n\nor", "## See Also\n\nesupar: Tokenizer POS-tagger and Dependency-parser with BERT/RoBERTa/DeBERTa models" ]
[ 75, 13, 72, 5, 33 ]
[ "passage: TAGS\n#transformers #pytorch #bert #token-classification #japanese #pos #wikipedia #dependency-parsing #ja #dataset-universal_dependencies #license-cc-by-sa-4.0 #autotrain_compatible #endpoints_compatible #region-us \n# bert-large-japanese-upos## Model Description\n\nThis is a BERT model pre-trained on Japanese Wikipedia texts for POS-tagging and dependency-parsing, derived from bert-large-japanese-char-extended. Every short-unit-word is tagged by UPOS (Universal Part-Of-Speech).## How to Use\n\n\n\nor## See Also\n\nesupar: Tokenizer POS-tagger and Dependency-parser with BERT/RoBERTa/DeBERTa models" ]
[ -0.008949179202318192, 0.06585157662630081, -0.004277915693819523, 0.05039282515645027, 0.16797833144664764, -0.012644154019653797, 0.09363040328025818, 0.11096764355897903, 0.043239835649728775, 0.02100067213177681, 0.026392793282866478, 0.10965093225240707, 0.056530505418777466, 0.10057894885540009, -0.01821613684296608, -0.3411612808704376, 0.10590503364801407, 0.09334369003772736, -0.014753015711903572, 0.08248381316661835, 0.10012360662221909, -0.06391364336013794, 0.08323047310113907, 0.06836918741464615, -0.11114218086004257, -0.013382775709033012, -0.0008742104400880635, -0.18610598146915436, 0.045370761305093765, 0.02073587104678154, 0.09814288467168808, -0.024141483008861542, 0.007635203655809164, -0.0509972907602787, 0.009510069154202938, 0.02147095464169979, -0.026128331199288368, 0.05035942420363426, 0.05935660004615784, 0.010176070034503937, -0.11980852484703064, -0.0613739937543869, 0.02314983494579792, 0.03570181876420975, -0.05176955461502075, -0.19779928028583527, -0.002781261457130313, -0.006626297254115343, 0.08970937132835388, 0.040315669029951096, -0.04095696285367012, 0.07801885902881622, -0.07887294888496399, -0.004630809184163809, 0.1197456568479538, -0.23825758695602417, -0.02372364141047001, -0.018471037968993187, -0.008800671435892582, -0.018889859318733215, -0.02083633467555046, -0.03136824816465378, 0.03644207864999771, 0.011561620980501175, 0.0632278174161911, -0.08772147446870804, 0.0972299799323082, 0.026784177869558334, -0.12862910330295563, 0.10370232164859772, 0.17549774050712585, 0.050576526671648026, -0.05892624333500862, -0.1042357012629509, -0.05207959562540054, 0.07510008662939072, -0.0677359402179718, -0.11553586274385452, 0.06239832565188408, 0.0201726071536541, 0.13980495929718018, 0.005678342655301094, -0.07656464725732803, -0.0108167240396142, -0.14787507057189941, 0.21300825476646423, 0.05684683099389076, 0.013813861645758152, -0.10657991468906403, -0.03112536109983921, -0.15736284852027893, -0.10270044952630997, -0.013205109164118767, -0.10316833108663559, 0.044020507484674454, 0.013255447149276733, -0.027791105210781097, -0.08426789194345474, 0.06437616050243378, 0.002150064567103982, -0.05178622156381607, -0.019806643947958946, -0.00535846222192049, 0.018376968801021576, 0.12476248294115067, 0.1432286947965622, -0.10385510325431824, -0.008855259045958519, 0.04209503158926964, -0.00911925733089447, -0.05125799775123596, -0.038585565984249115, -0.11311706155538559, -0.012605162337422371, 0.03594205901026726, -0.06413087248802185, 0.023549837991595268, 0.0742962434887886, -0.0701090395450592, -0.12043719738721848, 0.0635652095079422, -0.16084423661231995, 0.045413024723529816, -0.01817994937300682, -0.04010554403066635, 0.29146865010261536, -0.03271564096212387, -0.047746267169713974, -0.09448640048503876, 0.02813425101339817, -0.08804990351200104, 0.002695223782211542, -0.1026388481259346, -0.057715583592653275, 0.035805199295282364, -0.053143832832574844, 0.032160330563783646, -0.15088172256946564, -0.06491439789533615, -0.028223175555467606, -0.00413277605548501, -0.021394778043031693, -0.018102427944540977, -0.03967076167464256, 0.004809201695024967, -0.029207643121480942, -0.02831198461353779, -0.13958589732646942, -0.03597205877304077, 0.050355877727270126, -0.03463078290224075, 0.0653114765882492, -0.08074113726615906, 0.09049507975578308, -0.12874817848205566, -0.019567521288990974, -0.2511734068393707, 0.06806229054927826, -0.014041366055607796, 0.048884253948926926, -0.10287128388881683, -0.01048350427299738, 0.04701545462012291, 0.09485150873661041, -0.045356351882219315, 0.169799342751503, -0.10860222578048706, -0.1288319081068039, 0.2494596689939499, -0.1053805872797966, -0.04209244251251221, 0.12122000753879547, -0.010745968669652939, 0.10601675510406494, 0.08207067847251892, 0.16939134895801544, -0.017036467790603638, 0.02489207498729229, -0.013312987983226776, 0.0179467611014843, -0.03631480783224106, -0.004434533417224884, 0.12578582763671875, -0.002742196898907423, -0.0698867216706276, 0.07786241173744202, -0.10903867334127426, -0.04923394322395325, -0.007602829486131668, -0.05432834103703499, 0.028592165559530258, 0.008827966637909412, 0.023889420554041862, -0.0408138744533062, 0.0795513242483139, -0.03379210829734802, -0.0935414656996727, 0.29438450932502747, 0.03065740503370762, -0.0624518059194088, 0.038155484944581985, -0.13497376441955566, 0.10883522778749466, 0.013888539746403694, 0.07831134647130966, -0.10406476259231567, 0.050279613584280014, 0.022196846082806587, 0.05526955798268318, 0.026689087972044945, -0.04903727397322655, 0.04050847887992859, -0.023745940998196602, 0.01673290506005287, 0.010410509072244167, 0.04864848032593727, -0.01767139509320259, 0.00275022117421031, -0.1269163340330124, -0.00784802995622158, -0.021546684205532074, 0.05976158380508423, -0.013495875522494316, 0.05013422667980194, -0.027817022055387497, 0.04698634147644043, -0.027872944250702858, 0.04615090414881706, -0.024623462930321693, 0.06069444864988327, -0.008521529845893383, 0.07292280346155167, 0.05777142196893692, 0.017593279480934143, -0.04393334686756134, 0.11650131642818451, -0.03423258289694786, 0.10512156784534454, 0.19412897527217865, -0.15902502834796906, -0.023003168404102325, -0.023338258266448975, 0.0190323106944561, 0.007662994787096977, -0.05122740566730499, -0.07267820835113525, 0.08531574159860611, -0.010470089502632618, 0.08971472084522247, -0.08372612297534943, 0.06498405337333679, 0.015300653874874115, -0.11590415239334106, -0.07748178392648697, 0.07778741419315338, 0.031583525240421295, -0.05832677707076073, 0.1948474943637848, 0.19488295912742615, -0.024994071573019028, 0.19453170895576477, -0.03682301566004753, -0.101765938103199, -0.006115729454904795, 0.00639841565862298, -0.014471728354692459, -0.00603350019082427, -0.287967324256897, -0.02971755899488926, 0.09626276046037674, 0.01858559437096119, -0.020217062905430794, -0.05840926617383957, -0.03894275054335594, 0.04184500128030777, 0.021090809255838394, -0.016544025391340256, -0.018639441579580307, 0.029419977217912674, 0.07968924194574356, 0.061017706990242004, -0.04058007895946503, 0.03309066593647003, 0.019357049837708473, -0.05966583639383316, 0.15204940736293793, -0.14907272160053253, -0.27324268221855164, -0.16616030037403107, -0.15774685144424438, -0.06206192076206207, 0.02879001572728157, 0.06857482343912125, -0.16031527519226074, -0.05480837821960449, -0.0015682053053751588, 0.13999058306217194, -0.0069586546160280704, 0.01464039646089077, -0.021481672301888466, 0.03872307762503624, -0.075021892786026, -0.0602618046104908, -0.05522270128130913, -0.033682264387607574, -0.12989158928394318, 0.10958969593048096, -0.032970182597637177, 0.007790188305079937, 0.14418983459472656, -0.033907756209373474, -0.03376200422644615, -0.020770590752363205, 0.05177800729870796, -0.07413823902606964, -0.012791917659342289, 0.2346843034029007, -0.035412177443504333, 0.02339332550764084, 0.05621499940752983, 0.04106869176030159, -0.011515588499605656, -0.035485055297613144, 0.004654059652239084, -0.03752218186855316, -0.22681045532226562, -0.04977991431951523, -0.05339314416050911, 0.1697857528924942, 0.03551739081740379, 0.006391928996890783, 0.0348464772105217, 0.07570726424455643, 0.021525297313928604, 0.04187552630901337, -0.04477260261774063, 0.06793997436761856, 0.16852127015590668, -0.05543755367398262, 0.14398497343063354, 0.010187487117946148, -0.05756891146302223, 0.1180039495229721, -0.022842520847916603, 0.09945185482501984, 0.0675421953201294, 0.10261563211679459, 0.07286039739847183, 0.11216048151254654, 0.07421435415744781, 0.059177152812480927, -0.0020678245928138494, 0.029117930680513382, -0.06450166553258896, -0.08217986673116684, -0.0672779306769371, 0.09047289937734604, -0.055442094802856445, -0.03676978126168251, -0.03852902725338936, -0.054998405277729034, 0.071747787296772, 0.18878977000713348, 0.04652879387140274, -0.17823654413223267, -0.03031698614358902, 0.036615289747714996, -0.054818421602249146, -0.04390031844377518, 0.03622572496533394, -0.009912089444696903, -0.12876032292842865, 0.05326613411307335, 0.05983453243970871, 0.10575325787067413, -0.04152717441320419, 0.040957771241664886, -0.011434350162744522, 0.037451718002557755, 0.05569728463888168, 0.02793988026678562, -0.20191261172294617, 0.09334342926740646, 0.0376361645758152, -0.011282000690698624, -0.05620221421122551, 0.05184656009078026, 0.02147778309881687, 0.033269476145505905, 0.12050004303455353, -0.019739942625164986, 0.09127181768417358, -0.043395403772592545, -0.07900775223970413, 0.011385512538254261, 0.029112065210938454, -0.02457231655716896, 0.004371610004454851, -0.013781136833131313, 0.03343077749013901, -0.01756960339844227, 0.11162739247083664, 0.005694870837032795, -0.10793431103229523, 0.006278746761381626, -0.03319450095295906, 0.06795752793550491, 0.0192535612732172, -0.08144431561231613, -0.1559571474790573, 0.17964163422584534, 0.05728883668780327, -0.06404103338718414, -0.10305420309305191, -0.006924362853169441, 0.004072319250553846, -0.10180545598268509, 0.027531959116458893, -0.04597145691514015, 0.04769403487443924, 0.016922559589147568, -0.11297211050987244, 0.11249975860118866, -0.02035890705883503, 0.04344997555017471, -0.017911992967128754, 0.07470396906137466, 0.044580359011888504, 0.04374948889017105, 0.013438145630061626, -0.047658346593379974, 0.027794750407338142, -0.051812052726745605, -0.006444919854402542, 0.11994600296020508, 0.147596538066864, 0.07692176848649979, -0.22580642998218536, -0.127188578248024, -0.06047084927558899, -0.017315838485956192, 0.15725213289260864, 0.1640946865081787, -0.0036758133210241795, 0.05843379348516464, 0.1973610818386078, -0.03345071151852608, -0.2553175091743469, -0.002642095321789384, 0.004806993063539267, 0.06578895449638367, -0.04264171048998833, -0.20610696077346802, 0.22450567781925201, 0.18640436232089996, -0.0010124144610017538, -0.006828973535448313, -0.04270133376121521, -0.0972730740904808, 0.19298750162124634, 0.05049656704068184, 0.19655491411685944, -0.11379052698612213, -0.016834896057844162, 0.015309007838368416, -0.19007404148578644, 0.1874438226222992, -0.08225088566541672, 0.06306534260511398, 0.0023769447579979897, 0.0255535040050745, 0.009034833870828152, 0.02436593733727932, 0.12845633924007416, 0.036611538380384445, -0.05423237755894661, -0.040153130888938904, -0.05337424948811531, 0.06402535736560822, 0.012006144039332867, 0.07160429656505585, 0.09226533770561218, -0.10234817117452621, -0.12245430052280426, -0.07625805586576462, -0.05311787873506546, 0.012759380042552948, 0.02357814833521843, -0.13229115307331085, 0.013981528580188751, 0.09510060399770737, -0.0090190339833498, 0.00015532154066022485, 0.15554673969745636, -0.07199443131685257, -0.014646160416305065, 0.17981740832328796, 0.09426690638065338, -0.19917841255664825, 0.023451965302228928, -0.03607432544231415, -0.057123906910419464, 0.13021138310432434, -0.12656721472740173, 0.053058214485645294, -0.010356314480304718, -0.007445826660841703, 0.0749242752790451, 0.07248856872320175, -0.03273444250226021, -0.012040924280881882, 0.08023276925086975, -0.08346861600875854, -0.14644372463226318, -0.012758770026266575, -0.049229614436626434, -0.046005137264728546, 0.06445305794477463, 0.13292956352233887, -0.026476092636585236, -0.0901455208659172, 0.010222557000815868, 0.025455735623836517, -0.10630125552415848, 0.07330942898988724, -0.002615035977214575, 0.002473345724865794, -0.12409722805023193, 0.027627049013972282, 0.07490931451320648, -0.07602623850107193, 0.040963977575302124, 0.03696506470441818, -0.08253613114356995, -0.05388156697154045, 0.003393688704818487, 0.07527214288711548, -0.05058945342898369, -0.07122239470481873, -0.028632815927267075, -0.13109125196933746, 0.04157983139157295, 0.0064062993042171, 0.13844148814678192, 0.027105573564767838, 0.033665407449007034, 0.02725987508893013, -0.028748368844389915, -0.02528037130832672, 0.052312545478343964, 0.004220475442707539, -0.04434385895729065, -0.005293639842420816, -0.030004218220710754, 0.15592432022094727, -0.08556793630123138, -0.06274625658988953, -0.18958964943885803, -0.0035752453841269016, -0.050003934651613235, -0.03935537487268448, -0.12205643206834793, -0.045055732131004333, 0.01858375407755375, -0.023484239354729652, -0.04137052595615387, -0.030867839232087135, -0.056277740746736526, -0.023174721747636795, 0.020960891619324684, 0.08939164131879807, -0.06813434511423111, 0.016447750851511955, 0.06948687136173248, -0.02420792542397976, 0.046341221779584885, 0.09895364940166473, -0.06381793320178986, 0.06426054239273071, 0.008535681292414665, -0.024780835956335068, 0.07853633910417557, 0.03910323232412338, 0.1025022566318512, -0.045878730714321136, 0.06022989749908447, 0.04774806275963783, -0.06868615746498108, 0.014236715622246265, 0.1250888556241989, -0.10024377703666687, 0.08102919161319733, -0.0830562487244606, -0.10121839493513107, -0.07746252417564392, 0.023498570546507835, 0.11486413329839706, 0.04983913525938988, 0.12828978896141052, -0.005129136145114899, 0.053491298109292984, -0.09368985146284103, 0.004998907912522554, -0.026572328060865402, -0.08698467165231705, 0.128437802195549, -0.05874495208263397, 0.00480601517483592, 0.030395667999982834, 0.1701223999261856, 0.07701277732849121, -0.01830374263226986, 0.0646156594157219, -0.03232700377702713, 0.12228599190711975, 0.03657205030322075, 0.16667558252811432, 0.09832094609737396, -0.032075610011816025, -0.015282209031283855, 0.09151046723127365, 0.06732526421546936, 0.05106380209326744, -0.024120964109897614, 0.1588839590549469, -0.012241173535585403, 0.10447763651609421, 0.04473138228058815, 0.09311237931251526, -0.14554788172245026, 0.011867162771522999, -0.008385861292481422, 0.019789114594459534, 0.0010717337718233466, 0.16896897554397583, 0.11543049663305283, -0.09129857271909714, 0.12396355718374252, 0.04083483666181564, -0.04716721177101135, -0.17541249096393585, -0.17566047608852386, -0.08380676060914993, -0.19872021675109863, -0.013567906804382801, -0.07579853385686874, -0.04172525554895401, 0.12384164333343506, 0.053524356335401535, -0.03869585320353508, 0.012095381505787373, -0.11709649860858917, -0.0628628209233284, 0.08156536519527435, -0.0041544269770383835, -0.008426071144640446, -0.05129880830645561, -0.06395053118467331, -0.046379461884498596, 0.09797293692827225, 0.028114328160881996, 0.013660965487360954, -0.0028270918410271406, 0.03202826902270317, -0.10284656286239624, -0.0926736518740654, -0.007761275861412287, 0.008767938241362572, -0.04441584646701813, 0.10348539799451828, 0.011374276131391525, -0.09084794670343399, 0.02387627586722374, 0.17926977574825287, -0.019211532548069954, -0.015932166948914528, -0.17382174730300903, 0.006410042755305767, 0.07834667712450027, 0.08079303801059723, 0.01639793999493122, -0.0901731550693512, -0.09340378642082214, 0.23902170360088348, 0.22208502888679504, -0.03116999752819538, -0.01141140516847372, 0.027999533340334892, 0.011659463867545128, 0.007873594760894775, 0.11282012611627579, 0.0814967006444931, 0.19244712591171265, -0.04976456239819527, -0.019657185301184654, -0.07220965623855591, -0.04184930771589279, -0.17390921711921692, -0.03403971344232559, 0.10416087508201599, -0.06512267887592316, -0.04668576270341873, 0.019227024167776108, -0.152161106467247, -0.0441301129758358, 0.004095262847840786, -0.07218226045370102, -0.11186424642801285, -0.0691506564617157, 0.018782729282975197, 0.015197183936834335, 0.09026177227497101, 0.023422332480549812, 0.0034120737109333277, 0.13633860647678375, 0.04371366277337074, -0.07514689117670059, -0.0525926873087883, 0.1236296147108078, 0.05315612629055977, 0.11623230576515198, 0.025823207572102547, -0.018123414367437363, 0.045871440321207047, 0.11851672828197479, 0.020459014922380447, -0.014912057667970657, -0.04551146551966667, -0.050305865705013275, 0.004086515866219997, -0.010873018763959408, -0.02821490541100502, -0.015450350940227509, 0.0444054901599884, -0.13806363940238953, -0.017139296978712082, -0.09954535216093063, -0.05694229155778885, -0.07725255191326141, 0.08472228795289993, -0.16695444285869598, 0.05028276517987251, 0.18663328886032104, -0.010739817284047604, -0.06111133471131325, -0.09446821361780167, 0.07061461359262466, 0.0503375343978405, -0.08817362785339355, -0.05001271888613701, -0.1265019327402115, -0.07733117789030075, 0.0031601502560079098, -0.02572161890566349, -0.11022929847240448, -0.04834214970469475, 0.011200382374227047, 0.02279478870332241, -0.14350496232509613, -0.009748647920787334, 0.02818555198609829, 0.011140551418066025, -0.03712110593914986, -0.1523260772228241, 0.049508340656757355, 0.06422930210828781, -0.037450358271598816, -0.085939921438694 ]
null
null
transformers
# chinese-bert-wwm-ext-upos ## Model Description This is a BERT model pre-trained on Chinese Wikipedia texts (both simplified and traditional) for POS-tagging and dependency-parsing, derived from [chinese-bert-wwm-ext](https://huggingface.co/hfl/chinese-bert-wwm-ext). Every word is tagged by [UPOS](https://universaldependencies.org/u/pos/) (Universal Part-Of-Speech). ## How to Use ```py from transformers import AutoTokenizer,AutoModelForTokenClassification tokenizer=AutoTokenizer.from_pretrained("KoichiYasuoka/chinese-bert-wwm-ext-upos") model=AutoModelForTokenClassification.from_pretrained("KoichiYasuoka/chinese-bert-wwm-ext-upos") ``` or ```py import esupar nlp=esupar.load("KoichiYasuoka/chinese-bert-wwm-ext-upos") ``` ## See Also [esupar](https://github.com/KoichiYasuoka/esupar): Tokenizer POS-tagger and Dependency-parser with BERT/RoBERTa/DeBERTa models
{"language": ["zh"], "license": "apache-2.0", "tags": ["chinese", "token-classification", "pos", "wikipedia", "dependency-parsing"], "datasets": ["universal_dependencies"], "pipeline_tag": "token-classification"}
token-classification
KoichiYasuoka/chinese-bert-wwm-ext-upos
[ "transformers", "pytorch", "bert", "token-classification", "chinese", "pos", "wikipedia", "dependency-parsing", "zh", "dataset:universal_dependencies", "license:apache-2.0", "autotrain_compatible", "endpoints_compatible", "region:us" ]
2022-03-02T23:29:04+00:00
[]
[ "zh" ]
TAGS #transformers #pytorch #bert #token-classification #chinese #pos #wikipedia #dependency-parsing #zh #dataset-universal_dependencies #license-apache-2.0 #autotrain_compatible #endpoints_compatible #region-us
# chinese-bert-wwm-ext-upos ## Model Description This is a BERT model pre-trained on Chinese Wikipedia texts (both simplified and traditional) for POS-tagging and dependency-parsing, derived from chinese-bert-wwm-ext. Every word is tagged by UPOS (Universal Part-Of-Speech). ## How to Use or ## See Also esupar: Tokenizer POS-tagger and Dependency-parser with BERT/RoBERTa/DeBERTa models
[ "# chinese-bert-wwm-ext-upos", "## Model Description\n\nThis is a BERT model pre-trained on Chinese Wikipedia texts (both simplified and traditional) for POS-tagging and dependency-parsing, derived from chinese-bert-wwm-ext. Every word is tagged by UPOS (Universal Part-Of-Speech).", "## How to Use\n\n\n\nor", "## See Also\n\nesupar: Tokenizer POS-tagger and Dependency-parser with BERT/RoBERTa/DeBERTa models" ]
[ "TAGS\n#transformers #pytorch #bert #token-classification #chinese #pos #wikipedia #dependency-parsing #zh #dataset-universal_dependencies #license-apache-2.0 #autotrain_compatible #endpoints_compatible #region-us \n", "# chinese-bert-wwm-ext-upos", "## Model Description\n\nThis is a BERT model pre-trained on Chinese Wikipedia texts (both simplified and traditional) for POS-tagging and dependency-parsing, derived from chinese-bert-wwm-ext. Every word is tagged by UPOS (Universal Part-Of-Speech).", "## How to Use\n\n\n\nor", "## See Also\n\nesupar: Tokenizer POS-tagger and Dependency-parser with BERT/RoBERTa/DeBERTa models" ]
[ 71, 14, 71, 5, 33 ]
[ "passage: TAGS\n#transformers #pytorch #bert #token-classification #chinese #pos #wikipedia #dependency-parsing #zh #dataset-universal_dependencies #license-apache-2.0 #autotrain_compatible #endpoints_compatible #region-us \n# chinese-bert-wwm-ext-upos## Model Description\n\nThis is a BERT model pre-trained on Chinese Wikipedia texts (both simplified and traditional) for POS-tagging and dependency-parsing, derived from chinese-bert-wwm-ext. Every word is tagged by UPOS (Universal Part-Of-Speech).## How to Use\n\n\n\nor## See Also\n\nesupar: Tokenizer POS-tagger and Dependency-parser with BERT/RoBERTa/DeBERTa models" ]
[ -0.04094235971570015, 0.06482678651809692, -0.004463789518922567, 0.014532003551721573, 0.12539391219615936, -0.05548572540283203, 0.07245466858148575, 0.09470439702272415, 0.0981617197394371, -0.015321172773838043, 0.03284897655248642, 0.12393812090158463, 0.06660141795873642, 0.0803680494427681, 0.0032781350892037153, -0.2983110845088959, 0.0851551815867424, 0.09150205552577972, -0.0732019692659378, 0.09322069585323334, 0.08652438223361969, -0.03918592259287834, 0.11653002351522446, 0.08089820295572281, -0.05259128287434578, -0.022031482309103012, -0.058149274438619614, -0.158946692943573, 0.059488389641046524, 0.022291209548711777, 0.08741874247789383, 0.0037713092751801014, 0.014971638098359108, -0.11989400535821915, 0.01383101288229227, 0.009183540008962154, -0.06937994807958603, 0.012668396346271038, 0.06458985805511475, -0.02081690914928913, -0.018200581893324852, -0.029103877022862434, 0.017675068229436874, 0.05883896350860596, -0.022350182756781578, -0.17533664405345917, -0.023465491831302643, 0.09313113987445831, 0.0767548531293869, 0.032147377729415894, -0.024641653522849083, 0.13610941171646118, -0.035437896847724915, 0.028517264872789383, 0.12534260749816895, -0.2940640449523926, 0.020556261762976646, 0.055701494216918945, 0.027703041210770607, -0.05432269349694252, -0.03466362878680229, -0.04321567714214325, 0.015249799005687237, -0.00848261546343565, -0.00824831798672676, -0.09798820316791534, 0.20521891117095947, 0.029010087251663208, -0.13738790154457092, 0.11859119683504105, 0.1867905855178833, 0.07271363586187363, -0.08260511606931686, -0.09350137412548065, -0.066640704870224, 0.050546545535326004, -0.04595795273780823, -0.1130407452583313, 0.05337204039096832, 0.07295824587345123, 0.15705029666423798, -0.015119267627596855, -0.04467528313398361, 0.023830899968743324, -0.13828101754188538, 0.1960628628730774, 0.06280548125505447, 0.009790085256099701, -0.08861725777387619, -0.01249851007014513, -0.06021609157323837, -0.06614918261766434, -0.02677786536514759, -0.1147250384092331, -0.016039308160543442, 0.004961449187248945, 0.011484077200293541, 0.02860766462981701, 0.05515732988715172, 0.1099274680018425, -0.023511992767453194, 0.03512144833803177, 0.021633131429553032, 0.038096699863672256, 0.12349149584770203, 0.13351236283779144, -0.1205788254737854, -0.04437194764614105, 0.052068550139665604, -0.0454716756939888, -0.048762254416942596, -0.05256452038884163, -0.10089685767889023, 0.025087783113121986, 0.022567013278603554, -0.0714447945356369, 0.03955436497926712, 0.06593330204486847, -0.07731334120035172, -0.12443074584007263, 0.0458097867667675, -0.11019203066825867, 0.04470369219779968, -0.026567621156573296, -0.04584479331970215, 0.28867119550704956, 0.008464177139103413, 0.014214240945875645, -0.10875178128480911, 0.06911899149417877, -0.08350426703691483, 0.022798899561166763, -0.0670064240694046, 0.011214022524654865, 0.032717496156692505, -0.047591280192136765, 0.041661690920591354, -0.11015725135803223, -0.11747398227453232, -0.019467666745185852, 0.020676560699939728, -0.0073629505932331085, -0.0460020937025547, -0.03188573196530342, -0.026292528957128525, -0.06460630148649216, -0.02097582258284092, -0.1732964962720871, -0.03466564044356346, 0.020234402269124985, -0.058670565485954285, 0.019421635195612907, -0.13771609961986542, 0.0823812186717987, -0.10923510789871216, 0.0016376430867239833, -0.18566806614398956, 0.10460811853408813, -0.02195829711854458, 0.11216077953577042, -0.05269645154476166, 0.008662569336593151, 0.03612725809216499, 0.07742355763912201, -0.06260017305612564, 0.1376405656337738, -0.12631411850452423, -0.1254580318927765, 0.29402005672454834, -0.11488854885101318, -0.08153738081455231, 0.12293663620948792, -0.0065875970758497715, 0.0602048859000206, 0.07492831349372864, 0.14142994582653046, -0.03611424192786217, 0.004841635935008526, -0.032506849616765976, 0.042405351996421814, -0.07605194300413132, 0.0008519979892298579, 0.12326503545045853, -0.0091850059106946, -0.040746673941612244, 0.053500279784202576, -0.06967970728874207, -0.054184690117836, -0.013886615633964539, -0.07930413633584976, -0.003629589919000864, 0.008323906920850277, 0.016333457082509995, -0.05396581068634987, 0.05862810090184212, -0.029418371617794037, -0.08502467721700668, 0.21070797741413116, 0.04787915572524071, -0.025362757965922356, 0.05451979115605354, -0.16137075424194336, 0.09541262686252594, 0.14301007986068726, 0.08634442836046219, -0.12840056419372559, 0.09230288863182068, 0.014717379584908485, 0.060812756419181824, 0.06618422269821167, -0.07106506824493408, 0.018234234303236008, -0.010217063128948212, 0.004183764569461346, -0.008024605922400951, 0.047578904777765274, -0.013498080894351006, -0.000215933658182621, -0.15076129138469696, 0.003735275473445654, -0.014322123490273952, 0.06957143545150757, -0.07809953391551971, 0.04834228754043579, -0.020958388224244118, 0.07445692270994186, -0.02688080444931984, 0.04872175306081772, -0.048949237912893295, 0.06311667710542679, -0.03658078610897064, 0.06163522228598595, 0.04956623166799545, 0.032416366040706635, -0.12921525537967682, 0.0804775208234787, 0.010247353464365005, 0.11525652557611465, 0.21494798362255096, -0.2036679983139038, -0.008216185495257378, -0.04270956292748451, -0.010695344768464565, -0.0036554925609380007, -0.014198055490851402, -0.031086115166544914, 0.11931051313877106, -0.02024257928133011, 0.08802676200866699, -0.07862136512994766, 0.0666041225194931, -0.017021963372826576, -0.10807394981384277, -0.046315647661685944, 0.09888377785682678, 0.03282259777188301, -0.04054224491119385, 0.16234783828258514, 0.188130721449852, 0.026124097406864166, 0.1320476233959198, -0.04266922548413277, -0.032939013093709946, -0.022661227732896805, 0.06075942516326904, -0.041448693722486496, -0.01812271773815155, -0.2964091897010803, -0.02332598716020584, 0.06962572038173676, 0.021637212485074997, -0.012113369069993496, -0.08430421352386475, -0.025447383522987366, 0.038458943367004395, 0.019167175516486168, -0.05955175682902336, -0.04525068774819374, -0.016991373151540756, 0.07025714218616486, 0.021551907062530518, -0.05954980477690697, 0.042827535420656204, 0.029535528272390366, -0.09354063123464584, 0.12591710686683655, -0.14524118602275848, -0.20880524814128876, -0.10904575884342194, -0.19606913626194, -0.08869420737028122, 0.034663550555706024, 0.05921081826090813, -0.12274710088968277, -0.04019555449485779, 0.017719902098178864, 0.07302527874708176, -0.034525658935308456, 0.040729932487010956, 0.03548792004585266, 0.054762620478868484, -0.0933346152305603, -0.026269979774951935, -0.07135169953107834, -0.06502808630466461, -0.1284985989332199, 0.12040542811155319, -0.05189432576298714, -0.011456402018666267, 0.13428734242916107, -0.01080330554395914, -0.02406420186161995, -0.024106495082378387, 0.05322437733411789, -0.055286090821027756, -0.006453418638557196, 0.21270890533924103, -0.04461889714002609, 0.04346708953380585, 0.025714535266160965, 0.023954899981617928, -0.018401162698864937, -0.027877749875187874, 0.008933520875871181, -0.050406381487846375, -0.2356267273426056, -0.08494452387094498, -0.055457375943660736, 0.13716107606887817, -0.015096635557711124, 0.02035338804125786, 0.1003275215625763, 0.06054798513650894, -0.0012552510015666485, 0.050826553255319595, -0.05399852618575096, 0.06303022801876068, 0.07103955000638962, -0.031395915895700455, 0.1568155586719513, -0.015010032802820206, -0.03827417269349098, 0.10773302614688873, 0.02212461456656456, 0.16264350712299347, 0.11620274931192398, 0.05339102819561958, 0.09691669046878815, 0.16320180892944336, 0.085117869079113, 0.03621917963027954, -0.0054674772545695305, -0.005462328437715769, -0.058141615241765976, -0.06331942975521088, -0.05570310726761818, 0.11670792102813721, -0.016856621950864792, -0.068661630153656, -0.005641393829137087, 0.01804867945611477, 0.0978613868355751, 0.18518643081188202, 0.018052618950605392, -0.08120331168174744, 0.0034852782264351845, 0.0308929905295372, -0.035930413752794266, -0.01625632680952549, 0.0681854858994484, -0.0770682692527771, -0.16099536418914795, 0.14060625433921814, 0.0702684298157692, 0.1309930831193924, -0.034587033092975616, 0.043894458562135696, -0.06519022583961487, 0.0019203905249014497, 0.05443982034921646, 0.007942772470414639, -0.2344515174627304, 0.12007956951856613, 0.007945125922560692, -0.02810061350464821, -0.06879787147045135, 0.03942260518670082, 0.04682235047221184, 0.07763310521841049, 0.12730959057807922, 0.010826760903000832, -0.013541355729103088, -0.011213748715817928, -0.07424024492502213, 0.004348052199929953, 0.040734753012657166, 0.0095032574608922, -0.011624348349869251, -0.005181384272873402, 0.03085934743285179, -0.01247946172952652, 0.10510222613811493, 0.0006552237900905311, -0.09771166741847992, 0.011796972714364529, -0.07442963123321533, 0.048114582896232605, 0.023278962820768356, -0.045504339039325714, -0.17813026905059814, 0.17652803659439087, -0.025032855570316315, -0.06864230334758759, -0.0949377715587616, -0.009638247080147266, -0.06257888674736023, -0.09320740401744843, 0.017543891444802284, -0.028024543076753616, -0.015443384647369385, 0.006794641725718975, -0.10793057829141617, 0.1312982589006424, -0.03632069379091263, 0.024940865114331245, -0.014604950323700905, 0.10722173005342484, 0.07637058198451996, 0.05125505477190018, 0.009151230566203594, -0.0965847373008728, 0.0033897273242473602, -0.10694742947816849, 0.025594253093004227, 0.08912529051303864, 0.10293037444353104, 0.13230843842029572, -0.20336684584617615, -0.12174487859010696, -0.06831721216440201, -0.0711708664894104, 0.11997827142477036, 0.2012738585472107, -0.0045519559644162655, 0.08678773045539856, 0.21377918124198914, -0.037485189735889435, -0.27304041385650635, -0.05999428406357765, -0.026196448132395744, 0.027717087417840958, -0.03106231987476349, -0.2176465392112732, 0.22105780243873596, 0.14764659106731415, 0.015558398328721523, -0.0020449787843972445, -0.022605760022997856, -0.11709365248680115, 0.21195456385612488, -0.016002826392650604, 0.19500203430652618, -0.11648467183113098, -0.05016116797924042, 0.014108852483332157, -0.13875986635684967, 0.17246295511722565, -0.07434358447790146, 0.039178892970085144, 0.021876569837331772, -0.01980520226061344, -0.011425639502704144, 0.0258403979241848, 0.11572375893592834, 0.09260936826467514, -0.03531823307275772, -0.03900398686528206, -0.014407002367079258, 0.09289214760065079, 0.03987444192171097, 0.04250789433717728, 0.08063393086194992, -0.07257895916700363, -0.14755062758922577, -0.06574886292219162, -0.0007849649409763515, -0.0016967953415587544, 0.009547336027026176, -0.11040184646844864, -0.014592330902814865, 0.08547621220350266, 0.021792003884911537, 0.012176130898296833, 0.17619790136814117, -0.03505125641822815, -0.05063258111476898, 0.19048501551151276, 0.0741080492734909, -0.28093084692955017, 0.05053915083408356, -0.0858398899435997, -0.04374753683805466, 0.08892261236906052, -0.11313167959451675, 0.03807481750845909, 0.023404253646731377, -0.0012266695266589522, 0.07269222289323807, 0.08935316652059555, -0.027988936752080917, -0.006469015963375568, 0.05838095769286156, -0.0802663043141365, -0.19087855517864227, -0.04262175410985947, -0.0675978809595108, -0.0050278035923838615, 0.09636220335960388, 0.08587837219238281, -0.009133592247962952, -0.07613637298345566, 0.006458770018070936, 0.019045334309339523, -0.1048009917140007, 0.05825309827923775, -0.027304943650960922, -0.0058020856231451035, -0.1518670618534088, 0.04022718966007233, 0.04201895743608475, -0.022929919883608818, 0.03648531436920166, -0.002989052562043071, -0.12096698582172394, -0.04068462550640106, -0.03705728426575661, 0.0751793310046196, -0.09463441371917725, -0.07787542790174484, 0.011788511648774147, -0.15235348045825958, 0.061727460473775864, -0.017225947231054306, 0.1511021852493286, 0.012622484937310219, 0.0464082732796669, -0.014252382330596447, 0.015972843393683434, -0.04452523961663246, 0.058588214218616486, 0.0037638957146555185, -0.08987824618816376, -0.03608366847038269, -0.012618549168109894, 0.1692441701889038, -0.07608400285243988, -0.08330654352903366, -0.19672837853431702, 0.022148048505187035, -0.07956582307815552, -0.05097689479589462, -0.14294762909412384, -0.037708837538957596, 0.03817577287554741, -0.07570862025022507, -0.03669215738773346, -0.0096916314214468, -0.06477373093366623, -0.04414684325456619, 0.03785618767142296, 0.073336660861969, -0.061343055218458176, 0.0007825593347661197, 0.09770899266004562, -0.03303195536136627, 0.06404586136341095, 0.16082578897476196, -0.07430610060691833, 0.0701223611831665, -0.04111302271485329, -0.03356550633907318, 0.07874061167240143, 0.06681907176971436, 0.08450520783662796, -0.015359852463006973, 0.03611757606267929, 0.053437430411577225, -0.08447779715061188, 0.022473666816949844, 0.14318935573101044, -0.07742103934288025, 0.016382461413741112, -0.13693290948867798, -0.11817800998687744, -0.05270186439156532, 0.022057393565773964, 0.13270817697048187, 0.06773354113101959, 0.15639173984527588, 0.016333425417542458, 0.0322565995156765, -0.09764377027750015, 0.01951279491186142, -0.014710222370922565, -0.04334083944559097, 0.1769219934940338, -0.10204409807920456, -0.016643540933728218, 0.044411107897758484, 0.2371867299079895, -0.022183328866958618, 0.0037039786111563444, 0.05685921013355255, 0.027346022427082062, 0.08100622892379761, 0.013859138824045658, 0.16965046525001526, 0.1219845861196518, -0.009972401894629002, -0.00295742554590106, 0.0832386463880539, 0.058463506400585175, -0.022320356220006943, -0.016295261681079865, 0.08965293318033218, -0.052513934671878815, 0.0923122838139534, 0.036754462867975235, 0.056854553520679474, -0.18408530950546265, -0.03106030263006687, -0.042901311069726944, -0.025099920108914375, -0.012228279374539852, 0.15262484550476074, 0.1287446767091751, -0.06424741446971893, 0.15462055802345276, 0.07134243845939636, -0.0638173297047615, -0.1624610871076584, -0.19333182275295258, -0.07315848022699356, -0.21548068523406982, -0.022220328450202942, -0.02668774127960205, -0.06111336871981621, 0.0754518136382103, 0.05097147077322006, -0.029336312785744667, -0.039462536573410034, -0.1852603703737259, -0.06880640983581543, 0.015104074031114578, -0.008128805086016655, -0.048626914620399475, -0.0372934453189373, -0.08616583794355392, -0.047373540699481964, 0.0746338963508606, 0.01806764490902424, 0.023428039625287056, -0.0309431254863739, 0.07146796584129333, -0.09925422817468643, -0.043290816247463226, 0.0004188044695183635, -0.03935612365603447, -0.0717020109295845, 0.07972113788127899, 0.010887561365962029, -0.08762247860431671, 0.037743207067251205, 0.1848779022693634, -0.012812823057174683, -0.030415380373597145, -0.18064965307712555, -0.016852477565407753, 0.0942210778594017, 0.08678879588842392, 0.03606259450316429, -0.04950680583715439, -0.05506473779678345, 0.2201468050479889, 0.24591737985610962, -0.033315207809209824, -0.014242266304790974, 0.026415323838591576, 0.02545071765780449, 0.010175005532801151, 0.05508486554026604, 0.12188024073839188, 0.2273186594247818, -0.03784532845020294, -0.021084198728203773, -0.09046822786331177, -0.057173844426870346, -0.20348185300827026, -0.05274413153529167, 0.11111512035131454, -0.07758501172065735, -0.02982659824192524, 0.04985152557492256, -0.17573291063308716, -0.027712570503354073, 0.02227414771914482, -0.06728167086839676, -0.07256454974412918, -0.03280895948410034, -0.025858428329229355, 0.05857733264565468, 0.06182783469557762, 0.04150595888495445, -0.029712015762925148, 0.1356116533279419, 0.06559208035469055, -0.10140883177518845, -0.017136195674538612, 0.12971141934394836, 0.059441789984703064, 0.08988417685031891, 0.02231922186911106, 0.0005911528132855892, 0.05221125856041908, 0.14984677731990814, 0.056613221764564514, -0.009657001122832298, -0.05451535806059837, -0.022120729088783264, -0.005726160481572151, -0.054127395153045654, -0.003820628859102726, -0.03551098704338074, 0.04799017682671547, -0.051721226423978806, -0.037145327776670456, -0.0856446772813797, -0.04743000492453575, -0.05438685044646263, 0.13526304066181183, -0.17262762784957886, 0.04231838509440422, 0.1258886307477951, -0.03272808715701103, 0.019153272733092308, -0.07864072173833847, 0.02514444664120674, 0.010172992944717407, -0.12394051998853683, -0.03508644923567772, -0.12670359015464783, -0.027252906933426857, -0.011346709914505482, -0.018407871946692467, -0.0255386084318161, -0.07673341035842896, 0.015239587053656578, 0.02169848047196865, -0.14457003772258759, -0.0014993639197200537, 0.046228427439928055, 0.012716172263026237, -0.046548571437597275, -0.12097520381212234, 0.03659510612487793, 0.041910868138074875, -0.03633248060941696, -0.08043240755796432 ]
null
null
transformers
# chinese-roberta-base-upos ## Model Description This is a BERT model pre-trained on Chinese Wikipedia texts (both simplified and traditional) for POS-tagging and dependency-parsing, derived from [chinese-roberta-wwm-ext](https://huggingface.co/hfl/chinese-roberta-wwm-ext). Every word is tagged by [UPOS](https://universaldependencies.org/u/pos/) (Universal Part-Of-Speech). ## How to Use ```py from transformers import AutoTokenizer,AutoModelForTokenClassification tokenizer=AutoTokenizer.from_pretrained("KoichiYasuoka/chinese-roberta-base-upos") model=AutoModelForTokenClassification.from_pretrained("KoichiYasuoka/chinese-roberta-base-upos") ``` or ```py import esupar nlp=esupar.load("KoichiYasuoka/chinese-roberta-base-upos") ``` ## See Also [esupar](https://github.com/KoichiYasuoka/esupar): Tokenizer POS-tagger and Dependency-parser with BERT/RoBERTa/DeBERTa models
{"language": ["zh"], "license": "apache-2.0", "tags": ["chinese", "token-classification", "pos", "wikipedia", "dependency-parsing"], "datasets": ["universal_dependencies"], "pipeline_tag": "token-classification"}
token-classification
KoichiYasuoka/chinese-roberta-base-upos
[ "transformers", "pytorch", "bert", "token-classification", "chinese", "pos", "wikipedia", "dependency-parsing", "zh", "dataset:universal_dependencies", "license:apache-2.0", "autotrain_compatible", "endpoints_compatible", "region:us" ]
2022-03-02T23:29:04+00:00
[]
[ "zh" ]
TAGS #transformers #pytorch #bert #token-classification #chinese #pos #wikipedia #dependency-parsing #zh #dataset-universal_dependencies #license-apache-2.0 #autotrain_compatible #endpoints_compatible #region-us
# chinese-roberta-base-upos ## Model Description This is a BERT model pre-trained on Chinese Wikipedia texts (both simplified and traditional) for POS-tagging and dependency-parsing, derived from chinese-roberta-wwm-ext. Every word is tagged by UPOS (Universal Part-Of-Speech). ## How to Use or ## See Also esupar: Tokenizer POS-tagger and Dependency-parser with BERT/RoBERTa/DeBERTa models
[ "# chinese-roberta-base-upos", "## Model Description\n\nThis is a BERT model pre-trained on Chinese Wikipedia texts (both simplified and traditional) for POS-tagging and dependency-parsing, derived from chinese-roberta-wwm-ext. Every word is tagged by UPOS (Universal Part-Of-Speech).", "## How to Use\n\n\n\nor", "## See Also\n\nesupar: Tokenizer POS-tagger and Dependency-parser with BERT/RoBERTa/DeBERTa models" ]
[ "TAGS\n#transformers #pytorch #bert #token-classification #chinese #pos #wikipedia #dependency-parsing #zh #dataset-universal_dependencies #license-apache-2.0 #autotrain_compatible #endpoints_compatible #region-us \n", "# chinese-roberta-base-upos", "## Model Description\n\nThis is a BERT model pre-trained on Chinese Wikipedia texts (both simplified and traditional) for POS-tagging and dependency-parsing, derived from chinese-roberta-wwm-ext. Every word is tagged by UPOS (Universal Part-Of-Speech).", "## How to Use\n\n\n\nor", "## See Also\n\nesupar: Tokenizer POS-tagger and Dependency-parser with BERT/RoBERTa/DeBERTa models" ]
[ 71, 11, 72, 5, 33 ]
[ "passage: TAGS\n#transformers #pytorch #bert #token-classification #chinese #pos #wikipedia #dependency-parsing #zh #dataset-universal_dependencies #license-apache-2.0 #autotrain_compatible #endpoints_compatible #region-us \n# chinese-roberta-base-upos## Model Description\n\nThis is a BERT model pre-trained on Chinese Wikipedia texts (both simplified and traditional) for POS-tagging and dependency-parsing, derived from chinese-roberta-wwm-ext. Every word is tagged by UPOS (Universal Part-Of-Speech).## How to Use\n\n\n\nor## See Also\n\nesupar: Tokenizer POS-tagger and Dependency-parser with BERT/RoBERTa/DeBERTa models" ]
[ -0.050227344036102295, 0.06644333153963089, -0.004458548501133919, 0.015885284170508385, 0.13900704681873322, -0.054237328469753265, 0.10048622637987137, 0.09311739355325699, 0.07746925204992294, -0.017690518870949745, 0.044952940195798874, 0.13828757405281067, 0.07558850944042206, 0.12465649843215942, -0.010990729555487633, -0.30376189947128296, 0.08622018992900848, 0.07918564230203629, -0.0907990038394928, 0.08997133374214172, 0.08713418990373611, -0.013013637624680996, 0.11942549794912338, 0.06754067540168762, -0.053024765104055405, -0.027708791196346283, -0.059540361166000366, -0.1730412095785141, 0.037650395184755325, 0.025980882346630096, 0.07203385978937149, -0.0005642965552397072, 0.024939769878983498, -0.09632635116577148, 0.02138667367398739, 0.0160581823438406, -0.0776740238070488, 0.013377517461776733, 0.04533883556723595, -0.012752082198858261, 0.020536499097943306, -0.014048345386981964, 0.018884330987930298, 0.0513257198035717, -0.024183424189686775, -0.15314562618732452, -0.00047536674537695944, 0.08258002251386642, 0.07656577974557877, 0.03875996544957161, -0.022407107055187225, 0.1344880759716034, -0.015455631539225578, 0.0342072956264019, 0.09382829070091248, -0.25977474451065063, 0.000275155296549201, 0.09279566258192062, 0.02664951980113983, -0.039769917726516724, -0.018206603825092316, -0.05873994529247284, 0.008524040691554546, -0.01702548749744892, -0.03117423877120018, -0.10576093196868896, 0.21937298774719238, 0.023748571053147316, -0.13322393596172333, 0.1321963518857956, 0.19241254031658173, 0.0854468122124672, -0.08622925728559494, -0.0990484431385994, -0.06821199506521225, 0.046551868319511414, -0.04786998778581619, -0.12014442682266235, 0.056971512734889984, 0.0846504420042038, 0.1622469276189804, -0.022128688171505928, -0.03762000799179077, 0.018933027982711792, -0.1368468552827835, 0.18860960006713867, 0.05203467980027199, 0.01187240332365036, -0.09274235367774963, -0.03113820031285286, -0.06708677858114243, -0.06581506878137589, -0.02717127837240696, -0.12346988171339035, -0.03158047795295715, 0.0031667917501181364, 0.02902466617524624, 0.028111986815929413, 0.07407873868942261, 0.11361560225486755, 0.017640596255660057, 0.03360633924603462, 0.02905731275677681, 0.03238235041499138, 0.12757065892219543, 0.13739986717700958, -0.1132618635892868, -0.03201499953866005, 0.05469265207648277, -0.028907982632517815, -0.05207787826657295, -0.06743993610143661, -0.10783831775188446, 0.0439889095723629, 0.003663955722004175, -0.09209173917770386, 0.052471864968538284, 0.06263025850057602, -0.07624223083257675, -0.13229936361312866, 0.03438941389322281, -0.11238539218902588, 0.047096993774175644, -0.025805793702602386, -0.04534130543470383, 0.2823387682437897, 0.00007835386350052431, 0.024567799642682076, -0.09601958841085434, 0.0382942371070385, -0.07856351882219315, 0.012451071292161942, -0.07646233588457108, 0.02379765547811985, 0.022370595484972, -0.04468562826514244, 0.052966535091400146, -0.12006060034036636, -0.12580391764640808, -0.048727937042713165, 0.04007545858621597, -0.02502444013953209, -0.06455626338720322, -0.042365893721580505, -0.033676594495773315, -0.06841292232275009, -0.008072569966316223, -0.17078250646591187, -0.030382279306650162, 0.015133528038859367, -0.047024063766002655, 0.028525525704026222, -0.14630566537380219, 0.07390009611845016, -0.11117834597826004, -0.01371827069669962, -0.18847203254699707, 0.10479575395584106, -0.014376016333699226, 0.1267102062702179, -0.042348992079496384, 0.031881969422101974, 0.02340131811797619, 0.08318676054477692, -0.07316801697015762, 0.135158509016037, -0.12266724556684494, -0.12526454031467438, 0.285093754529953, -0.11770325899124146, -0.0745120570063591, 0.11193312704563141, -0.006347515620291233, 0.094485804438591, 0.06689167767763138, 0.13619397580623627, -0.024746255949139595, 0.03231831267476082, -0.004901451990008354, 0.03340156748890877, -0.08014126121997833, -0.0162946954369545, 0.13351207971572876, -0.004318007733672857, -0.05344889685511589, 0.05880112200975418, -0.05662884935736656, -0.07292627543210983, -0.013838674873113632, -0.08746993541717529, 0.0023578600957989693, 0.009745227172970772, -0.026410363614559174, -0.04603792354464531, 0.05759340897202492, -0.030893035233020782, -0.08468682318925858, 0.16720974445343018, 0.05392611771821976, -0.02651994302868843, 0.029113860800862312, -0.16607467830181122, 0.08579930663108826, 0.14473339915275574, 0.09963878989219666, -0.11893770098686218, 0.10149046778678894, 0.003479745239019394, 0.08382463455200195, 0.07131252437829971, -0.07781553268432617, 0.020864663645625114, -0.020673641934990883, 0.019693950191140175, -0.008065086789429188, 0.05313443765044212, -0.010731535032391548, 0.01031852699816227, -0.174765482544899, 0.015936363488435745, -0.02497125044465065, 0.08069273084402084, -0.09666196256875992, 0.05697424337267876, -0.05436152592301369, 0.0649304911494255, -0.01868525519967079, 0.04010319709777832, -0.04807773977518082, 0.05885728448629379, -0.036484185606241226, 0.05119151994585991, 0.04845178872346878, 0.051493994891643524, -0.10495658963918686, 0.066682368516922, 0.000836031511425972, 0.1392011046409607, 0.21859411895275116, -0.18405026197433472, -0.01784486323595047, -0.036755748093128204, -0.007592681795358658, 0.0047983815893530846, -0.02051638625562191, -0.003178814658895135, 0.07936933636665344, -0.03683004900813103, 0.07745470106601715, -0.07369894534349442, 0.09265394508838654, -0.0037216965574771166, -0.12338387966156006, -0.044581349939107895, 0.11268835514783859, 0.05334620922803879, -0.04673880711197853, 0.17319341003894806, 0.1616416871547699, 0.02343057282269001, 0.1400180160999298, -0.04309546947479248, -0.03529977425932884, -0.037665482610464096, 0.0668623074889183, -0.03360597416758537, -0.019791143015027046, -0.28907620906829834, -0.02159653790295124, 0.053998157382011414, 0.014748127199709415, -0.010842748917639256, -0.07109542936086655, -0.0330292284488678, 0.04300510510802269, 0.032361194491386414, -0.053091730922460556, -0.05318095162510872, -0.035461824387311935, 0.06894711405038834, 0.016697198152542114, -0.09631364792585373, 0.048520904034376144, 0.02882281504571438, -0.09019637107849121, 0.12257064878940582, -0.1275521069765091, -0.1873723566532135, -0.11801315099000931, -0.17551246285438538, -0.10076157748699188, 0.05157948657870293, 0.04757526516914368, -0.12399934977293015, -0.027921658009290695, 0.010401404462754726, 0.06737524271011353, -0.02259817160665989, 0.05725448951125145, 0.05106101557612419, 0.08130286633968353, -0.09572061896324158, -0.010383387096226215, -0.07521700859069824, -0.07278423756361008, -0.14640755951404572, 0.12723757326602936, -0.05843598023056984, -0.017276694998145103, 0.13656555116176605, -0.007700683083385229, -0.026016194373369217, -0.01666034758090973, 0.03978853300213814, -0.05384748429059982, -0.007463074754923582, 0.21767811477184296, -0.035857681185007095, 0.029001858085393906, 0.03925052657723427, 0.02898450382053852, -0.013662322424352169, -0.021636998280882835, -0.006126681808382273, -0.059599991887807846, -0.2365766018629074, -0.06223883852362633, -0.059918131679296494, 0.1484118103981018, -0.015478941611945629, 0.02524586021900177, 0.10852494835853577, 0.07525143772363663, 0.016184812411665916, 0.06351353228092194, -0.03777141869068146, 0.058039117604494095, 0.036634065210819244, -0.025135831907391548, 0.159694105386734, -0.021318232640624046, -0.039279405027627945, 0.11464909464120865, 0.018191369250416756, 0.16003288328647614, 0.1356702595949173, 0.03159766271710396, 0.08835504204034805, 0.13549499213695526, 0.07816991209983826, 0.02930305525660515, 0.010319587774574757, -0.004790398757904768, -0.0666089728474617, -0.0576615072786808, -0.07051903754472733, 0.13037262856960297, -0.03172187879681587, -0.06747689843177795, -0.0059806834906339645, 0.05917917191982269, 0.083488829433918, 0.1826057881116867, 0.02446824498474598, -0.09875587373971939, 0.014632700942456722, 0.025336507707834244, -0.027238236740231514, -0.014156127348542213, 0.07690051198005676, -0.07622723281383514, -0.1515694558620453, 0.1156001165509224, 0.08239320665597916, 0.13217444717884064, -0.03805045038461685, 0.03672528266906738, -0.06176682561635971, 0.0011531788622960448, 0.050594229251146317, 0.0009609496919438243, -0.2389751374721527, 0.1293063759803772, -0.0015289816074073315, -0.01378605980426073, -0.0661216601729393, 0.05407503619790077, 0.04931623861193657, 0.05513311177492142, 0.1215110644698143, -0.0013162735849618912, -0.06844588369131088, -0.02433258853852749, -0.08982851356267929, 0.00810087751597166, 0.03074614889919758, 0.0023858160711824894, -0.013373633846640587, -0.006576996762305498, 0.03629130870103836, -0.009775232523679733, 0.11378530412912369, 0.002696642419323325, -0.1005212664604187, 0.006736902054399252, -0.05782114341855049, 0.041923992335796356, 0.025013621896505356, -0.037289660423994064, -0.16279171407222748, 0.1796276569366455, 0.00032170393387787044, -0.05735878646373749, -0.09827617555856705, -0.0029307447839528322, -0.0832318514585495, -0.08974812179803848, 0.006007746327668428, -0.026530984789133072, -0.018555136397480965, 0.02198481373488903, -0.1119249016046524, 0.14628393948078156, -0.04013216868042946, 0.02731756493449211, -0.017661387100815773, 0.08221110701560974, 0.07327663898468018, 0.04428014159202576, 0.007560663390904665, -0.09264332801103592, -0.0018946517957374454, -0.09350382536649704, 0.044455260038375854, 0.08794453740119934, 0.09917302429676056, 0.1434546262025833, -0.1932586431503296, -0.13986921310424805, -0.05148959532380104, -0.0746612697839737, 0.08373666554689407, 0.2113574743270874, 0.004806577228009701, 0.06548696756362915, 0.20464688539505005, -0.04500136896967888, -0.2615291178226471, -0.058318842202425, -0.02333698235452175, 0.03917454555630684, -0.024016695097088814, -0.21755513548851013, 0.2143084704875946, 0.15524494647979736, 0.013098331168293953, -0.0235537551343441, -0.005721617490053177, -0.10872192680835724, 0.24846339225769043, -0.023486841470003128, 0.221463143825531, -0.13625170290470123, -0.04008682444691658, 0.009752393700182438, -0.11019904911518097, 0.16604535281658173, -0.09805400669574738, 0.033067915588617325, 0.03329926356673241, -0.036129895597696304, -0.009437266737222672, 0.03238212689757347, 0.11511161178350449, 0.08116548508405685, -0.03891109302639961, -0.04867260530591011, -0.0034583855886012316, 0.09073134511709213, 0.04127293452620506, 0.02999286726117134, 0.09835518151521683, -0.07021019607782364, -0.15251660346984863, -0.07001961022615433, 0.021956779062747955, -0.0157020203769207, 0.018066413700580597, -0.10384689271450043, 0.004503579810261726, 0.0900721624493599, 0.0034007977228611708, 0.01649550534784794, 0.1769603043794632, -0.046767618507146835, -0.033662643283605576, 0.20934776961803436, 0.057061079889535904, -0.27035123109817505, 0.0759027823805809, -0.08236676454544067, -0.04301360249519348, 0.09296652674674988, -0.10638126730918884, 0.03429547697305679, 0.005450650583952665, -0.017822274938225746, 0.08098989725112915, 0.09452683478593826, -0.01074078306555748, -0.003937918227165937, 0.06785894185304642, -0.05856550484895706, -0.17319388687610626, -0.04072076082229614, -0.07017099857330322, -0.017167741432785988, 0.10642901062965393, 0.09164563566446304, -0.002161564538255334, -0.06659500300884247, 0.01026076264679432, 0.03603855520486832, -0.10437047481536865, 0.05690053105354309, -0.02571922354400158, -0.015835054218769073, -0.1486244797706604, 0.03149940073490143, 0.056393127888441086, -0.01288806926459074, 0.03920505568385124, -0.02294320985674858, -0.10806631296873093, -0.04173244163393974, -0.013637997210025787, 0.07093698531389236, -0.07267415523529053, -0.07733134180307388, -0.004736637696623802, -0.14360645413398743, 0.06843144446611404, -0.05344901233911514, 0.1586734801530838, 0.0043442160822451115, 0.06025106459856033, -0.005984586663544178, 0.012229430489242077, -0.0531434565782547, 0.06641591340303421, 0.009444678202271461, -0.09881534427404404, -0.08138703554868698, -0.0280715711414814, 0.14880965650081635, -0.0796164870262146, -0.09240303188562393, -0.22343865036964417, 0.027132002636790276, -0.04120112210512161, -0.04749346151947975, -0.151331827044487, -0.03644876182079315, 0.05837948992848396, -0.07904048264026642, -0.05206099525094032, -0.013844825327396393, -0.05873173475265503, -0.0484534427523613, 0.04017268121242523, 0.07801090180873871, -0.052294015884399414, 0.0003758429375011474, 0.09032772481441498, -0.031582821160554886, 0.05496188998222351, 0.17013782262802124, -0.07805388420820236, 0.043630797415971756, -0.041588034480810165, -0.012581633403897285, 0.07713238894939423, 0.06521079689264297, 0.07489270716905594, -0.015938982367515564, 0.05027570202946663, 0.07099510729312897, -0.08790448307991028, 0.02630864456295967, 0.15413084626197815, -0.07745875418186188, 0.03380611538887024, -0.144508957862854, -0.130867138504982, -0.04424078017473221, 0.021045999601483345, 0.13718093931674957, 0.07193589210510254, 0.17161448299884796, 0.01742599532008171, 0.02906445413827896, -0.10361433774232864, 0.01931300200521946, -0.01207689568400383, -0.033324483782052994, 0.18833892047405243, -0.10175476968288422, -0.011178072541952133, 0.04568001255393028, 0.2357976734638214, 0.006653928197920322, 0.014536794275045395, 0.054015107452869415, 0.015698906034231186, 0.11707921326160431, 0.029346538707613945, 0.15403471887111664, 0.146060049533844, -0.0038912787567824125, 0.011619936674833298, 0.08695781975984573, 0.07231602072715759, -0.036229997873306274, -0.03820570558309555, 0.07347629964351654, -0.05562585964798927, 0.09806103259325027, 0.04201854392886162, 0.06911240518093109, -0.16051359474658966, -0.00986122339963913, -0.052997391670942307, -0.03559066727757454, -0.006004446651786566, 0.11593058705329895, 0.1450534164905548, -0.0452590249478817, 0.14492669701576233, 0.0568217933177948, -0.05957835912704468, -0.18192824721336365, -0.2206130474805832, -0.08806642889976501, -0.24770066142082214, -0.027477674186229706, -0.01630849391222, -0.07260816544294357, 0.08303125947713852, 0.046989813446998596, -0.022072207182645798, -0.06870944052934647, -0.188544362783432, -0.05811836197972298, 0.0038328177761286497, -0.015409143641591072, -0.054441407322883606, -0.06351719051599503, -0.10122063755989075, -0.05178672447800636, 0.09048966318368912, 0.026971256360411644, 0.012419379316270351, -0.02394937537610531, 0.07718154788017273, -0.10698339343070984, -0.037977006286382675, -0.0015853744698688388, -0.056620318442583084, -0.09014707803726196, 0.07204191386699677, 0.013069369830191135, -0.09874363988637924, 0.05465610697865486, 0.20353028178215027, -0.009268445894122124, -0.037581488490104675, -0.21069958806037903, -0.052791595458984375, 0.08243414014577866, 0.09042350947856903, 0.010281271301209927, -0.056074224412441254, -0.07026845961809158, 0.20014452934265137, 0.2690660357475281, -0.03131400793790817, -0.019641365855932236, 0.034345079213380814, 0.017229199409484863, 0.0028316399548202753, 0.0599338598549366, 0.11611226946115494, 0.21756146848201752, -0.02432430535554886, -0.025876564905047417, -0.08149510622024536, -0.05371031537652016, -0.20483934879302979, -0.07372254878282547, 0.12495582550764084, -0.06867974996566772, -0.02327187918126583, 0.05755641683936119, -0.1759839504957199, -0.024015959352254868, 0.01917196437716484, -0.05180450901389122, -0.07835491001605988, -0.040032051503658295, -0.034587252885103226, 0.05237146094441414, 0.06105251982808113, 0.038210395723581314, -0.031387511640787125, 0.11033885180950165, 0.06425032019615173, -0.09332292526960373, -0.03266135975718498, 0.11997032165527344, 0.056331779807806015, 0.10065750777721405, 0.013775072991847992, -0.009241076186299324, 0.05220504105091095, 0.1441369652748108, 0.05198006331920624, -0.008351359516382217, -0.06391661614179611, -0.020267611369490623, 0.015022545121610165, -0.06945119053125381, -0.02264837920665741, -0.02973349206149578, 0.06729075312614441, -0.04131218418478966, -0.05315994843840599, -0.12543465197086334, -0.0323861688375473, -0.04995303973555565, 0.14399941265583038, -0.18651042878627777, 0.03237394243478775, 0.11880768835544586, -0.03453727811574936, 0.030761100351810455, -0.06535112857818604, 0.04100893810391426, 0.020631738007068634, -0.12515918910503387, -0.026808086782693863, -0.1321336030960083, -0.04455210268497467, -0.022211989387869835, -0.011453106999397278, -0.02790297195315361, -0.08047913014888763, 0.0074139428324997425, 0.017615102231502533, -0.1440301090478897, -0.011837075464427471, 0.05507329851388931, 0.00680469861254096, -0.06365525722503662, -0.1054816022515297, 0.03249610587954521, 0.04371042549610138, -0.025881532579660416, -0.08639124035835266 ]
null
null
transformers
# chinese-roberta-large-upos ## Model Description This is a BERT model pre-trained on Chinese Wikipedia texts (both simplified and traditional) for POS-tagging and dependency-parsing, derived from [chinese-roberta-wwm-ext-large](https://huggingface.co/hfl/chinese-roberta-wwm-ext-large). Every word is tagged by [UPOS](https://universaldependencies.org/u/pos/) (Universal Part-Of-Speech). ## How to Use ```py from transformers import AutoTokenizer,AutoModelForTokenClassification tokenizer=AutoTokenizer.from_pretrained("KoichiYasuoka/chinese-roberta-large-upos") model=AutoModelForTokenClassification.from_pretrained("KoichiYasuoka/chinese-roberta-large-upos") ``` or ```py import esupar nlp=esupar.load("KoichiYasuoka/chinese-roberta-large-upos") ``` ## See Also [esupar](https://github.com/KoichiYasuoka/esupar): Tokenizer POS-tagger and Dependency-parser with BERT/RoBERTa/DeBERTa models
{"language": ["zh"], "license": "apache-2.0", "tags": ["chinese", "token-classification", "pos", "wikipedia", "dependency-parsing"], "datasets": ["universal_dependencies"], "pipeline_tag": "token-classification"}
token-classification
KoichiYasuoka/chinese-roberta-large-upos
[ "transformers", "pytorch", "bert", "token-classification", "chinese", "pos", "wikipedia", "dependency-parsing", "zh", "dataset:universal_dependencies", "license:apache-2.0", "autotrain_compatible", "endpoints_compatible", "region:us" ]
2022-03-02T23:29:04+00:00
[]
[ "zh" ]
TAGS #transformers #pytorch #bert #token-classification #chinese #pos #wikipedia #dependency-parsing #zh #dataset-universal_dependencies #license-apache-2.0 #autotrain_compatible #endpoints_compatible #region-us
# chinese-roberta-large-upos ## Model Description This is a BERT model pre-trained on Chinese Wikipedia texts (both simplified and traditional) for POS-tagging and dependency-parsing, derived from chinese-roberta-wwm-ext-large. Every word is tagged by UPOS (Universal Part-Of-Speech). ## How to Use or ## See Also esupar: Tokenizer POS-tagger and Dependency-parser with BERT/RoBERTa/DeBERTa models
[ "# chinese-roberta-large-upos", "## Model Description\n\nThis is a BERT model pre-trained on Chinese Wikipedia texts (both simplified and traditional) for POS-tagging and dependency-parsing, derived from chinese-roberta-wwm-ext-large. Every word is tagged by UPOS (Universal Part-Of-Speech).", "## How to Use\n\n\n\nor", "## See Also\n\nesupar: Tokenizer POS-tagger and Dependency-parser with BERT/RoBERTa/DeBERTa models" ]
[ "TAGS\n#transformers #pytorch #bert #token-classification #chinese #pos #wikipedia #dependency-parsing #zh #dataset-universal_dependencies #license-apache-2.0 #autotrain_compatible #endpoints_compatible #region-us \n", "# chinese-roberta-large-upos", "## Model Description\n\nThis is a BERT model pre-trained on Chinese Wikipedia texts (both simplified and traditional) for POS-tagging and dependency-parsing, derived from chinese-roberta-wwm-ext-large. Every word is tagged by UPOS (Universal Part-Of-Speech).", "## How to Use\n\n\n\nor", "## See Also\n\nesupar: Tokenizer POS-tagger and Dependency-parser with BERT/RoBERTa/DeBERTa models" ]
[ 71, 12, 75, 5, 33 ]
[ "passage: TAGS\n#transformers #pytorch #bert #token-classification #chinese #pos #wikipedia #dependency-parsing #zh #dataset-universal_dependencies #license-apache-2.0 #autotrain_compatible #endpoints_compatible #region-us \n# chinese-roberta-large-upos## Model Description\n\nThis is a BERT model pre-trained on Chinese Wikipedia texts (both simplified and traditional) for POS-tagging and dependency-parsing, derived from chinese-roberta-wwm-ext-large. Every word is tagged by UPOS (Universal Part-Of-Speech).## How to Use\n\n\n\nor## See Also\n\nesupar: Tokenizer POS-tagger and Dependency-parser with BERT/RoBERTa/DeBERTa models" ]
[ -0.03650728985667229, 0.03784501552581787, -0.004593904595822096, 0.032211530953645706, 0.12532438337802887, -0.04972996562719345, 0.07235632091760635, 0.08484821021556854, 0.06508099287748337, -0.0009963999036699533, 0.04488581791520119, 0.11019118875265121, 0.04503178223967552, 0.09441457688808441, 0.014159181155264378, -0.32895201444625854, 0.08996165543794632, 0.09653349220752716, -0.06754734367132187, 0.0986076071858406, 0.10865473747253418, -0.059057362377643585, 0.11827432364225388, 0.09120197594165802, -0.09086329489946365, -0.026658304035663605, -0.04906540364027023, -0.15540342032909393, 0.07645818591117859, 0.01708252727985382, 0.09874974936246872, 0.011206073686480522, 0.005320684053003788, -0.09504411369562149, 0.013456829823553562, -0.0031940401531755924, -0.052114490419626236, 0.027373168617486954, 0.0520193912088871, -0.02294090762734413, 0.003203897038474679, -0.043556589633226395, 0.034297727048397064, 0.05383780971169472, -0.023846544325351715, -0.19043539464473724, -0.01425315160304308, 0.10961420834064484, 0.0641818419098854, 0.018717624247074127, -0.024844512343406677, 0.11100683361291885, -0.05557071417570114, 0.030453819781541824, 0.14793246984481812, -0.31630316376686096, 0.016501283273100853, 0.08081676065921783, 0.034138306975364685, -0.048483457416296005, -0.03996904939413071, -0.024306250736117363, 0.016432922333478928, -0.005024156998842955, 0.04453642666339874, -0.10004818439483643, 0.17377586662769318, 0.01036776602268219, -0.13724106550216675, 0.1290518045425415, 0.18556717038154602, 0.046950552612543106, -0.06544415652751923, -0.1036117896437645, -0.0573544017970562, 0.07962918281555176, -0.06107567623257637, -0.11827951669692993, 0.05517572909593582, 0.045628871768713, 0.1295674443244934, -0.01768416352570057, -0.04637747257947922, 0.01775648631155491, -0.15301451086997986, 0.1681208312511444, 0.05446666106581688, 0.019293194636702538, -0.09751765429973602, -0.02250754088163376, -0.10108456015586853, -0.07816904038190842, -0.02338051050901413, -0.12541599571704865, -0.017529988661408424, 0.005106742028146982, -0.009075289592146873, 0.02189200185239315, 0.06269481033086777, 0.10897272825241089, -0.020520122721791267, 0.026324797421693802, 0.024175412952899933, 0.03796128183603287, 0.1059403270483017, 0.15098993480205536, -0.12942853569984436, -0.07261916995048523, 0.04875994846224785, -0.03720893710851669, -0.047644488513469696, -0.0386507585644722, -0.12219172716140747, 0.004520055837929249, 0.037660520523786545, -0.07555697858333588, 0.019809015095233917, 0.0849887877702713, -0.06399702280759811, -0.11614248156547546, 0.049988891929388046, -0.09268389642238617, 0.03210480883717537, -0.02276974730193615, -0.04920754209160805, 0.2783335745334625, 0.0043173679150640965, 0.010282643139362335, -0.08041299879550934, 0.0716131180524826, -0.09921040385961533, 0.01085552480071783, -0.06842678785324097, -0.02576255612075329, 0.024605218321084976, -0.0708574429154396, 0.037262022495269775, -0.12512017786502838, -0.12135553359985352, -0.007052191998809576, 0.022980736568570137, -0.008915849961340427, -0.04410070925951004, -0.021417824551463127, -0.02573317103087902, -0.06284309923648834, -0.022901346907019615, -0.14358428120613098, -0.02674633264541626, 0.01917366497218609, -0.05400427430868149, 0.04511719569563866, -0.14560168981552124, 0.08113594353199005, -0.1266864389181137, 0.014111798256635666, -0.18875886499881744, 0.10818791389465332, -0.019638804718852043, 0.1051270142197609, -0.06259455531835556, -0.023309672251343727, 0.02584409900009632, 0.07398374378681183, -0.04877324774861336, 0.13011522591114044, -0.1334161013364792, -0.13254109025001526, 0.27481600642204285, -0.12307240068912506, -0.09804483503103256, 0.1283591389656067, -0.02330407314002514, 0.09139643609523773, 0.09870532900094986, 0.15940389037132263, -0.006116374861449003, 0.02083640918135643, -0.025521911680698395, 0.05395160987973213, -0.08459864556789398, -0.003741741180419922, 0.11916004866361618, 0.00481561291962862, -0.03000764735043049, 0.05664358288049698, -0.060895249247550964, -0.044674284756183624, -0.026719000190496445, -0.07160445302724838, -0.0029973259661346674, -0.012841945514082909, 0.04510408267378807, -0.05702581629157066, 0.07709667831659317, -0.025433801114559174, -0.07524266093969345, 0.23666898906230927, 0.04537205025553703, -0.0285023283213377, 0.04628504067659378, -0.1455514281988144, 0.1058090403676033, 0.13233597576618195, 0.08126840740442276, -0.13762998580932617, 0.053689491003751755, 0.02416369505226612, 0.051411423832178116, 0.05477370694279671, -0.04217720031738281, 0.015621495433151722, -0.020418744534254074, -0.005264811683446169, 0.018224695697426796, 0.06313060969114304, -0.0047538126818835735, -0.0024589623790234327, -0.135761097073555, -0.004020058084279299, -0.020271634683012962, 0.09021664410829544, -0.08096921443939209, 0.043199289590120316, -0.012832445092499256, 0.06285721808671951, -0.026472486555576324, 0.06451144814491272, -0.03764904662966728, 0.0658232793211937, -0.04038263484835625, 0.07100364565849304, 0.06035950034856796, 0.020097114145755768, -0.1496797353029251, 0.10523607581853867, 0.006461572367697954, 0.1352449655532837, 0.20090514421463013, -0.17598427832126617, -0.015025467611849308, -0.07150329649448395, -0.01073877140879631, -0.010730802081525326, -0.00034202230744995177, -0.05072567239403725, 0.11092401295900345, -0.010833491571247578, 0.09704139828681946, -0.0882311761379242, 0.06617815792560577, -0.009705258533358574, -0.09598232805728912, -0.03784599527716637, 0.09215755015611649, 0.023347023874521255, -0.07019343972206116, 0.1567494124174118, 0.18477347493171692, -0.008040851913392544, 0.1315488964319229, -0.029662583023309708, -0.03704493120312691, -0.013599986210465431, 0.01513271126896143, -0.038133613765239716, -0.025445468723773956, -0.26322266459465027, -0.04897766932845116, 0.08398481458425522, 0.016852958127856255, -0.011983579024672508, -0.0696985200047493, -0.022436752915382385, 0.03132180869579315, 0.024980707094073296, -0.04459559917449951, -0.011110484600067139, -0.007652636151760817, 0.07375518232584, 0.020501554012298584, -0.09046603739261627, 0.049049198627471924, 0.03728857263922691, -0.08707746863365173, 0.14050137996673584, -0.12128230184316635, -0.2472301423549652, -0.09869365394115448, -0.19640496373176575, -0.08107934147119522, 0.02047652192413807, 0.04802633076906204, -0.10358156263828278, -0.03979794308543205, 0.013488651253283024, 0.06685393303632736, -0.04285743460059166, 0.03350285440683365, 0.014255212619900703, 0.040588248521089554, -0.0894828662276268, -0.03618888556957245, -0.06591366231441498, -0.07795698195695877, -0.11136707663536072, 0.10829288512468338, -0.07688524574041367, 0.012058045715093613, 0.1439705789089203, -0.01987757533788681, -0.013563718646764755, -0.03780161589384079, 0.07962531596422195, -0.05091961845755577, 0.010086855851113796, 0.22361424565315247, -0.03311808407306671, 0.051071710884571075, 0.057996321469545364, 0.02668362483382225, -0.018717659637331963, -0.02521599270403385, 0.0025466789957135916, -0.06207583099603653, -0.20815499126911163, -0.08866359293460846, -0.05548721179366112, 0.12588109076023102, -0.008340922184288502, 0.006854324135929346, 0.10357903689146042, 0.06830008327960968, 0.021495865657925606, 0.05249932408332825, -0.03609918802976608, 0.07197035104036331, 0.13107818365097046, -0.022994456812739372, 0.17642857134342194, -0.004055511672049761, -0.0447210967540741, 0.09184325486421585, 0.0006337999948300421, 0.17375744879245758, 0.09490760415792465, 0.09168202430009842, 0.0962979719042778, 0.13142509758472443, 0.10186769813299179, 0.05011691898107529, -0.038983289152383804, -0.0032788764219731092, -0.0642702728509903, -0.06546638906002045, -0.04367566853761673, 0.10930857062339783, -0.015600661747157574, -0.06046191230416298, -0.0010155374184250832, 0.042314235121011734, 0.09986762702465057, 0.1708858609199524, 0.027232909575104713, -0.13188821077346802, -0.013725421391427517, 0.022587472572922707, -0.02903011254966259, -0.01255353819578886, 0.06514263898134232, -0.06842182576656342, -0.16625607013702393, 0.13368377089500427, 0.05862579494714737, 0.1245267242193222, -0.016337892040610313, 0.06628976762294769, -0.07774661481380463, 0.018834782764315605, 0.053455062210559845, 0.014132561162114143, -0.2659640610218048, 0.13499575853347778, 0.006386174820363522, -0.047596532851457596, -0.06558645516633987, 0.019813215360045433, 0.04946032166481018, 0.09737760573625565, 0.11785417795181274, -0.0007372506079263985, 0.035652752965688705, -0.005190523341298103, -0.07760519534349442, 0.008432267233729362, 0.03503137826919556, 0.004980981815606356, -0.012668694369494915, -0.014432583935558796, 0.022039899602532387, -0.005244149826467037, 0.1076958104968071, 0.0014769311528652906, -0.09611468762159348, 0.01798810251057148, -0.05957193672657013, 0.03052426315844059, 0.022425999864935875, -0.06405654549598694, -0.15081803500652313, 0.174537792801857, 0.006040316540747881, -0.08799490332603455, -0.08739004284143448, 0.01733662374317646, -0.02173074521124363, -0.09967567026615143, 0.03797324746847153, -0.047219667583703995, 0.0045600030571222305, 0.004809667356312275, -0.10610257089138031, 0.11739852279424667, -0.03785846009850502, 0.01935223676264286, -0.009234330616891384, 0.08931254595518112, 0.04937485605478287, 0.05348470062017441, 0.029638610780239105, -0.06606629490852356, -0.0015830082120373845, -0.10151324421167374, -0.014993392862379551, 0.07032249122858047, 0.07302144914865494, 0.1035241186618805, -0.2054259032011032, -0.12072130292654037, -0.06508709490299225, -0.04824258014559746, 0.1357494741678238, 0.16264250874519348, -0.034211792051792145, 0.0890885591506958, 0.23565895855426788, -0.01880139671266079, -0.2765277922153473, -0.05491073429584503, -0.011893206275999546, 0.026316022500395775, -0.030138930305838585, -0.20789361000061035, 0.24216319620609283, 0.15237651765346527, 0.009566041640937328, -0.0039689745754003525, -0.06457602977752686, -0.11996288597583771, 0.19415144622325897, -0.020932910963892937, 0.19556327164173126, -0.1224956288933754, -0.048928938806056976, 0.00006347145972540602, -0.1387275606393814, 0.1631847769021988, -0.07986248284578323, 0.05619816109538078, 0.009753018617630005, -0.0031719710677862167, -0.004877002444118261, 0.01798253133893013, 0.10357974469661713, 0.09542743116617203, -0.028352104127407074, -0.03727712854743004, -0.041588276624679565, 0.11737610399723053, 0.027643796056509018, 0.08095317333936691, 0.04660819098353386, -0.050632670521736145, -0.09927287697792053, -0.06810509413480759, -0.03375117480754852, 0.010315756313502789, -0.006464753299951553, -0.11354384571313858, -0.034521449357271194, 0.09801813215017319, 0.01499240007251501, 0.01801920123398304, 0.14527124166488647, -0.03933890163898468, -0.05749344453215599, 0.16263435781002045, 0.08807405084371567, -0.26737532019615173, 0.013227637857198715, -0.07930769771337509, -0.050607431679964066, 0.10161338746547699, -0.12376505881547928, 0.03933694586157799, 0.042188290506601334, 0.007747480645775795, 0.0773487538099289, 0.08722446858882904, -0.028575729578733444, -0.0030736499466001987, 0.0632885992527008, -0.07460996508598328, -0.19746989011764526, -0.027645045891404152, -0.06047501415014267, -0.014641846530139446, 0.09345398843288422, 0.09332247823476791, -0.02034054882824421, -0.07818913459777832, 0.009954209439456463, 0.0053773908875882626, -0.09720426797866821, 0.0576358288526535, -0.012096774764358997, 0.00886131078004837, -0.14280939102172852, 0.015483414754271507, 0.057663485407829285, -0.0014087912859395146, 0.025954000651836395, 0.017490871250629425, -0.13298237323760986, -0.041813693940639496, -0.06209520995616913, 0.08327873796224594, -0.10820392519235611, -0.06711021065711975, 0.004986475687474012, -0.15285208821296692, 0.04929918423295021, 0.045748621225357056, 0.1569233238697052, 0.022909503430128098, 0.02814570814371109, -0.017365437000989914, 0.01311526633799076, -0.026456786319613457, 0.054378099739551544, 0.012739837169647217, -0.08302581310272217, -0.012469911947846413, -0.0013038144679740071, 0.16476906836032867, -0.08485355228185654, -0.06714580953121185, -0.18932035565376282, 0.01567317545413971, -0.11797647178173065, -0.04064392298460007, -0.1328040510416031, -0.038781240582466125, 0.020598070695996284, -0.07029683142900467, -0.035325661301612854, -0.0016318266279995441, -0.058713462203741074, -0.03702777624130249, 0.034843653440475464, 0.08234287798404694, -0.08477092534303665, -0.008326612412929535, 0.09773984551429749, -0.025481490418314934, 0.0807839184999466, 0.11859942972660065, -0.06762811541557312, 0.061935730278491974, -0.04172215983271599, -0.03144054859876633, 0.07961315661668777, 0.06375332921743393, 0.09001070261001587, -0.017653796821832657, 0.038016609847545624, 0.04836838319897652, -0.05524541810154915, 0.03345194831490517, 0.10225219279527664, -0.07953135669231415, 0.025257738307118416, -0.12507885694503784, -0.12037525326013565, -0.05319388583302498, 0.019527627155184746, 0.11454800516366959, 0.07229221612215042, 0.1579529196023941, 0.017905348911881447, 0.02510303631424904, -0.09416638314723969, 0.021513938903808594, -0.029434790834784508, -0.06877633184194565, 0.14822222292423248, -0.1014990508556366, -0.021780170500278473, 0.026007410138845444, 0.23600900173187256, -0.00022041209740564227, -0.024104561656713486, 0.05552741512656212, 0.05556749552488327, 0.07089599221944809, 0.019062554463744164, 0.17183582484722137, 0.12234960496425629, -0.012424689717590809, 0.003960453439503908, 0.09152258187532425, 0.05305827036499977, 0.034231655299663544, 0.003073151223361492, 0.09835489094257355, -0.0482131689786911, 0.08088046312332153, 0.05951034277677536, 0.06855516135692596, -0.16235443949699402, -0.025840599089860916, -0.035916831344366074, -0.017910238355398178, -0.009664925746619701, 0.1598314344882965, 0.1506943702697754, -0.05961413308978081, 0.1451633870601654, 0.06374110281467438, -0.07647924870252609, -0.15273088216781616, -0.1753154695034027, -0.09424927085638046, -0.1709364652633667, -0.02760828100144863, -0.050205111503601074, -0.08603236824274063, 0.09967450052499771, 0.054523155093193054, -0.03413229435682297, -0.019773978739976883, -0.1566055566072464, -0.06394437700510025, 0.036942336708307266, -0.021132029592990875, -0.047798894345760345, -0.017528768628835678, -0.07325045019388199, -0.05974110960960388, 0.08169875293970108, 0.006076489575207233, 0.01402900367975235, -0.028136521577835083, 0.04396658018231392, -0.0841488465666771, -0.05014723166823387, -0.005548109766095877, -0.03329984471201897, -0.04557953029870987, 0.07879738509654999, 0.015976449474692345, -0.08970904350280762, 0.022241592407226562, 0.16715189814567566, 0.004454584326595068, -0.04885747656226158, -0.1679793745279312, 0.036094460636377335, 0.0743069127202034, 0.07602081447839737, 0.020105062052607536, -0.046137865632772446, -0.07475969195365906, 0.2388417273759842, 0.27114808559417725, -0.05713469907641411, -0.017945826053619385, 0.018437400460243225, 0.024363035336136818, 0.024521496146917343, 0.06314528733491898, 0.1086985394358635, 0.2402610331773758, -0.04139438271522522, -0.015892427414655685, -0.0865611732006073, -0.050279371440410614, -0.19990842044353485, -0.05352099984884262, 0.11438757926225662, -0.062484320253133774, -0.040882088243961334, 0.04379426687955856, -0.18035687506198883, -0.00597455445677042, 0.005696637090295553, -0.08850184828042984, -0.08511527627706528, -0.030153028666973114, -0.06030942127108574, 0.0590275302529335, 0.07160885632038116, 0.02345602586865425, -0.01993998885154724, 0.09876039624214172, 0.044912416487932205, -0.09567925333976746, -0.01601431332528591, 0.15375947952270508, 0.07760871946811676, 0.10076338797807693, 0.00785240437835455, 0.01778779923915863, 0.0728624239563942, 0.13416443765163422, 0.04994357004761696, -0.01141332183033228, -0.043946802616119385, -0.0015696365153416991, -0.007443855982273817, -0.061885636299848557, 0.0006390949711203575, -0.0320601686835289, 0.04651995748281479, -0.07821941375732422, -0.03382697328925133, -0.04244253784418106, -0.04722742736339569, -0.07131282240152359, 0.12219995260238647, -0.15458083152770996, 0.048273179680109024, 0.14550603926181793, -0.03216148540377617, -0.0018249212298542261, -0.07302390784025192, 0.022735416889190674, 0.019994409754872322, -0.13575473427772522, -0.06670140475034714, -0.12144995480775833, -0.023335440084338188, -0.009916790761053562, -0.03118753433227539, -0.0573110394179821, -0.07732287794351578, 0.0020709261298179626, 0.035212453454732895, -0.1288069188594818, 0.001356564462184906, 0.052503276616334915, 0.01897413097321987, -0.035062920302152634, -0.12753915786743164, 0.025611061602830887, 0.04010419547557831, -0.07929496467113495, -0.10019902884960175 ]
null
null
transformers
# roberta-base-english-upos ## Model Description This is a RoBERTa model pre-trained with [UD_English](https://universaldependencies.org/en/) for POS-tagging and dependency-parsing, derived from [roberta-base](https://huggingface.co/roberta-base). Every word is tagged by [UPOS](https://universaldependencies.org/u/pos/) (Universal Part-Of-Speech). ## How to Use ```py from transformers import AutoTokenizer,AutoModelForTokenClassification tokenizer=AutoTokenizer.from_pretrained("KoichiYasuoka/roberta-base-english-upos") model=AutoModelForTokenClassification.from_pretrained("KoichiYasuoka/roberta-base-english-upos") ``` or ```py import esupar nlp=esupar.load("KoichiYasuoka/roberta-base-english-upos") ``` ## See Also [esupar](https://github.com/KoichiYasuoka/esupar): Tokenizer POS-tagger and Dependency-parser with BERT/RoBERTa/DeBERTa models
{"language": ["en"], "license": "cc-by-sa-4.0", "tags": ["english", "token-classification", "pos", "dependency-parsing"], "datasets": ["universal_dependencies"], "pipeline_tag": "token-classification"}
token-classification
KoichiYasuoka/roberta-base-english-upos
[ "transformers", "pytorch", "roberta", "token-classification", "english", "pos", "dependency-parsing", "en", "dataset:universal_dependencies", "license:cc-by-sa-4.0", "autotrain_compatible", "endpoints_compatible", "region:us" ]
2022-03-02T23:29:04+00:00
[]
[ "en" ]
TAGS #transformers #pytorch #roberta #token-classification #english #pos #dependency-parsing #en #dataset-universal_dependencies #license-cc-by-sa-4.0 #autotrain_compatible #endpoints_compatible #region-us
# roberta-base-english-upos ## Model Description This is a RoBERTa model pre-trained with UD_English for POS-tagging and dependency-parsing, derived from roberta-base. Every word is tagged by UPOS (Universal Part-Of-Speech). ## How to Use or ## See Also esupar: Tokenizer POS-tagger and Dependency-parser with BERT/RoBERTa/DeBERTa models
[ "# roberta-base-english-upos", "## Model Description\n\nThis is a RoBERTa model pre-trained with UD_English for POS-tagging and dependency-parsing, derived from roberta-base. Every word is tagged by UPOS (Universal Part-Of-Speech).", "## How to Use\n\n\n\nor", "## See Also\n\nesupar: Tokenizer POS-tagger and Dependency-parser with BERT/RoBERTa/DeBERTa models" ]
[ "TAGS\n#transformers #pytorch #roberta #token-classification #english #pos #dependency-parsing #en #dataset-universal_dependencies #license-cc-by-sa-4.0 #autotrain_compatible #endpoints_compatible #region-us \n", "# roberta-base-english-upos", "## Model Description\n\nThis is a RoBERTa model pre-trained with UD_English for POS-tagging and dependency-parsing, derived from roberta-base. Every word is tagged by UPOS (Universal Part-Of-Speech).", "## How to Use\n\n\n\nor", "## See Also\n\nesupar: Tokenizer POS-tagger and Dependency-parser with BERT/RoBERTa/DeBERTa models" ]
[ 73, 11, 56, 5, 33 ]
[ "passage: TAGS\n#transformers #pytorch #roberta #token-classification #english #pos #dependency-parsing #en #dataset-universal_dependencies #license-cc-by-sa-4.0 #autotrain_compatible #endpoints_compatible #region-us \n# roberta-base-english-upos## Model Description\n\nThis is a RoBERTa model pre-trained with UD_English for POS-tagging and dependency-parsing, derived from roberta-base. Every word is tagged by UPOS (Universal Part-Of-Speech).## How to Use\n\n\n\nor## See Also\n\nesupar: Tokenizer POS-tagger and Dependency-parser with BERT/RoBERTa/DeBERTa models" ]
[ -0.045809272676706314, 0.07054828107357025, -0.005455410573631525, 0.029178928583860397, 0.14916713535785675, -0.008757754229009151, 0.05761642009019852, 0.052825748920440674, 0.04218669235706329, -0.012888354249298573, 0.09976445883512497, 0.1766277253627777, 0.01385740377008915, 0.08643870800733566, -0.0066314078867435455, -0.31188714504241943, 0.08908116072416306, 0.0392058901488781, -0.03966202214360237, 0.10963713377714157, 0.1288907825946808, -0.05056605860590935, 0.07748481631278992, 0.058232881128787994, -0.10230397433042526, -0.0036286660470068455, -0.02251913957297802, -0.1172986850142479, 0.07833563536405563, 0.039459601044654846, 0.11990544945001602, 0.04077666997909546, 0.0434754304587841, -0.10781435668468475, 0.002715652110055089, 0.01144199725240469, -0.027319753542542458, 0.06002426519989967, 0.05471803992986679, -0.09792158752679825, 0.011058172211050987, -0.01736079342663288, 0.08116480708122253, 0.006668514106422663, -0.09346260130405426, -0.19151723384857178, -0.01746433414518833, 0.04154830798506737, 0.043196409940719604, 0.06646419316530228, -0.011031006462872028, 0.16742831468582153, -0.10881214588880539, 0.052729763090610504, 0.13067100942134857, -0.2945694327354431, -0.02041907049715519, 0.022215066477656364, 0.028074393048882484, -0.00926443561911583, -0.00918030459433794, -0.02719363570213318, 0.027032850310206413, 0.03387488052248955, 0.02350023202598095, -0.07976240664720535, 0.05738372728228569, -0.0007484645466320217, -0.16276980936527252, -0.018751274794340134, 0.2596031725406647, 0.012288092635571957, -0.058395612984895706, -0.0055809058248996735, -0.036051925271749496, 0.09550709277391434, -0.049051884561777115, -0.08255358040332794, 0.04261699691414833, 0.02737876959145069, -0.00005784099266747944, 0.013141417875885963, -0.06558360904455185, -0.025081025436520576, -0.1393056958913803, 0.21197693049907684, 0.04802596569061279, 0.047652702778577805, -0.05666067823767662, 0.03604288771748543, -0.09081932157278061, -0.06253757327795029, 0.005167889408767223, -0.09407828748226166, 0.020933205261826515, -0.021613266319036484, -0.05164510756731033, -0.0036340656224638224, 0.04210352525115013, 0.16646748781204224, -0.03743646293878555, -0.008681808598339558, 0.003982217982411385, 0.06103090941905975, 0.10252558439970016, 0.15961314737796783, -0.10150711238384247, -0.04299549758434296, 0.009734760969877243, -0.07359831780195236, -0.06522508710622787, -0.01941589266061783, -0.12083633989095688, -0.0121276481077075, 0.03987996652722359, -0.03265881910920143, 0.03470710292458534, 0.08031444251537323, -0.055185139179229736, -0.07440762221813202, 0.054356977343559265, -0.10757934302091599, 0.03818924352526665, -0.03514701500535011, -0.008687366731464863, 0.20049892365932465, 0.04070650413632393, -0.01552511379122734, -0.10551095753908157, 0.05770692601799965, -0.07542441785335541, -0.03460864722728729, -0.09155455231666565, -0.09454141557216644, 0.012584108859300613, -0.07947283238172531, 0.05139783397316933, -0.1660631150007248, -0.13257642090320587, -0.029043955728411674, 0.06721069663763046, -0.023544780910015106, -0.05634487792849541, -0.04390396922826767, 0.007439704146236181, -0.013912267982959747, -0.039836592972278595, -0.059829071164131165, -0.029367761686444283, 0.04396164417266846, -0.06377667188644409, 0.02223302237689495, -0.09665733575820923, 0.08788171410560608, -0.1277659386396408, 0.0039594052359461784, -0.24311323463916779, 0.10601775348186493, -0.07862600684165955, 0.08175752311944962, -0.11211138218641281, -0.06280156224966049, 0.017141591757535934, 0.07331424206495285, -0.018187252804636955, 0.11438003927469254, -0.04290660470724106, -0.09526797384023666, 0.21801821887493134, -0.14469972252845764, -0.04566563665866852, 0.14028622210025787, -0.032149527221918106, 0.11172417551279068, 0.09508202970027924, 0.13202348351478577, 0.06474276632070541, -0.015664352104067802, 0.05458911135792732, 0.10295132547616959, -0.04174261540174484, -0.06192600727081299, 0.117218017578125, -0.04454375430941582, -0.1132570132613182, 0.038013339042663574, -0.1262250393629074, 0.01036430150270462, -0.04004833847284317, -0.043600913137197495, 0.03310537710785866, -0.020800961181521416, 0.01448608748614788, 0.0016506145475432277, 0.059826500713825226, -0.023914553225040436, -0.10338374972343445, 0.17820319533348083, 0.05290734022855759, -0.03640089929103851, 0.04560256004333496, -0.14470402896404266, 0.15411558747291565, 0.005948236677795649, 0.017928194254636765, -0.17810332775115967, 0.0735468938946724, -0.02022743783891201, 0.16013236343860626, 0.020638104528188705, 0.009791422635316849, 0.042584072798490524, -0.023493943735957146, 0.018316194415092468, 0.0250898078083992, 0.08238724619150162, 0.008919762447476387, -0.02519126795232296, -0.15139485895633698, -0.022065578028559685, -0.050489600747823715, 0.05789576843380928, 0.01156830694526434, 0.03245655447244644, -0.01721334271132946, 0.0621466301381588, -0.019171670079231262, 0.041649479418992996, -0.07070787996053696, 0.08593125641345978, 0.0069843172095716, 0.031179456040263176, 0.08019845932722092, 0.03666289150714874, -0.05032091960310936, 0.08459529280662537, -0.005021919030696154, 0.11889806389808655, 0.16973233222961426, -0.17696301639080048, -0.04386614263057709, 0.018944108858704567, -0.006696051452308893, 0.024394182488322258, 0.0002715139708016068, -0.06007148697972298, 0.14382201433181763, 0.0138467475771904, 0.07300484925508499, -0.07572637498378754, 0.023745013400912285, 0.0004682729486376047, -0.11065024137496948, -0.04313807189464569, 0.10900057107210159, 0.023823684081435204, -0.10670148581266403, 0.14245590567588806, 0.14747700095176697, -0.05027829855680466, 0.0718950405716896, -0.061591170728206635, -0.0636051669716835, -0.013778632506728172, 0.010521292686462402, -0.006210412364453077, -0.012612845748662949, -0.2606830298900604, -0.04212372377514839, 0.09256746619939804, -0.00211139814928174, 0.0245658028870821, -0.07780199497938156, -0.009213670156896114, 0.045950502157211304, 0.03465927392244339, -0.06950990855693817, -0.015862494707107544, -0.007488017436116934, 0.05164738744497299, 0.05654200538992882, -0.12900802493095398, 0.06790520250797272, 0.023483311757445335, -0.08899646252393723, 0.18253380060195923, -0.1356537938117981, -0.149715855717659, -0.1436505764722824, -0.1999792754650116, 0.024112338200211525, 0.02470429055392742, 0.06489326804876328, -0.04549091309309006, -0.0592043437063694, 0.02911759912967682, 0.04002644121646881, -0.07074111700057983, -0.039799388498067856, 0.0166512168943882, 0.008987810462713242, -0.05870107561349869, -0.06255555152893066, -0.05569597706198692, -0.031100906431674957, -0.09285403788089752, 0.10143785923719406, -0.1079949215054512, 0.05119233950972557, 0.12426598370075226, -0.03937450051307678, 0.007224429398775101, -0.03326588124036789, 0.16152554750442505, -0.030911695212125778, -0.04575609415769577, 0.18721164762973785, -0.044240303337574005, 0.05480370298027992, 0.076488196849823, 0.02889614924788475, -0.004565842915326357, -0.05063168331980705, -0.017934072762727737, -0.06720567494630814, -0.21812158823013306, -0.10600332170724869, -0.04914577677845955, 0.055127691477537155, 0.04279891029000282, -0.0042335353791713715, -0.0004756022244691849, 0.12519806623458862, 0.031276680529117584, 0.02987637184560299, -0.0033741474617272615, 0.09630013257265091, 0.13857173919677734, -0.03917594999074936, 0.15438354015350342, -0.0279698446393013, -0.09825115650892258, 0.061949390918016434, 0.004082235973328352, 0.16588282585144043, 0.08111701905727386, 0.019992485642433167, 0.08745346963405609, 0.11426159739494324, 0.06056274101138115, 0.11495259404182434, -0.022166062146425247, 0.03171929344534874, -0.06613271683454514, -0.04014018550515175, -0.11235228925943375, 0.05427337437868118, -0.02132747322320938, -0.06374533474445343, -0.032821476459503174, -0.002916584489867091, 0.042057815939188004, 0.1938495934009552, 0.010572202503681183, -0.22890879213809967, -0.04563624784350395, 0.0349351204931736, -0.01974169909954071, -0.05091177299618721, 0.06978630274534225, -0.0975821241736412, -0.1554345041513443, 0.0394410714507103, 0.03751806169748306, 0.11972153931856155, -0.039057474583387375, 0.030186761170625687, -0.07094857841730118, 0.017388805747032166, 0.029139181599020958, 0.08436605334281921, -0.2208147794008255, 0.18455715477466583, -0.010987617075443268, 0.011525237932801247, -0.040293823927640915, 0.037168581038713455, 0.010376996360719204, 0.16457334160804749, 0.16394098103046417, 0.009053963236510754, -0.029203953221440315, -0.028116796165704727, -0.04528498649597168, 0.026599563658237457, -0.010054721496999264, -0.041066158562898636, 0.016401614993810654, -0.029240654781460762, 0.04256961867213249, 0.001101490342989564, 0.04974706470966339, -0.009274952113628387, -0.12517501413822174, 0.00029718465521000326, -0.09460768103599548, 0.04306872934103012, -0.012432209216058254, -0.07260748744010925, -0.16517630219459534, 0.16271114349365234, 0.010370559990406036, -0.11382830888032913, -0.08433732390403748, -0.029162593185901642, 0.014375387690961361, -0.09697341918945312, -0.0029243044555187225, -0.02414744347333908, 0.00019047372916247696, -0.015838203951716423, -0.09947564452886581, 0.09476533532142639, -0.07354280352592468, 0.0063432203605771065, -0.0031569860875606537, 0.03985634446144104, 0.066319540143013, 0.043869487941265106, 0.029464593157172203, -0.008781705051660538, -0.05975707247853279, -0.08034620434045792, 0.0024733340833336115, 0.0488307811319828, 0.09564100950956345, 0.06954316049814224, -0.13419793546199799, -0.1332886666059494, -0.055304113775491714, 0.03967723250389099, 0.19588598608970642, 0.08664096891880035, -0.047305427491664886, 0.07256945967674255, 0.2744864523410797, -0.0510815791785717, -0.2850796580314636, -0.06619425117969513, 0.0048892442137002945, 0.01040498074144125, -0.04423823580145836, -0.1954338699579239, 0.16790060698986053, 0.1258859932422638, -0.02118365466594696, -0.10694511234760284, -0.10929059237241745, -0.06884567439556122, 0.28497031331062317, 0.03934841230511665, 0.2137179970741272, -0.1079956591129303, -0.025841599330306053, -0.0426248162984848, -0.23227421939373016, 0.14013496041297913, -0.07222910970449448, 0.03806227073073387, 0.01751786656677723, 0.08549350500106812, 0.00011287653614999726, 0.0022335851099342108, 0.10842621326446533, 0.05355783551931381, -0.014573080465197563, -0.04464508220553398, -0.05191627889871597, 0.14516958594322205, 0.014661927707493305, 0.04482322558760643, 0.06850611418485641, -0.02841808646917343, -0.14428870379924774, -0.061207156628370285, -0.0575270876288414, 0.03899262100458145, -0.0009048720239661634, -0.09939005970954895, 0.006546325515955687, 0.07065586745738983, 0.03380832076072693, -0.005618297960609198, 0.12084036320447922, -0.06372687220573425, 0.0378626324236393, 0.14731056988239288, 0.1334441900253296, -0.13011977076530457, -0.0359354093670845, -0.023294463753700256, -0.07873734831809998, 0.11859778314828873, -0.08034256845712662, 0.0232845488935709, 0.05631343647837639, -0.003041077870875597, 0.06142917275428772, 0.08709971606731415, -0.06828220188617706, -0.013614456169307232, 0.07169706374406815, -0.08819932490587234, -0.14533233642578125, 0.00845676101744175, -0.04704874008893967, -0.0220015998929739, 0.046535100787878036, 0.11399387568235397, -0.023497434332966805, -0.0718453973531723, -0.00614746380597353, 0.017218483611941338, -0.11055871844291687, 0.09615106135606766, 0.03573228046298027, 0.023858359083533287, -0.12587250769138336, 0.025012880563735962, 0.04568413272500038, -0.040035348385572433, 0.02343750186264515, -0.02220842055976391, -0.11903571337461472, -0.08311953395605087, -0.04402299225330353, 0.11741132289171219, -0.14835801720619202, -0.1007637158036232, -0.016338469460606575, -0.15470637381076813, 0.07405716925859451, 0.04095666483044624, 0.1245071068406105, 0.012746882624924183, -0.0057780989445745945, 0.004212337080389261, -0.04069896042346954, -0.0029065615963190794, 0.059934817254543304, 0.0032756314612925053, -0.058381348848342896, 0.025752315297722816, -0.05397467687726021, 0.10588960349559784, -0.06650351732969284, -0.044101472944021225, -0.17565765976905823, 0.031061837449669838, -0.12126761674880981, -0.025367503985762596, -0.11729413270950317, 0.005555180832743645, 0.03858688846230507, -0.033433396369218826, -0.023554520681500435, -0.004024292342364788, -0.0908031240105629, 0.013125929050147533, 0.04947032779455185, 0.0612025186419487, -0.06306302547454834, -0.001645461074076593, 0.07460636645555496, -0.036899883300065994, 0.04271435737609863, 0.11635778099298477, -0.03169381245970726, 0.03427058458328247, -0.07453710585832596, -0.0368814617395401, 0.025061950087547302, 0.03116718679666519, 0.09934817999601364, -0.054364778101444244, 0.04237232357263565, 0.04948105290532112, -0.060848839581012726, 0.038327768445014954, 0.14780378341674805, -0.09013359248638153, 0.14333182573318481, 0.002768227830529213, -0.11797316372394562, -0.058629415929317474, 0.03229657933115959, 0.10791093111038208, 0.09085895121097565, 0.12852630019187927, -0.007512339856475592, 0.04210299625992775, -0.0581522136926651, 0.022631429135799408, 0.006422390230000019, -0.05931135267019272, 0.04225572571158409, -0.08828088641166687, -0.006526547484099865, -0.00020247545035090297, 0.19820888340473175, 0.06561589241027832, 0.0011341130593791604, 0.03261775150895119, 0.032445017248392105, 0.1163635179400444, -0.010927385650575161, 0.11501683294773102, 0.08011867105960846, -0.016072643920779228, -0.05517035350203514, 0.04717671126127243, 0.015685757622122765, -0.015185053460299969, 0.02467244677245617, 0.13239479064941406, 0.037461057305336, 0.07507100701332092, 0.054583411663770676, 0.07243911921977997, -0.11703995615243912, -0.06811648607254028, 0.06728442758321762, -0.0019272101344540715, -0.012543398886919022, 0.13951802253723145, 0.15404680371284485, -0.0889110341668129, 0.10136447846889496, 0.03212019056081772, -0.03828868642449379, -0.18981650471687317, -0.18325090408325195, -0.06706248968839645, -0.1470460593700409, 0.008540036156773567, -0.10492152720689774, -0.08398130536079407, 0.1178906187415123, 0.02726656384766102, -0.01090248953551054, -0.01687345653772354, -0.1612321436405182, -0.061697423458099365, 0.046604521572589874, -0.030194295570254326, 0.02287607453763485, -0.04859010875225067, -0.05210510641336441, -0.0025916160084307194, 0.08282455056905746, 0.02478651888668537, 0.0072733028791844845, 0.008074428886175156, 0.03200165182352066, -0.07234595715999603, -0.04976438730955124, -0.024314269423484802, 0.07201693207025528, -0.02946130931377411, 0.1183866336941719, -0.0035121338441967964, -0.04797862470149994, 0.011750034056603909, 0.1488582342863083, -0.05308441445231438, -0.10892234742641449, -0.1624450534582138, 0.16944122314453125, 0.05187606438994408, 0.07831782102584839, 0.052180249243974686, -0.06182367354631424, -0.04290959611535072, 0.23998013138771057, 0.2645590305328369, -0.004911087453365326, -0.01138288527727127, 0.0467853769659996, 0.010871321894228458, 0.032077059149742126, 0.08850180357694626, 0.07726897299289703, 0.2140224575996399, -0.08663991093635559, -0.02236282266676426, -0.07087830454111099, -0.012363199144601822, -0.1346832513809204, -0.04135537147521973, 0.06754984706640244, -0.07716069370508194, -0.036555126309394836, 0.09213829040527344, -0.17799216508865356, -0.05498465895652771, 0.037934865802526474, -0.03263210505247116, -0.08601497113704681, -0.04436345398426056, 0.00974312424659729, 0.03860853984951973, 0.1025388166308403, -0.0010532991727814078, -0.042129307985305786, 0.11902167648077011, 0.04247497022151947, -0.11600594222545624, -0.010570707730948925, 0.12980526685714722, 0.08906441926956177, 0.09038330614566803, 0.011628651060163975, 0.06888708472251892, 0.09081652015447617, 0.10581580549478531, -0.016676265746355057, 0.012368793599307537, -0.013913044705986977, -0.01706593669950962, 0.028334105387330055, -0.07049929350614548, -0.028083115816116333, -0.0069376518949866295, 0.02563430927693844, -0.13241930305957794, 0.011975714936852455, -0.05152570456266403, -0.047007329761981964, -0.07778196036815643, 0.05274851992726326, -0.16136109828948975, 0.08155345171689987, 0.16098985075950623, 0.008173997513949871, -0.03916642814874649, -0.08245419710874557, 0.04965285584330559, 0.04568227753043175, -0.1127106249332428, -0.06516812741756439, -0.09327053278684616, -0.06526961922645569, 0.041721709072589874, -0.005470239091664553, -0.11964228749275208, -0.01102368626743555, -0.022587990388274193, 0.0034603930544108152, -0.07801483571529388, 0.02542794495820999, 0.04968585819005966, 0.04612119123339653, -0.03333590552210808, -0.059202902019023895, 0.011901465244591236, 0.07908367365598679, -0.06677601486444473, -0.04057551920413971 ]
null
null
transformers
# roberta-base-japanese-aozora-char ## Model Description This is a RoBERTa model pre-trained on 青空文庫 texts with character tokenizer. You can fine-tune `roberta-base-japanese-aozora-char` for downstream tasks, such as [POS-tagging](https://huggingface.co/KoichiYasuoka/roberta-base-japanese-char-luw-upos), [dependency-parsing](https://huggingface.co/KoichiYasuoka/roberta-base-japanese-aozora-ud-head), and so on. ## How to Use ```py from transformers import AutoTokenizer,AutoModelForMaskedLM tokenizer=AutoTokenizer.from_pretrained("KoichiYasuoka/roberta-base-japanese-aozora-char") model=AutoModelForMaskedLM.from_pretrained("KoichiYasuoka/roberta-base-japanese-aozora-char") ``` ## Reference 安岡孝一: [Transformersと国語研長単位による日本語係り受け解析モデルの製作](http://id.nii.ac.jp/1001/00216223/), 情報処理学会研究報告, Vol.2022-CH-128, No.7 (2022年2月), pp.1-8.
{"language": ["ja"], "license": "cc-by-sa-4.0", "tags": ["japanese", "masked-lm"], "pipeline_tag": "fill-mask", "mask_token": "[MASK]", "widget": [{"text": "\u65e5\u672c\u306b\u7740\u3044\u305f\u3089[MASK]\u3092\u8a2a\u306d\u306a\u3055\u3044\u3002"}]}
fill-mask
KoichiYasuoka/roberta-base-japanese-aozora-char
[ "transformers", "pytorch", "roberta", "fill-mask", "japanese", "masked-lm", "ja", "license:cc-by-sa-4.0", "autotrain_compatible", "endpoints_compatible", "region:us" ]
2022-03-02T23:29:04+00:00
[]
[ "ja" ]
TAGS #transformers #pytorch #roberta #fill-mask #japanese #masked-lm #ja #license-cc-by-sa-4.0 #autotrain_compatible #endpoints_compatible #region-us
# roberta-base-japanese-aozora-char ## Model Description This is a RoBERTa model pre-trained on 青空文庫 texts with character tokenizer. You can fine-tune 'roberta-base-japanese-aozora-char' for downstream tasks, such as POS-tagging, dependency-parsing, and so on. ## How to Use ## Reference 安岡孝一: Transformersと国語研長単位による日本語係り受け解析モデルの製作, 情報処理学会研究報告, Vol.2022-CH-128, No.7 (2022年2月), pp.1-8.
[ "# roberta-base-japanese-aozora-char", "## Model Description\n\nThis is a RoBERTa model pre-trained on 青空文庫 texts with character tokenizer. You can fine-tune 'roberta-base-japanese-aozora-char' for downstream tasks, such as POS-tagging, dependency-parsing, and so on.", "## How to Use", "## Reference\n\n安岡孝一: Transformersと国語研長単位による日本語係り受け解析モデルの製作, 情報処理学会研究報告, Vol.2022-CH-128, No.7 (2022年2月), pp.1-8." ]
[ "TAGS\n#transformers #pytorch #roberta #fill-mask #japanese #masked-lm #ja #license-cc-by-sa-4.0 #autotrain_compatible #endpoints_compatible #region-us \n", "# roberta-base-japanese-aozora-char", "## Model Description\n\nThis is a RoBERTa model pre-trained on 青空文庫 texts with character tokenizer. You can fine-tune 'roberta-base-japanese-aozora-char' for downstream tasks, such as POS-tagging, dependency-parsing, and so on.", "## How to Use", "## Reference\n\n安岡孝一: Transformersと国語研長単位による日本語係り受け解析モデルの製作, 情報処理学会研究報告, Vol.2022-CH-128, No.7 (2022年2月), pp.1-8." ]
[ 59, 15, 72, 4, 55 ]
[ "passage: TAGS\n#transformers #pytorch #roberta #fill-mask #japanese #masked-lm #ja #license-cc-by-sa-4.0 #autotrain_compatible #endpoints_compatible #region-us \n# roberta-base-japanese-aozora-char## Model Description\n\nThis is a RoBERTa model pre-trained on 青空文庫 texts with character tokenizer. You can fine-tune 'roberta-base-japanese-aozora-char' for downstream tasks, such as POS-tagging, dependency-parsing, and so on.## How to Use## Reference\n\n安岡孝一: Transformersと国語研長単位による日本語係り受け解析モデルの製作, 情報処理学会研究報告, Vol.2022-CH-128, No.7 (2022年2月), pp.1-8." ]
[ -0.023286255076527596, 0.00750567065551877, -0.004045852925628424, 0.04475252702832222, 0.17975622415542603, 0.030622968450188637, 0.15866577625274658, 0.07875177264213562, -0.03894486650824547, 0.03727671504020691, 0.059552162885665894, 0.08136097341775894, 0.06337209790945053, 0.16949599981307983, -0.05590252950787544, -0.3977910280227661, 0.07980381697416306, 0.08299554139375687, 0.029874667525291443, 0.10489708185195923, 0.14500081539154053, -0.031931255012750626, 0.08777627348899841, 0.022301727905869484, -0.09979619085788727, -0.026374878361821175, 0.06420258432626724, -0.18171179294586182, 0.0948699340224266, 0.05038759484887123, 0.12727577984333038, -0.02670145221054554, 0.02937338687479496, -0.06595389544963837, 0.024706589058041573, -0.024783987551927567, -0.059643615037202835, 0.04937794432044029, -0.06786920130252838, -0.031363531947135925, 0.06290638446807861, -0.04091506451368332, 0.007911529392004013, 0.06615404039621353, -0.10593369603157043, -0.1213807612657547, 0.001783221960067749, 0.07997123897075653, 0.15666696429252625, 0.08537104725837708, -0.0023064136039465666, 0.10163954645395279, -0.08692248910665512, 0.05218232050538063, 0.18283183872699738, -0.2685382664203644, -0.1016019880771637, 0.034273356199264526, -0.004998769611120224, 0.01737278886139393, -0.027231598272919655, 0.007435471750795841, 0.021897289901971817, 0.005274724680930376, -0.011202916502952576, -0.13127949833869934, 0.10959135740995407, -0.006181545555591583, -0.07986094057559967, 0.07451702654361725, 0.2589568793773651, 0.010817420668900013, -0.08606234937906265, -0.08104237914085388, -0.051392171531915665, 0.027208060026168823, -0.12631364166736603, -0.03422088176012039, -0.016146179288625717, -0.031013453379273415, 0.03553079068660736, -0.02332206442952156, -0.07472418993711472, -0.08685397356748581, -0.07762197405099869, 0.27051842212677, 0.03280240297317505, 0.002691837027668953, -0.08063048124313354, -0.02094228006899357, -0.08814962208271027, -0.10402897000312805, -0.03166709840297699, -0.08274231851100922, 0.03706390783190727, 0.07795995473861694, -0.03357545658946037, -0.06651455909013748, 0.06018379330635071, 0.1763099581003189, 0.04408261179924011, 0.09025230258703232, 0.028727713972330093, 0.05972203612327576, 0.010268661193549633, 0.14236265420913696, -0.05103585124015808, -0.04679887369275093, 0.0513271801173687, -0.01740003377199173, 0.02475513145327568, -0.07570596039295197, -0.1517968475818634, -0.09122537076473236, 0.01301602553576231, -0.01583399809896946, 0.007959118112921715, 0.10820123553276062, -0.03487841784954071, -0.045127321034669876, 0.08690625429153442, -0.16008509695529938, -0.012950286269187927, -0.021636590361595154, -0.04476318880915642, 0.11963645368814468, 0.01994975470006466, -0.019458085298538208, -0.044022198766469955, 0.05373699590563774, -0.051907531917095184, -0.00235148542560637, -0.06217435747385025, -0.04831507056951523, -0.027944564819335938, -0.08124477416276932, 0.03485698252916336, -0.188918799161911, -0.10237465053796768, -0.02792854979634285, 0.056757718324661255, -0.007969466969370842, -0.02013467624783516, 0.0038861846551299095, -0.04029620438814163, -0.006681724917143583, -0.028669795021414757, -0.04894500970840454, -0.013780887238681316, 0.05395117402076721, 0.053285252302885056, 0.09509273618459702, -0.12859691679477692, 0.04119810461997986, -0.09546884149312973, 0.018808618187904358, -0.27739885449409485, -0.007929051294922829, -0.0025540415663272142, 0.015826556831598282, -0.0883084088563919, -0.03829028457403183, -0.004084513057023287, 0.0909285843372345, 0.023081619292497635, 0.10820381343364716, -0.05857476592063904, -0.08135996013879776, 0.21912522614002228, -0.13956883549690247, -0.09719854593276978, 0.12195545434951782, -0.01696394570171833, 0.1333617866039276, 0.05256757140159607, 0.11159277707338333, 0.03529299050569534, -0.035531677305698395, 0.057291485369205475, 0.020487848669290543, -0.07438112795352936, -0.048003870993852615, 0.09801556169986725, 0.058894503861665726, -0.11014842242002487, 0.0823780968785286, -0.12752224504947662, -0.05311976745724678, -0.05311378464102745, -0.076219342648983, 0.04677783325314522, -0.03349487856030464, 0.044820062816143036, 0.008988766930997372, 0.0760505422949791, -0.030974898487329483, -0.10933241993188858, -0.0361599437892437, 0.05391239747405052, -0.057351287454366684, 0.05558193475008011, -0.16650782525539398, 0.09302902966737747, 0.05535578727722168, 0.04201117157936096, -0.12049838155508041, 0.043643802404403687, -0.02009308710694313, 0.18509753048419952, 0.04222157225012779, -0.06795183569192886, 0.03641907870769501, -0.0024593747220933437, -0.01279121171683073, -0.010845085605978966, 0.05549502745270729, -0.020827172324061394, 0.00362892122939229, -0.1003044992685318, -0.04895518347620964, -0.019836675375699997, 0.10964993387460709, -0.008858593180775642, 0.04898760840296745, -0.11450444161891937, 0.03403462469577789, -0.060841020196676254, 0.062369100749492645, -0.048245251178741455, 0.08222772181034088, -0.02585480362176895, 0.0796675831079483, 0.059704847633838654, 0.036644116044044495, -0.1396034210920334, 0.15064676105976105, -0.14243538677692413, 0.21094734966754913, 0.1282976269721985, -0.12376163899898529, -0.07938992232084274, 0.019404318183660507, 0.004947755020111799, -0.005229532718658447, 0.032618921250104904, 0.01212407648563385, 0.10255883634090424, -0.02814050018787384, 0.13129712641239166, -0.07182475179433823, 0.12564249336719513, 0.06391631066799164, -0.177083820104599, -0.014874613843858242, 0.1110999807715416, 0.041790638118982315, -0.11241943389177322, 0.1343020349740982, 0.007867430336773396, -0.10274382680654526, 0.17266497015953064, 0.0004857172607444227, -0.055889155715703964, -0.059808433055877686, -0.004122129175812006, 0.05025597661733627, 0.053489234298467636, -0.15644963085651398, -0.058279141783714294, 0.0625852718949318, -0.06327226012945175, 0.02269042283296585, -0.06721677631139755, -0.07953591644763947, 0.011808703653514385, 0.0031384511385113, -0.027503306046128273, 0.06380125135183334, -0.02376086823642254, 0.09610388427972794, 0.06265551596879959, -0.06019679456949234, 0.019388025626540184, 0.024996671825647354, -0.07468536496162415, 0.14570948481559753, -0.07786870747804642, -0.2584647536277771, -0.18057158589363098, -0.2190723717212677, -0.01760987378656864, 0.027543840929865837, 0.04621368646621704, -0.09691403806209564, -0.062268681824207306, -0.009631878696382046, -0.019815849140286446, -0.07424197345972061, -0.01120288111269474, 0.0040406533516943455, 0.02607831358909607, -0.049871813505887985, -0.05306627228856087, -0.03834642469882965, -0.03528401628136635, -0.06708942353725433, 0.15346267819404602, -0.13305485248565674, 0.14318931102752686, 0.1188543513417244, -0.024960532784461975, 0.04012066498398781, -0.025467095896601677, 0.0574445016682148, -0.10304359346628189, 0.01180720143020153, 0.2638342082500458, -0.07177597284317017, 0.05911114066839218, 0.10775475203990936, 0.011201602406799793, -0.016394976526498795, 0.01235501654446125, -0.04222701117396355, -0.11311674118041992, -0.15097305178642273, -0.043391790241003036, -0.09111321717500687, 0.13193701207637787, 0.012141862884163857, 0.03215218335390091, 0.16508625447750092, 0.10446597635746002, 0.029064523056149483, 0.07265549153089523, 0.02972964569926262, 0.10320161283016205, 0.06771226227283478, 0.0017114297952502966, 0.14815106987953186, -0.03731127455830574, -0.06229634955525398, 0.023090466856956482, -0.04895083233714104, 0.12351564317941666, 0.06030535697937012, 0.07773669809103012, 0.05435952916741371, 0.1321224868297577, 0.1152181327342987, 0.02684939093887806, 0.03658636286854744, -0.008911100216209888, -0.028065409511327744, -0.05898377299308777, -0.1046634316444397, 0.10590153932571411, -0.01795003190636635, -0.03984450921416283, -0.04667620733380318, 0.07381930202245712, 0.005298410542309284, 0.1623767465353012, -0.036210980266332626, -0.21301163733005524, -0.07971491664648056, 0.0004373402625788003, -0.008861379697918892, -0.02516578882932663, 0.04708816483616829, -0.04321705922484398, -0.17269863188266754, 0.043565526604652405, -0.013037867844104767, 0.13979388773441315, 0.037319935858249664, 0.03777675703167915, -0.0887286365032196, 0.039995867758989334, 0.009254937060177326, 0.06023387983441353, -0.26020851731300354, 0.24857641756534576, 0.013331247493624687, 0.06489527225494385, -0.06325769424438477, -0.001847755745984614, 0.05945265665650368, 0.014644619077444077, 0.1953420341014862, -0.043679606169462204, -0.05507614463567734, -0.14608675241470337, -0.04225023835897446, 0.05788222700357437, 0.10828413814306259, -0.028424909338355064, 0.048207107931375504, -0.04867279902100563, -0.025366509333252907, -0.001407976378686726, 0.06711270660161972, -0.09518487751483917, -0.09709011018276215, 0.029069921001791954, 0.040045324712991714, -0.054912131279706955, -0.005093796644359827, -0.02407439984381199, -0.04899277165532112, 0.11497943848371506, 0.05299479514360428, -0.028108397498726845, -0.12233223766088486, -0.011132408864796162, 0.07607048749923706, -0.15760095417499542, 0.04533200338482857, -0.07626610994338989, 0.02427765168249607, -0.008750136010348797, -0.08999596536159515, 0.06714974343776703, -0.042089708149433136, -0.02488536573946476, 0.013526535592973232, 0.060537189245224, 0.047275956720113754, 0.06144832819700241, 0.012041496112942696, -0.0032192666549235582, 0.022732168436050415, -0.0870877355337143, 0.00903814285993576, -0.027107998728752136, 0.10269676893949509, 0.04609812796115875, -0.13794448971748352, -0.10914424806833267, -0.10741721093654633, -0.02506980672478676, 0.1393728107213974, 0.14920762181282043, -0.013765429146587849, 0.026655910536646843, 0.17758046090602875, -0.002470155479386449, -0.25973883271217346, -0.12601639330387115, -0.04132721200585365, 0.11760906130075455, -0.07502490282058716, -0.1684219092130661, 0.07971347868442535, 0.05005873367190361, -0.02408825419843197, -0.0064116609282791615, -0.10685819387435913, -0.1092049703001976, 0.18952281773090363, 0.0788821205496788, 0.14765611290931702, -0.14567497372627258, -0.03626697137951851, -0.050920289009809494, -0.21315160393714905, 0.004542117938399315, -0.08838102221488953, 0.10303423553705215, -0.04283462464809418, 0.009071998298168182, -0.010228854604065418, -0.01961551047861576, 0.10699725896120071, -0.04454491287469864, -0.006892524193972349, -0.08365882933139801, -0.18125276267528534, 0.13314266502857208, 0.01302714366465807, 0.10300792753696442, 0.001558036427013576, -0.03569727763533592, -0.05270593613386154, -0.06397533416748047, -0.05283941328525543, 0.007946143858134747, -0.0026175512466579676, -0.09979168325662613, -0.0017198133282363415, 0.08382083475589752, -0.035464826971292496, 0.039813149720430374, 0.14992065727710724, -0.11471101641654968, 0.08589448779821396, 0.0946536511182785, 0.08939193189144135, -0.0030931481160223484, 0.025866521522402763, -0.020721301436424255, -0.05170437693595886, 0.12088599056005478, -0.1667407751083374, 0.048472918570041656, 0.01935853809118271, 0.022767119109630585, 0.07645827531814575, 0.07156068086624146, -0.034809887409210205, 0.048220712691545486, 0.0781732052564621, -0.08430889248847961, -0.09904667735099792, -0.03272261843085289, -0.0909927487373352, 0.00704323360696435, 0.07289057970046997, 0.1167101040482521, -0.06670863926410675, -0.03480615094304085, -0.0262292493134737, -0.0070023383013904095, -0.09726165980100632, 0.013027853332459927, 0.07075750827789307, 0.044776152819395065, -0.07601974904537201, -0.021760648116469383, 0.04324132949113846, 0.0030803855042904615, 0.07324633747339249, 0.07779000699520111, -0.08810979127883911, -0.09077753871679306, -0.036301322281360626, 0.11228732019662857, -0.017022456973791122, -0.09643849730491638, -0.14666283130645752, -0.10829911381006241, 0.01445824932307005, 0.1360745131969452, 0.09548556804656982, -0.024549303576350212, -0.026234248653054237, 0.02397628128528595, -0.10502935945987701, -0.05120347440242767, 0.1008845642209053, -0.005518430378288031, -0.055808644741773605, 0.06433474272489548, 0.04518097639083862, 0.15847332775592804, -0.07578633725643158, -0.07387518137693405, -0.17470717430114746, 0.07600762695074081, -0.06721245497465134, 0.012656135484576225, -0.1387191265821457, -0.055351413786411285, 0.0006619078340008855, -0.03831139951944351, -0.10266850143671036, -0.007438036147505045, -0.051002226769924164, -0.00760099571198225, 0.009571896865963936, 0.020171433687210083, -0.029107552021741867, 0.0029825204983353615, 0.08719903975725174, -0.050524502992630005, 0.001950870151631534, 0.13892820477485657, -0.05893029272556305, 0.05564368888735771, -0.11444417387247086, 0.04862045869231224, 0.032302577048540115, -0.0036251675337553024, 0.06466826051473618, 0.012514738366007805, 0.019622325897216797, 0.03704089671373367, 0.04181760549545288, 0.025006389245390892, 0.13858696818351746, -0.11201761662960052, 0.11584870517253876, -0.12222818285226822, -0.13442853093147278, -0.09236546605825424, 0.034950099885463715, 0.13167046010494232, 0.08744112402200699, 0.04426422342658043, -0.037658996880054474, 0.11590616405010223, -0.07658645510673523, 0.011768421158194542, -0.03566453233361244, -0.08753706514835358, 0.06180329620838165, -0.10137229412794113, 0.023589538410305977, -0.004951626528054476, 0.12771300971508026, 0.02048407681286335, 0.018542055040597916, 0.005317701026797295, -0.025574807077646255, 0.06985671073198318, 0.029414348304271698, 0.17957811057567596, 0.08881571888923645, -0.03878328204154968, 0.04452843964099884, 0.06012909486889839, 0.014296339824795723, -0.006023701746016741, 0.01786765083670616, 0.10572108626365662, 0.12673139572143555, 0.14255918562412262, -0.004220424219965935, 0.07005014270544052, -0.04909947142004967, -0.059625931084156036, -0.07421455532312393, -0.042788002640008926, 0.044874198734760284, 0.06019611656665802, 0.25332438945770264, -0.04713369905948639, 0.07800200581550598, 0.018144015222787857, -0.06988217681646347, -0.166917622089386, -0.17443282902240753, -0.10838095843791962, -0.0773925632238388, 0.027053629979491234, -0.05664093419909477, -0.062187310308218, 0.15079791843891144, 0.012776304967701435, -0.0030070720240473747, 0.11207810789346695, 0.006482562515884638, -0.006575492210686207, 0.12485118955373764, -0.013586060144007206, 0.003192576812580228, 0.03556838631629944, -0.04664580151438713, -0.04292751103639603, -0.027886783704161644, 0.040087245404720306, 0.01822187751531601, -0.02985307201743126, 0.08023375272750854, -0.05983516573905945, -0.13103529810905457, -0.008634354919195175, 0.0619766041636467, 0.07578213512897491, 0.12615591287612915, 0.005062393844127655, -0.0606505386531353, -0.00861167162656784, 0.1679803431034088, -0.021456530317664146, -0.06668774038553238, -0.15885135531425476, 0.13548538088798523, 0.05087558180093765, -0.035962432622909546, -0.03070494905114174, -0.03442584350705147, -0.007083756383508444, 0.28570038080215454, 0.2747291922569275, -0.04926668107509613, 0.008240587078034878, 0.035469405353069305, 0.01243606023490429, 0.020451532676815987, 0.1395110934972763, 0.05752919614315033, 0.2817896604537964, -0.06190900877118111, -0.054230254143476486, -0.0934048444032669, -0.04654933884739876, -0.0939333587884903, 0.02186613343656063, 0.10523976385593414, -0.07765618711709976, -0.05781034752726555, 0.07764226198196411, -0.2139849066734314, -0.01599540002644062, 0.0694350004196167, -0.1199178546667099, -0.09100683778524399, -0.011191832832992077, 0.008435237221419811, 0.05678245797753334, 0.10761496424674988, -0.028191840276122093, 0.011713601648807526, 0.05343872681260109, 0.06752020120620728, -0.06864726543426514, 0.007237919140607119, 0.09277433902025223, 0.016392085701227188, 0.14093996584415436, -0.014009571634232998, 0.05678597092628479, 0.09461048990488052, 0.09806724637746811, 0.06517928838729858, 0.10492786020040512, 0.005107981618493795, -0.022972552105784416, 0.036634258925914764, 0.061075180768966675, -0.04773504287004471, -0.028069712221622467, 0.028825251385569572, -0.16416877508163452, 0.07044422626495361, -0.007272996008396149, -0.038905683904886246, -0.06610260903835297, 0.08106312900781631, -0.1554412990808487, 0.10550272464752197, 0.16883280873298645, -0.026288582012057304, -0.07406207174062729, -0.04679284617304802, 0.08076800405979156, 0.03695179894566536, -0.09598925709724426, -0.1097189411520958, -0.12085044384002686, -0.08476942777633667, 0.02832992933690548, -0.020900437608361244, -0.24530084431171417, -0.03861863166093826, -0.03501444682478905, -0.021535489708185196, -0.10728807002305984, -0.02166092023253441, 0.03290893882513046, 0.0050608026795089245, 0.0031272745691239834, -0.15074551105499268, 0.03283367678523064, 0.08228714019060135, -0.09771108627319336, -0.12299736589193344 ]
null
null
transformers
# roberta-base-japanese-aozora ## Model Description This is a RoBERTa model pre-trained on 青空文庫 texts with [Japanese-LUW-Tokenizer](https://github.com/KoichiYasuoka/Japanese-LUW-Tokenizer). You can fine-tune `roberta-base-japanese-aozora` for downstream tasks, such as [POS-tagging](https://huggingface.co/KoichiYasuoka/roberta-base-japanese-luw-upos), [dependency-parsing](https://huggingface.co/KoichiYasuoka/roberta-base-japanese-aozora-ud-goeswith), and so on. ## How to Use ```py from transformers import AutoTokenizer,AutoModelForMaskedLM tokenizer=AutoTokenizer.from_pretrained("KoichiYasuoka/roberta-base-japanese-aozora") model=AutoModelForMaskedLM.from_pretrained("KoichiYasuoka/roberta-base-japanese-aozora") ``` ## Reference 安岡孝一: [Transformersと国語研長単位による日本語係り受け解析モデルの製作](http://id.nii.ac.jp/1001/00216223/), 情報処理学会研究報告, Vol.2022-CH-128, No.7 (2022年2月), pp.1-8.
{"language": ["ja"], "license": "cc-by-sa-4.0", "tags": ["japanese", "masked-lm"], "pipeline_tag": "fill-mask", "mask_token": "[MASK]", "widget": [{"text": "\u65e5\u672c\u306b\u7740\u3044\u305f\u3089[MASK]\u3092\u8a2a\u306d\u306a\u3055\u3044\u3002"}]}
fill-mask
KoichiYasuoka/roberta-base-japanese-aozora
[ "transformers", "pytorch", "roberta", "fill-mask", "japanese", "masked-lm", "ja", "license:cc-by-sa-4.0", "autotrain_compatible", "endpoints_compatible", "region:us" ]
2022-03-02T23:29:04+00:00
[]
[ "ja" ]
TAGS #transformers #pytorch #roberta #fill-mask #japanese #masked-lm #ja #license-cc-by-sa-4.0 #autotrain_compatible #endpoints_compatible #region-us
# roberta-base-japanese-aozora ## Model Description This is a RoBERTa model pre-trained on 青空文庫 texts with Japanese-LUW-Tokenizer. You can fine-tune 'roberta-base-japanese-aozora' for downstream tasks, such as POS-tagging, dependency-parsing, and so on. ## How to Use ## Reference 安岡孝一: Transformersと国語研長単位による日本語係り受け解析モデルの製作, 情報処理学会研究報告, Vol.2022-CH-128, No.7 (2022年2月), pp.1-8.
[ "# roberta-base-japanese-aozora", "## Model Description\n\nThis is a RoBERTa model pre-trained on 青空文庫 texts with Japanese-LUW-Tokenizer. You can fine-tune 'roberta-base-japanese-aozora' for downstream tasks, such as POS-tagging, dependency-parsing, and so on.", "## How to Use", "## Reference\n\n安岡孝一: Transformersと国語研長単位による日本語係り受け解析モデルの製作, 情報処理学会研究報告, Vol.2022-CH-128, No.7 (2022年2月), pp.1-8." ]
[ "TAGS\n#transformers #pytorch #roberta #fill-mask #japanese #masked-lm #ja #license-cc-by-sa-4.0 #autotrain_compatible #endpoints_compatible #region-us \n", "# roberta-base-japanese-aozora", "## Model Description\n\nThis is a RoBERTa model pre-trained on 青空文庫 texts with Japanese-LUW-Tokenizer. You can fine-tune 'roberta-base-japanese-aozora' for downstream tasks, such as POS-tagging, dependency-parsing, and so on.", "## How to Use", "## Reference\n\n安岡孝一: Transformersと国語研長単位による日本語係り受け解析モデルの製作, 情報処理学会研究報告, Vol.2022-CH-128, No.7 (2022年2月), pp.1-8." ]
[ 59, 13, 74, 4, 55 ]
[ "passage: TAGS\n#transformers #pytorch #roberta #fill-mask #japanese #masked-lm #ja #license-cc-by-sa-4.0 #autotrain_compatible #endpoints_compatible #region-us \n# roberta-base-japanese-aozora## Model Description\n\nThis is a RoBERTa model pre-trained on 青空文庫 texts with Japanese-LUW-Tokenizer. You can fine-tune 'roberta-base-japanese-aozora' for downstream tasks, such as POS-tagging, dependency-parsing, and so on.## How to Use## Reference\n\n安岡孝一: Transformersと国語研長単位による日本語係り受け解析モデルの製作, 情報処理学会研究報告, Vol.2022-CH-128, No.7 (2022年2月), pp.1-8." ]
[ -0.01804598793387413, 0.016346963122487068, -0.003989092074334621, 0.04519041255116463, 0.1651732176542282, 0.0261687058955431, 0.16786019504070282, 0.07038480043411255, -0.019282709807157516, 0.029558001086115837, 0.057875532656908035, 0.11597606539726257, 0.0572490431368351, 0.1408728063106537, -0.05945116654038429, -0.408346027135849, 0.07982683181762695, 0.08610375225543976, -0.02226874977350235, 0.09729517996311188, 0.14649835228919983, -0.033150628209114075, 0.08644051849842072, 0.024570658802986145, -0.09793929010629654, -0.025717109441757202, 0.05454296991229057, -0.17506107687950134, 0.10164134949445724, 0.05576715245842934, 0.14023087918758392, -0.029679451137781143, 0.0474671944975853, -0.04840152710676193, 0.021129226312041283, -0.03090710937976837, -0.04468351975083351, 0.049326036125421524, -0.051422279328107834, -0.026766538619995117, 0.05732174590229988, -0.047331493347883224, 0.014393074437975883, 0.06246891990303993, -0.10627122223377228, -0.10568467527627945, -0.006658502388745546, 0.07130634039640427, 0.1598297655582428, 0.08440829813480377, 0.0016314409440383315, 0.11570444703102112, -0.08916152268648148, 0.04656894877552986, 0.18332786858081818, -0.26688727736473083, -0.10616597533226013, 0.05399976298213005, 0.006693257484585047, -0.0024838033132255077, -0.03144000098109245, 0.0009195680031552911, 0.03724343329668045, 0.004995611030608416, -0.022395506501197815, -0.13593122363090515, 0.1090422049164772, -0.01383559312671423, -0.09418535232543945, 0.07355162501335144, 0.2642871141433716, 0.02258637733757496, -0.08472796529531479, -0.07174139469861984, -0.05226144567131996, 0.04048389196395874, -0.12383119016885757, -0.0384557843208313, -0.008285542950034142, -0.03741876408457756, 0.05081259459257126, -0.02477879822254181, -0.0746380090713501, -0.08668359369039536, -0.07609162479639053, 0.31504175066947937, 0.03274228051304817, 0.006409860216081142, -0.07517462223768234, -0.006271544378250837, -0.07312943041324615, -0.10166831314563751, -0.02555137686431408, -0.08283916860818863, 0.02943383902311325, 0.07516270130872726, -0.012404194101691246, -0.06483659148216248, 0.0541592538356781, 0.17350666224956512, 0.07105021923780441, 0.08173461258411407, 0.04184114560484886, 0.06282609701156616, 0.019895054399967194, 0.1423889398574829, -0.050539106130599976, -0.0637698695063591, 0.05334337428212166, -0.011134972795844078, 0.02236969955265522, -0.05881466343998909, -0.1525198221206665, -0.10246168076992035, -0.008027036674320698, -0.01381288655102253, 0.0186445415019989, 0.09687826037406921, -0.03747173771262169, -0.05564077943563461, 0.07410336285829544, -0.15633343160152435, -0.005244343541562557, -0.03535093367099762, -0.04654170572757721, 0.13300636410713196, 0.04375458136200905, -0.00916865561157465, -0.02855745144188404, 0.05170901492238045, -0.054564688354730606, -0.008461952209472656, -0.07678643614053726, -0.04710674658417702, -0.030766628682613373, -0.08859677612781525, 0.05724605172872543, -0.1882200390100479, -0.11798244714736938, -0.026104820892214775, 0.0718800276517868, -0.0040499004535377026, -0.03949901461601257, 0.012654563412070274, -0.037039317190647125, -0.01783447340130806, -0.01882973685860634, -0.014718401245772839, -0.005780349485576153, 0.05478023737668991, 0.05135462433099747, 0.0877884179353714, -0.1117907389998436, 0.03677087649703026, -0.08829957991838455, 0.03398794308304787, -0.25494974851608276, -0.01360839419066906, -0.02432931400835514, 0.026717031374573708, -0.09235222637653351, -0.04008806496858597, 0.006201602518558502, 0.09578419476747513, 0.017404571175575256, 0.11427147686481476, -0.039818987250328064, -0.07367261499166489, 0.18762482702732086, -0.14199869334697723, -0.08795151859521866, 0.09833643585443497, -0.02092403918504715, 0.16867445409297943, 0.040509678423404694, 0.08728887140750885, 0.03633024916052818, -0.04856961965560913, 0.0525919571518898, 0.01273195631802082, -0.08668363094329834, -0.039410628378391266, 0.09821414947509766, 0.07836401462554932, -0.1438903659582138, 0.07498567551374435, -0.11649813503026962, -0.05585706606507301, -0.06165480241179466, -0.0824960470199585, 0.04310891032218933, -0.04938942566514015, 0.03886517509818077, 0.007374538574367762, 0.07588489353656769, -0.019904032349586487, -0.10573496669530869, 0.009474118240177631, 0.06874776631593704, -0.041646528989076614, 0.03650786355137825, -0.16574546694755554, 0.07096424698829651, 0.03481820225715637, 0.028132691979408264, -0.11207007616758347, 0.04450666159391403, -0.017449164763092995, 0.16122011840343475, 0.06096341088414192, -0.04127209261059761, 0.047603536397218704, 0.006297293584793806, -0.0068756770342588425, -0.021673545241355896, 0.030006323009729385, -0.01438415702432394, 0.009676152840256691, -0.11288601160049438, -0.05291030555963516, -0.024838047102093697, 0.09245820343494415, -0.015081128105521202, 0.03904931992292404, -0.14446304738521576, 0.046862661838531494, -0.059700146317481995, 0.06929720938205719, -0.03606279939413071, 0.0753660574555397, -0.023213915526866913, 0.07102519273757935, 0.04852268099784851, 0.03396391496062279, -0.13640032708644867, 0.12828202545642853, -0.11697382479906082, 0.245967835187912, 0.125928595662117, -0.11077095568180084, -0.0853603184223175, 0.03135863319039345, -0.008814089000225067, -0.012866473756730556, 0.028333960101008415, 0.01953958533704281, 0.10411790758371353, -0.029015380889177322, 0.10779207944869995, -0.06949495524168015, 0.12446669489145279, 0.0730072483420372, -0.18107889592647552, -0.011491773650050163, 0.11057467013597488, 0.0755075067281723, -0.1299804151058197, 0.1359783560037613, 0.006084822118282318, -0.11975736171007156, 0.157663032412529, -0.00007637660746695474, -0.051238901913166046, -0.07191269099712372, -0.007504230365157127, 0.05242546647787094, 0.07532364130020142, -0.16153015196323395, -0.03712182119488716, 0.06506200134754181, -0.06855491548776627, 0.024585697799921036, -0.07053408026695251, -0.08496128767728806, 0.00949243362993002, 0.02057652361690998, -0.0036423883866518736, 0.06561840325593948, -0.028427381068468094, 0.09425996989011765, 0.062462419271469116, -0.05208651348948479, 0.015366235747933388, 0.03959931805729866, -0.0620279535651207, 0.14148789644241333, -0.07025241106748581, -0.2378321886062622, -0.1672838181257248, -0.19841858744621277, -0.013888818211853504, 0.017065051943063736, 0.036883581429719925, -0.08720671385526657, -0.07681451737880707, 0.016416624188423157, -0.004445023834705353, -0.07156223803758621, 0.005468591116368771, 0.007156643085181713, 0.03976080194115639, -0.046230748295784, -0.06314718723297119, -0.03232164308428764, -0.026498697698116302, -0.07829714566469193, 0.14255574345588684, -0.11671076714992523, 0.14012998342514038, 0.10644084215164185, -0.00954232458025217, 0.03266636282205582, -0.01234032679349184, 0.07067606598138809, -0.11140718311071396, 0.02313876897096634, 0.26161885261535645, -0.06856540590524673, 0.05128493905067444, 0.11689790338277817, 0.02163088321685791, -0.026284782215952873, 0.010814228095114231, -0.023845018818974495, -0.10610240697860718, -0.16002142429351807, -0.04418211057782173, -0.08752354979515076, 0.118336021900177, 0.016153128817677498, 0.03704684227705002, 0.15770967304706573, 0.11737776547670364, 0.036652084439992905, 0.09295669943094254, 0.018212858587503433, 0.09912761300802231, 0.03768501058220863, -0.005362118128687143, 0.13449233770370483, -0.04342077299952507, -0.07768627256155014, 0.01932595670223236, -0.038693901151418686, 0.1289249062538147, 0.06767522543668747, 0.03087512217462063, 0.06296258419752121, 0.13122375309467316, 0.119212307035923, 0.042725808918476105, 0.04378849267959595, -0.014367850497364998, -0.0321652926504612, -0.06588104367256165, -0.10186143964529037, 0.12355395406484604, -0.014366574585437775, -0.027309734374284744, -0.022793086245656013, 0.05101688578724861, -0.00510775251314044, 0.1670982837677002, -0.040142130106687546, -0.21733251214027405, -0.08455830067396164, 0.005729327443987131, -0.012794550508260727, -0.03469157963991165, 0.04624708369374275, -0.07085439562797546, -0.17005054652690887, 0.04549293592572212, -0.02279037795960903, 0.14036719501018524, 0.028481947258114815, 0.02182917483150959, -0.10082298517227173, 0.04633038491010666, 0.007242003921419382, 0.061919838190078735, -0.24924829602241516, 0.26191768050193787, 0.007791412528604269, 0.0703570768237114, -0.05173511430621147, -0.0004029966949019581, 0.06664019823074341, 0.0148939723148942, 0.1984405517578125, -0.04072842374444008, -0.021136043593287468, -0.1357865184545517, -0.05909939110279083, 0.06118464469909668, 0.08568454533815384, -0.02566899172961712, 0.053815390914678574, -0.04787211865186691, -0.03456629067659378, 0.0013113552704453468, 0.048620227724313736, -0.11142313480377197, -0.08487853407859802, 0.03353710472583771, 0.006152321118861437, -0.026298142969608307, -0.014076839201152325, -0.033394090831279755, -0.03219442069530487, 0.13257142901420593, 0.035869061946868896, -0.019177166745066643, -0.12927085161209106, -0.01608504168689251, 0.09751487523317337, -0.14421312510967255, 0.055179424583911896, -0.07329855114221573, 0.028794676065444946, -0.018413914367556572, -0.07954207062721252, 0.05690824240446091, -0.04847202077507973, -0.037941064685583115, 0.008877687156200409, 0.048623036593198776, 0.05318664014339447, 0.057238880544900894, 0.002052653580904007, -0.010353188030421734, 0.02924475073814392, -0.0923556387424469, 0.017440199851989746, -0.005017849151045084, 0.0802980363368988, 0.03844933956861496, -0.12843535840511322, -0.09609994292259216, -0.09710445255041122, -0.03220011666417122, 0.10611407458782196, 0.14351783692836761, -0.008275396190583706, 0.01124006137251854, 0.16539160907268524, -0.004674349445849657, -0.25726017355918884, -0.11335928738117218, -0.01983683556318283, 0.12163005769252777, -0.07946541905403137, -0.16768282651901245, 0.08865712583065033, 0.040152836591005325, -0.038397811353206635, 0.003694142447784543, -0.10300741344690323, -0.11058982461690903, 0.1865130066871643, 0.0905287116765976, 0.13615277409553528, -0.13442467153072357, -0.029573969542980194, -0.03469540551304817, -0.1858624666929245, 0.025254586711525917, -0.058465827256441116, 0.10289810597896576, -0.04139847308397293, 0.033661745488643646, -0.0015047594206407666, -0.03021533228456974, 0.10905473679304123, -0.06267747282981873, 0.0016763074090704322, -0.07967372238636017, -0.1982278674840927, 0.10613477230072021, 0.014601797796785831, 0.10100370645523071, 0.03757200017571449, -0.029233260080218315, -0.03730054572224617, -0.07025085389614105, -0.04367828741669655, 0.03872154653072357, -0.008049814961850643, -0.11720134317874908, 0.0004662441788241267, 0.0905594453215599, -0.052683595567941666, 0.03679019212722778, 0.1579243689775467, -0.08870849013328552, 0.04147258400917053, 0.08790592849254608, 0.08982984721660614, 0.018636945635080338, -0.003779997583478689, -0.021630939096212387, -0.05082264170050621, 0.12448953092098236, -0.17313437163829803, 0.0338003970682621, 0.028156796470284462, 0.026330070570111275, 0.0704553872346878, 0.06380409747362137, -0.046804022043943405, 0.04208564758300781, 0.08170416951179504, -0.08433888852596283, -0.08996903896331787, -0.03668944165110588, -0.07225058972835541, 0.016038905829191208, 0.058933086693286896, 0.12513773143291473, -0.07993824779987335, -0.03376911208033562, -0.025871559977531433, -0.013344358652830124, -0.1071786880493164, 0.009295850060880184, 0.07471764087677002, 0.04082874208688736, -0.06736210733652115, -0.02629089541733265, 0.0350988432765007, -0.01761830598115921, 0.0610056109726429, 0.08343881368637085, -0.07630994915962219, -0.08734571933746338, -0.024413110688328743, 0.11983456462621689, -0.039381399750709534, -0.0847003236413002, -0.14107251167297363, -0.11172199249267578, 0.017386415973305702, 0.12676264345645905, 0.09196913987398148, -0.028262998908758163, -0.02264992892742157, 0.031206969171762466, -0.1101159155368805, -0.05309183523058891, 0.11038638651371002, -0.001010277308523655, -0.08492214977741241, 0.042332425713539124, 0.05410083755850792, 0.1545713245868683, -0.07500733435153961, -0.07233486324548721, -0.18592652678489685, 0.07688267529010773, -0.06692739576101303, 0.016617609187960625, -0.13893403112888336, -0.053444042801856995, -0.006813919171690941, -0.059817489236593246, -0.10913398116827011, -0.007705019321292639, -0.054367974400520325, -0.0009086298523470759, 0.015036304481327534, 0.02255687490105629, -0.00966552086174488, -0.013102352619171143, 0.10233914852142334, -0.06303707510232925, -0.014397259801626205, 0.1426219493150711, -0.043207842856645584, 0.04968319460749626, -0.08607839792966843, 0.060985028743743896, 0.04810229316353798, -0.000004998425993107958, 0.07777205109596252, -0.008620038628578186, 0.02133992314338684, 0.02508844994008541, 0.046505190432071686, 0.009599645622074604, 0.14196571707725525, -0.11937697231769562, 0.12064561992883682, -0.10755054652690887, -0.14244216680526733, -0.09046570956707001, 0.02242458052933216, 0.13735373318195343, 0.08127166330814362, 0.03340347483754158, -0.03198406100273132, 0.12324616312980652, -0.08635411411523819, 0.014469204470515251, -0.04439340531826019, -0.08303657919168472, 0.05418017506599426, -0.10185956954956055, 0.019449729472398758, -0.0056265671737492085, 0.12051901966333389, 0.026450611650943756, 0.02130727469921112, 0.0005393758765421808, -0.03856763243675232, 0.07214566320180893, 0.03816064074635506, 0.16872070729732513, 0.09149780869483948, -0.012465829961001873, 0.025918861851096153, 0.06273046880960464, 0.014342650771141052, -0.028284218162298203, -0.0006941034225746989, 0.10562749207019806, 0.12013588845729828, 0.1326281577348709, 0.004705310333520174, 0.050673794001340866, -0.07298611849546432, -0.050124406814575195, -0.05960269272327423, -0.04769004508852959, 0.036611590534448624, 0.03563657030463219, 0.2489236295223236, -0.04588295519351959, 0.08073703944683075, 0.04021083563566208, -0.055475443601608276, -0.16275671124458313, -0.1723785698413849, -0.11285271495580673, -0.07076855003833771, 0.0336422324180603, -0.05341453477740288, -0.06149338185787201, 0.09373857080936432, 0.011907410807907581, 0.0034464222844690084, 0.11323117464780807, 0.001073489198461175, 0.005090466700494289, 0.09476561099290848, 0.003031906671822071, -0.008264458738267422, 0.024054192006587982, -0.041850704699754715, -0.06573756039142609, -0.020071087405085564, 0.01798621006309986, 0.010499812662601471, -0.0547265000641346, 0.07971897721290588, -0.03203647956252098, -0.11703985184431076, -0.01106756180524826, 0.052380479872226715, 0.07736524194478989, 0.09819762408733368, -0.0057244678027927876, -0.05823974311351776, -0.013415040448307991, 0.1730775684118271, -0.029349658638238907, -0.0949014276266098, -0.14917431771755219, 0.14536938071250916, 0.03407087177038193, -0.028521249070763588, -0.022970490157604218, -0.018637577071785927, -0.006365803070366383, 0.30436861515045166, 0.2690165042877197, -0.03200121968984604, 0.007481556851416826, 0.03618144243955612, 0.007872633635997772, 0.0010820578318089247, 0.12052246928215027, 0.04989313706755638, 0.315429151058197, -0.07035883516073227, -0.06285592168569565, -0.10094041377305984, -0.04533440247178078, -0.07502048462629318, 0.026841577142477036, 0.10197529941797256, -0.07620681077241898, -0.05306939780712128, 0.07962547242641449, -0.20542065799236298, -0.03697821497917175, 0.08624257147312164, -0.12105827778577805, -0.09441175311803818, -0.012737740762531757, 0.0052872998639941216, 0.044048890471458435, 0.10923313349485397, -0.03416714072227478, -0.003515645395964384, 0.04860610514879227, 0.06598755717277527, -0.07430393248796463, 0.005380845628678799, 0.09514341503381729, 0.04497372359037399, 0.15469108521938324, -0.008963467553257942, 0.04772953316569328, 0.09155445545911789, 0.08652196824550629, 0.03630182519555092, 0.09515736252069473, 0.008930153213441372, -0.05488242208957672, 0.02333112619817257, 0.06232190877199173, -0.05768522992730141, -0.009162791073322296, 0.015641596168279648, -0.18309463560581207, 0.06939045339822769, -0.0022908183746039867, -0.05159442871809006, -0.06747564673423767, 0.08562790602445602, -0.1551172137260437, 0.11556794494390488, 0.16901563107967377, -0.024012817069888115, -0.07477053254842758, -0.05671058967709541, 0.11365248262882233, 0.05307973921298981, -0.08722471445798874, -0.10238499194383621, -0.12941163778305054, -0.09247514605522156, 0.024198325350880623, -0.0262403916567564, -0.21197178959846497, -0.05684305727481842, -0.023118896409869194, -0.02830706536769867, -0.10318607836961746, -0.03802638128399849, 0.03419182822108269, 0.0034982638899236917, 0.006496491841971874, -0.1630512773990631, 0.016900811344385147, 0.07765866816043854, -0.09615680575370789, -0.12593844532966614 ]
null
null
transformers
# roberta-base-japanese-char-luw-upos ## Model Description This is a RoBERTa model pre-trained on 青空文庫 texts for POS-tagging and dependency-parsing, derived from [roberta-base-japanese-aozora-char](https://huggingface.co/KoichiYasuoka/roberta-base-japanese-aozora-char). Every long-unit-word is tagged by [UPOS](https://universaldependencies.org/u/pos/) (Universal Part-Of-Speech) and [FEATS](https://universaldependencies.org/u/feat/). ## How to Use ```py from transformers import AutoTokenizer,AutoModelForTokenClassification,TokenClassificationPipeline tokenizer=AutoTokenizer.from_pretrained("KoichiYasuoka/roberta-base-japanese-char-luw-upos") model=AutoModelForTokenClassification.from_pretrained("KoichiYasuoka/roberta-base-japanese-char-luw-upos") pipeline=TokenClassificationPipeline(tokenizer=tokenizer,model=model,aggregation_strategy="simple") nlp=lambda x:[(x[t["start"]:t["end"]],t["entity_group"]) for t in pipeline(x)] print(nlp("国境の長いトンネルを抜けると雪国であった。")) ``` or ```py import esupar nlp=esupar.load("KoichiYasuoka/roberta-base-japanese-char-luw-upos") print(nlp("国境の長いトンネルを抜けると雪国であった。")) ``` ## Reference 安岡孝一: [Transformersと国語研長単位による日本語係り受け解析モデルの製作](http://id.nii.ac.jp/1001/00216223/), 情報処理学会研究報告, Vol.2022-CH-128, No.7 (2022年2月), pp.1-8. ## See Also [esupar](https://github.com/KoichiYasuoka/esupar): Tokenizer POS-tagger and Dependency-parser with BERT/RoBERTa/DeBERTa models
{"language": ["ja"], "license": "cc-by-sa-4.0", "tags": ["japanese", "token-classification", "pos", "dependency-parsing"], "datasets": ["universal_dependencies"], "pipeline_tag": "token-classification", "widget": [{"text": "\u56fd\u5883\u306e\u9577\u3044\u30c8\u30f3\u30cd\u30eb\u3092\u629c\u3051\u308b\u3068\u96ea\u56fd\u3067\u3042\u3063\u305f\u3002"}]}
token-classification
KoichiYasuoka/roberta-base-japanese-char-luw-upos
[ "transformers", "pytorch", "roberta", "token-classification", "japanese", "pos", "dependency-parsing", "ja", "dataset:universal_dependencies", "license:cc-by-sa-4.0", "autotrain_compatible", "endpoints_compatible", "region:us" ]
2022-03-02T23:29:04+00:00
[]
[ "ja" ]
TAGS #transformers #pytorch #roberta #token-classification #japanese #pos #dependency-parsing #ja #dataset-universal_dependencies #license-cc-by-sa-4.0 #autotrain_compatible #endpoints_compatible #region-us
# roberta-base-japanese-char-luw-upos ## Model Description This is a RoBERTa model pre-trained on 青空文庫 texts for POS-tagging and dependency-parsing, derived from roberta-base-japanese-aozora-char. Every long-unit-word is tagged by UPOS (Universal Part-Of-Speech) and FEATS. ## How to Use or ## Reference 安岡孝一: Transformersと国語研長単位による日本語係り受け解析モデルの製作, 情報処理学会研究報告, Vol.2022-CH-128, No.7 (2022年2月), pp.1-8. ## See Also esupar: Tokenizer POS-tagger and Dependency-parser with BERT/RoBERTa/DeBERTa models
[ "# roberta-base-japanese-char-luw-upos", "## Model Description\n\nThis is a RoBERTa model pre-trained on 青空文庫 texts for POS-tagging and dependency-parsing, derived from roberta-base-japanese-aozora-char. Every long-unit-word is tagged by UPOS (Universal Part-Of-Speech) and FEATS.", "## How to Use\n\n\n\nor", "## Reference\n\n安岡孝一: Transformersと国語研長単位による日本語係り受け解析モデルの製作, 情報処理学会研究報告, Vol.2022-CH-128, No.7 (2022年2月), pp.1-8.", "## See Also\n\nesupar: Tokenizer POS-tagger and Dependency-parser with BERT/RoBERTa/DeBERTa models" ]
[ "TAGS\n#transformers #pytorch #roberta #token-classification #japanese #pos #dependency-parsing #ja #dataset-universal_dependencies #license-cc-by-sa-4.0 #autotrain_compatible #endpoints_compatible #region-us \n", "# roberta-base-japanese-char-luw-upos", "## Model Description\n\nThis is a RoBERTa model pre-trained on 青空文庫 texts for POS-tagging and dependency-parsing, derived from roberta-base-japanese-aozora-char. Every long-unit-word is tagged by UPOS (Universal Part-Of-Speech) and FEATS.", "## How to Use\n\n\n\nor", "## Reference\n\n安岡孝一: Transformersと国語研長単位による日本語係り受け解析モデルの製作, 情報処理学会研究報告, Vol.2022-CH-128, No.7 (2022年2月), pp.1-8.", "## See Also\n\nesupar: Tokenizer POS-tagger and Dependency-parser with BERT/RoBERTa/DeBERTa models" ]
[ 74, 17, 79, 5, 55, 33 ]
[ "passage: TAGS\n#transformers #pytorch #roberta #token-classification #japanese #pos #dependency-parsing #ja #dataset-universal_dependencies #license-cc-by-sa-4.0 #autotrain_compatible #endpoints_compatible #region-us \n# roberta-base-japanese-char-luw-upos## Model Description\n\nThis is a RoBERTa model pre-trained on 青空文庫 texts for POS-tagging and dependency-parsing, derived from roberta-base-japanese-aozora-char. Every long-unit-word is tagged by UPOS (Universal Part-Of-Speech) and FEATS.## How to Use\n\n\n\nor## Reference\n\n安岡孝一: Transformersと国語研長単位による日本語係り受け解析モデルの製作, 情報処理学会研究報告, Vol.2022-CH-128, No.7 (2022年2月), pp.1-8.## See Also\n\nesupar: Tokenizer POS-tagger and Dependency-parser with BERT/RoBERTa/DeBERTa models" ]
[ -0.012937614694237709, 0.09997820109128952, -0.006520645227283239, 0.021444780752062798, 0.12448511272668839, 0.007244272157549858, 0.09790576249361038, 0.09394915401935577, -0.015136117115616798, 0.0729181319475174, 0.04535285010933876, 0.05492394417524338, 0.07531879842281342, 0.05633242800831795, -0.022131826728582382, -0.3344120979309082, 0.0871671661734581, 0.08297353982925415, -0.04266248270869255, 0.09832830727100372, 0.09510181099176407, -0.03932623565196991, 0.08181023597717285, 0.010015789419412613, -0.09859341382980347, -0.015483262948691845, -0.008448908105492592, -0.14447510242462158, 0.04778598994016647, 0.02585645020008087, 0.0784548744559288, -0.00015788413293194026, -0.006345290690660477, -0.060186196118593216, 0.004510177299380302, 0.005825611762702465, -0.062156833708286285, 0.052569352090358734, 0.01633094809949398, -0.02195753902196884, 0.08261565864086151, -0.08773274719715118, 0.003256767988204956, 0.025966685265302658, -0.08915530145168304, -0.15489473938941956, -0.05775443837046623, 0.042525023221969604, 0.07004223018884659, 0.05617407709360123, -0.01679685339331627, 0.08738132566213608, -0.07770481705665588, 0.003135613864287734, 0.15116208791732788, -0.2638837695121765, -0.06001698970794678, 0.0218393225222826, -0.018079228699207306, 0.02251296490430832, -0.05454409867525101, -0.03642748296260834, 0.049861203879117966, 0.015354675240814686, -0.0011934422655031085, -0.0996178463101387, 0.11733043193817139, 0.020229630172252655, -0.12405851483345032, 0.07006925344467163, 0.18822799623012543, 0.047758959233760834, -0.05609834939241409, -0.03546381741762161, -0.0527912937104702, -0.018790725618600845, -0.07577838748693466, -0.10117178410291672, 0.07046495378017426, -0.0073393587954342365, 0.12113197892904282, 0.03350839763879776, -0.08626003563404083, 0.0025404784828424454, -0.13901440799236298, 0.19570550322532654, 0.042440857738256454, 0.008885839022696018, -0.048407454043626785, -0.03574452921748161, -0.10976685583591461, -0.10546994209289551, -0.04749143496155739, -0.06252559274435043, 0.06150360405445099, 0.02251829206943512, -0.01297447457909584, -0.002229367382824421, 0.05903253331780434, 0.07762785255908966, -0.08393276482820511, 0.023221544921398163, 0.00634921295568347, 0.016666851937770844, 0.056607309728860855, 0.12941794097423553, -0.07145800441503525, -0.08185616880655289, 0.017987551167607307, 0.0029168305918574333, -0.012295747175812721, -0.032215416431427, -0.09373290836811066, -0.06749482452869415, 0.01739988476037979, -0.044279877096414566, 0.031640343368053436, 0.036087434738874435, -0.03408686816692352, -0.07693614065647125, 0.07445784658193588, -0.1273982673883438, 0.008729555644094944, -0.014828412793576717, -0.056000519543886185, 0.26888617873191833, -0.03261249512434006, -0.04655006527900696, -0.08827386796474457, 0.05052437633275986, -0.08851232379674911, -0.0013572901953011751, -0.08654028922319412, -0.02757863700389862, 0.023573925718665123, -0.032688580453395844, 0.038079146295785904, -0.13104604184627533, -0.03304295986890793, -0.06563225388526917, -0.0018362773116678, -0.05238864943385124, 0.00682617025449872, -0.0012781283585354686, -0.026750855147838593, -0.01019358541816473, -0.0076822638511657715, -0.08121035248041153, -0.03635578602552414, 0.023699060082435608, 0.011753473430871964, 0.06258399784564972, -0.05819827318191528, 0.07403227686882019, -0.11351292580366135, 0.004075740929692984, -0.21461056172847748, -0.008387614041566849, -0.05304593965411186, 0.032061535865068436, -0.10234706848859787, -0.057082220911979675, 0.0019531373400241137, 0.08193464577198029, -0.032739195972681046, 0.12925128638744354, -0.05929790809750557, -0.1083286926150322, 0.25740113854408264, -0.12975381314754486, -0.08975579589605331, 0.12328800559043884, 0.03311775624752045, 0.03368504345417023, 0.04097262769937515, 0.12742772698402405, 0.06207240745425224, 0.024985412135720253, -0.04987639561295509, 0.03782042860984802, -0.011705856770277023, -0.008005308918654919, 0.1306435763835907, 0.012043558992445469, 0.01149812527000904, 0.056184809654951096, -0.06456687301397324, -0.10222791880369186, -0.027424251660704613, -0.05550030991435051, 0.02416377328336239, 0.012341605499386787, 0.0020022867247462273, -0.01671110838651657, 0.05439893156290054, -0.05190267786383629, -0.08518808335065842, 0.1416964828968048, 0.07454585283994675, -0.025053447112441063, 0.048934150487184525, -0.10044784843921661, 0.13627400994300842, 0.06785106658935547, 0.04168985038995743, -0.09090529382228851, 0.020300520583987236, 0.009391781874001026, 0.10856638848781586, 0.02804381400346756, -0.0009415414533577859, 0.04532923176884651, -0.00853109359741211, -0.010143529623746872, -0.004423181060701609, 0.006707869470119476, -0.02927352301776409, 0.0033008563332259655, -0.13960817456245422, 0.006474469322711229, -0.019065910950303078, 0.09930028021335602, -0.0561814084649086, 0.03547731041908264, -0.019784437492489815, 0.06420774757862091, -0.024845952168107033, 0.032723318785429, -0.04507468640804291, 0.06247050315141678, -0.01775413006544113, 0.07761283218860626, 0.028776997700333595, 0.013462628237903118, -0.05213035270571709, 0.08943063765764236, -0.09297576546669006, 0.1508617401123047, 0.14427365362644196, -0.0418064147233963, -0.04956281930208206, -0.03430543839931488, -0.007725370582193136, -0.010399891063570976, 0.05802535638213158, -0.017646003514528275, 0.05547375977039337, -0.014764067716896534, 0.07681764662265778, -0.07431530952453613, 0.08253650367259979, 0.0280806515365839, -0.13535453379154205, -0.05227971449494362, 0.12602262198925018, 0.016204332932829857, -0.10056081414222717, 0.1795894205570221, 0.14718353748321533, -0.0643845945596695, 0.20622223615646362, -0.05406747758388519, -0.1213487833738327, -0.06764428317546844, 0.008900885470211506, 0.0013614860363304615, -0.001403655158355832, -0.21254898607730865, -0.019391415640711784, 0.06698323786258698, 0.010666142217814922, 0.014205347746610641, -0.05950099229812622, -0.03530355170369148, 0.014739876613020897, 0.023450257256627083, -0.01086400542408228, 0.022337619215250015, 0.015594925731420517, 0.09962257742881775, 0.07272529602050781, -0.05900699272751808, -0.013531151227653027, 0.013702734373509884, -0.07466654479503632, 0.16009387373924255, -0.12253521382808685, -0.17231367528438568, -0.14962440729141235, -0.12109512835741043, -0.044876500964164734, -0.0005877322400920093, 0.03988669812679291, -0.09638072550296783, -0.03472228720784187, -0.0021680572535842657, 0.06823229789733887, -0.07433651387691498, 0.00040746614104136825, 0.031897611916065216, 0.06552232801914215, -0.09567718952894211, -0.04284285753965378, -0.050685785710811615, -0.07853727787733078, -0.10026537626981735, 0.1030726432800293, -0.04954726994037628, 0.04615211486816406, 0.13192088901996613, -0.009932836517691612, -0.025901006534695625, -0.0054654343985021114, 0.05047513544559479, -0.10150691866874695, -0.011016534641385078, 0.2576848268508911, 0.01280729379504919, 0.05620375648140907, 0.06075500696897507, 0.027354441583156586, -0.011291763745248318, -0.03871241956949234, 0.005752259399741888, -0.04995522275567055, -0.22493672370910645, -0.05307937413454056, -0.07323448359966278, 0.18300995230674744, -0.005501375067979097, 0.001599730341695249, 0.03229817748069763, 0.07376363128423691, -0.00045167619828134775, -0.0028801411390304565, -0.052435800433158875, 0.08293266594409943, 0.1066698506474495, -0.026878248900175095, 0.11486144363880157, -0.03680263087153435, -0.025212308391928673, 0.11843852698802948, -0.06654796749353409, 0.13737627863883972, 0.05915094166994095, 0.07807863503694534, 0.060036614537239075, 0.13849857449531555, 0.056022759526968, -0.0019408704247325659, 0.00858756061643362, -0.028408514335751534, -0.04238780215382576, -0.07854290306568146, -0.07839552313089371, 0.10728131979703903, -0.03320014476776123, -0.019194256514310837, -0.02421579882502556, 0.03830992802977562, 0.05005144327878952, 0.13738591969013214, 0.05695974454283714, -0.17469455301761627, -0.09698061645030975, 0.026575956493616104, -0.008501804433763027, -0.03410997614264488, 0.029903823509812355, -0.0438825748860836, -0.12747406959533691, 0.06599752604961395, 0.052390728145837784, 0.08411378413438797, -0.004662891384214163, 0.05372153967618942, -0.06327700614929199, 0.05250692367553711, 0.031068021431565285, 0.03985792398452759, -0.19984358549118042, 0.19146327674388885, 0.020376058295369148, -0.01584065891802311, -0.033511821180582047, 0.0374157540500164, 0.022065114229917526, 0.0453006848692894, 0.11740472912788391, 0.0037370172794908285, -0.04535398632287979, -0.009180387482047081, -0.05220093950629234, 0.0010198294185101986, 0.08496259152889252, -0.04553407430648804, 0.04337617754936218, -0.031344275921583176, 0.02387419156730175, -0.005715813022106886, 0.03702180087566376, 0.005279651843011379, -0.0924474373459816, 0.05867200717329979, -0.06512405723333359, 0.010997265577316284, 0.0034704054705798626, -0.06403554975986481, -0.08217251300811768, 0.18919919431209564, 0.04221423342823982, -0.021511467173695564, -0.07587537914514542, 0.015477134846150875, 0.04653242230415344, -0.14093592762947083, 0.009015683084726334, -0.04199029505252838, 0.018704239279031754, 0.030286746099591255, -0.09070580452680588, 0.08986149728298187, -0.05179821699857712, -0.029186824336647987, 0.003071494633331895, 0.10857702046632767, 0.015068793669342995, 0.05432014912366867, -0.006024095229804516, -0.007332070730626583, -0.004218479618430138, -0.08671700954437256, 0.04600116237998009, 0.03553082048892975, 0.13466951251029968, 0.05817846953868866, -0.16098619997501373, -0.09210243076086044, -0.03347153589129448, -0.05568363890051842, 0.11458098888397217, 0.1822299212217331, -0.023288283497095108, 0.04175407439470291, 0.18002761900424957, -0.015187564305961132, -0.22125780582427979, -0.049550846219062805, 0.014871732331812382, 0.057620108127593994, -0.032820288091897964, -0.19472700357437134, 0.142311692237854, 0.15905362367630005, 0.0010513353627175093, -0.011710814200341702, -0.12954720854759216, -0.07400941103696823, 0.15070348978042603, 0.009303868748247623, 0.145352303981781, -0.12806928157806396, -0.04683491960167885, 0.01018686592578888, -0.20338031649589539, 0.09373793751001358, -0.0761963427066803, 0.06564593315124512, -0.03515706583857536, 0.04648122936487198, -0.0036389867309480906, 0.001715335645712912, 0.15619784593582153, 0.007742228917777538, -0.024757258594036102, -0.0635996162891388, -0.08992772549390793, 0.09958082437515259, -0.0005610344232991338, 0.07507353276014328, 0.06916829198598862, -0.04121820628643036, -0.11530445516109467, -0.0366206020116806, -0.061464205384254456, 0.006754252593964338, -0.021950963884592056, -0.09521721303462982, -0.016215365380048752, 0.09365318715572357, -0.006000468507409096, -0.021767817437648773, 0.14919909834861755, -0.055751871317625046, 0.0639764815568924, 0.21049417555332184, 0.062245674431324005, -0.11497519165277481, 0.01113351620733738, -0.0440487414598465, -0.026973024010658264, 0.10089404881000519, -0.12675325572490692, 0.013716676272451878, 0.05342429131269455, 0.013421566225588322, 0.03467091545462608, 0.05769195407629013, -0.03878072649240494, -0.014922345988452435, 0.09334214776754379, -0.07529976963996887, -0.17574360966682434, -0.024636588990688324, -0.10240866243839264, -0.057348527014255524, 0.06460773944854736, 0.13671593368053436, -0.022637825459241867, -0.06309682130813599, 0.005297542549669743, 0.03225395455956459, -0.09014148265123367, 0.06868324428796768, -0.004652968142181635, 0.013113120570778847, -0.09261150658130646, 0.020755145698785782, 0.05625231936573982, -0.06492782384157181, 0.036073144525289536, 0.08943615108728409, -0.06967401504516602, -0.07580084353685379, -0.01717774011194706, 0.024749059230089188, -0.09732838720083237, -0.04905332252383232, -0.06223422288894653, -0.12279706448316574, 0.04934220761060715, 0.08706743270158768, 0.11166030168533325, 0.031542085111141205, 0.013904442079365253, 0.03960012272000313, -0.046617746353149414, -0.04038737341761589, 0.06648778170347214, 0.014574147760868073, -0.05084493011236191, 0.04950050637125969, -0.02966785430908203, 0.12048995494842529, -0.05655013397336006, -0.045240964740514755, -0.17210817337036133, -0.0024045531172305346, -0.07160164415836334, -0.043355025351047516, -0.13108670711517334, -0.03403379023075104, 0.0020061973482370377, -0.027514096349477768, -0.09400725364685059, -0.02384776622056961, -0.06395372003316879, -0.001377008156850934, -0.004059570375829935, 0.10292419046163559, -0.058023929595947266, 0.030321838334202766, 0.06662090867757797, -0.03673390671610832, 0.04004209116101265, 0.12901002168655396, 0.024461733177304268, 0.06363403797149658, -0.02595617063343525, 0.04377985745668411, 0.053849972784519196, 0.029755746945738792, 0.06780503690242767, -0.05106135830283165, 0.038909412920475006, 0.020529942587018013, -0.0678263008594513, 0.03996900096535683, 0.08419694006443024, -0.11745475977659225, 0.07656479626893997, -0.10764369368553162, -0.13011910021305084, -0.09167513251304626, 0.025313112884759903, 0.09720765799283981, 0.04241267964243889, 0.07054562121629715, -0.008545556105673313, 0.040723904967308044, -0.11345742642879486, 0.007105577737092972, -0.03186386823654175, -0.06714355945587158, 0.08473461866378784, -0.04972982034087181, 0.033532533794641495, 0.023741258308291435, 0.12050934135913849, 0.014611339196562767, -0.000015558351151412353, 0.046184342354536057, -0.028979269787669182, 0.06092920899391174, 0.027058126404881477, 0.10802333056926727, 0.12285556644201279, -0.050517115741968155, -0.010608084499835968, 0.0469595305621624, 0.022462984547019005, 0.012350840494036674, 0.01659245975315571, 0.11823877692222595, 0.04754722863435745, 0.10417280346155167, 0.038050491362810135, 0.043245453387498856, -0.1256709098815918, 0.03204149752855301, -0.05375313758850098, -0.01837153360247612, 0.017317786812782288, 0.12215741723775864, 0.20278970897197723, -0.09136778861284256, 0.09724606573581696, 0.002905080793425441, -0.037755317986011505, -0.16070587933063507, -0.14349602162837982, -0.08889097720384598, -0.1511474996805191, 0.010668269358575344, -0.11293012648820877, 0.001353127066977322, 0.1490115225315094, 0.05275006964802742, -0.01426385622471571, 0.021654801443219185, -0.04794715344905853, -0.08390863239765167, 0.08655395358800888, 0.015065264888107777, 0.013510731980204582, -0.014235490933060646, -0.048558562994003296, -0.03474430367350578, 0.030318334698677063, 0.038296107202768326, 0.013366843573749065, 0.017569035291671753, 0.02004757709801197, -0.08267143368721008, -0.08569909632205963, 0.011723000556230545, 0.036327216774225235, 0.014455009251832962, 0.09999137371778488, 0.004074779339134693, -0.07850489765405655, 0.010264885611832142, 0.24647116661071777, -0.051551684737205505, -0.01233004592359066, -0.14499883353710175, 0.10444920510053635, 0.07197265326976776, 0.05223201587796211, -0.010946429334580898, -0.06895307451486588, -0.05242699384689331, 0.16828854382038116, 0.2158622145652771, -0.01689429208636284, 0.0016478087054565549, 0.04550210386514664, 0.022143283858895302, 0.011273778975009918, 0.06615476310253143, 0.09132839739322662, 0.24698562920093536, -0.05534407123923302, -0.04646015912294388, -0.07512743026018143, 0.011731740087270737, -0.15440572798252106, 0.056382130831480026, 0.07719424366950989, -0.04683339595794678, -0.03176780417561531, 0.028102705255150795, -0.10546880215406418, -0.06823603063821793, 0.028299257159233093, -0.15401139855384827, -0.1304827779531479, -0.025654908269643784, 0.015845082700252533, 0.06421424448490143, 0.12094475328922272, 0.027585376054048538, -0.07180598378181458, 0.09342706203460693, 0.05956777185201645, -0.07596604526042938, -0.04420790821313858, 0.11949893832206726, 0.07235275208950043, 0.09191205352544785, -0.0016075137536972761, 0.01221909373998642, 0.0860116109251976, 0.10866234451532364, 0.010907791554927826, -0.0013960133073851466, 0.023986326530575752, -0.070766381919384, 0.012526927515864372, 0.018585490062832832, -0.04295676574110985, 0.008561682887375355, 0.08718660473823547, -0.154138445854187, -0.024120815098285675, -0.035357940942049026, -0.04147877171635628, -0.034172337502241135, 0.07603286951780319, -0.14474676549434662, 0.1137210801243782, 0.2071913331747055, -0.026249529793858528, -0.06599418073892593, -0.060852620750665665, 0.06190882623195648, 0.05204150080680847, -0.032884687185287476, -0.03833989053964615, -0.11683037132024765, -0.034578513354063034, 0.060761455446481705, 0.013460712507367134, -0.1391994059085846, -0.05410080403089523, 0.036589089781045914, 0.0222503449767828, -0.12309597432613373, 0.02011529542505741, 0.0024181026965379715, 0.0029717169236391783, -0.03505579009652138, -0.1678917407989502, 0.033102404326200485, 0.07959623634815216, -0.05246884375810623, -0.08539026230573654 ]
null
null
transformers
# roberta-base-japanese-luw-upos ## Model Description This is a RoBERTa model pre-trained on 青空文庫 texts for POS-tagging and dependency-parsing, derived from [roberta-base-japanese-aozora](https://huggingface.co/KoichiYasuoka/roberta-base-japanese-aozora). Every long-unit-word is tagged by [UPOS](https://universaldependencies.org/u/pos/) (Universal Part-Of-Speech). ## How to Use ```py from transformers import AutoTokenizer,AutoModelForTokenClassification,TokenClassificationPipeline tokenizer=AutoTokenizer.from_pretrained("KoichiYasuoka/roberta-base-japanese-luw-upos") model=AutoModelForTokenClassification.from_pretrained("KoichiYasuoka/roberta-base-japanese-luw-upos") pipeline=TokenClassificationPipeline(tokenizer=tokenizer,model=model,aggregation_strategy="simple") nlp=lambda x:[(x[t["start"]:t["end"]],t["entity_group"]) for t in pipeline(x)] print(nlp("国境の長いトンネルを抜けると雪国であった。")) ``` or ```py import esupar nlp=esupar.load("KoichiYasuoka/roberta-base-japanese-luw-upos") print(nlp("国境の長いトンネルを抜けると雪国であった。")) ``` ## Reference 安岡孝一: [Transformersと国語研長単位による日本語係り受け解析モデルの製作](http://id.nii.ac.jp/1001/00216223/), 情報処理学会研究報告, Vol.2022-CH-128, No.7 (2022年2月), pp.1-8. ## See Also [esupar](https://github.com/KoichiYasuoka/esupar): Tokenizer POS-tagger and Dependency-parser with BERT/RoBERTa/DeBERTa models
{"language": ["ja"], "license": "cc-by-sa-4.0", "tags": ["japanese", "token-classification", "pos", "dependency-parsing"], "datasets": ["universal_dependencies"], "pipeline_tag": "token-classification", "widget": [{"text": "\u56fd\u5883\u306e\u9577\u3044\u30c8\u30f3\u30cd\u30eb\u3092\u629c\u3051\u308b\u3068\u96ea\u56fd\u3067\u3042\u3063\u305f\u3002"}]}
token-classification
KoichiYasuoka/roberta-base-japanese-luw-upos
[ "transformers", "pytorch", "roberta", "token-classification", "japanese", "pos", "dependency-parsing", "ja", "dataset:universal_dependencies", "license:cc-by-sa-4.0", "autotrain_compatible", "endpoints_compatible", "region:us" ]
2022-03-02T23:29:04+00:00
[]
[ "ja" ]
TAGS #transformers #pytorch #roberta #token-classification #japanese #pos #dependency-parsing #ja #dataset-universal_dependencies #license-cc-by-sa-4.0 #autotrain_compatible #endpoints_compatible #region-us
# roberta-base-japanese-luw-upos ## Model Description This is a RoBERTa model pre-trained on 青空文庫 texts for POS-tagging and dependency-parsing, derived from roberta-base-japanese-aozora. Every long-unit-word is tagged by UPOS (Universal Part-Of-Speech). ## How to Use or ## Reference 安岡孝一: Transformersと国語研長単位による日本語係り受け解析モデルの製作, 情報処理学会研究報告, Vol.2022-CH-128, No.7 (2022年2月), pp.1-8. ## See Also esupar: Tokenizer POS-tagger and Dependency-parser with BERT/RoBERTa/DeBERTa models
[ "# roberta-base-japanese-luw-upos", "## Model Description\n\nThis is a RoBERTa model pre-trained on 青空文庫 texts for POS-tagging and dependency-parsing, derived from roberta-base-japanese-aozora. Every long-unit-word is tagged by UPOS (Universal Part-Of-Speech).", "## How to Use\n\n\n\nor", "## Reference\n\n安岡孝一: Transformersと国語研長単位による日本語係り受け解析モデルの製作, 情報処理学会研究報告, Vol.2022-CH-128, No.7 (2022年2月), pp.1-8.", "## See Also\n\nesupar: Tokenizer POS-tagger and Dependency-parser with BERT/RoBERTa/DeBERTa models" ]
[ "TAGS\n#transformers #pytorch #roberta #token-classification #japanese #pos #dependency-parsing #ja #dataset-universal_dependencies #license-cc-by-sa-4.0 #autotrain_compatible #endpoints_compatible #region-us \n", "# roberta-base-japanese-luw-upos", "## Model Description\n\nThis is a RoBERTa model pre-trained on 青空文庫 texts for POS-tagging and dependency-parsing, derived from roberta-base-japanese-aozora. Every long-unit-word is tagged by UPOS (Universal Part-Of-Speech).", "## How to Use\n\n\n\nor", "## Reference\n\n安岡孝一: Transformersと国語研長単位による日本語係り受け解析モデルの製作, 情報処理学会研究報告, Vol.2022-CH-128, No.7 (2022年2月), pp.1-8.", "## See Also\n\nesupar: Tokenizer POS-tagger and Dependency-parser with BERT/RoBERTa/DeBERTa models" ]
[ 74, 15, 73, 5, 55, 33 ]
[ "passage: TAGS\n#transformers #pytorch #roberta #token-classification #japanese #pos #dependency-parsing #ja #dataset-universal_dependencies #license-cc-by-sa-4.0 #autotrain_compatible #endpoints_compatible #region-us \n# roberta-base-japanese-luw-upos## Model Description\n\nThis is a RoBERTa model pre-trained on 青空文庫 texts for POS-tagging and dependency-parsing, derived from roberta-base-japanese-aozora. Every long-unit-word is tagged by UPOS (Universal Part-Of-Speech).## How to Use\n\n\n\nor## Reference\n\n安岡孝一: Transformersと国語研長単位による日本語係り受け解析モデルの製作, 情報処理学会研究報告, Vol.2022-CH-128, No.7 (2022年2月), pp.1-8.## See Also\n\nesupar: Tokenizer POS-tagger and Dependency-parser with BERT/RoBERTa/DeBERTa models" ]
[ -0.007815299555659294, 0.07609111070632935, -0.006077250931411982, 0.030791236087679863, 0.1427084356546402, 0.014401369728147984, 0.12002571672201157, 0.09199625253677368, -0.012847059406340122, 0.053027160465717316, 0.05784809589385986, 0.09195966273546219, 0.05228754132986069, 0.042863957583904266, -0.013687178492546082, -0.342844694852829, 0.08318338543176651, 0.08856810629367828, -0.03172774612903595, 0.11297668516635895, 0.09523802995681763, -0.04098185524344444, 0.0816616341471672, 0.021567650139331818, -0.10780820995569229, -0.010115873999893665, -0.005561076570302248, -0.1489448994398117, 0.06536830961704254, 0.015965107828378677, 0.09643677622079849, -0.002381522674113512, -0.00762931676581502, -0.06077542155981064, 0.001936520216986537, -0.0005952197825536132, -0.06786041706800461, 0.048893243074417114, 0.021230706945061684, -0.04089903458952904, 0.047941163182258606, -0.08302871137857437, 0.009618416428565979, 0.033738791942596436, -0.09564290195703506, -0.17246928811073303, -0.04469268396496773, 0.04677430912852287, 0.07052341103553772, 0.0582631416618824, -0.025588544085621834, 0.0894637331366539, -0.08744890242815018, 0.003994357772171497, 0.16842909157276154, -0.2780836820602417, -0.05390482768416405, 0.03516625612974167, -0.029317393898963928, 0.02700093761086464, -0.0525047667324543, -0.034057170152664185, 0.05599581077694893, 0.01226006355136633, -0.005721394903957844, -0.09510961174964905, 0.143957257270813, 0.024476222693920135, -0.13083595037460327, 0.07569518685340881, 0.21564865112304688, 0.04839551821351051, -0.04523339867591858, -0.053281914442777634, -0.04428287595510483, -0.013518470339477062, -0.06262601912021637, -0.11430677026510239, 0.06719906628131866, 0.002630155300721526, 0.09735172241926193, 0.024380270391702652, -0.09621763974428177, -0.008361075073480606, -0.15166939795017242, 0.2135707288980484, 0.04585013911128044, 0.013327364809811115, -0.051613301038742065, -0.0257661584764719, -0.09304458647966385, -0.09244389086961746, -0.040336381644010544, -0.0622563511133194, 0.06975402683019638, 0.024900823831558228, -0.014280012808740139, -0.018780142068862915, 0.052948884665966034, 0.07762487232685089, -0.04774159938097, 0.012001518160104752, 0.019066618755459785, 0.03439488634467125, 0.056954387575387955, 0.14279261231422424, -0.07406880706548691, -0.08191435039043427, 0.005061242263764143, -0.006503864657133818, -0.011362724006175995, -0.03091788850724697, -0.10856397449970245, -0.06780421733856201, 0.0332799032330513, -0.05087859183549881, 0.027227191254496574, 0.05502301827073097, -0.0495724119246006, -0.08847225457429886, 0.04505729675292969, -0.13119442760944366, 0.02297569066286087, -0.0209315437823534, -0.05309151113033295, 0.2799667716026306, -0.026009276509284973, -0.04116375744342804, -0.08535786718130112, 0.053847406059503555, -0.09242996573448181, 0.0145998764783144, -0.08708203583955765, -0.03171716630458832, 0.018931785598397255, -0.036402225494384766, 0.04319110885262489, -0.13882575929164886, -0.0471123531460762, -0.05783991143107414, 0.0023713591508567333, -0.03396075591444969, -0.000682907470036298, -0.019908709451556206, -0.018846813589334488, -0.015578771941363811, -0.008228186517953873, -0.10827323794364929, -0.03210632503032684, 0.03287343308329582, 0.018353266641497612, 0.06880556046962738, -0.06998633593320847, 0.08487910032272339, -0.11611146479845047, -0.011139134876430035, -0.22165004909038544, 0.0131558608263731, -0.044097233563661575, 0.04364360123872757, -0.09959635883569717, -0.05131442844867706, -0.0019851962570101023, 0.0851922407746315, -0.04621126875281334, 0.1259164661169052, -0.04587121680378914, -0.11845488101243973, 0.2451208382844925, -0.134797602891922, -0.09045427292585373, 0.12283018976449966, 0.0183271337300539, 0.07897836714982986, 0.050286125391721725, 0.1334741860628128, 0.04007238149642944, 0.01867147907614708, -0.047646839171648026, 0.035013534128665924, -0.05066636577248573, -0.014902924187481403, 0.13809528946876526, 0.00889472384005785, -0.0029390431009233, 0.05739831179380417, -0.0751589685678482, -0.10615161061286926, -0.0294012613594532, -0.061585552990436554, 0.027823874726891518, 0.01898985356092453, 0.029175465926527977, -0.025069665163755417, 0.06458701938390732, -0.049093976616859436, -0.09195917099714279, 0.1857740730047226, 0.07194333523511887, -0.027557969093322754, 0.043352652341127396, -0.10778972506523132, 0.09853595495223999, 0.050897710025310516, 0.039264194667339325, -0.08518102020025253, 0.025041496381163597, -0.0018481551669538021, 0.09858892858028412, 0.042842525988817215, 0.03045235387980938, 0.04423467814922333, -0.021726325154304504, -0.003459929721429944, -0.009991224855184555, -0.002121817087754607, -0.02902589924633503, -0.0003129941178485751, -0.12709273397922516, 0.012317894957959652, -0.012168356217443943, 0.08862324804067612, -0.041652847081422806, 0.05336274951696396, -0.018686968833208084, 0.03941119834780693, -0.034315213561058044, 0.040156472474336624, -0.05548693612217903, 0.06708826124668121, -0.013545135967433453, 0.08045128732919693, 0.03859013691544533, 0.012436095625162125, -0.06487346440553665, 0.0812235176563263, -0.10151363164186478, 0.190861776471138, 0.156376913189888, -0.09714609384536743, -0.04504464939236641, -0.026041550561785698, -0.0036025410518050194, -0.02103589102625847, 0.03602762147784233, -0.0229747723788023, 0.06855852901935577, -0.019318798556923866, 0.07680672407150269, -0.07382047176361084, 0.07740627229213715, 0.02051142416894436, -0.14598864316940308, -0.04571513459086418, 0.11845698952674866, 0.008833092637360096, -0.09168754518032074, 0.19023756682872772, 0.16117990016937256, -0.08066052943468094, 0.20649603009223938, -0.034448228776454926, -0.11108480393886566, -0.06541480123996735, 0.0177112128585577, -0.005208334419876337, -0.008862103335559368, -0.24084098637104034, -0.024954983964562416, 0.06599665433168411, 0.020123489201068878, 0.020570114254951477, -0.07841051369905472, -0.04803965613245964, 0.021360274404287338, 0.027973102405667305, -0.01754387468099594, 0.013525450602173805, 0.014080733992159367, 0.08705039322376251, 0.07538210600614548, -0.05438617244362831, 0.011726104654371738, 0.019284704700112343, -0.0759764164686203, 0.15250343084335327, -0.11777399480342865, -0.21000608801841736, -0.1658453643321991, -0.12893334031105042, -0.0502438098192215, -0.003141529858112335, 0.06095157936215401, -0.09889427572488785, -0.023169945925474167, 0.018407130613923073, 0.104941725730896, -0.08672276139259338, -0.0017502750270068645, 0.03261984512209892, 0.0702325701713562, -0.09179515391588211, -0.0497439019382, -0.051889512687921524, -0.0803954228758812, -0.12033721059560776, 0.11015648394823074, -0.05228100344538689, 0.04436487331986427, 0.1343628466129303, -0.012289621867239475, -0.0239088237285614, -0.008746601641178131, 0.041514117270708084, -0.09769569337368011, -0.03270530700683594, 0.24470290541648865, 0.008539319038391113, 0.05223969742655754, 0.06196338310837746, 0.04226365685462952, -0.009530503302812576, -0.03718642145395279, 0.01039303932338953, -0.04917134344577789, -0.22253313660621643, -0.041199665516614914, -0.0635824128985405, 0.1808837354183197, 0.00012528884690254927, 0.0011256446596235037, 0.05558587983250618, 0.08430520445108414, 0.01333536021411419, 0.012449732981622219, -0.044788289815187454, 0.08671710640192032, 0.11379363387823105, -0.03764466941356659, 0.1321595162153244, -0.03491895645856857, -0.047273069620132446, 0.10125891119241714, -0.03782879561185837, 0.11702932417392731, 0.0824587270617485, 0.08152016997337341, 0.06749220192432404, 0.15062567591667175, 0.06593168526887894, 0.004982795566320419, 0.025394780561327934, -0.028202975168824196, -0.043011050671339035, -0.0719396248459816, -0.08331774920225143, 0.11050873249769211, -0.034128546714782715, -0.006637465674430132, -0.02501031570136547, 0.03408478572964668, 0.06526826322078705, 0.15240469574928284, 0.04533672332763672, -0.17930716276168823, -0.08800768107175827, 0.016569318249821663, -0.021668165922164917, -0.018507201224565506, 0.03565226122736931, -0.0564144141972065, -0.13603992760181427, 0.060047049075365067, 0.04496190324425697, 0.08824624866247177, -0.020306415855884552, 0.05852585658431053, -0.07663678377866745, 0.038940444588661194, 0.03356359899044037, 0.04361796751618385, -0.21534889936447144, 0.18700182437896729, 0.013946310617029667, -0.009867659769952297, -0.02291756309568882, 0.027151087298989296, 0.025708112865686417, 0.04818163067102432, 0.11580350995063782, -0.00818330142647028, -0.005792212672531605, -0.02425183542072773, -0.054920971393585205, 0.00008390537550440058, 0.079588383436203, -0.05419888719916344, 0.03685483708977699, -0.03769391402602196, 0.03504812717437744, -0.0027209315448999405, 0.07473146915435791, 0.018105290830135345, -0.0911717489361763, 0.05187666043639183, -0.06455448269844055, 0.03627282753586769, 0.011995835229754448, -0.061859965324401855, -0.08617278933525085, 0.19340747594833374, -0.0006534241838380694, -0.03313040733337402, -0.07061617076396942, 0.008621803484857082, 0.026399195194244385, -0.14270542562007904, 0.0055238050408661366, -0.03790200129151344, -0.0010622420813888311, 0.023960094898939133, -0.081697978079319, 0.09061940759420395, -0.04214444383978844, -0.01883571594953537, 0.011915053240954876, 0.09520178288221359, 0.002381753409281373, 0.050143640488386154, -0.0077425953932106495, -0.01692991890013218, -0.020151233300566673, -0.08485586196184158, 0.04348455369472504, 0.046604085713624954, 0.10611901432275772, 0.06489348411560059, -0.15471473336219788, -0.09232855588197708, -0.054719265550374985, -0.049044426530599594, 0.1333269327878952, 0.1792975515127182, -0.02749757468700409, 0.03501426428556442, 0.1857803612947464, -0.017509236931800842, -0.22926725447177887, -0.05410781875252724, 0.0040436615236103535, 0.044452130794525146, -0.037512198090553284, -0.20001477003097534, 0.1600114405155182, 0.1779276430606842, -0.003494628705084324, -0.02999527007341385, -0.1290826052427292, -0.07865656167268753, 0.15723097324371338, 0.005891532637178898, 0.1863963007926941, -0.12979213893413544, -0.04442475736141205, 0.016010383144021034, -0.18736401200294495, 0.08810214698314667, -0.05599329248070717, 0.08115661144256592, -0.0303119458258152, 0.05939723551273346, -0.0016013820422813296, 0.0067279282957315445, 0.14799673855304718, 0.015935424715280533, -0.014223979786038399, -0.05920565500855446, -0.10894877463579178, 0.08240450918674469, 0.00021142527111805975, 0.08804523199796677, 0.0706847682595253, -0.053453847765922546, -0.0953427106142044, -0.04479178413748741, -0.055699966847896576, 0.014164935797452927, -0.012697393074631691, -0.10939706861972809, -0.0021615272853523493, 0.071986123919487, -0.022115804255008698, -0.019379621371626854, 0.17573758959770203, -0.053074341267347336, 0.047637153416872025, 0.1767759472131729, 0.06243003159761429, -0.12676125764846802, -0.02215924859046936, -0.062266092747449875, -0.03948700428009033, 0.12082774937152863, -0.12757831811904907, 0.015472597442567348, 0.04315132647752762, 0.013699143193662167, 0.05764169245958328, 0.07230953872203827, -0.03780803829431534, -0.006176861003041267, 0.09917516261339188, -0.07241351902484894, -0.18468931317329407, -0.026119358837604523, -0.11337023228406906, -0.0494292676448822, 0.08013017475605011, 0.14407189190387726, -0.03464227542281151, -0.06604965031147003, 0.0038518011569976807, 0.028281373903155327, -0.10644076019525528, 0.06261882930994034, 0.003315695095807314, 0.017163097858428955, -0.09345632791519165, 0.021578513085842133, 0.05176892131567001, -0.05569044500589371, 0.03009738214313984, 0.07700523734092712, -0.0657106265425682, -0.07994139194488525, -0.035163018852472305, 0.02651313692331314, -0.10829849541187286, -0.047961633652448654, -0.06171722710132599, -0.10838261246681213, 0.04506005346775055, 0.05787018686532974, 0.12814143300056458, 0.0397079698741436, 0.015154106542468071, 0.045997802168130875, -0.041154153645038605, -0.045622311532497406, 0.06025680899620056, 0.011185254901647568, -0.06228725612163544, 0.060425784438848495, -0.01471700333058834, 0.1307743489742279, -0.05981042608618736, -0.05399047210812569, -0.17713391780853271, 0.004642759449779987, -0.057731445878744125, -0.04731583967804909, -0.1353171318769455, -0.03483603522181511, 0.01917162351310253, -0.030733073130249977, -0.09083761274814606, -0.02151023969054222, -0.06881487369537354, -0.0018827676540240645, 0.010910247452557087, 0.10170557349920273, -0.05629942938685417, 0.030531875789165497, 0.0767621323466301, -0.027812514454126358, 0.04046495258808136, 0.13669557869434357, 0.010665456764400005, 0.06605717539787292, -0.019579946994781494, 0.04233645647764206, 0.06567654758691788, 0.02079656347632408, 0.062089934945106506, -0.03728814050555229, 0.03676432743668556, 0.022301821038126945, -0.04748392105102539, 0.04026506096124649, 0.08548442274332047, -0.12442192435264587, 0.09126652777194977, -0.10904198884963989, -0.13270063698291779, -0.0957748219370842, 0.01611865684390068, 0.0895874872803688, 0.049659304320812225, 0.08524549752473831, -0.006874221842736006, 0.04677920788526535, -0.09679210931062698, 0.015134022571146488, -0.033733807504177094, -0.07040638476610184, 0.08265337347984314, -0.06030216068029404, 0.02091987431049347, 0.02250397764146328, 0.1308457851409912, 0.024993009865283966, -0.02349494956433773, 0.03981883451342583, -0.0012542684562504292, 0.05320880934596062, 0.019670404493808746, 0.11138245463371277, 0.12126948684453964, -0.0506075918674469, -0.017107943072915077, 0.0637446790933609, 0.028285477310419083, 0.008976422250270844, -0.006375433877110481, 0.13766621053218842, 0.02139969728887081, 0.1120542585849762, 0.03537051007151604, 0.06403978914022446, -0.1481238305568695, 0.0282966960221529, -0.03617923706769943, -0.030400214716792107, 0.013061986304819584, 0.10237371921539307, 0.20912359654903412, -0.06570594757795334, 0.09864366054534912, 0.029285378754138947, -0.025471437722444534, -0.17023101449012756, -0.1418735533952713, -0.08854751288890839, -0.1684619039297104, 0.005878780037164688, -0.10240679234266281, -0.020413553342223167, 0.1438930779695511, 0.055007971823215485, -0.019847828894853592, 0.023117193952202797, -0.045770931988954544, -0.08688154071569443, 0.07108467817306519, -0.001075906679034233, 0.00909465178847313, -0.030839568004012108, -0.04505062475800514, -0.037066616117954254, 0.04253445565700531, 0.046871718019247055, -0.00012025594332953915, -0.003407476469874382, 0.0065794289112091064, -0.10217151045799255, -0.09037815779447556, 0.002767537720501423, 0.04274344816803932, 0.0041143279522657394, 0.08724156022071838, 0.006690101698040962, -0.08148089796304703, 0.009315693750977516, 0.2477695196866989, -0.04671557620167732, -0.03158637508749962, -0.14889657497406006, 0.10687625408172607, 0.06840900331735611, 0.06702785193920135, -0.02300667203962803, -0.0631144642829895, -0.050754107534885406, 0.19129617512226105, 0.22560754418373108, -0.01543772965669632, 0.0007298329146578908, 0.044814400374889374, 0.02512330748140812, 0.019239814952015877, 0.05415850877761841, 0.07697012275457382, 0.25157999992370605, -0.06000726297497749, -0.027929941192269325, -0.07738512009382248, 0.006662364117801189, -0.1397470384836197, 0.024150490760803223, 0.08185729384422302, -0.04623596742749214, -0.04843270406126976, 0.03442443907260895, -0.1124078556895256, -0.03086063265800476, 0.02931990846991539, -0.14295203983783722, -0.11602798849344254, -0.021629877388477325, 0.039316486567258835, 0.051038019359111786, 0.12212587893009186, 0.029128869995474815, -0.07357066124677658, 0.08534923195838928, 0.060049623250961304, -0.10219486057758331, -0.029987331479787827, 0.11628478020429611, 0.0795116201043129, 0.07914887368679047, -0.0047664279118180275, 0.004758220165967941, 0.08625112473964691, 0.11507327854633331, 0.02098386362195015, 0.009935552254319191, 0.0004603424749802798, -0.05930135399103165, 0.012143080122768879, 0.0017607801128178835, -0.033956125378608704, -0.002496971283107996, 0.08343065530061722, -0.16971364617347717, -0.024495722725987434, -0.030025793239474297, -0.04719022661447525, -0.040749020874500275, 0.07068274915218353, -0.13636177778244019, 0.09495200961828232, 0.20244190096855164, -0.02266506291925907, -0.07062075287103653, -0.0605522096157074, 0.056805893778800964, 0.054843150079250336, -0.04474031180143356, -0.04474502429366112, -0.11823169142007828, -0.049777232110500336, 0.04336019605398178, 0.0009057038696482778, -0.12411206215620041, -0.060693297535181046, 0.04640710726380348, 0.017374934628605843, -0.12193378061056137, 0.0032880734652280807, 0.0159978698939085, 0.008557595312595367, -0.023952489718794823, -0.1873721480369568, 0.02954261191189289, 0.07822421193122864, -0.04958607628941536, -0.09639059752225876 ]
null
null
transformers
# roberta-base-thai-char-upos ## Model Description This is a RoBERTa model pre-trained on Thai Wikipedia texts for POS-tagging and dependency-parsing, derived from [roberta-base-thai-char](https://huggingface.co/KoichiYasuoka/roberta-base-thai-char). Every word is tagged by [UPOS](https://universaldependencies.org/u/pos/) (Universal Part-Of-Speech). ## How to Use ```py import torch from transformers import AutoTokenizer,AutoModelForTokenClassification tokenizer=AutoTokenizer.from_pretrained("KoichiYasuoka/roberta-base-thai-char-upos") model=AutoModelForTokenClassification.from_pretrained("KoichiYasuoka/roberta-base-thai-char-upos") s="หลายหัวดีกว่าหัวเดียว" t=tokenizer.tokenize(s) p=[model.config.id2label[q] for q in torch.argmax(model(tokenizer.encode(s,return_tensors="pt"))["logits"],dim=2)[0].tolist()[1:-1]] print(list(zip(t,p))) ``` or ``` import esupar nlp=esupar.load("KoichiYasuoka/roberta-base-thai-char-upos") print(nlp("หลายหัวดีกว่าหัวเดียว")) ``` ## See Also [esupar](https://github.com/KoichiYasuoka/esupar): Tokenizer POS-tagger and Dependency-parser with BERT/RoBERTa/DeBERTa models
{"language": ["th"], "license": "apache-2.0", "tags": ["thai", "token-classification", "pos", "wikipedia", "dependency-parsing"], "datasets": ["universal_dependencies"], "pipeline_tag": "token-classification", "widget": [{"text": "\u0e2b\u0e25\u0e32\u0e22\u0e2b\u0e31\u0e27\u0e14\u0e35\u0e01\u0e27\u0e48\u0e32\u0e2b\u0e31\u0e27\u0e40\u0e14\u0e35\u0e22\u0e27"}]}
token-classification
KoichiYasuoka/roberta-base-thai-char-upos
[ "transformers", "pytorch", "roberta", "token-classification", "thai", "pos", "wikipedia", "dependency-parsing", "th", "dataset:universal_dependencies", "license:apache-2.0", "autotrain_compatible", "endpoints_compatible", "region:us" ]
2022-03-02T23:29:04+00:00
[]
[ "th" ]
TAGS #transformers #pytorch #roberta #token-classification #thai #pos #wikipedia #dependency-parsing #th #dataset-universal_dependencies #license-apache-2.0 #autotrain_compatible #endpoints_compatible #region-us
# roberta-base-thai-char-upos ## Model Description This is a RoBERTa model pre-trained on Thai Wikipedia texts for POS-tagging and dependency-parsing, derived from roberta-base-thai-char. Every word is tagged by UPOS (Universal Part-Of-Speech). ## How to Use or ## See Also esupar: Tokenizer POS-tagger and Dependency-parser with BERT/RoBERTa/DeBERTa models
[ "# roberta-base-thai-char-upos", "## Model Description\n\nThis is a RoBERTa model pre-trained on Thai Wikipedia texts for POS-tagging and dependency-parsing, derived from roberta-base-thai-char. Every word is tagged by UPOS (Universal Part-Of-Speech).", "## How to Use\n\n\n\nor", "## See Also\n\nesupar: Tokenizer POS-tagger and Dependency-parser with BERT/RoBERTa/DeBERTa models" ]
[ "TAGS\n#transformers #pytorch #roberta #token-classification #thai #pos #wikipedia #dependency-parsing #th #dataset-universal_dependencies #license-apache-2.0 #autotrain_compatible #endpoints_compatible #region-us \n", "# roberta-base-thai-char-upos", "## Model Description\n\nThis is a RoBERTa model pre-trained on Thai Wikipedia texts for POS-tagging and dependency-parsing, derived from roberta-base-thai-char. Every word is tagged by UPOS (Universal Part-Of-Speech).", "## How to Use\n\n\n\nor", "## See Also\n\nesupar: Tokenizer POS-tagger and Dependency-parser with BERT/RoBERTa/DeBERTa models" ]
[ 71, 12, 61, 5, 33 ]
[ "passage: TAGS\n#transformers #pytorch #roberta #token-classification #thai #pos #wikipedia #dependency-parsing #th #dataset-universal_dependencies #license-apache-2.0 #autotrain_compatible #endpoints_compatible #region-us \n# roberta-base-thai-char-upos## Model Description\n\nThis is a RoBERTa model pre-trained on Thai Wikipedia texts for POS-tagging and dependency-parsing, derived from roberta-base-thai-char. Every word is tagged by UPOS (Universal Part-Of-Speech).## How to Use\n\n\n\nor## See Also\n\nesupar: Tokenizer POS-tagger and Dependency-parser with BERT/RoBERTa/DeBERTa models" ]
[ 0.04425850510597229, 0.008619895204901695, -0.006170217879116535, 0.05918135866522789, 0.14493104815483093, -0.039211612194776535, 0.0499139279127121, 0.09248606115579605, 0.027974456548690796, 0.00775307510048151, 0.08945761620998383, 0.1439700573682785, 0.02937307395040989, 0.10969245433807373, 0.015086484141647816, -0.36965465545654297, 0.09659017622470856, 0.03141012042760849, 0.007375987712293863, 0.12539434432983398, 0.13656769692897797, -0.026944849640130997, 0.10052705556154251, 0.06348703801631927, -0.05204064026474953, 0.0020778835751116276, -0.038151420652866364, -0.14198672771453857, 0.06320372968912125, -0.005315797869116068, 0.11124362796545029, 0.001808995264582336, 0.021368149667978287, -0.1292235106229782, -0.002861339831724763, 0.004300825297832489, 0.01645429991185665, 0.03297825902700424, 0.0054544140584766865, -0.06036744639277458, 0.017771638929843903, -0.02187787927687168, 0.10221195966005325, 0.021349705755710602, -0.07138291746377945, -0.21237537264823914, -0.04660530760884285, 0.027223531156778336, 0.09052217751741409, 0.07323817163705826, -0.04911115765571594, 0.1727164387702942, -0.10686501115560532, 0.03955722972750664, 0.12175212055444717, -0.2925151586532593, -0.02157384715974331, -0.030770352110266685, -0.00015563750639557838, 0.04322138428688049, 0.0034211385063827038, -0.0034278968814760447, 0.04116708040237427, 0.06127177178859711, 0.0692034512758255, -0.08499462157487869, -0.0250217467546463, -0.0253469068557024, -0.14039742946624756, 0.026029599830508232, 0.2973495125770569, 0.010035470128059387, -0.07713588327169418, -0.028138352558016777, -0.046773940324783325, 0.06748782843351364, -0.0322452187538147, -0.05723171681165695, 0.04089521989226341, 0.05600345507264137, 0.07728322595357895, 0.00000958499458647566, -0.08753005415201187, -0.007197047583758831, -0.13812769949436188, 0.109550841152668, 0.060419850051403046, 0.02507217414677143, -0.08972062915563583, 0.008189283311367035, -0.06262717396020889, -0.058770276606082916, -0.029484007507562637, -0.06103738769888878, 0.023223478347063065, 0.01664348877966404, 0.012229684740304947, 0.005102850962430239, 0.06246889382600784, 0.15694350004196167, -0.050766631960868835, 0.04133908823132515, -0.08454399555921555, 0.05947018042206764, 0.08935495465993881, 0.1657176911830902, -0.10798570513725281, 0.0013625246938318014, 0.018104247748851776, -0.07942301779985428, -0.006779790390282869, -0.019862329587340355, -0.053384896367788315, -0.0036859088577330112, 0.057572297751903534, -0.01597791165113449, 0.026171831414103508, 0.11083830147981644, -0.03625421226024628, -0.05564583092927933, 0.07387368381023407, -0.11030871421098709, -0.004207618068903685, -0.04913666471838951, -0.022199494764208794, 0.19515393674373627, 0.08382146060466766, 0.009433770552277565, -0.09908929467201233, 0.07303108274936676, -0.0435042567551136, 0.0030295830219984055, -0.048344437032938004, -0.064452163875103, 0.008214898407459259, -0.08107206225395203, 0.009851453825831413, -0.12753881514072418, -0.12885701656341553, 0.009394469670951366, 0.04606214165687561, -0.03727903962135315, -0.06132692098617554, -0.02146189473569393, 0.03358541801571846, -0.028942395001649857, -0.032423876225948334, -0.07254908978939056, -0.033073633909225464, 0.05041245371103287, -0.041951462626457214, 0.06490309536457062, -0.09071190655231476, 0.09016765654087067, -0.1577283889055252, 0.034525465220212936, -0.2351764291524887, 0.07871930301189423, -0.07566375285387039, 0.10810604691505432, -0.1132366955280304, -0.021082201972603798, 0.023353783413767815, 0.04148487746715546, -0.04223935678601265, 0.09981425851583481, -0.03649568557739258, -0.06832103431224823, 0.2459113746881485, -0.14880076050758362, -0.09621307998895645, 0.1650121808052063, -0.011981426738202572, 0.16739661991596222, 0.077751524746418, 0.13879093527793884, 0.008492525666952133, -0.0006220454815775156, 0.08201315253973007, 0.05025584623217583, -0.044018328189849854, 0.00165145646315068, 0.11090423166751862, -0.07520995289087296, -0.10631821304559708, 0.08026006817817688, -0.11809685081243515, 0.015509936027228832, -0.01765855960547924, -0.04698655381798744, -0.0053485059179365635, -0.02349069155752659, -0.002364495536312461, -0.03516928479075432, 0.07687697559595108, -0.02356894500553608, -0.07176205515861511, 0.18446213006973267, 0.07604147493839264, -0.035355694591999054, 0.05720330774784088, -0.13219916820526123, 0.14373373985290527, 0.044014472514390945, 0.01066749170422554, -0.15510660409927368, 0.13547943532466888, 0.01595480926334858, 0.12148791551589966, 0.06411338597536087, -0.09707854688167572, 0.038651805371046066, -0.04276023805141449, 0.015999121591448784, 0.039392974227666855, 0.1268882155418396, 0.019449468702077866, 0.019073424860835075, -0.12238030880689621, 0.05603383481502533, -0.030985107645392418, 0.14436423778533936, -0.005304509308189154, 0.025364946573972702, -0.03189267963171005, 0.08168194442987442, -0.026587387546896935, 0.0776352509856224, -0.006993711460381746, 0.061657194048166275, 0.008971189148724079, 0.028722206130623817, 0.07084809988737106, 0.021167179569602013, -0.0711398720741272, 0.12226222455501556, -0.020233700051903725, 0.059166960418224335, 0.1796754151582718, -0.16405561566352844, -0.0329548679292202, 0.042389288544654846, 0.0032248070929199457, -0.013800048269331455, -0.04287521541118622, 0.008844362571835518, 0.06700587272644043, 0.00978197529911995, 0.11412454396486282, -0.0665624588727951, 0.05731310322880745, 0.0009530817624181509, -0.14536069333553314, -0.03050544112920761, 0.08738188445568085, 0.06550803035497665, -0.15712396800518036, 0.152821883559227, 0.16647553443908691, -0.05116552859544754, 0.11060590296983719, -0.06562456488609314, -0.05457383766770363, -0.012917166575789452, 0.08189492672681808, -0.019037233665585518, -0.050249211490154266, -0.23055033385753632, -0.02585725486278534, 0.08557166904211044, 0.014542034827172756, -0.010106581263244152, -0.07685708999633789, -0.011834540404379368, 0.040244489908218384, 0.014070841483771801, -0.06860996037721634, 0.03853469341993332, -0.022667840123176575, 0.03975118696689606, 0.05747273191809654, -0.02631295658648014, 0.04589582979679108, 0.05698588117957115, -0.08588922023773193, 0.1741846203804016, -0.1489725112915039, -0.23561905324459076, -0.12752552330493927, -0.19765208661556244, 0.01721836067736149, -0.018665846437215805, 0.07221461832523346, -0.1237071231007576, -0.07931109517812729, 0.000015492792954319157, 0.05677244812250137, -0.07668627053499222, -0.02771610952913761, -0.03447238355875015, -0.010053918696939945, -0.03168230131268501, -0.0500042587518692, -0.056126561015844345, -0.016836725175380707, -0.09726510941982269, 0.11415451020002365, -0.11845198273658752, 0.00935672502964735, 0.06725171208381653, -0.04672849178314209, 0.001162910251878202, -0.018368802964687347, 0.1432170420885086, -0.05225765332579613, -0.013247569091618061, 0.16413763165473938, -0.0659073144197464, 0.07118437439203262, 0.11567465960979462, 0.014271512627601624, -0.0011267631780356169, 0.0023491806350648403, 0.042852021753787994, -0.053792309015989304, -0.24257835745811462, -0.07080501317977905, -0.046033825725317, 0.13958118855953217, 0.03727361559867859, 0.03509195148944855, 0.08377975970506668, 0.1090419590473175, 0.02380303479731083, 0.02943952940404415, -0.012739098630845547, 0.07477731257677078, 0.1711907982826233, -0.030123896896839142, 0.13195739686489105, -0.06292564421892166, -0.06820391863584518, 0.08660475164651871, 0.017553430050611496, 0.20476269721984863, 0.10065487772226334, 0.07245158404111862, 0.11474651843309402, 0.16239102184772491, 0.08150219172239304, 0.05591113492846489, -0.05778580531477928, 0.03753756359219551, -0.05676259472966194, -0.04527538642287254, -0.02983919531106949, 0.028498096391558647, -0.0446680411696434, -0.0580621100962162, 0.018036218360066414, 0.016072560101747513, 0.07913275808095932, 0.2624392509460449, -0.031135667115449905, -0.12309583276510239, -0.023182449862360954, 0.05924885347485542, -0.026335272938013077, -0.033852607011795044, 0.0554085373878479, -0.1634821891784668, -0.18648214638233185, 0.09069781005382538, 0.03875691443681717, 0.12063928693532944, -0.08288135379552841, 0.010272056795656681, -0.09972820430994034, -0.01522153615951538, 0.037064071744680405, 0.05031536892056465, -0.21750479936599731, 0.19994165003299713, -0.006266189739108086, -0.030392656102776527, -0.02631225809454918, 0.04413025081157684, 0.023662811145186424, 0.1417594999074936, 0.1404898762702942, 0.004390362650156021, -0.042485788464546204, -0.03382659703493118, -0.02670239470899105, 0.02369922772049904, -0.02821737714111805, 0.0031512717250734568, -0.002771762665361166, -0.05562332645058632, 0.02865048497915268, -0.0061319442465901375, -0.030020592734217644, -0.06997339427471161, -0.10492425411939621, 0.007695724256336689, -0.07735395431518555, -0.012470901012420654, 0.009646639227867126, -0.05757904425263405, -0.10343779623508453, 0.1583825945854187, 0.022011976689100266, -0.11573959141969681, -0.06931845843791962, -0.023775862529873848, 0.04134641960263252, -0.1071239560842514, 0.04571061581373215, -0.08906756341457367, -0.044001806527376175, 0.01399172656238079, -0.04902906343340874, 0.08857005834579468, -0.024016737937927246, 0.02336437813937664, 0.028629232197999954, 0.015351906418800354, 0.05368977412581444, 0.005169123876839876, -0.0006208246340975165, -0.010390451177954674, -0.03524621203541756, -0.08940866589546204, -0.034108228981494904, 0.06199629232287407, 0.011355104856193066, 0.05390689894556999, -0.14805270731449127, -0.1525678038597107, -0.10594356060028076, -0.07083053141832352, 0.17909054458141327, 0.11128712445497513, -0.026593200862407684, 0.09371311217546463, 0.27967244386672974, -0.05003141611814499, -0.21272988617420197, -0.12122869491577148, -0.058773934841156006, -0.0022239666432142258, -0.0087576974183321, -0.19238099455833435, 0.17490506172180176, 0.11073382943868637, -0.026078196242451668, -0.10564440488815308, -0.08133120089769363, -0.09661251306533813, 0.26484164595603943, 0.04674721881747246, 0.16595005989074707, -0.12275033444166183, -0.05370236933231354, -0.014360339380800724, -0.24481302499771118, 0.1172543615102768, -0.14136534929275513, 0.049799807369709015, 0.01130585465580225, 0.05960194021463394, -0.022642312571406364, 0.03442610055208206, 0.13437409698963165, -0.028737317770719528, -0.04561493918299675, -0.08093354851007462, -0.04979129508137703, 0.07949477434158325, 0.03488459065556526, 0.11523036658763885, 0.0003898052964359522, -0.0418977290391922, -0.11593667417764664, -0.059966616332530975, -0.04526758939027786, 0.0013055435847491026, 0.004358881618827581, -0.1003279983997345, -0.028688503429293633, 0.06686404347419739, 0.008878758177161217, -0.008906756527721882, 0.07519322633743286, -0.04412413015961647, -0.017055634409189224, 0.11035677045583725, 0.08174360543489456, -0.07418987154960632, 0.03641348332166672, -0.062333930283784866, -0.091620534658432, 0.10284656286239624, -0.18749195337295532, 0.01357527170330286, 0.010930968448519707, -0.0072756242007017136, 0.10238119959831238, 0.03513266146183014, -0.0912691056728363, 0.040635280311107635, 0.0694720447063446, -0.04406782239675522, -0.20078584551811218, 0.0553177073597908, -0.08026125282049179, 0.03119746968150139, -0.0005811508162878454, 0.08530264347791672, -0.052836351096630096, -0.07619567215442657, 0.023422328755259514, 0.00634952075779438, -0.12803494930267334, 0.06693675369024277, 0.012229073792696, -0.000291320844553411, -0.10104963183403015, 0.09617709368467331, 0.10956063121557236, 0.0038523308467119932, 0.03100966103374958, 0.06279165297746658, -0.14312514662742615, -0.070702463388443, -0.01256265677511692, 0.07037211954593658, -0.06926744431257248, -0.10844184458255768, -0.03040039911866188, -0.13914531469345093, 0.029832439497113228, 0.046236492693424225, 0.11547902226448059, 0.0005540382699109614, -0.0046503739431500435, 0.014606841839849949, -0.010075550526380539, 0.007412029895931482, 0.11501044780015945, 0.0015542501350864768, -0.07984954118728638, -0.06832901388406754, 0.05243059620261192, 0.13160701096057892, -0.054711613804101944, -0.08312246948480606, -0.12573720514774323, 0.03445105254650116, -0.09017472714185715, -0.012686413712799549, -0.11610250920057297, -0.019405903294682503, 0.036786291748285294, -0.08266375958919525, -0.02909545786678791, -0.0035047042183578014, -0.04896877333521843, 0.00030715929460711777, 0.028836416080594063, 0.07695120573043823, -0.1070057600736618, -0.029740817844867706, 0.1436505764722824, -0.025792529806494713, 0.05884678289294243, 0.11579588055610657, -0.05412660166621208, 0.05806656926870346, -0.08750392496585846, -0.03003428690135479, 0.04446137323975563, 0.001503819483332336, 0.08832837641239166, -0.09318903833627701, 0.008332015946507454, 0.02309046871960163, -0.002390579553321004, 0.026225410401821136, 0.17482434213161469, -0.09679658710956573, 0.039060406386852264, -0.0494401715695858, -0.11900603026151657, -0.0500238761305809, 0.013261382468044758, 0.11861898005008698, 0.07909397780895233, 0.0902600958943367, -0.02239137701690197, 0.031106559559702873, -0.047336988151073456, 0.028793813660740852, -0.026768134906888008, -0.07827514410018921, 0.034192051738500595, -0.0897517129778862, -0.049332451075315475, -0.013348391279578209, 0.18402761220932007, 0.015105144120752811, 0.0008074783254414797, 0.05695618689060211, 0.04919271543622017, 0.03238602727651596, 0.009172297082841396, 0.14855735003948212, 0.06132590398192406, -0.02549084834754467, -0.06437946110963821, 0.009840412996709347, -0.0177493654191494, 0.013027733191847801, -0.0563901923596859, 0.15437737107276917, 0.004047044087201357, 0.026371842250227928, 0.049479398876428604, 0.11786691844463348, -0.14382991194725037, -0.07865145057439804, 0.009133719839155674, 0.001948519959114492, -0.01550339162349701, 0.14371329545974731, 0.21849766373634338, -0.052827801555395126, 0.08541325479745865, 0.023750582709908485, -0.05877809599041939, -0.18142825365066528, -0.13944944739341736, -0.08942708373069763, -0.12708018720149994, 0.012630512937903404, -0.05364067852497101, -0.03354566916823387, 0.13459740579128265, 0.08303886651992798, -0.021014301106333733, 0.04751571640372276, -0.04513319581747055, -0.07856069505214691, 0.042454544454813004, -0.028772694990038872, -0.03751768544316292, -0.06433957070112228, -0.03402111306786537, -0.048174262046813965, 0.08355697244405746, -0.015218941494822502, 0.016827164217829704, -0.0438704714179039, 0.05130397528409958, -0.10594547539949417, -0.06140323355793953, -0.008600561879575253, 0.05531686916947365, -0.06336940079927444, 0.15083879232406616, 0.0214148610830307, -0.04938727989792824, 0.01708986982703209, 0.1611921191215515, -0.023623909801244736, -0.13423316180706024, -0.21880409121513367, 0.12769313156604767, 0.012971554882824421, 0.02562658302485943, 0.051780641078948975, -0.03338669613003731, -0.08237850666046143, 0.28296393156051636, 0.22258463501930237, 0.04176611825823784, -0.0018365704454481602, 0.03384785354137421, 0.010622886009514332, -0.0045875608921051025, 0.08129388093948364, 0.08511017262935638, 0.1495106965303421, -0.08293759822845459, 0.029275070875883102, -0.11715636402368546, -0.07168631255626678, -0.2016371637582779, -0.06431455910205841, 0.09938880801200867, -0.022421013563871384, -0.04792710021138191, 0.10215158015489578, -0.18265169858932495, -0.027239779010415077, -0.0338246114552021, -0.0466562919318676, -0.09093013405799866, -0.05670753866434097, -0.015447165817022324, 0.059727251529693604, 0.03012707084417343, -0.0018068378558382392, -0.010775747708976269, 0.13384561240673065, 0.06410831212997437, -0.0943567305803299, -0.041595473885536194, 0.14127632975578308, 0.08146755397319794, 0.11208479106426239, 0.029256634414196014, 0.02781417965888977, 0.06955558806657791, 0.09762367606163025, 0.003070073202252388, 0.054083358496427536, -0.0007819162565283477, 0.09170178323984146, -0.011764469556510448, -0.02654445171356201, -0.01425503846257925, -0.028850339353084564, 0.03225382789969444, -0.05227351933717728, 0.029050029814243317, -0.05554580315947533, -0.01638605073094368, -0.09021110832691193, 0.08842017501592636, -0.15813569724559784, 0.0600322000682354, 0.16569401323795319, -0.01277716364711523, -0.017299966886639595, -0.10942286252975464, 0.030423607677221298, 0.005249081179499626, -0.17239408195018768, -0.07190243899822235, -0.07274742424488068, -0.04071038216352463, 0.08726213872432709, 0.018743790686130524, -0.15857535600662231, -0.038432300090789795, -0.033446770161390305, 0.010586428456008434, -0.09117111563682556, 0.03866886347532272, 0.04203236848115921, 0.029291300103068352, -0.022718381136655807, -0.12206913530826569, 0.014522175304591656, 0.06052703782916069, -0.07121448218822479, -0.043025001883506775 ]
null
null
transformers
# roberta-base-thai-char ## Model Description This is a RoBERTa model pre-trained on Thai Wikipedia texts with character-wise embeddings to use BertTokenizerFast. You can fine-tune `roberta-base-thai-char` for downstream tasks, such as [POS-tagging](https://huggingface.co/KoichiYasuoka/roberta-base-thai-char-upos), [dependency-parsing](https://huggingface.co/KoichiYasuoka/roberta-base-thai-char-ud-goeswith), and so on. ## How to Use ```py from transformers import AutoTokenizer,AutoModelForMaskedLM tokenizer=AutoTokenizer.from_pretrained("KoichiYasuoka/roberta-base-thai-char") model=AutoModelForMaskedLM.from_pretrained("KoichiYasuoka/roberta-base-thai-char") ```
{"language": ["th"], "license": "apache-2.0", "tags": ["thai", "masked-lm", "wikipedia"], "pipeline_tag": "fill-mask", "mask_token": "[MASK]"}
fill-mask
KoichiYasuoka/roberta-base-thai-char
[ "transformers", "pytorch", "roberta", "fill-mask", "thai", "masked-lm", "wikipedia", "th", "license:apache-2.0", "autotrain_compatible", "endpoints_compatible", "region:us" ]
2022-03-02T23:29:04+00:00
[]
[ "th" ]
TAGS #transformers #pytorch #roberta #fill-mask #thai #masked-lm #wikipedia #th #license-apache-2.0 #autotrain_compatible #endpoints_compatible #region-us
# roberta-base-thai-char ## Model Description This is a RoBERTa model pre-trained on Thai Wikipedia texts with character-wise embeddings to use BertTokenizerFast. You can fine-tune 'roberta-base-thai-char' for downstream tasks, such as POS-tagging, dependency-parsing, and so on. ## How to Use
[ "# roberta-base-thai-char", "## Model Description\n\nThis is a RoBERTa model pre-trained on Thai Wikipedia texts with character-wise embeddings to use BertTokenizerFast. You can fine-tune 'roberta-base-thai-char' for downstream tasks, such as POS-tagging, dependency-parsing, and so on.", "## How to Use" ]
[ "TAGS\n#transformers #pytorch #roberta #fill-mask #thai #masked-lm #wikipedia #th #license-apache-2.0 #autotrain_compatible #endpoints_compatible #region-us \n", "# roberta-base-thai-char", "## Model Description\n\nThis is a RoBERTa model pre-trained on Thai Wikipedia texts with character-wise embeddings to use BertTokenizerFast. You can fine-tune 'roberta-base-thai-char' for downstream tasks, such as POS-tagging, dependency-parsing, and so on.", "## How to Use" ]
[ 56, 9, 74, 4 ]
[ "passage: TAGS\n#transformers #pytorch #roberta #fill-mask #thai #masked-lm #wikipedia #th #license-apache-2.0 #autotrain_compatible #endpoints_compatible #region-us \n# roberta-base-thai-char## Model Description\n\nThis is a RoBERTa model pre-trained on Thai Wikipedia texts with character-wise embeddings to use BertTokenizerFast. You can fine-tune 'roberta-base-thai-char' for downstream tasks, such as POS-tagging, dependency-parsing, and so on.## How to Use" ]
[ 0.04348376765847206, -0.03238693252205849, -0.00293596088886261, 0.08429118990898132, 0.15924830734729767, -0.03495464846491814, 0.09983484447002411, 0.08098198473453522, 0.017776796594262123, 0.008825530298054218, 0.1302964836359024, 0.08968372642993927, 0.021812817081809044, 0.17132332921028137, 0.02736748941242695, -0.39474257826805115, 0.07794536650180817, 0.04487520828843117, -0.009423233568668365, 0.10127675533294678, 0.14063896238803864, -0.03824799135327339, 0.11687994003295898, 0.03552156686782837, -0.0483165979385376, 0.01599419303238392, -0.03734735772013664, -0.11867525428533554, 0.09087973833084106, 0.010331343859434128, 0.10938360542058945, -0.015560513362288475, 0.03936031833291054, -0.1360933482646942, 0.020660292357206345, -0.028713267296552658, 0.027046265080571175, 0.02194967493414879, -0.06533057242631912, -0.011117850430309772, 0.05834323912858963, -0.01490660198032856, 0.08365266025066376, 0.005508823320269585, -0.06950514763593674, -0.09217893332242966, -0.015138235874474049, 0.06375423073768616, 0.15586058795452118, 0.08443757146596909, -0.01922929286956787, 0.13994130492210388, -0.13209307193756104, 0.07299130409955978, 0.14527897536754608, -0.2651784420013428, -0.045046206563711166, -0.0057671102695167065, -0.003543853759765625, 0.013302996754646301, 0.019711138680577278, 0.02570626325905323, 0.020767753943800926, 0.038241758942604065, 0.0878482460975647, -0.12398490309715271, -0.10875755548477173, -0.05542159080505371, -0.09845790266990662, 0.03442615643143654, 0.25701743364334106, -0.0154316620901227, -0.07640337944030762, -0.05739075690507889, -0.05403691530227661, 0.06772127002477646, -0.08768527209758759, -0.0016526579856872559, 0.005037248134613037, 0.04878835752606392, 0.06841763854026794, -0.06333038955926895, -0.09384966641664505, -0.014719699509441853, -0.08481617271900177, 0.03880167752504349, 0.057207345962524414, 0.004717418923974037, -0.15248844027519226, 0.015482740476727486, -0.1333821713924408, -0.09615179896354675, -0.0033821091055870056, -0.04102073609828949, 0.03242279589176178, 0.01214293111115694, 0.015751002356410027, 0.0059390589594841, 0.08493141084909439, 0.21755638718605042, 0.015800004824995995, 0.09318496286869049, -0.1308177262544632, 0.06302566081285477, 0.01770278625190258, 0.1513029783964157, -0.1068703830242157, -0.015191641636192799, 0.07581070065498352, -0.07922501116991043, 0.016022080555558205, -0.012555073946714401, -0.09393942356109619, -0.059787508100271225, 0.004765596240758896, 0.03136955574154854, 0.014716950245201588, 0.13092350959777832, -0.010999409481883049, -0.005911596119403839, 0.0935651883482933, -0.12269323319196701, -0.049674421548843384, -0.05651549994945526, -0.009864021092653275, 0.06885047256946564, 0.11715734004974365, 0.015303787775337696, -0.08115359395742416, 0.1220206469297409, -0.031016862019896507, 0.006783565506339073, -0.02740730717778206, -0.06810569018125534, -0.006688777823001146, -0.10939796268939972, 0.031565096229314804, -0.12386607378721237, -0.16363856196403503, 0.04629819840192795, 0.07778062671422958, -0.04090441018342972, -0.05245170742273331, -0.0021034548990428448, 0.039878685027360916, -0.026816006749868393, -0.05356118828058243, 0.025791969150304794, -0.03444778174161911, 0.04397880658507347, 0.0030648999381810427, 0.13883671164512634, -0.12331213802099228, 0.0600130558013916, -0.15805694460868835, 0.04045029729604721, -0.2630009055137634, 0.008805482648313046, -0.043778154999017715, 0.1122034341096878, -0.11190932989120483, -0.009264538995921612, -0.026838155463337898, 0.055658698081970215, 0.010623520240187645, 0.12349013239145279, -0.029746590182185173, -0.04160783439874649, 0.2508012354373932, -0.12560957670211792, -0.12350107729434967, 0.13410736620426178, -0.011624900624155998, 0.20072726905345917, 0.06167776510119438, 0.09647773951292038, 0.04962842911481857, -0.041775353252887726, 0.16814962029457092, 0.061056796461343765, -0.04338010773062706, -0.01932602748274803, 0.04570004716515541, -0.04731232300400734, -0.12346690148115158, 0.09664502739906311, -0.1520467847585678, 0.07028371095657349, -0.0037511163391172886, -0.02571002021431923, -0.008379711769521236, -0.07147745788097382, 0.00129283731803298, -0.00872163288295269, 0.12655192613601685, 0.0038928892463445663, -0.03696655109524727, 0.09414370357990265, 0.07356486469507217, -0.03171509504318237, 0.06714039295911789, -0.11068886518478394, 0.11733279377222061, 0.04483568295836449, 0.01364229153841734, -0.18945632874965668, 0.10166239738464355, -0.0022253685165196657, 0.16426829993724823, 0.08075381815433502, -0.10942547768354416, 0.041212745010852814, -0.0312179047614336, -0.011025505140423775, 0.050916578620672226, 0.1957687884569168, 0.01579120196402073, 0.006323446985334158, -0.10363142937421799, 0.043071795254945755, -0.026596730574965477, 0.12972012162208557, -0.006347093731164932, 0.007124889642000198, -0.08073887228965759, 0.09058765321969986, -0.011673549190163612, 0.10325733572244644, 0.021518077701330185, 0.05802425369620323, 0.0006333693163469434, 0.019949236884713173, 0.061783015727996826, 0.00849486980587244, -0.07937324792146683, 0.1571689248085022, -0.04669816792011261, 0.06319215148687363, 0.18621577322483063, -0.13178583979606628, -0.045398179441690445, 0.06708073616027832, 0.007833338342607021, -0.024226326495409012, -0.05997779220342636, 0.04936707392334938, 0.025326229631900787, 0.0036993911489844322, 0.18695399165153503, -0.04297400265932083, 0.06591390818357468, 0.0020469508599489927, -0.14176492393016815, -0.0017592745134606957, 0.0662393718957901, 0.14840516448020935, -0.18552468717098236, 0.10503032803535461, 0.09368599206209183, -0.062043290585279465, 0.10862578451633453, -0.015659024938941002, -0.04666749760508537, 0.015359602868556976, 0.08554743230342865, 0.013619057834148407, -0.015212777070701122, -0.18943017721176147, -0.048438265919685364, 0.06160129979252815, -0.03671718388795853, -0.00041606088052503765, -0.06871802359819412, -0.00520283030346036, 0.019022183492779732, -0.0014811663422733545, -0.03725353628396988, 0.09955785423517227, -0.040370840579271317, 0.05212203413248062, 0.06319649517536163, -0.025696367025375366, 0.03950083628296852, 0.059444453567266464, -0.0747363418340683, 0.18185602128505707, -0.10368941724300385, -0.26244258880615234, -0.14110222458839417, -0.27264320850372314, 0.033904287964105606, -0.006721915677189827, 0.0741308182477951, -0.13989073038101196, -0.12068848311901093, -0.005618019960820675, 0.004405497573316097, -0.04855041205883026, 0.001672760583460331, -0.07114735245704651, -0.006929101422429085, -0.018847759813070297, -0.03301087021827698, -0.054907266050577164, 0.014630491845309734, -0.007089287042617798, 0.12097809463739395, -0.1672605276107788, 0.003188022878021002, 0.03080117702484131, -0.04895102605223656, 0.048157863318920135, -0.009352970868349075, 0.15546676516532898, -0.05401211231946945, 0.03594085946679115, 0.19258901476860046, -0.09512251615524292, 0.06980764865875244, 0.18512755632400513, 0.008791953325271606, -0.04848424345254898, 0.07110307365655899, 0.028277333825826645, -0.09711231291294098, -0.16712112724781036, -0.06910619884729385, -0.08765190839767456, 0.12143723666667938, 0.09331490099430084, 0.052126411348581314, 0.10562513023614883, 0.11852452903985977, 0.015024214051663876, 0.08864722400903702, 0.003753428580239415, 0.08869010955095291, 0.15222583711147308, 0.0002049399772658944, 0.10938726365566254, -0.06424564123153687, -0.07876686751842499, 0.04515397548675537, -0.0072367629036307335, 0.1735846996307373, 0.07973746955394745, 0.0730426162481308, 0.09120891988277435, 0.15808352828025818, 0.10706302523612976, 0.10203929245471954, -0.06857941299676895, 0.005161468405276537, -0.028098534792661667, -0.047657135874032974, 0.004522872623056173, 0.019537361338734627, -0.04699419438838959, -0.10480301827192307, -0.010768258944153786, 0.06523995846509933, -0.0015246367547661066, 0.25492537021636963, -0.03340170532464981, -0.14126341044902802, -0.018461652100086212, 0.04699743539094925, -0.04219278693199158, -0.05605301260948181, 0.045604217797517776, -0.1431237906217575, -0.18552818894386292, 0.0639442503452301, 0.009965264238417149, 0.1379764974117279, -0.023681124672293663, 0.023275842890143394, -0.10038367658853531, -0.04482477158308029, 0.02714916132390499, 0.05624481290578842, -0.2447003424167633, 0.2707138955593109, 0.016075987368822098, -0.013245115987956524, -0.08675210922956467, 0.02485494874417782, 0.04622989520430565, 0.11574190855026245, 0.17982947826385498, -0.025368649512529373, -0.0643317699432373, -0.07204665243625641, -0.04450322315096855, 0.030958959832787514, 0.0003659749054349959, 0.011647403240203857, -0.0010750226210802794, -0.0532272532582283, -0.043620847165584564, -0.009993206709623337, -0.07310355454683304, -0.116790771484375, -0.11754199862480164, 0.0015004276065155864, -0.020189816132187843, -0.054277293384075165, 0.012796895578503609, -0.020540378987789154, -0.01393694058060646, 0.1729286164045334, 0.08676764369010925, -0.09513261169195175, -0.08765549212694168, 0.035309892147779465, 0.0941973403096199, -0.128809854388237, 0.08817509561777115, -0.11489377915859222, -0.017825983464717865, -0.012150169350206852, -0.06060177832841873, 0.08034774661064148, -0.03889307379722595, 0.05882938951253891, 0.02499285712838173, 0.023311197757720947, 0.04091517999768257, 0.0004925155662931502, 0.027883026748895645, -0.0006441787700168788, -0.01804438605904579, -0.07547041028738022, -0.10135414451360703, -0.0062027121894061565, 0.03612009808421135, 0.0240998063236475, -0.15890328586101532, -0.11810402572154999, -0.0878002867102623, -0.08323236554861069, 0.21209251880645752, 0.12460127472877502, -0.02223857119679451, 0.08877754211425781, 0.23665915429592133, -0.02836945839226246, -0.2546519935131073, -0.13999506831169128, -0.09277893602848053, 0.044181693345308304, 0.03174198791384697, -0.17432789504528046, 0.16200077533721924, -0.03617259860038757, -0.026450591161847115, -0.10238894820213318, -0.09067371487617493, -0.12835653126239777, 0.26440948247909546, 0.0875714123249054, 0.22299101948738098, -0.11695989966392517, -0.045062195509672165, -0.05479709059000015, -0.24342676997184753, 0.036433521658182144, -0.15765893459320068, 0.061874013394117355, -0.005536432843655348, 0.044909633696079254, -0.004739723168313503, -0.004753733053803444, 0.09268523007631302, -0.0710090696811676, -0.05614881590008736, -0.0998731181025505, -0.049744293093681335, 0.06762858480215073, 0.029127489775419235, 0.16066791117191315, -0.034859053790569305, -0.032350871711969376, -0.1007283478975296, -0.06155700236558914, -0.025662273168563843, -0.01849508285522461, -0.001986159011721611, -0.07947329431772232, -0.00438866438344121, 0.0585641972720623, -0.003065156750380993, 0.029392270371317863, 0.0434609018266201, -0.08375974744558334, -0.04767870530486107, 0.02775089256465435, 0.11771931499242783, -0.006704540457576513, 0.05397811904549599, -0.021944494917988777, -0.07265303283929825, 0.07101836800575256, -0.243069127202034, 0.04050435498356819, -0.0016604824922978878, 0.0027413361240178347, 0.08349183946847916, 0.01795334741473198, -0.03808888792991638, 0.043665122240781784, 0.08472785353660583, -0.06233380362391472, -0.10703029483556747, 0.04410482197999954, -0.08350951969623566, 0.04137752950191498, -0.06810278445482254, 0.07338947802782059, -0.07468345761299133, -0.06091455742716789, 0.027751147747039795, -0.015995046123862267, -0.12974146008491516, 0.03136486932635307, 0.03272830694913864, 0.0231404397636652, -0.0884353443980217, 0.07381602376699448, 0.08924615383148193, 0.015584486536681652, 0.04644723981618881, 0.1335233449935913, -0.1707368791103363, -0.09165959805250168, 0.017172247171401978, 0.08110251277685165, -0.03617119789123535, -0.10667205601930618, -0.07836703211069107, -0.0917227491736412, -0.004987291991710663, 0.10767583549022675, 0.08076737076044083, -0.04142047092318535, -0.03879570960998535, -0.014928926713764668, -0.058386847376823425, 0.005333064589649439, 0.14661157131195068, 0.0070545971393585205, -0.05832817405462265, -0.09196441620588303, 0.06178805232048035, 0.14431624114513397, -0.05733447149395943, -0.056687720119953156, -0.125803142786026, 0.05713823065161705, -0.1277216225862503, 0.023055173456668854, -0.10695180296897888, -0.05254814028739929, 0.019957073032855988, -0.07607727497816086, -0.010062158107757568, 0.0018753909971565008, -0.04520605131983757, 0.008630374446511269, -0.019329916685819626, 0.026763807982206345, -0.08470659703016281, -0.03619616851210594, 0.15938185155391693, -0.034305673092603683, 0.05209628865122795, 0.07832638174295425, -0.07643984258174896, 0.07941773533821106, -0.11286022514104843, -0.06902110576629639, 0.014287812635302544, -0.014893034473061562, 0.09309437870979309, -0.041588254272937775, -0.0006961239269003272, 0.004069426562637091, 0.08326617628335953, 0.00008068188617471606, 0.166634202003479, -0.10345975309610367, -0.0031344471499323845, -0.0792870968580246, -0.07331328094005585, -0.03833446279168129, 0.018864762037992477, 0.12815651297569275, 0.0650710016489029, 0.05771956965327263, -0.05978691205382347, 0.04685182124376297, -0.008790681138634682, 0.04027171432971954, -0.05937337502837181, -0.08190233260393143, 0.0037381385918706656, -0.1284460723400116, -0.03873954713344574, -0.02014894038438797, 0.1418599635362625, -0.014824017882347107, 0.07541141659021378, 0.057223327457904816, 0.009409184567630291, 0.056136079132556915, 0.02062211185693741, 0.23173166811466217, 0.022199727594852448, -0.006859678775072098, -0.05776909738779068, 0.02828311361372471, -0.02134184166789055, 0.05428110063076019, 0.009544646367430687, 0.13244961202144623, 0.01757248304784298, 0.032332245260477066, 0.0008655924466438591, 0.13828499615192413, -0.11375755071640015, -0.14172711968421936, -0.022442903369665146, 0.017507441341876984, -0.0355120487511158, 0.0919274315237999, 0.23597107827663422, -0.026927176862955093, 0.040300194174051285, 0.004182131960988045, -0.081999771296978, -0.17415183782577515, -0.1479429453611374, -0.09881437569856644, -0.06403859704732895, 0.022643066942691803, -0.05019685998558998, -0.03464030101895332, 0.11401297897100449, 0.07760525494813919, -0.024592438712716103, 0.14889739453792572, 0.00889506097882986, -0.05434684455394745, 0.06240040063858032, -0.030581029132008553, -0.026558954268693924, 0.012867146171629429, -0.008888700045645237, -0.11382504552602768, 0.0019300359999760985, -0.03509591892361641, 0.01581898145377636, -0.052263397723436356, 0.0655628964304924, -0.08696267753839493, -0.06336334347724915, -0.04352239891886711, 0.052830249071121216, -0.008818869479000568, 0.2251776158809662, 0.014648254960775375, -0.05276528000831604, -0.0145962443202734, 0.15180079638957977, -0.018040819093585014, -0.1904626488685608, -0.2010272741317749, 0.1451863944530487, 0.04477296769618988, -0.025341803207993507, -0.0012052857782691717, -0.0020057514775544405, -0.05388529971241951, 0.4004667401313782, 0.2141852080821991, 0.033832158893346786, 0.034351058304309845, 0.046559762209653854, 0.014084829948842525, -0.01895434595644474, 0.13653600215911865, 0.09694601595401764, 0.14833654463291168, -0.09476567804813385, -0.03205316513776779, -0.09619076550006866, -0.10707025229930878, -0.24919097125530243, -0.08903548866510391, 0.10134902596473694, -0.03451831266283989, -0.021837912499904633, 0.10924633592367172, -0.19783468544483185, -0.036736730486154556, -0.037077631801366806, -0.07073511183261871, -0.08672375977039337, -0.053022705018520355, -0.05543902888894081, 0.0878201350569725, 0.02050355076789856, -0.043854329735040665, 0.037137292325496674, 0.10524911433458328, 0.05716165900230408, -0.08497893065214157, -0.057921577244997025, 0.11279542744159698, 0.07561707496643066, 0.1078767478466034, 0.014075269922614098, 0.02909012883901596, 0.07120800018310547, 0.06224862113595009, -0.0014929728349670768, 0.0717422291636467, 0.00934614147990942, 0.10629905760288239, 0.007562289480119944, 0.033800531178712845, -0.03396321460604668, -0.08356519043445587, -0.013527903705835342, -0.06522125750780106, 0.06916166841983795, -0.05829713121056557, 0.0171174518764019, -0.09230674803256989, 0.10475680977106094, -0.13600362837314606, 0.08382441103458405, 0.15876172482967377, -0.035536028444767, -0.03278138488531113, -0.08790981769561768, 0.04696911200881004, -0.01279018446803093, -0.1699180155992508, -0.13902558386325836, -0.07522793114185333, -0.06065228581428528, 0.04660098999738693, 0.017884735018014908, -0.24655228853225708, -0.039420757442712784, -0.07953287661075592, 0.026482515037059784, -0.12277569621801376, 0.06444011628627777, 0.09390855580568314, 0.01902594044804573, 0.0008488625753670931, -0.1743292659521103, 0.01127723790705204, 0.05983925610780716, -0.13670068979263306, -0.09190598130226135 ]
null
null
transformers
# roberta-base-thai-spm-upos ## Model Description This is a RoBERTa model pre-trained on Thai Wikipedia texts for POS-tagging and dependency-parsing, derived from [roberta-base-thai-spm](https://huggingface.co/KoichiYasuoka/roberta-base-thai-spm). Every word is tagged by [UPOS](https://universaldependencies.org/u/pos/) (Universal Part-Of-Speech). ## How to Use ```py import torch from transformers import AutoTokenizer,AutoModelForTokenClassification tokenizer=AutoTokenizer.from_pretrained("KoichiYasuoka/roberta-base-thai-spm-upos") model=AutoModelForTokenClassification.from_pretrained("KoichiYasuoka/roberta-base-thai-spm-upos") s="หลายหัวดีกว่าหัวเดียว" t=tokenizer.tokenize(s) p=[model.config.id2label[q] for q in torch.argmax(model(tokenizer.encode(s,return_tensors="pt"))["logits"],dim=2)[0].tolist()[1:-1]] print(list(zip(t,p))) ``` or ``` import esupar nlp=esupar.load("KoichiYasuoka/roberta-base-thai-spm-upos") print(nlp("หลายหัวดีกว่าหัวเดียว")) ``` ## See Also [esupar](https://github.com/KoichiYasuoka/esupar): Tokenizer POS-tagger and Dependency-parser with BERT/RoBERTa/DeBERTa models
{"language": ["th"], "license": "apache-2.0", "tags": ["thai", "token-classification", "pos", "wikipedia", "dependency-parsing"], "datasets": ["universal_dependencies"], "pipeline_tag": "token-classification", "widget": [{"text": "\u0e2b\u0e25\u0e32\u0e22\u0e2b\u0e31\u0e27\u0e14\u0e35\u0e01\u0e27\u0e48\u0e32\u0e2b\u0e31\u0e27\u0e40\u0e14\u0e35\u0e22\u0e27"}]}
token-classification
KoichiYasuoka/roberta-base-thai-spm-upos
[ "transformers", "pytorch", "roberta", "token-classification", "thai", "pos", "wikipedia", "dependency-parsing", "th", "dataset:universal_dependencies", "license:apache-2.0", "autotrain_compatible", "endpoints_compatible", "region:us" ]
2022-03-02T23:29:04+00:00
[]
[ "th" ]
TAGS #transformers #pytorch #roberta #token-classification #thai #pos #wikipedia #dependency-parsing #th #dataset-universal_dependencies #license-apache-2.0 #autotrain_compatible #endpoints_compatible #region-us
# roberta-base-thai-spm-upos ## Model Description This is a RoBERTa model pre-trained on Thai Wikipedia texts for POS-tagging and dependency-parsing, derived from roberta-base-thai-spm. Every word is tagged by UPOS (Universal Part-Of-Speech). ## How to Use or ## See Also esupar: Tokenizer POS-tagger and Dependency-parser with BERT/RoBERTa/DeBERTa models
[ "# roberta-base-thai-spm-upos", "## Model Description\n\nThis is a RoBERTa model pre-trained on Thai Wikipedia texts for POS-tagging and dependency-parsing, derived from roberta-base-thai-spm. Every word is tagged by UPOS (Universal Part-Of-Speech).", "## How to Use\n\n\n\nor", "## See Also\n\nesupar: Tokenizer POS-tagger and Dependency-parser with BERT/RoBERTa/DeBERTa models" ]
[ "TAGS\n#transformers #pytorch #roberta #token-classification #thai #pos #wikipedia #dependency-parsing #th #dataset-universal_dependencies #license-apache-2.0 #autotrain_compatible #endpoints_compatible #region-us \n", "# roberta-base-thai-spm-upos", "## Model Description\n\nThis is a RoBERTa model pre-trained on Thai Wikipedia texts for POS-tagging and dependency-parsing, derived from roberta-base-thai-spm. Every word is tagged by UPOS (Universal Part-Of-Speech).", "## How to Use\n\n\n\nor", "## See Also\n\nesupar: Tokenizer POS-tagger and Dependency-parser with BERT/RoBERTa/DeBERTa models" ]
[ 71, 13, 62, 5, 33 ]
[ "passage: TAGS\n#transformers #pytorch #roberta #token-classification #thai #pos #wikipedia #dependency-parsing #th #dataset-universal_dependencies #license-apache-2.0 #autotrain_compatible #endpoints_compatible #region-us \n# roberta-base-thai-spm-upos## Model Description\n\nThis is a RoBERTa model pre-trained on Thai Wikipedia texts for POS-tagging and dependency-parsing, derived from roberta-base-thai-spm. Every word is tagged by UPOS (Universal Part-Of-Speech).## How to Use\n\n\n\nor## See Also\n\nesupar: Tokenizer POS-tagger and Dependency-parser with BERT/RoBERTa/DeBERTa models" ]
[ 0.03580076992511749, 0.020740335807204247, -0.0058906301856040955, 0.05130805820226669, 0.15615637600421906, -0.05230727046728134, 0.04600958153605461, 0.08424244821071625, 0.016369802877306938, 0.00037112823338247836, 0.09459976851940155, 0.16428764164447784, 0.032295532524585724, 0.1321159452199936, 0.013806127943098545, -0.3753136098384857, 0.10530301928520203, 0.03517922759056091, -0.04116172343492508, 0.12138459831476212, 0.1357564479112625, -0.020683014765381813, 0.10447891801595688, 0.05809832364320755, -0.05644243583083153, -0.0016859173774719238, -0.039606545120477676, -0.15071934461593628, 0.05036022141575813, -0.006998388096690178, 0.09564707428216934, -0.0017022351967170835, 0.03741155564785004, -0.11664330959320068, 0.0007834808202460408, 0.00578034482896328, 0.024902069941163063, 0.0336172878742218, 0.015597550198435783, -0.04271187633275986, -0.01789574697613716, -0.019714118912816048, 0.09128370881080627, 0.016589071601629257, -0.06276257336139679, -0.18992507457733154, -0.04162498190999031, 0.024760713800787926, 0.09118957072496414, 0.07648132741451263, -0.05029544606804848, 0.1857643723487854, -0.09965185821056366, 0.03686610236763954, 0.09819553792476654, -0.27568644285202026, -0.01494028139859438, -0.03791226074099541, -0.021213466301560402, 0.019024042412638664, 0.02160629630088806, -0.023501865565776825, 0.047617122530937195, 0.05128725618124008, 0.06921029835939407, -0.08543237298727036, -0.001985963201150298, -0.03508244827389717, -0.15045839548110962, 0.038863953202962875, 0.29587122797966003, 0.03296014294028282, -0.08252442628145218, -0.031104188412427902, -0.06238632649183273, 0.06353383511304855, -0.02178366668522358, -0.0662115141749382, 0.0466473363339901, 0.06477859616279602, 0.09223949909210205, 0.003507711458951235, -0.08674777299165726, 0.004155181813985109, -0.15197351574897766, 0.12230682373046875, 0.05992291867733002, 0.02234521321952343, -0.08942883461713791, 0.007085475139319897, -0.06833219528198242, -0.05997007340192795, -0.010906829498708248, -0.0688110738992691, 0.018446117639541626, 0.006758115254342556, 0.017516322433948517, -0.008178861811757088, 0.056463781744241714, 0.14520210027694702, -0.04122394323348999, 0.03156881779432297, -0.07190082967281342, 0.05928502976894379, 0.10371070355176926, 0.15489007532596588, -0.1325380653142929, 0.019495107233524323, 0.029790418222546577, -0.06049472838640213, -0.002611753297969699, -0.015896325930953026, -0.04545576125383377, 0.01292093750089407, 0.058720849454402924, -0.03159504011273384, 0.026622546836733818, 0.12306889146566391, -0.03372311592102051, -0.07168035209178925, 0.07564837485551834, -0.12329047918319702, -0.01575971208512783, -0.0542747788131237, -0.029075607657432556, 0.22324633598327637, 0.07702746987342834, 0.01621243916451931, -0.11159484088420868, 0.08031824231147766, -0.04856804013252258, 0.005899878218770027, -0.05339418351650238, -0.04854352027177811, 0.014298984780907631, -0.06274985522031784, 0.020977158099412918, -0.12840881943702698, -0.14687786996364594, -0.0061380923725664616, 0.040905486792325974, -0.027702007442712784, -0.08584742248058319, -0.023445239290595055, 0.028860419988632202, -0.040081627666950226, -0.03842335566878319, -0.07610730826854706, -0.03436359763145447, 0.05402258783578873, -0.047027088701725006, 0.058837566524744034, -0.08988471329212189, 0.09711822122335434, -0.16814512014389038, 0.018139172345399857, -0.23658111691474915, 0.07613448798656464, -0.06494692713022232, 0.1193290427327156, -0.10405542701482773, -0.01791999489068985, 0.013396979309618473, 0.05598134547472, -0.05423986166715622, 0.10752014070749283, -0.037049550563097, -0.07589363306760788, 0.26160910725593567, -0.15004819631576538, -0.08721988648176193, 0.15530726313591003, -0.006301775574684143, 0.16998906433582306, 0.07252977043390274, 0.14311225712299347, -0.01024891808629036, 0.015966791659593582, 0.08452882617712021, 0.03218841180205345, -0.05208224803209305, -0.004597904160618782, 0.11601592600345612, -0.07375247031450272, -0.1066165342926979, 0.09148973971605301, -0.12084191292524338, 0.012379441410303116, -0.008792637847363949, -0.045579906553030014, -0.0022549107670783997, -0.02569771371781826, -0.02444160170853138, -0.034412454813718796, 0.08851101994514465, -0.02080509252846241, -0.069054514169693, 0.22208911180496216, 0.08341293036937714, -0.034598980098962784, 0.047379180788993835, -0.1296560913324356, 0.12951073050498962, 0.04025973752140999, 0.021984098479151726, -0.156831294298172, 0.15375520288944244, 0.008674954995512962, 0.10707271099090576, 0.08227664977312088, -0.09071818739175797, 0.03680335357785225, -0.04033213108778, 0.021442141383886337, 0.029469169676303864, 0.1229105070233345, 0.013611974194645882, 0.022876862436532974, -0.12169662863016129, 0.06614086776971817, -0.03009309060871601, 0.1471554934978485, 0.0012619782937690616, 0.035392336547374725, -0.05705459043383598, 0.0969255343079567, -0.02144891954958439, 0.07140061259269714, 0.0014497756492346525, 0.06088029593229294, 0.008432398550212383, 0.02725965529680252, 0.06636074930429459, 0.02633831836283207, -0.0517849437892437, 0.11094574630260468, -0.04118869826197624, 0.09780819714069366, 0.20022441446781158, -0.18336743116378784, -0.03364002704620361, 0.047905296087265015, -0.0006102671613916755, -0.00915009155869484, -0.04972204566001892, 0.015200977213680744, 0.04413352534174919, -0.0007007913081906736, 0.12158635258674622, -0.06249718368053436, 0.05563047528266907, -0.0016930126585066319, -0.1482662707567215, -0.03392835706472397, 0.08255720883607864, 0.08370263874530792, -0.1558060199022293, 0.1678551286458969, 0.17369697988033295, -0.04629383236169815, 0.11507324129343033, -0.07575437426567078, -0.059008143842220306, -0.013318780809640884, 0.07697348296642303, -0.03224455192685127, -0.0695531815290451, -0.21814298629760742, -0.016533609479665756, 0.08592965453863144, 0.02148728258907795, -0.002148725325241685, -0.07195070385932922, -0.01600165292620659, 0.04017413407564163, 0.024541104212403297, -0.06577354669570923, 0.035277340561151505, -0.023518363013863564, 0.04488049075007439, 0.050312530249357224, -0.024386480450630188, 0.044417232275009155, 0.06232697144150734, -0.09023335576057434, 0.16426128149032593, -0.15896493196487427, -0.2445414662361145, -0.1350719928741455, -0.14688776433467865, -0.003880236530676484, -0.008957848884165287, 0.06402532011270523, -0.1338740438222885, -0.07777037471532822, -0.0003656138724181801, 0.05879834666848183, -0.061929941177368164, -0.01515637245029211, -0.021934939548373222, 0.005536895245313644, -0.026241693645715714, -0.03587401658296585, -0.062412992119789124, -0.02810109220445156, -0.09427767992019653, 0.11778861284255981, -0.09972353279590607, -0.009171263314783573, 0.082689568400383, -0.045020222663879395, -0.007688316982239485, -0.003423362737521529, 0.12342529743909836, -0.049281179904937744, -0.013814217410981655, 0.18324579298496246, -0.06929637491703033, 0.06094348803162575, 0.11021818965673447, 0.015411579050123692, -0.00987634900957346, 0.011939305812120438, 0.04029914736747742, -0.04662272706627846, -0.24785594642162323, -0.06918724626302719, -0.04307609423995018, 0.1370689570903778, 0.037630803883075714, 0.02882588654756546, 0.07030388712882996, 0.11243793368339539, 0.02129599265754223, 0.018335171043872833, -0.020274531096220016, 0.07008630037307739, 0.16176612675189972, -0.038693249225616455, 0.13848192989826202, -0.06171867623925209, -0.08298873156309128, 0.0950019583106041, 0.009718609042465687, 0.17620155215263367, 0.10066785663366318, 0.03013337403535843, 0.10929931700229645, 0.14600028097629547, 0.07544463872909546, 0.0618133507668972, -0.03402504324913025, 0.03254876285791397, -0.06546720862388611, -0.04602352902293205, -0.04957962408661842, 0.039601802825927734, -0.04968113824725151, -0.05844670906662941, 0.010087432339787483, 0.018913375213742256, 0.07592777162790298, 0.2732364237308502, -0.021950524300336838, -0.1197718009352684, -0.017532626166939735, 0.060414157807826996, -0.028860794380307198, -0.022327914834022522, 0.060844145715236664, -0.17130868136882782, -0.17382051050662994, 0.10051774978637695, 0.04939931258559227, 0.12048160284757614, -0.08847671002149582, 0.014947855845093727, -0.08933166414499283, -0.013243492692708969, 0.04338867589831352, 0.03848882392048836, -0.19835586845874786, 0.20087456703186035, -0.0067238896153867245, -0.032261162996292114, -0.022129880264401436, 0.05417616665363312, 0.019930394366383553, 0.13817352056503296, 0.13192522525787354, 0.00784828420728445, -0.07947775721549988, -0.033084411174058914, -0.037205155938863754, 0.01608279161155224, -0.034750811755657196, 0.01419919729232788, -0.007093099877238274, -0.051715899258852005, 0.036012422293424606, -0.005268067121505737, -0.03731323406100273, -0.06805535405874252, -0.09517598897218704, 0.0053354245610535145, -0.09394951164722443, 0.000620756414718926, 0.009918754920363426, -0.06056864932179451, -0.1293700635433197, 0.17874041199684143, 0.019131211563944817, -0.10875211656093597, -0.07455773651599884, -0.00908077135682106, 0.017161423340439796, -0.10381399095058441, 0.03315483406186104, -0.07611768692731857, -0.04362080246210098, 0.020021580159664154, -0.05908203125, 0.09977102279663086, -0.020819852128624916, 0.02876259759068489, 0.03190681338310242, 0.024133212864398956, 0.04226699471473694, 0.005220168735831976, -0.01026085577905178, -0.025749076157808304, -0.019399913027882576, -0.08531159907579422, -0.01685653254389763, 0.09913644939661026, 0.0323341079056263, 0.0654144138097763, -0.1531485617160797, -0.15546010434627533, -0.09551738947629929, -0.07539554685354233, 0.1735938936471939, 0.13751670718193054, -0.014252468012273312, 0.07677187770605087, 0.268555611371994, -0.04625021293759346, -0.22018997371196747, -0.09904997050762177, -0.05588269233703613, -0.00019390962552279234, -0.006307490170001984, -0.18700209259986877, 0.1796078085899353, 0.12739530205726624, -0.019620360806584358, -0.12583161890506744, -0.057856496423482895, -0.10472508519887924, 0.28611788153648376, 0.034689657390117645, 0.19498255848884583, -0.11405947059392929, -0.03774433583021164, -0.023782268166542053, -0.20889993011951447, 0.13363035023212433, -0.13339978456497192, 0.04098626226186752, 0.0193552877753973, 0.05694650858640671, -0.01650981977581978, 0.029316218569874763, 0.1341552883386612, -0.03278395161032677, -0.03859585523605347, -0.07999870181083679, -0.022952081635594368, 0.05602208524942398, 0.04776740074157715, 0.12419620901346207, 0.039038874208927155, -0.0484917126595974, -0.11054253578186035, -0.06373200565576553, -0.032260045409202576, 0.0014356658793985844, 0.018034934997558594, -0.10913486033678055, -0.013266581110656261, 0.06680046021938324, 0.0037614265456795692, -0.014089913107454777, 0.0730861946940422, -0.05279206484556198, -0.027246983721852303, 0.14389990270137787, 0.07764890044927597, -0.08892765641212463, 0.048310767859220505, -0.06373301148414612, -0.09127121418714523, 0.10275280475616455, -0.1879510134458542, 0.015844233334064484, 0.01546981930732727, -0.015870338305830956, 0.10455048829317093, 0.03516440838575363, -0.07945791631937027, 0.02128932811319828, 0.0709502249956131, -0.048098333179950714, -0.1875889003276825, 0.048127640038728714, -0.07926222681999207, 0.02976139262318611, 0.0050874073058366776, 0.09610049426555634, -0.052834559231996536, -0.07844629883766174, 0.0265548974275589, 0.020182831212878227, -0.1281864047050476, 0.08236666023731232, 0.005344748962670565, -0.012671394273638725, -0.10778849571943283, 0.11053815484046936, 0.09944182634353638, -0.02949785627424717, 0.02871500886976719, 0.04004751145839691, -0.14545612037181854, -0.07326740026473999, 0.0013830197276547551, 0.039803653955459595, -0.06287772208452225, -0.10218716412782669, -0.03879552707076073, -0.13535359501838684, 0.03949131444096565, 0.006795767229050398, 0.121717669069767, -0.004400426987558603, 0.007022050209343433, 0.016037635505199432, -0.005290199536830187, -0.006344354711472988, 0.13235226273536682, 0.006492475513368845, -0.10246402770280838, -0.06282974034547806, 0.03758389130234718, 0.13063965737819672, -0.05762659013271332, -0.07909539341926575, -0.13211451470851898, 0.027458185330033302, -0.06192754954099655, -0.030303865671157837, -0.12275214493274689, -0.027434464544057846, 0.04569467902183533, -0.08169197291135788, -0.03297964483499527, -0.009707726538181305, -0.05392513796687126, 0.00029107162845321, 0.031883418560028076, 0.06674885749816895, -0.08665380626916885, -0.023548083379864693, 0.138102188706398, -0.026160050183534622, 0.05187515914440155, 0.12630237638950348, -0.05917394906282425, 0.06457561999559402, -0.06129239872097969, -0.035734232515096664, 0.06397398561239243, 0.010633518919348717, 0.07718474417924881, -0.08568745106458664, 0.013620743528008461, 0.034256286919116974, -0.006771971937268972, 0.021285124123096466, 0.18966756761074066, -0.09883781522512436, 0.04272700101137161, -0.04452788084745407, -0.11580006778240204, -0.05808856338262558, 0.00044089945731684566, 0.11790439486503601, 0.07893894612789154, 0.10336834192276001, -0.027665678411722183, 0.024524137377738953, -0.05842707306146622, 0.03217701613903046, -0.026217827573418617, -0.08052410185337067, 0.06361249089241028, -0.07501089572906494, -0.04379471763968468, -0.007292313035577536, 0.19372859597206116, 0.01431269757449627, -0.00906894076615572, 0.06793054193258286, 0.03434184193611145, 0.0499950535595417, 0.0270888339728117, 0.14306676387786865, 0.06730546057224274, -0.021530164405703545, -0.07873446494340897, 0.02099648490548134, -0.0019020740874111652, 0.005041411612182856, -0.05958620458841324, 0.1546895056962967, -0.02296530082821846, 0.02895950712263584, 0.03918343037366867, 0.12765935063362122, -0.15347787737846375, -0.06580657511949539, 0.0062662819400429726, 0.004212426953017712, -0.014873853884637356, 0.12446042895317078, 0.21597358584403992, -0.03525067865848541, 0.08473759889602661, 0.019446173682808876, -0.05367346853017807, -0.1943977326154709, -0.15702733397483826, -0.09251850098371506, -0.15244942903518677, 0.007975289598107338, -0.04617912694811821, -0.04014790430665016, 0.12068499624729156, 0.0824131965637207, -0.02661328949034214, 0.02970205619931221, -0.07311743497848511, -0.08357103914022446, 0.02007637917995453, -0.027700573205947876, -0.0610269159078598, -0.0709972009062767, -0.04035741835832596, -0.04521380364894867, 0.10398291796445847, -0.005865952931344509, 0.008559228852391243, -0.04408653452992439, 0.05509521812200546, -0.10941816866397858, -0.047787003219127655, -0.01409465353935957, 0.04797015339136124, -0.07676713913679123, 0.13514962792396545, 0.018846433609724045, -0.06220272183418274, 0.019490094855427742, 0.16647028923034668, -0.03241536393761635, -0.13231027126312256, -0.23531413078308105, 0.11235852539539337, 0.02958999015390873, 0.04784926027059555, 0.0510067418217659, -0.03674159198999405, -0.08497722446918488, 0.27659887075424194, 0.2482951134443283, 0.03760693967342377, -0.0010294002713635564, 0.030945004895329475, 0.010682222433388233, -0.023103177547454834, 0.07903620600700378, 0.09782538563013077, 0.12748099863529205, -0.07584365457296371, 0.030291808769106865, -0.11120114475488663, -0.07452057301998138, -0.20153316855430603, -0.06993690878152847, 0.10366982221603394, -0.020373662933707237, -0.04110267758369446, 0.09375164657831192, -0.17751076817512512, -0.018471170216798782, -0.06430914252996445, -0.03293800726532936, -0.09479158371686935, -0.05273335054516792, -0.037445906549692154, 0.057877250015735626, 0.029450010508298874, 0.002346685156226158, -0.008355554193258286, 0.13574554026126862, 0.06775874644517899, -0.09493866562843323, -0.04608927294611931, 0.13465616106987, 0.0888892263174057, 0.08818670362234116, 0.03573497384786606, 0.022434163838624954, 0.056663334369659424, 0.09666458517313004, 0.009945779107511044, 0.04728342220187187, -0.01769527792930603, 0.08931666612625122, -0.009235676378011703, -0.026295073330402374, -0.018219783902168274, -0.032434504479169846, 0.03670068457722664, -0.07475396245718002, 0.0048121795989573, -0.09507790207862854, -0.02266271784901619, -0.08787325769662857, 0.1061646044254303, -0.16202391684055328, 0.058333221822977066, 0.16924484074115753, -0.016045300289988518, -0.007037121802568436, -0.11454594880342484, 0.03881675750017166, 0.001853517023846507, -0.17223386466503143, -0.057973507791757584, -0.09133072197437286, -0.045137714594602585, 0.05943809449672699, 0.019699711352586746, -0.13554583489894867, -0.04256273806095123, -0.03784431889653206, 0.005717668682336807, -0.09762340784072876, 0.039038799703121185, 0.03001784346997738, 0.02691183052957058, -0.03173069655895233, -0.11344731599092484, 0.01629985123872757, 0.04853114113211632, -0.05584151670336723, -0.044394634664058685 ]