modelId
stringlengths
4
122
author
stringlengths
2
42
last_modified
timestamp[us, tz=UTC]
downloads
int64
0
74.7M
likes
int64
0
9.67k
library_name
stringlengths
2
84
tags
list
pipeline_tag
stringlengths
5
30
createdAt
timestamp[us, tz=UTC]
card
stringlengths
1
901k
embedding
list
databricks/dolly-v2-12b
databricks
2023-06-30T18:33:03Z
10,887
1,893
transformers
[ "transformers", "pytorch", "gpt_neox", "text-generation", "en", "dataset:databricks/databricks-dolly-15k", "license:mit", "has_space", "text-generation-inference", "region:us" ]
text-generation
2023-04-11T16:10:54Z
--- license: mit language: - en library_name: transformers inference: false datasets: - databricks/databricks-dolly-15k --- # dolly-v2-12b Model Card ## Summary Databricks' `dolly-v2-12b`, an instruction-following large language model trained on the Databricks machine learning platform that is licensed for commercial use. Based on `pythia-12b`, Dolly is trained on ~15k instruction/response fine tuning records [`databricks-dolly-15k`](https://github.com/databrickslabs/dolly/tree/master/data) generated by Databricks employees in capability domains from the InstructGPT paper, including brainstorming, classification, closed QA, generation, information extraction, open QA and summarization. `dolly-v2-12b` is not a state-of-the-art model, but does exhibit surprisingly high quality instruction following behavior not characteristic of the foundation model on which it is based. Dolly v2 is also available in these smaller models sizes: * [dolly-v2-7b](https://huggingface.co/databricks/dolly-v2-7b), a 6.9 billion parameter based on `pythia-6.9b` * [dolly-v2-3b](https://huggingface.co/databricks/dolly-v2-3b), a 2.8 billion parameter based on `pythia-2.8b` Please refer to the [dolly GitHub repo](https://github.com/databrickslabs/dolly#getting-started-with-response-generation) for tips on running inference for various GPU configurations. **Owner**: Databricks, Inc. ## Model Overview `dolly-v2-12b` is a 12 billion parameter causal language model created by [Databricks](https://databricks.com/) that is derived from [EleutherAI's](https://www.eleuther.ai/) [Pythia-12b](https://huggingface.co/EleutherAI/pythia-12b) and fine-tuned on a [~15K record instruction corpus](https://github.com/databrickslabs/dolly/tree/master/data) generated by Databricks employees and released under a permissive license (CC-BY-SA) ## Usage To use the model with the `transformers` library on a machine with GPUs, first make sure you have the `transformers` and `accelerate` libraries installed. In a Databricks notebook you could run: ```python %pip install "accelerate>=0.16.0,<1" "transformers[torch]>=4.28.1,<5" "torch>=1.13.1,<2" ``` The instruction following pipeline can be loaded using the `pipeline` function as shown below. This loads a custom `InstructionTextGenerationPipeline` found in the model repo [here](https://huggingface.co/databricks/dolly-v2-3b/blob/main/instruct_pipeline.py), which is why `trust_remote_code=True` is required. Including `torch_dtype=torch.bfloat16` is generally recommended if this type is supported in order to reduce memory usage. It does not appear to impact output quality. It is also fine to remove it if there is sufficient memory. ```python import torch from transformers import pipeline generate_text = pipeline(model="databricks/dolly-v2-12b", torch_dtype=torch.bfloat16, trust_remote_code=True, device_map="auto") ``` You can then use the pipeline to answer instructions: ```python res = generate_text("Explain to me the difference between nuclear fission and fusion.") print(res[0]["generated_text"]) ``` Alternatively, if you prefer to not use `trust_remote_code=True` you can download [instruct_pipeline.py](https://huggingface.co/databricks/dolly-v2-3b/blob/main/instruct_pipeline.py), store it alongside your notebook, and construct the pipeline yourself from the loaded model and tokenizer: ```python import torch from instruct_pipeline import InstructionTextGenerationPipeline from transformers import AutoModelForCausalLM, AutoTokenizer tokenizer = AutoTokenizer.from_pretrained("databricks/dolly-v2-12b", padding_side="left") model = AutoModelForCausalLM.from_pretrained("databricks/dolly-v2-12b", device_map="auto", torch_dtype=torch.bfloat16) generate_text = InstructionTextGenerationPipeline(model=model, tokenizer=tokenizer) ``` ### LangChain Usage To use the pipeline with LangChain, you must set `return_full_text=True`, as LangChain expects the full text to be returned and the default for the pipeline is to only return the new text. ```python import torch from transformers import pipeline generate_text = pipeline(model="databricks/dolly-v2-12b", torch_dtype=torch.bfloat16, trust_remote_code=True, device_map="auto", return_full_text=True) ``` You can create a prompt that either has only an instruction or has an instruction with context: ```python from langchain import PromptTemplate, LLMChain from langchain.llms import HuggingFacePipeline # template for an instrution with no input prompt = PromptTemplate( input_variables=["instruction"], template="{instruction}") # template for an instruction with input prompt_with_context = PromptTemplate( input_variables=["instruction", "context"], template="{instruction}\n\nInput:\n{context}") hf_pipeline = HuggingFacePipeline(pipeline=generate_text) llm_chain = LLMChain(llm=hf_pipeline, prompt=prompt) llm_context_chain = LLMChain(llm=hf_pipeline, prompt=prompt_with_context) ``` Example predicting using a simple instruction: ```python print(llm_chain.predict(instruction="Explain to me the difference between nuclear fission and fusion.").lstrip()) ``` Example predicting using an instruction with context: ```python context = """George Washington (February 22, 1732[b] - December 14, 1799) was an American military officer, statesman, and Founding Father who served as the first president of the United States from 1789 to 1797.""" print(llm_context_chain.predict(instruction="When was George Washington president?", context=context).lstrip()) ``` ## Known Limitations ### Performance Limitations **`dolly-v2-12b` is not a state-of-the-art generative language model** and, though quantitative benchmarking is ongoing, is not designed to perform competitively with more modern model architectures or models subject to larger pretraining corpuses. The Dolly model family is under active development, and so any list of shortcomings is unlikely to be exhaustive, but we include known limitations and misfires here as a means to document and share our preliminary findings with the community. In particular, `dolly-v2-12b` struggles with: syntactically complex prompts, programming problems, mathematical operations, factual errors, dates and times, open-ended question answering, hallucination, enumerating lists of specific length, stylistic mimicry, having a sense of humor, etc. Moreover, we find that `dolly-v2-12b` does not have some capabilities, such as well-formatted letter writing, present in the original model. ### Dataset Limitations Like all language models, `dolly-v2-12b` reflects the content and limitations of its training corpuses. - **The Pile**: GPT-J's pre-training corpus contains content mostly collected from the public internet, and like most web-scale datasets, it contains content many users would find objectionable. As such, the model is likely to reflect these shortcomings, potentially overtly in the case it is explicitly asked to produce objectionable content, and sometimes subtly, as in the case of biased or harmful implicit associations. - **`databricks-dolly-15k`**: The training data on which `dolly-v2-12b` is instruction tuned represents natural language instructions generated by Databricks employees during a period spanning March and April 2023 and includes passages from Wikipedia as references passages for instruction categories like closed QA and summarization. To our knowledge it does not contain obscenity, intellectual property or personally identifying information about non-public figures, but it may contain typos and factual errors. The dataset may also reflect biases found in Wikipedia. Finally, the dataset likely reflects the interests and semantic choices of Databricks employees, a demographic which is not representative of the global population at large. Databricks is committed to ongoing research and development efforts to develop helpful, honest and harmless AI technologies that maximize the potential of all individuals and organizations. ### Benchmark Metrics Below you'll find various models benchmark performance on the [EleutherAI LLM Evaluation Harness](https://github.com/EleutherAI/lm-evaluation-harness); model results are sorted by geometric mean to produce an intelligible ordering. As outlined above, these results demonstrate that `dolly-v2-12b` is not state of the art, and in fact underperforms `dolly-v1-6b` in some evaluation benchmarks. We believe this owes to the composition and size of the underlying fine tuning datasets, but a robust statement as to the sources of these variations requires further study. | model | openbookqa | arc_easy | winogrande | hellaswag | arc_challenge | piqa | boolq | gmean | | --------------------------------- | ------------ | ---------- | ------------ | ----------- | --------------- | -------- | -------- | ---------| | EleutherAI/pythia-2.8b | 0.348 | 0.585859 | 0.589582 | 0.591217 | 0.323379 | 0.73395 | 0.638226 | 0.523431 | | EleutherAI/pythia-6.9b | 0.368 | 0.604798 | 0.608524 | 0.631548 | 0.343857 | 0.761153 | 0.6263 | 0.543567 | | databricks/dolly-v2-3b | 0.384 | 0.611532 | 0.589582 | 0.650767 | 0.370307 | 0.742655 | 0.575535 | 0.544886 | | EleutherAI/pythia-12b | 0.364 | 0.627104 | 0.636148 | 0.668094 | 0.346416 | 0.760065 | 0.673394 | 0.559676 | | EleutherAI/gpt-j-6B | 0.382 | 0.621633 | 0.651144 | 0.662617 | 0.363481 | 0.761153 | 0.655963 | 0.565936 | | databricks/dolly-v2-12b | 0.408 | 0.63931 | 0.616417 | 0.707927 | 0.388225 | 0.757889 | 0.568196 | 0.56781 | | databricks/dolly-v2-7b | 0.392 | 0.633838 | 0.607735 | 0.686517 | 0.406997 | 0.750816 | 0.644037 | 0.573487 | | databricks/dolly-v1-6b | 0.41 | 0.62963 | 0.643252 | 0.676758 | 0.384812 | 0.773667 | 0.687768 | 0.583431 | | EleutherAI/gpt-neox-20b | 0.402 | 0.683923 | 0.656669 | 0.7142 | 0.408703 | 0.784004 | 0.695413 | 0.602236 | # Citation ``` @online{DatabricksBlog2023DollyV2, author = {Mike Conover and Matt Hayes and Ankit Mathur and Jianwei Xie and Jun Wan and Sam Shah and Ali Ghodsi and Patrick Wendell and Matei Zaharia and Reynold Xin}, title = {Free Dolly: Introducing the World's First Truly Open Instruction-Tuned LLM}, year = {2023}, url = {https://www.databricks.com/blog/2023/04/12/dolly-first-open-commercially-viable-instruction-tuned-llm}, urldate = {2023-06-30} } ``` # Happy Hacking!
[ -0.027016131207346916, -1.0164154767990112, 0.14985617995262146, 0.3611774742603302, -0.12554678320884705, -0.061868809163570404, -0.011847357265651226, -0.05686337500810623, 0.05869707465171814, 0.449137419462204, -0.5410840511322021, -0.49567559361457825, -0.6863358616828918, 0.07463263720273972, -0.5985223054885864, 1.1357439756393433, -0.05651136860251427, -0.1425001174211502, -0.5052123665809631, 0.21990010142326355, -0.37029916048049927, -0.3032275438308716, -0.27705666422843933, -0.16157980263233185, 0.2902185022830963, 0.2781740128993988, 0.7150207757949829, 0.8015720844268799, 0.3682865798473358, 0.3557262122631073, -0.09195864945650101, -0.04237502068281174, -0.49450671672821045, 0.033023834228515625, 0.027579203248023987, -0.37330135703086853, -0.4501662850379944, 0.05435547977685928, 0.5978953838348389, 0.48661988973617554, 0.03621992468833923, 0.329911470413208, -0.028666362166404724, 0.716855525970459, -0.531629741191864, 0.48887938261032104, -0.45454251766204834, -0.10878188163042068, -0.14291661977767944, 0.005358340218663216, -0.601140558719635, -0.4586902856826782, -0.021089309826493263, -0.5868619084358215, 0.2832906246185303, 0.08662334829568863, 1.0652072429656982, 0.2135249227285385, -0.3480169475078583, -0.2088460922241211, -0.6250441670417786, 1.0068049430847168, -0.5026063919067383, 0.01944107376039028, 0.44385379552841187, 0.23528140783309937, -0.35810860991477966, -0.8510404825210571, -0.6625975966453552, -0.20652805268764496, -0.500530481338501, 0.059785738587379456, -0.27998802065849304, -0.018366629257798195, 0.49054399132728577, 0.5081296563148499, -0.8096045255661011, -0.1148926243185997, -0.8563210964202881, -0.34379610419273376, 0.7206200361251831, 0.3559931814670563, 0.09597059339284897, -0.6464782953262329, -0.2929626703262329, -0.3797416090965271, -0.5383553504943848, 0.034204188734292984, 0.4819769859313965, 0.3215070068836212, -0.5362896919250488, 0.754584789276123, -0.3635571300983429, 0.8119044899940491, -0.1068340465426445, -0.15562763810157776, 0.3380947411060333, -0.10239622741937637, -0.4534256160259247, -0.16343659162521362, 0.9135367274284363, 0.22505280375480652, 0.13159354031085968, 0.010564911179244518, -0.03680800646543503, 0.2641175091266632, 0.20817002654075623, -0.8445541858673096, -0.49989354610443115, 0.5453813076019287, -0.47714951634407043, -0.5182701349258423, -0.16330218315124512, -0.9533882141113281, -0.5436213612556458, -0.22541210055351257, 0.5249428153038025, -0.28525879979133606, -0.2858906686306, -0.1270250678062439, -0.09038238972425461, 0.29187774658203125, 0.16438698768615723, -1.1052842140197754, 0.23377999663352966, 0.5247645378112793, 0.7083457112312317, -0.03170209750533104, -0.1873294860124588, -0.7316484451293945, -0.24249939620494843, -0.17120537161827087, 0.48998507857322693, -0.5417290925979614, -0.34949609637260437, 0.12240561842918396, 0.2237967997789383, -0.1504824459552765, -0.5608103275299072, 0.2986648380756378, -0.37603017687797546, 0.5461682677268982, -0.0316903218626976, -0.5462660789489746, -0.21219313144683838, 0.061783116310834885, -0.527525782585144, 1.123121738433838, 0.5350037813186646, -0.7460734844207764, 0.1540571004152298, -0.1423950493335724, -0.527781069278717, -0.16592827439308167, -0.12412325292825699, -0.6161676645278931, -0.06537425518035889, 0.2686181664466858, 0.6835338473320007, -0.5098185539245605, 0.3351839482784271, 0.02338622510433197, -0.2065538465976715, 0.06628789752721786, -0.4169648587703705, 1.0872071981430054, 0.13185955584049225, -0.3835948407649994, 0.20566175878047943, -1.0332293510437012, -0.037692099809646606, 0.13744968175888062, -0.4121217727661133, 0.3154442608356476, -0.3425289988517761, 0.2588096559047699, 0.03897866606712341, 0.2537288963794708, -0.40528395771980286, 0.2997484505176544, -0.2672668397426605, 0.11013814061880112, 0.7144135236740112, -0.4060562551021576, 0.37693941593170166, -0.5015708208084106, 0.5722113847732544, -0.01343053113669157, 0.06943849474191666, -0.3737868070602417, -0.796921968460083, -1.0017569065093994, -0.193670853972435, 0.273795485496521, 0.6739488840103149, -0.6492764353752136, 0.386698842048645, -0.1712033599615097, -0.5576438307762146, -0.5864881873130798, 0.06102215126156807, 0.5337943434715271, 0.6493147611618042, 0.7332438826560974, -0.17050345242023468, -0.6549908518791199, -0.8181803226470947, 0.023356009274721146, -0.40396055579185486, -0.2400236874818802, 0.18755578994750977, 0.5374189615249634, -0.08213775604963303, 0.8336611390113831, -0.5272343158721924, -0.11435862630605698, -0.5301809906959534, 0.1717638373374939, 0.47930601239204407, 0.6585716605186462, 0.22050713002681732, -0.5544518232345581, -0.508948028087616, 0.06406699866056442, -0.8624445796012878, 0.07112670689821243, -0.23300284147262573, -0.11698977649211884, 0.5512690544128418, 0.23784765601158142, -0.8631401658058167, 0.7096086144447327, 0.6586986780166626, -0.42129334807395935, 0.7320951819419861, -0.1747884750366211, -0.005957665853202343, -1.1688263416290283, 0.18243712186813354, -0.12841880321502686, 0.020157912746071815, -0.5165694355964661, -0.13469767570495605, 0.04088524729013443, 0.041637878865003586, -0.3263189196586609, 0.8121356964111328, -0.19634884595870972, 0.022165482863783836, -0.07019197940826416, 0.07089909166097641, 0.13520033657550812, 0.5235285758972168, 0.038541149348020554, 0.39587298035621643, 0.782863974571228, -0.7077110409736633, 0.8579903841018677, 0.41343024373054504, -0.47436943650245667, 0.35441678762435913, -0.6244686841964722, 0.09491601586341858, -0.1939745992422104, 0.2731655240058899, -0.9767322540283203, -0.3779159188270569, 0.3399162292480469, -0.4233952760696411, 0.5731512308120728, -0.254474937915802, -0.34546616673469543, -0.49904611706733704, -0.0968165397644043, 0.11055952310562134, 0.9186077117919922, -0.5478305816650391, 0.7163201570510864, 0.13459160923957825, -0.07690273225307465, -0.7372779250144958, -0.6241531372070312, -0.22902396321296692, -0.260590523481369, -0.9134105443954468, 0.3820543587207794, 0.16992609202861786, -0.20092925429344177, -0.16453662514686584, 0.014673816971480846, 0.06482268124818802, -0.28865987062454224, 0.1248975396156311, 0.48669594526290894, -0.13495372235774994, 0.10434816777706146, 0.04537693411111832, -0.4319990873336792, 0.10563508421182632, -0.20886054635047913, 0.6175498366355896, -0.038471002131700516, 0.10856106132268906, -0.6006552577018738, 0.02286672405898571, 0.5207099318504333, 0.041172292083501816, 0.9314616322517395, 0.9212348461151123, -0.1819164752960205, 0.07119620591402054, -0.5832385420799255, -0.36143821477890015, -0.5099184513092041, 0.5076907873153687, -0.18662813305854797, -0.35690686106681824, 0.4040975570678711, 0.06759586930274963, 0.09866298735141754, 0.5141627788543701, 0.5986453294754028, -0.019261745736002922, 0.5848087072372437, 0.39439013600349426, -0.028966672718524933, 0.19280539453029633, -0.7083458304405212, 0.08103276044130325, -0.8215832710266113, -0.5020781755447388, -0.5400503277778625, -0.35667315125465393, -0.8250584602355957, -0.6004678010940552, 0.10261957347393036, 0.047140978276729584, -0.3761237561702728, 0.5808592438697815, -0.4893479645252228, 0.16241951286792755, 0.6563772559165955, -0.017425352707505226, 0.04068772494792938, 0.06498585641384125, -0.06363563239574432, 0.1250206083059311, -0.7269402742385864, -0.6096575856208801, 1.169573187828064, 0.22080381214618683, 0.9294840097427368, -0.05881962552666664, 0.3997756838798523, -0.03660036623477936, 0.1797732710838318, -0.5458191633224487, 0.5677788257598877, -0.09362441301345825, -0.8112325072288513, -0.19819119572639465, -0.5756866931915283, -1.035892128944397, 0.03790869936347008, -0.1986447274684906, -1.076939582824707, 0.01624065451323986, 0.233377143740654, -0.22921788692474365, 0.2962411046028137, -0.8024020791053772, 1.1408886909484863, 0.06886246055364609, -0.6151347160339355, -0.12995050847530365, -0.7591406106948853, 0.26471570134162903, 0.3102307915687561, 0.09831921756267548, 0.009592466056346893, 0.37577685713768005, 0.7534849047660828, -0.42359092831611633, 0.7195450663566589, -0.14721882343292236, 0.15637046098709106, 0.4125288426876068, 0.06978488713502884, 0.7060069441795349, 0.15222710371017456, -0.2239183634519577, -0.0035172866191715, -0.11110994964838028, -0.6069583296775818, -0.5470946431159973, 0.7102144956588745, -0.8054712414741516, -0.6815869808197021, -0.4102626442909241, -0.6330185532569885, 0.1045520156621933, -0.07675186544656754, 0.41876792907714844, 0.7086477279663086, 0.0016253666253760457, 0.31240278482437134, 0.514653742313385, -0.6625984311103821, 0.5116806626319885, 0.10838194936513901, -0.45895105600357056, -0.2068752646446228, 1.01617431640625, -0.1299370974302292, 0.33185070753097534, 0.6051101684570312, 0.3890269696712494, -0.3499915897846222, -0.19844560325145721, -0.79356849193573, 0.16595685482025146, -0.6971179842948914, -0.23945462703704834, -0.8764513731002808, -0.2509818375110626, -0.3775635361671448, -0.18854354321956635, -0.464565634727478, -0.757884681224823, -0.44932156801223755, -0.07316125184297562, 0.7449175715446472, 0.7305051684379578, 0.04088686779141426, 0.32004454731941223, -0.5918283462524414, 0.40680357813835144, 0.5087945461273193, 0.09142593294382095, -0.08117193728685379, -0.7529945969581604, -0.2373945564031601, -0.0352996401488781, -0.6271412372589111, -0.6070736646652222, 0.3899868428707123, -0.08654092997312546, 0.26124343276023865, 0.1777658611536026, 0.1060488149523735, 0.49586164951324463, -0.19848065078258514, 0.9196645617485046, 0.06596383452415466, -0.8130589723587036, 0.5532690286636353, -0.3174806833267212, 0.4064963161945343, 0.12589839100837708, 0.3718183934688568, -0.35486045479774475, -0.3450891971588135, -0.6004555821418762, -0.9093102812767029, 0.9266157746315002, 0.626606822013855, 0.330995112657547, 0.04256825149059296, 0.09196554869413376, 0.13925693929195404, 0.19682340323925018, -0.7736329436302185, -0.5944181680679321, -0.25692448019981384, -0.20257548987865448, 0.20033301413059235, -0.11466159671545029, -0.06283453851938248, -0.4333052933216095, 0.9137538075447083, 0.15070225298404694, 0.493699848651886, -0.13239553570747375, -0.1139221340417862, -0.10037388652563095, 0.07443322986364365, 0.4213744103908539, 0.6199427843093872, -0.2732636630535126, -0.08984649181365967, 0.18964837491512299, -0.7210167050361633, 0.13422845304012299, 0.40254834294319153, -0.15681570768356323, -0.0032620399724692106, 0.4491231441497803, 0.9573377966880798, -0.15991201996803284, -0.32490673661231995, 0.32958242297172546, -0.16990940272808075, 0.09089631587266922, -0.19727294147014618, 0.1118776947259903, 0.11548375338315964, 0.1583530753850937, 0.2956855297088623, 0.03399914875626564, -0.24103796482086182, -0.5312169194221497, 0.10047575831413269, 0.29787153005599976, -0.25012102723121643, -0.20434080064296722, 0.7066291570663452, 0.19512976706027985, -0.2940186858177185, 1.0578597784042358, -0.30204224586486816, -0.25445637106895447, 0.8210169076919556, 0.529604971408844, 0.7997687458992004, -0.23990103602409363, 0.5110231637954712, 0.7536024451255798, 0.34812137484550476, 0.15974141657352448, 0.18170322477817535, 0.28455638885498047, -0.40945154428482056, -0.31842291355133057, -0.910308301448822, -0.1615229845046997, 0.29124316573143005, -0.5452096462249756, 0.757640540599823, -0.48830029368400574, 0.0957324355840683, -0.1522625982761383, 0.08624571561813354, -0.8662125468254089, 0.43308666348457336, -0.06916891783475876, 0.5770587921142578, -0.6762787103652954, 0.7688410878181458, 0.4344823360443115, -0.31528592109680176, -0.732700765132904, -0.14731115102767944, 0.12664324045181274, -0.6775562763214111, 0.5778396725654602, 0.41650769114494324, 0.3058641850948334, -0.08102748543024063, -0.2158842384815216, -0.8875687122344971, 1.1675372123718262, 0.2952205240726471, -0.36191946268081665, 0.16396252810955048, 0.10015080869197845, 0.34939250349998474, -0.35694873332977295, 0.6571999192237854, 0.7316055297851562, 0.46941471099853516, 0.21863077580928802, -0.8893305659294128, 0.23086850345134735, -0.26187652349472046, -0.08779079467058182, 0.0784173384308815, -0.6026611924171448, 1.035334825515747, -0.4067206084728241, -0.21785786747932434, 0.355119913816452, 0.7644377946853638, 0.25392019748687744, 0.26271602511405945, 0.09943868219852448, 0.5300458669662476, 0.8123804330825806, -0.2501780688762665, 1.398660659790039, -0.2403862029314041, 0.5040425062179565, 0.8151453137397766, 0.2192886918783188, 0.5759236216545105, 0.272551566362381, -0.5059827566146851, 0.7759972810745239, 0.470427542924881, -0.004102915991097689, 0.45844346284866333, 0.40435120463371277, -0.20847339928150177, 0.06701184064149857, 0.10002212971448898, -0.6137902140617371, 0.4254424273967743, 0.4215262830257416, -0.5143845677375793, 0.06661886721849442, -0.2538509666919708, 0.23019926249980927, -0.16136102378368378, 0.04365072399377823, 0.41459766030311584, -0.01119892206043005, -0.5753173232078552, 0.9259670972824097, -0.020704885944724083, 0.4460007846355438, -0.5704135298728943, -0.05965345725417137, -0.3630845248699188, 0.1727159172296524, -0.3610711395740509, -0.5636894702911377, 0.3284534811973572, -0.003319847397506237, -0.14313249289989471, -0.1109534204006195, 0.4103805720806122, -0.39241823554039, -0.8434769511222839, 0.11580882966518402, 0.20273664593696594, 0.27759137749671936, 0.2163986712694168, -0.5037376880645752, 0.3896614909172058, 0.04563489556312561, -0.5410205721855164, 0.33830419182777405, 0.20444513857364655, 0.27182093262672424, 0.639658510684967, 0.4110162556171417, -0.24585391581058502, 0.011311667971313, -0.2071838229894638, 0.9518746733665466, -0.5271851420402527, -0.10081121325492859, -0.7854282855987549, 1.0299277305603027, -0.12101716548204422, -0.5101523399353027, 0.6442047357559204, 0.631050169467926, 0.8821103572845459, -0.295055091381073, 0.8090077042579651, -0.49353665113449097, 0.24524135887622833, -0.6703027486801147, 0.5379356741905212, -0.402809202671051, 0.3514401912689209, -0.4717555642127991, -1.2237553596496582, -0.25586122274398804, 0.9466946125030518, -0.38188669085502625, 0.29186829924583435, 0.956640362739563, 1.1631627082824707, -0.07860709726810455, 0.13799980282783508, 0.25222671031951904, 0.4360243082046509, 0.24389877915382385, 0.3697666823863983, 0.6234147548675537, -0.7458642721176147, 0.7216755151748657, -0.6221950650215149, -0.37486687302589417, -0.12268498539924622, -0.8334377408027649, -1.065177321434021, -0.6599203944206238, -0.49336951971054077, -0.6846055388450623, -0.06360306590795517, 0.878386378288269, 0.6107778549194336, -0.8742884397506714, -0.3895561099052429, -0.24100486934185028, 0.3840245306491852, -0.149621844291687, -0.2891533374786377, 0.6268348097801208, -0.24027511477470398, -0.8906905651092529, 0.2768261432647705, 0.15790241956710815, 0.0041919853538274765, -0.35242772102355957, -0.11841980367898941, -0.1714348942041397, -0.09821393340826035, 0.46150684356689453, 0.11394214630126953, -0.6141097545623779, -0.07336114346981049, 0.049413684755563736, 0.036747124046087265, -0.01629761792719364, 0.5452678799629211, -1.036854863166809, 0.6805751323699951, 0.621648371219635, 0.3921153247356415, 0.7740176320075989, -0.1438664048910141, 0.6342410445213318, -0.7840069532394409, 0.3416469097137451, 0.14539788663387299, 0.22677980363368988, 0.6216294169425964, -0.43657130002975464, 0.39226406812667847, 0.27563995122909546, -0.6364143490791321, -0.6111149787902832, 0.296983927488327, -0.767339289188385, -0.08653806895017624, 1.331220030784607, -0.17696493864059448, -0.2895652949810028, -0.19916857779026031, -0.20776166021823883, 0.2678815424442291, -0.355957955121994, 1.0435669422149658, 0.4755338728427887, -0.06168197840452194, -0.06409964710474014, -0.5953293442726135, 0.5775694847106934, 0.3562784790992737, -0.7251489758491516, 0.18647971749305725, 0.24615487456321716, -0.07502969354391098, 0.29115548729896545, 0.43076208233833313, -0.04681362956762314, 0.27275529503822327, 0.3081905245780945, -0.10018173605203629, 0.09348858147859573, -0.43287330865859985, -0.06454344093799591, -0.09046272188425064, -0.40544643998146057, -0.14582562446594238 ]
akreal/tiny-random-mbart
akreal
2022-06-07T18:16:58Z
10,881
0
transformers
[ "transformers", "pytorch", "tf", "mbart", "endpoints_compatible", "region:us" ]
null
2022-03-02T23:29:05Z
This is a copy of: https://huggingface.co/hf-internal-testing/tiny-random-mbart Changes: use old format for `pytorch_model.bin`.
[ -0.35698118805885315, -1.084703803062439, 0.005754872225224972, 0.3519541621208191, -0.34760844707489014, -0.32397061586380005, 0.017427625134587288, -0.11467689275741577, 0.4521431624889374, 0.5135045051574707, -0.6448705196380615, -0.20256797969341278, -0.1816747933626175, 0.026699405163526535, -0.372061550617218, 1.3026522397994995, -0.030713103711605072, 0.15071795880794525, -0.19332106411457062, -0.2596607506275177, 0.06788292527198792, -0.5014471411705017, -1.2219555377960205, -0.33707326650619507, 0.6811804175376892, 0.4716266095638275, 0.8707870841026306, 0.4089606702327728, 1.195937156677246, 0.06894773989915848, -0.2636580467224121, -0.6309342384338379, -0.20759549736976624, -0.4054003655910492, 0.1512575000524521, 0.010368214920163155, -0.8373381495475769, 0.02543228305876255, 0.9611320495605469, 0.6518504619598389, -0.5113595724105835, 0.49528568983078003, 0.02050483040511608, 0.706468939781189, -0.5474409461021423, 0.2741098999977112, -0.32838448882102966, 0.23461760580539703, 0.14599469304084778, 0.007615609560161829, -0.4892633259296417, -0.3143593370914459, -0.27709364891052246, -0.11118833720684052, 0.5028766393661499, 0.34600669145584106, 0.9273449778556824, 0.33839794993400574, -0.685020387172699, 0.15611852705478668, -0.5439793467521667, 0.12925198674201965, -0.6718641519546509, 0.3164670467376709, 0.4835878312587738, 0.7752988934516907, -0.48854324221611023, -1.0526543855667114, -0.3212285041809082, -0.6648902893066406, 0.2840774357318878, -0.4160616397857666, -0.365970253944397, -0.027397427707910538, 0.5880044102668762, 0.4151555597782135, -0.4427572190761566, -0.32450157403945923, -0.6728994846343994, -0.3703269958496094, 0.578660249710083, 0.10437294095754623, 0.029791345819830894, -0.2970463037490845, -0.23068882524967194, -0.43667885661125183, -0.8647421002388, -0.013149223290383816, 0.374623566865921, 0.286467969417572, -0.5809015035629272, 0.8146198391914368, -0.18552690744400024, 0.730063259601593, 0.19535188376903534, 0.20903754234313965, 0.8520535230636597, 0.011190753430128098, -0.3806249797344208, 0.37230247259140015, 0.7299338579177856, 0.4221876561641693, 0.25044435262680054, 0.3484050929546356, -0.09037023037672043, -0.43030768632888794, 0.2746165990829468, -1.300377368927002, -1.0871987342834473, -0.06173641234636307, -0.6565314531326294, -0.5619097948074341, 0.38207557797431946, -0.5365192890167236, -0.1706797033548355, 0.01819508709013462, 0.589476466178894, -0.5599309802055359, -0.22423633933067322, -0.0658305361866951, -0.11278224736452103, 0.07102666795253754, 0.296398401260376, -0.580876350402832, 0.39313527941703796, 0.55907142162323, 0.647022545337677, 0.3175104856491089, -0.4656856656074524, -0.39823463559150696, -0.41850966215133667, -0.10010447353124619, 0.6203591227531433, 0.2456020563840866, -0.4081375300884247, -0.3485943377017975, 0.25958091020584106, 0.03138450160622597, -0.8068475723266602, 0.603665828704834, -0.3374094069004059, -0.04233188554644585, -0.25785472989082336, -0.13810238242149353, -0.03074457123875618, 0.06229245290160179, -0.668083906173706, 1.6122719049453735, 0.6577309370040894, -0.8218048810958862, 0.28682973980903625, -0.9122183918952942, -0.36307355761528015, -0.2902091145515442, 0.24881070852279663, -0.8419223427772522, 0.13389332592487335, -0.2321188747882843, 0.17236855626106262, 0.34420302510261536, -0.396327406167984, -0.789479672908783, -0.5187429189682007, 0.6800429821014404, -0.2037079930305481, 1.1453477144241333, 0.23792318999767303, -0.228779137134552, 0.20709426701068878, -1.0919462442398071, -0.07348859310150146, 0.3053441643714905, -0.09148245304822922, -0.06173429265618324, -0.30647796392440796, 0.25588682293891907, 0.3950214684009552, 0.00830167531967163, -0.6636133790016174, 0.6138648390769958, 0.09819398075342178, 0.2789003849029541, 0.6636043190956116, 0.42144086956977844, 0.4220025837421417, -0.5349965691566467, 0.39338770508766174, 0.07257694005966187, 0.524578869342804, 0.2926282584667206, -0.9792668223381042, -0.6058024168014526, -0.7772988080978394, 0.13410857319831848, 0.19747792184352875, -0.12353460490703583, 0.3665314018726349, 0.23648753762245178, -0.6054401993751526, -0.4312804639339447, 0.05154554918408394, -0.07013238966464996, 0.41066765785217285, 0.16800528764724731, -0.47893598675727844, -0.7103070020675659, -0.9943230152130127, 0.18441464006900787, -0.2629207968711853, -0.08224984258413315, 0.13755905628204346, 1.1373873949050903, -0.7524935007095337, 0.962161123752594, -0.6287227869033813, -0.12786611914634705, -0.05339709669351578, 0.1873418539762497, 0.2389778345823288, 0.6490938663482666, 1.1083303689956665, -0.3921404480934143, -0.37938496470451355, -0.2845625877380371, -0.09630946069955826, -0.23087018728256226, 0.31945472955703735, -0.5023306012153625, 0.10110560059547424, 0.4217700660228729, -0.8345620036125183, 0.6551077961921692, 0.4863225221633911, -0.8244464993476868, 0.817887544631958, -0.13850289583206177, 0.17288102209568024, -0.9663345813751221, 0.06557288765907288, -0.1985359936952591, -0.41747915744781494, 0.3006572723388672, 0.3141307830810547, 0.5917894840240479, 0.09834315627813339, -0.7669702768325806, 0.8317402005195618, -0.2105272114276886, -0.08969185501337051, -0.42861735820770264, -0.2693893611431122, -0.3323165774345398, 0.15316149592399597, -0.7365792989730835, 0.6827316284179688, 0.358376145362854, -0.3610486090183258, 0.747444212436676, 0.4874197840690613, -0.06700985133647919, 0.5702013969421387, -0.465608686208725, 0.4761281907558441, 0.08822940289974213, 0.3752407729625702, -0.8510779738426208, -0.6027961373329163, 0.8592463731765747, -0.6267300248146057, 0.2529441714286804, -0.31541693210601807, -0.5693385601043701, -0.5015450716018677, -0.39014190435409546, 0.425599068403244, 1.1868330240249634, -0.5050366520881653, 0.31536468863487244, 0.05893250182271004, -0.06817092001438141, -0.1012403815984726, -0.7598840594291687, -0.19932284951210022, -0.029615992680191994, -0.5386503338813782, -0.08300764113664627, -0.12321514636278152, -0.5012947916984558, 0.16118009388446808, -0.06487597525119781, -0.41504737734794617, 0.1267494410276413, 0.30161476135253906, 0.22317500412464142, -0.6073615550994873, -0.2955051064491272, -0.3120623230934143, 0.008567421697080135, 0.241335928440094, 0.030726419761776924, 0.31293344497680664, -0.31964319944381714, -0.3451210856437683, -0.40066733956336975, -0.003102832706645131, 0.33242493867874146, 0.0704442709684372, 0.7056797742843628, 1.0496445894241333, -0.5800940990447998, -0.11592486500740051, -0.38976699113845825, -0.6889921426773071, -0.45255494117736816, 0.272605299949646, -0.1884782463312149, -0.7522212266921997, 0.5040090680122375, 0.3447684049606323, -0.46429333090782166, 0.8926833271980286, 0.6731112599372864, -0.37051424384117126, 0.7991235852241516, 0.8404964804649353, -0.023098139092326164, 0.63176429271698, -0.13601329922676086, 0.10807246714830399, -1.0725113153457642, 0.08497698605060577, -0.636386513710022, -0.32094284892082214, -0.4525867700576782, -0.19371318817138672, 0.1627347767353058, 0.21020369231700897, -0.6842784285545349, 0.3374444544315338, -0.3515163064002991, 0.18494297564029694, 0.7055280208587646, 0.21024608612060547, 0.22000256180763245, 0.23406100273132324, -0.2662404775619507, -0.01324585359543562, -0.6170523762702942, -0.17806096374988556, 1.0212876796722412, 0.24291594326496124, 0.8592041730880737, 0.1983625292778015, 0.5295441150665283, -0.03444930166006088, 0.912695050239563, -0.46898236870765686, 0.36801233887672424, 0.3091205358505249, -0.9733173847198486, 0.06847505271434784, -0.7075135111808777, -0.8564326763153076, 0.22141410410404205, -0.07695785164833069, -1.1300199031829834, -0.3883054256439209, 0.482051283121109, -0.3041144609451294, 0.476164847612381, -0.8981185555458069, 1.3123953342437744, 0.2599201500415802, -0.014921888709068298, 0.08961717039346695, -0.49291813373565674, 0.31742605566978455, 0.06706526130437851, 0.11171441525220871, 0.010280987247824669, 0.3394744396209717, 0.7635944485664368, -0.4399058222770691, 0.6939805746078491, -0.09265405684709549, 0.25567102432250977, 0.6180386543273926, 0.4175027012825012, 0.48378121852874756, -0.021607447415590286, -0.054887983947992325, -0.10132063180208206, 0.2520832121372223, -0.5523439049720764, -0.3414633274078369, 0.5082404613494873, -0.6563985347747803, -0.03908408433198929, -0.7311675548553467, -0.42236238718032837, 0.20709463953971863, 0.025881482288241386, 0.1546771079301834, 0.2630417048931122, -0.48780620098114014, 0.7180680632591248, 0.4601943790912628, 0.10919079929590225, 0.18319176137447357, 0.31993862986564636, -0.5622434020042419, -0.278992623090744, 0.298071026802063, -0.5645467042922974, 0.27447375655174255, 0.12252184748649597, 0.6608214974403381, 0.04450194537639618, -0.2765892446041107, -0.2608053982257843, 0.2278943508863449, -0.631986141204834, -0.03705946356058121, -0.5516777634620667, -0.16147480905056, -0.7828640341758728, -0.14838139712810516, -0.5036365985870361, -0.5918301939964294, -0.2652077078819275, -0.05698498338460922, 0.9516192674636841, 0.5335186123847961, -0.577783465385437, 0.7758142948150635, -0.8072872757911682, 0.1988038420677185, -0.14266878366470337, 0.3017428517341614, -0.21280567348003387, -0.9392970204353333, -0.34340643882751465, 0.0027685165405273438, -0.5257415175437927, -0.8262398838996887, 0.23258648812770844, -0.1446932852268219, 0.40379390120506287, 0.06153067201375961, -0.2364809215068817, 0.26253965497016907, -0.302402526140213, 0.3685334026813507, 0.21087607741355896, -0.40960684418678284, 0.30473101139068604, -0.49671444296836853, 0.5188364386558533, 0.7836829423904419, 0.10034755617380142, -0.49731647968292236, -0.09639427810907364, -1.166847825050354, -0.763929545879364, 0.7600545883178711, 0.5488505959510803, -0.13996893167495728, 0.33145758509635925, 0.4812401235103607, -0.14072604477405548, 0.3227926790714264, -0.48207610845565796, -0.45977815985679626, 0.08400259912014008, -0.6458077430725098, -0.30346590280532837, -0.42960843443870544, -0.19562312960624695, -0.7683561444282532, 0.7485275864601135, -0.015504967421293259, 0.7177469730377197, 0.21863040328025818, 0.027672016993165016, -0.5222581028938293, -0.09945665299892426, 0.4868403971195221, 0.4777783453464508, -1.2167173624038696, 0.15550293028354645, 0.12083272635936737, -1.138992428779602, 0.016362080350518227, 0.3095801770687103, -0.14728665351867676, 0.07909127324819565, 0.22035959362983704, 0.7380658388137817, 0.5229517221450806, -0.014496303163468838, 0.4149571657180786, -0.21528349816799164, -0.13900847733020782, -0.549439549446106, 0.13800199329853058, 0.056881945580244064, 0.025799371302127838, 0.1383104771375656, 0.5345051288604736, -0.005308541003614664, -0.5853177905082703, 0.7071778178215027, 0.0816386267542839, -0.4176596701145172, -0.3006318211555481, 0.493409663438797, -0.01838940568268299, -0.6657066941261292, 0.7939859628677368, -0.9317755103111267, -0.3819826543331146, 0.7273812890052795, 0.37911468744277954, 0.9794682264328003, -0.12171796709299088, -0.03339078649878502, 0.45240694284439087, 0.6687682867050171, -0.08940023183822632, 0.40506428480148315, -0.276889830827713, -0.4224102795124054, 0.007247148547321558, -0.5496137738227844, -0.5439704060554504, -0.20318473875522614, -0.6242160201072693, 0.23880022764205933, -0.8411869406700134, -0.2331429272890091, -0.11102418601512909, 0.05717144161462784, -0.7098961472511292, 0.20931243896484375, -0.19578243792057037, 1.1065527200698853, -0.478005588054657, 1.0368467569351196, 1.0051777362823486, -0.3429117500782013, -0.9273139238357544, -0.2773526608943939, 0.407977819442749, -0.5807414650917053, 0.3640235662460327, -0.23395000398159027, 0.2623593509197235, -0.07832317054271698, -0.776827871799469, -0.8657020926475525, 0.8700891137123108, 0.3411351442337036, -0.2883186638355255, 0.1947103887796402, -0.18954819440841675, 0.1715216487646103, -0.2414281964302063, 0.35863539576530457, 0.5230139493942261, 0.15111549198627472, 0.22532425820827484, -0.8245205283164978, 0.045039355754852295, -0.3202524483203888, -0.21553654968738556, 0.3415248990058899, -0.576421856880188, 1.255110740661621, -0.20467914640903473, 0.4884800314903259, 0.323499858379364, 0.6258849501609802, 0.6220507621765137, 0.2712300419807434, 0.20923393964767456, 0.5819068551063538, 0.5519965887069702, -0.25681373476982117, 1.3040391206741333, 0.1283472180366516, 1.0333560705184937, 1.3986151218414307, -0.37350034713745117, 0.9663999676704407, 0.7888178825378418, -0.1649390310049057, 0.4616488516330719, 0.9403420090675354, -0.424929141998291, 0.3043701946735382, 0.15984231233596802, 0.04987524822354317, 0.314578115940094, 0.5070927143096924, -0.611805260181427, 0.25136664509773254, -0.23899100720882416, -0.45637643337249756, -0.2542187571525574, -0.13222846388816833, 0.37883463501930237, -0.7927879691123962, -0.2710456848144531, 0.09833041578531265, 0.3914576470851898, -0.03723137453198433, 0.18760277330875397, 0.20133619010448456, 0.6597655415534973, -0.5743677020072937, 0.08375155180692673, 0.02113933302462101, 0.8810974359512329, 0.07902280986309052, -0.4887528419494629, 0.527479350566864, -0.26628994941711426, 0.1157187819480896, -0.11982531100511551, 1.0291390419006348, -0.06005013361573219, -0.7900455594062805, 0.21062268316745758, 0.25510746240615845, 0.19149932265281677, -0.507698118686676, -0.9684370160102844, 0.13999463617801666, -0.0699881836771965, -0.5854282379150391, 0.3259340226650238, 0.3299137353897095, 0.2521781921386719, 0.4949885904788971, 0.5045546889305115, -0.10150843113660812, 0.16235414147377014, 0.21643954515457153, 0.14407655596733093, -0.9391266703605652, -0.6312839984893799, -0.7641458511352539, 0.38844895362854004, -0.07576889544725418, -0.9168322682380676, 0.9094776511192322, 0.6726289987564087, 1.0933300256729126, -0.3976459801197052, 0.15969255566596985, -0.23610752820968628, -0.0644199475646019, -0.3311161994934082, 0.9593631625175476, -0.49372944235801697, -0.7073072791099548, -0.5597056150436401, -1.0394833087921143, -0.29875504970550537, 1.1336026191711426, 0.27802297472953796, 0.4673749506473541, 1.3259247541427612, 0.9155725240707397, -0.4845809042453766, 0.1635853797197342, 0.07884182780981064, 0.7202231287956238, -0.11276646703481674, 0.1644313633441925, 0.7418019771575928, -0.6636092662811279, 0.31244200468063354, -0.9583873152732849, -0.3662496507167816, -0.6080448627471924, -1.0294164419174194, -0.9599593877792358, -0.5155937075614929, -0.798335611820221, -0.7399447560310364, -0.2666684091091156, 1.3934649229049683, 0.8377591371536255, -0.6038092970848083, -0.25901225209236145, 0.16473697125911713, -0.28785789012908936, -0.33773961663246155, -0.2369808852672577, 0.4744577705860138, 0.5211725234985352, -0.09777109324932098, -0.17721673846244812, -0.027576059103012085, 0.4711991846561432, 0.05443818122148514, 0.10814215242862701, -0.15612056851387024, -0.0996948704123497, 0.43032747507095337, 0.22191542387008667, -0.17724008858203888, -0.6469284296035767, -0.15667517483234406, -0.42575380206108093, 0.3266218602657318, 0.7010095715522766, -0.24954544007778168, -0.16091640293598175, 0.36129245162010193, 0.24042218923568726, 0.5678793787956238, -0.40501683950424194, 0.053215280175209045, -0.6639940142631531, 0.6007847785949707, 0.06482957303524017, 0.9225131273269653, 0.5021536350250244, -0.3807585835456848, 0.4073956310749054, 0.5964179635047913, -0.3646441400051117, -0.8871704339981079, -0.06785981357097626, -1.4820990562438965, 0.02988412044942379, 1.33793306350708, 0.41037267446517944, -0.8861450552940369, 0.548174262046814, -0.9545156359672546, 0.5506407022476196, -0.5926260948181152, 0.8165466785430908, 0.8125587701797485, 0.05129982531070709, -0.3627628982067108, -0.6443009972572327, 0.3771042823791504, 0.1461322009563446, -0.571432888507843, -0.275337278842926, 0.2860271632671356, 0.5920937657356262, -0.1533506214618683, 0.7968602180480957, -0.3028145432472229, 0.5092993974685669, 0.40032723546028137, 0.44844168424606323, -0.24282948672771454, -0.22443361580371857, -0.5739935040473938, -0.07567159831523895, 0.18086235225200653, -0.2609008252620697 ]
superb/hubert-base-superb-ks
superb
2021-11-04T16:03:26Z
10,864
4
transformers
[ "transformers", "pytorch", "hubert", "audio-classification", "speech", "audio", "en", "dataset:superb", "arxiv:2105.01051", "license:apache-2.0", "endpoints_compatible", "region:us" ]
audio-classification
2022-03-02T23:29:05Z
--- language: en datasets: - superb tags: - speech - audio - hubert - audio-classification license: apache-2.0 widget: - example_title: Speech Commands "down" src: https://cdn-media.huggingface.co/speech_samples/keyword_spotting_down.wav - example_title: Speech Commands "go" src: https://cdn-media.huggingface.co/speech_samples/keyword_spotting_go.wav --- # Hubert-Base for Keyword Spotting ## Model description This is a ported version of [S3PRL's Hubert for the SUPERB Keyword Spotting task](https://github.com/s3prl/s3prl/tree/master/s3prl/downstream/speech_commands). The base model is [hubert-base-ls960](https://huggingface.co/facebook/hubert-base-ls960), which is pretrained on 16kHz sampled speech audio. When using the model make sure that your speech input is also sampled at 16Khz. For more information refer to [SUPERB: Speech processing Universal PERformance Benchmark](https://arxiv.org/abs/2105.01051) ## Task and dataset description Keyword Spotting (KS) detects preregistered keywords by classifying utterances into a predefined set of words. The task is usually performed on-device for the fast response time. Thus, accuracy, model size, and inference time are all crucial. SUPERB uses the widely used [Speech Commands dataset v1.0](https://www.tensorflow.org/datasets/catalog/speech_commands) for the task. The dataset consists of ten classes of keywords, a class for silence, and an unknown class to include the false positive. For the original model's training and evaluation instructions refer to the [S3PRL downstream task README](https://github.com/s3prl/s3prl/tree/master/s3prl/downstream#ks-keyword-spotting). ## Usage examples You can use the model via the Audio Classification pipeline: ```python from datasets import load_dataset from transformers import pipeline dataset = load_dataset("anton-l/superb_demo", "ks", split="test") classifier = pipeline("audio-classification", model="superb/hubert-base-superb-ks") labels = classifier(dataset[0]["file"], top_k=5) ``` Or use the model directly: ```python import torch from datasets import load_dataset from transformers import HubertForSequenceClassification, Wav2Vec2FeatureExtractor from torchaudio.sox_effects import apply_effects_file effects = [["channels", "1"], ["rate", "16000"], ["gain", "-3.0"]] def map_to_array(example): speech, _ = apply_effects_file(example["file"], effects) example["speech"] = speech.squeeze(0).numpy() return example # load a demo dataset and read audio files dataset = load_dataset("anton-l/superb_demo", "ks", split="test") dataset = dataset.map(map_to_array) model = HubertForSequenceClassification.from_pretrained("superb/hubert-base-superb-ks") feature_extractor = Wav2Vec2FeatureExtractor.from_pretrained("superb/hubert-base-superb-ks") # compute attention masks and normalize the waveform if needed inputs = feature_extractor(dataset[:4]["speech"], sampling_rate=16000, padding=True, return_tensors="pt") logits = model(**inputs).logits predicted_ids = torch.argmax(logits, dim=-1) labels = [model.config.id2label[_id] for _id in predicted_ids.tolist()] ``` ## Eval results The evaluation metric is accuracy. | | **s3prl** | **transformers** | |--------|-----------|------------------| |**test**| `0.9630` | `0.9672` | ### BibTeX entry and citation info ```bibtex @article{yang2021superb, title={SUPERB: Speech processing Universal PERformance Benchmark}, author={Yang, Shu-wen and Chi, Po-Han and Chuang, Yung-Sung and Lai, Cheng-I Jeff and Lakhotia, Kushal and Lin, Yist Y and Liu, Andy T and Shi, Jiatong and Chang, Xuankai and Lin, Guan-Ting and others}, journal={arXiv preprint arXiv:2105.01051}, year={2021} } ```
[ -0.3755446672439575, -0.4892909824848175, 0.26533427834510803, 0.22471538186073303, -0.24569562077522278, -0.008196172304451466, -0.27282455563545227, -0.3186590373516083, 0.011216321028769016, 0.4381016194820404, -0.5651944279670715, -0.7014870047569275, -0.7300546765327454, -0.18921543657779694, -0.36966073513031006, 1.0674034357070923, 0.4573330283164978, 0.13146857917308807, 0.2101435661315918, -0.026808563619852066, -0.24196748435497284, -0.4853839576244354, -0.5845125913619995, -0.40375497937202454, 0.14784158766269684, 0.45441320538520813, 0.38866472244262695, 0.5809379816055298, 0.4775203466415405, 0.3075055480003357, -0.4484407305717468, -0.1664830446243286, -0.39509910345077515, 0.002055213786661625, 0.05726654455065727, -0.4827267825603485, -0.5422827005386353, 0.03609628230333328, 0.6340259313583374, 0.37845107913017273, -0.11207962036132812, 0.2852312922477722, 0.0663791075348854, 0.3077343702316284, -0.4681297242641449, 0.2618575096130371, -0.7487801909446716, -0.09997572749853134, -0.37180522084236145, -0.3115854561328888, -0.19973544776439667, -0.07422935962677002, 0.4291236698627472, -0.4160679876804352, 0.5420255064964294, -0.2540113627910614, 1.0969617366790771, 0.2643984258174896, 0.11137517541646957, -0.29820993542671204, -0.589522123336792, 0.8789616823196411, -0.9617127180099487, 0.6097109317779541, 0.5257121920585632, 0.12457926571369171, 0.07709582149982452, -1.034243106842041, -0.6843961477279663, -0.2708604633808136, 0.2463243305683136, 0.3031633794307709, -0.3681740462779999, 0.12351275235414505, 0.4741080403327942, 0.4608629643917084, -0.5139603018760681, 0.08095625787973404, -0.6594058871269226, -0.44417548179626465, 0.6575990915298462, -0.14966797828674316, 0.11745674908161163, -0.38885384798049927, -0.20936807990074158, -0.25554555654525757, -0.5696309804916382, 0.05396689474582672, 0.38426822423934937, 0.410762757062912, -0.33710476756095886, 0.39727550745010376, -0.3174455165863037, 0.7211080193519592, 0.08350452780723572, -0.4240948557853699, 0.7575086355209351, -0.2807680666446686, -0.11543790251016617, 0.29145145416259766, 0.9290963411331177, 0.15292657911777496, 0.16162602603435516, 0.03200909495353699, -0.2029421180486679, 0.12842388451099396, -0.11855888366699219, -0.6884409189224243, -0.494535356760025, 0.3582521975040436, -0.12419591844081879, -0.205518901348114, -0.18848317861557007, -0.4951781630516052, -0.13306781649589539, -0.22322343289852142, 0.8377666473388672, -0.6607471704483032, -0.2502765357494354, 0.16913382709026337, -0.156108096241951, 0.2787593901157379, -0.30323654413223267, -0.9695752263069153, 0.23918703198432922, 0.47254180908203125, 0.878998875617981, -0.010811707936227322, -0.405681848526001, -0.4993102252483368, 0.03318405523896217, -0.21435461938381195, 0.5844981074333191, -0.14735673367977142, -0.4210555851459503, -0.3223952651023865, -0.10958989709615707, -0.08225671201944351, -0.6832540035247803, 0.8858761191368103, -0.23422867059707642, 0.27655476331710815, 0.05219613388180733, -0.5978114008903503, -0.29546913504600525, -0.33154597878456116, -0.36633598804473877, 1.1714861392974854, 0.07812563329935074, -0.7533665299415588, 0.3121035099029541, -0.6069594025611877, -0.363180935382843, 0.04203283041715622, -0.017520280554890633, -0.5917167067527771, -0.032176531851291656, 0.3364756107330322, 0.6684462428092957, -0.137288436293602, 0.3059626519680023, -0.22964614629745483, -0.6031257510185242, 0.19322486221790314, -0.4143524765968323, 1.0677331686019897, 0.20967261493206024, -0.7953148484230042, 0.27153968811035156, -1.015836477279663, -0.02362026460468769, -0.08960773795843124, -0.17522628605365753, 0.11692888289690018, 0.03238476440310478, 0.14859899878501892, 0.13021023571491241, 0.060095254331827164, -0.5293281674385071, -0.21981997787952423, -0.5715779066085815, 0.500026524066925, 0.6108782887458801, -0.19834299385547638, 0.06975725293159485, -0.2831672132015228, 0.23146072030067444, -0.2516559660434723, -0.0007396040018647909, 0.08022928237915039, -0.5768122673034668, -0.8849639296531677, -0.6049627661705017, 0.4883827567100525, 0.6431723833084106, -0.41615450382232666, 0.7211901545524597, -0.45187777280807495, -0.7668519616127014, -0.8321948051452637, -0.058999739587306976, 0.39169299602508545, 0.528179943561554, 0.6573463678359985, -0.15081048011779785, -0.7665295004844666, -0.9068872332572937, -0.17560341954231262, -0.1320226639509201, -0.25900667905807495, 0.32111966609954834, 0.40996605157852173, -0.19377189874649048, 0.8062424659729004, -0.4985268712043762, -0.5026450157165527, -0.5105769634246826, 0.21559609472751617, 0.49393150210380554, 0.6434223055839539, 0.30603939294815063, -0.5481167435646057, -0.36424481868743896, -0.3858882486820221, -0.4685685634613037, -0.3403320908546448, 0.15536098182201385, 0.08272886276245117, 0.08016861230134964, 0.49106308817863464, -0.5008384585380554, 0.24736730754375458, 0.3318573832511902, -0.11498010158538818, 0.5151299834251404, 0.14670366048812866, -0.046010930091142654, -1.1274317502975464, 0.12798531353473663, -0.02427472546696663, -0.009899725206196308, -0.8667059540748596, -0.13216380774974823, -0.03450208902359009, -0.01877743937075138, -0.6518121957778931, 0.33756256103515625, -0.19471114873886108, -0.19962725043296814, -0.23239943385124207, 0.27069830894470215, -0.24140219390392303, 0.6420311331748962, 0.18441176414489746, 0.8482816219329834, 1.0128099918365479, -0.6560006737709045, 0.38437503576278687, 0.1874171942472458, -0.5289802551269531, 0.44754233956336975, -0.8674303293228149, 0.32097750902175903, 0.13803109526634216, 0.12763279676437378, -1.2342990636825562, -0.21567383408546448, 0.18482375144958496, -0.961563766002655, 0.3667531907558441, -0.07085074484348297, -0.5320652723312378, -0.40068361163139343, -0.17131295800209045, 0.13618767261505127, 0.5097679495811462, -0.5239241719245911, 0.413265198469162, 0.5084394812583923, -0.14343897998332977, -0.5945652723312378, -0.7410511374473572, -0.20554706454277039, -0.3534192740917206, -0.5006908178329468, 0.5326546430587769, 0.10187221318483353, 0.21511051058769226, -0.13570356369018555, -0.3135554790496826, 0.027312783524394035, -0.12489395588636398, 0.26173150539398193, 0.4327598512172699, -0.08809323608875275, -0.007070214953273535, -0.32751375436782837, -0.17716141045093536, -0.00842298474162817, -0.15722663700580597, 0.7538987398147583, -0.15908610820770264, 0.03098870813846588, -0.9037666916847229, -0.08617309480905533, 0.6756229400634766, -0.15703043341636658, 0.3032035827636719, 1.101832389831543, -0.4327296316623688, 0.16149024665355682, -0.61855548620224, -0.31435567140579224, -0.5256415009498596, 0.8225423693656921, -0.4233318865299225, -0.6972194910049438, 0.46623632311820984, 0.3786873519420624, -0.0303329024463892, 0.668867826461792, 0.4375573396682739, 0.004103121813386679, 1.2097759246826172, 0.3436031639575958, -0.2537948787212372, 0.45192334055900574, -0.8386450409889221, 0.11947464942932129, -1.125096082687378, -0.21613310277462006, -0.6135216951370239, -0.14921711385250092, -0.49186432361602783, -0.42835086584091187, 0.2808378338813782, 0.3919979929924011, -0.29050812125205994, 0.4282214343547821, -0.607926070690155, 0.08092211931943893, 0.8483334183692932, 0.07311031222343445, -0.06429323554039001, 0.12600886821746826, -0.0999760851264, -0.23447635769844055, -0.668346643447876, -0.25008127093315125, 1.2896432876586914, 0.37826108932495117, 0.4899078905582428, -0.13864988088607788, 0.6448199152946472, -0.019663790240883827, 0.19561947882175446, -0.8523747324943542, 0.7130320072174072, -0.2642480432987213, -0.7240926027297974, -0.3284647762775421, -0.2947491705417633, -0.8201901912689209, 0.3112533688545227, -0.24958138167858124, -0.9779103398323059, -0.02594938315451145, 0.10060881078243256, -0.5539126396179199, 0.22058096528053284, -0.5924564003944397, 0.7017641663551331, 0.010970371775329113, -0.2009076476097107, -0.16120538115501404, -0.5849050283432007, 0.2885885536670685, 0.04478129372000694, 0.0007509427960030735, -0.35323986411094666, 0.3439558446407318, 1.289758324623108, -0.05309274047613144, 0.6140038371086121, -0.2432468980550766, 0.07482236623764038, 0.34068581461906433, -0.355681449174881, 0.4184023439884186, -0.1730371117591858, -0.060897503048181534, 0.3924991488456726, -0.044543251395225525, -0.18373678624629974, -0.3052259385585785, 0.7306626439094543, -1.012521743774414, -0.4269924461841583, -0.37866008281707764, -0.5007426738739014, -0.41744157671928406, 0.19324764609336853, 0.8629723191261292, 0.7815718650817871, 0.2692512571811676, 0.43850645422935486, 0.5950368642807007, -0.13463009893894196, 0.39765873551368713, 0.4866798222064972, -0.10880588740110397, -0.7364134192466736, 1.1503422260284424, 0.321148544549942, 0.25338467955589294, 0.16856685280799866, 0.2905844449996948, -0.7452957630157471, -0.7653974294662476, -0.17966586351394653, 0.2628609538078308, -0.522334098815918, -0.2229662388563156, -0.7772746086120605, -0.42417609691619873, -0.6941057443618774, 0.1363724172115326, -0.4943365752696991, -0.3215634822845459, -0.5847213864326477, -0.08076567947864532, 0.39892369508743286, 0.30737584829330444, -0.40308406949043274, 0.6773877739906311, -0.5140841007232666, 0.6116330027580261, 0.43388301134109497, 0.2703263759613037, -0.16734732687473297, -1.0513461828231812, -0.17266641557216644, -0.01133531890809536, -0.43333786725997925, -0.8784308433532715, 0.46943432092666626, 0.28433936834335327, 0.686489462852478, 0.3341456651687622, -0.12028513103723526, 0.7395301461219788, -0.24862046539783478, 0.9934254884719849, 0.2018403857946396, -1.3104076385498047, 0.7604125738143921, -0.3625315725803375, 0.4922822117805481, 0.45796263217926025, 0.39845794439315796, -0.5624526143074036, -0.5518191456794739, -0.8902614712715149, -1.0559357404708862, 1.1226049661636353, 0.3378925621509552, -0.14137975871562958, 0.1392071545124054, 0.008791593834757805, -0.21833716332912445, 0.1394897699356079, -0.6197899580001831, -0.669313371181488, -0.2831905782222748, -0.18105019629001617, -0.4863920211791992, -0.25338995456695557, -0.003921212162822485, -0.48844921588897705, 0.9771875143051147, 0.17926907539367676, 0.5378929376602173, 0.31842899322509766, -0.01722177118062973, 0.24705290794372559, 0.18936628103256226, 0.6781517267227173, 0.4011005759239197, -0.633598804473877, 0.1314990371465683, 0.36909136176109314, -0.8420425057411194, 0.01711036078631878, 0.33060920238494873, 0.05083837732672691, 0.22360123693943024, 0.4686850309371948, 1.1994643211364746, 0.2874148488044739, -0.40431761741638184, 0.4693690836429596, 0.1730584055185318, -0.49279722571372986, -0.1944904774427414, 0.16873298585414886, 0.17318804562091827, 0.15529832243919373, 0.5116825699806213, 0.2201412320137024, 0.3109719455242157, -0.29830262064933777, 0.32024911046028137, 0.16246242821216583, -0.6434202790260315, -0.300686240196228, 0.880696177482605, 0.029432453215122223, -0.41223371028900146, 0.4730972349643707, -0.06485048681497574, -0.7145983576774597, 0.46347576379776, 0.6110544204711914, 1.0734275579452515, -0.4169796109199524, -0.018242333084344864, 0.4457413852214813, 0.1538788080215454, -0.03932594880461693, 0.5982885360717773, -0.12416719645261765, -0.6880136132240295, -0.41099730134010315, -0.6226502656936646, -0.19681067764759064, 0.7965297102928162, -0.7714622020721436, 0.25153568387031555, -0.31000956892967224, -0.39028698205947876, 0.2884337902069092, 0.1852155476808548, -0.6669663190841675, 0.269180566072464, 0.22652018070220947, 0.7552303075790405, -0.6604350805282593, 0.8709520697593689, 0.35497114062309265, -0.08895574510097504, -1.102410078048706, 0.09389891475439072, -0.044966042041778564, -0.7320755124092102, 0.6291102766990662, 0.2863830327987671, -0.4344700872898102, 0.3019559383392334, -0.5984118580818176, -1.1701894998550415, 0.9125443696975708, 0.36258044838905334, -0.45091742277145386, 0.35823532938957214, -0.03411295637488365, 0.48031550645828247, -0.07130588591098785, 0.1741870492696762, 0.8725904822349548, 0.24413438141345978, 0.02613672986626625, -1.104474425315857, -0.23845157027244568, -0.2059527188539505, -0.1257988065481186, -0.1578240841627121, -0.47945114970207214, 0.8194364309310913, -0.20841729640960693, -0.24949422478675842, 0.03884900361299515, 0.8065241575241089, 0.6854889988899231, 0.2848157584667206, 0.6273361444473267, 0.7492070198059082, 0.7044112682342529, -0.27719050645828247, 0.6524989008903503, -0.432005375623703, 0.6144773364067078, 1.0814757347106934, 0.09560850262641907, 1.0346529483795166, 0.24349765479564667, -0.4149078130722046, 0.28699925541877747, 0.5864369869232178, 0.0028699159156531096, 0.8802491426467896, 0.32402825355529785, -0.3373323976993561, -0.1154756098985672, -0.0129975825548172, -0.8408742547035217, 0.778896152973175, 0.5129606127738953, -0.28904739022254944, 0.13514184951782227, 0.07302738726139069, -0.05850803479552269, -0.4241566061973572, -0.36810094118118286, 0.42824599146842957, -0.10518690198659897, -0.481540322303772, 1.0131115913391113, -0.12498000264167786, 0.9811460375785828, -0.6269346475601196, 0.22311252355575562, 0.0591803640127182, 0.17749843001365662, -0.21653416752815247, -0.7132976651191711, 0.09336385130882263, -0.08507253974676132, -0.05465792864561081, 0.05697343498468399, 0.4667702317237854, -0.45521268248558044, -0.3872848153114319, 0.26748549938201904, 0.1441836953163147, 0.39427343010902405, 0.06417817622423172, -0.729240894317627, 0.2588760554790497, 0.1958017647266388, -0.26720911264419556, -0.14362214505672455, 0.055756423622369766, 0.5367869734764099, 0.49711939692497253, 0.67812579870224, 0.44594091176986694, 0.26566654443740845, 0.11178907006978989, 0.5674260258674622, -0.568737268447876, -0.6990992426872253, -0.6826928853988647, 0.29188990592956543, -0.10763593018054962, -0.645707368850708, 0.7067307233810425, 0.7038334608078003, 0.9321500062942505, -0.037737246602773666, 0.818546712398529, 0.05834649130702019, 0.884248673915863, -0.5033305287361145, 0.7024165391921997, -0.4663514196872711, 0.2481500506401062, -0.5910553932189941, -0.8566959500312805, -0.3814989924430847, 0.9546038508415222, -0.33317381143569946, 0.028342805802822113, 0.46903669834136963, 1.054831624031067, -0.019312337040901184, 0.185317263007164, 0.31170234084129333, 0.28209686279296875, 0.23574361205101013, 0.40645739436149597, 0.7185533046722412, -0.6774636507034302, 0.6221388578414917, -0.5747664570808411, -0.19467221200466156, -0.18463124334812164, -0.37927138805389404, -0.6305490732192993, -0.6970402002334595, -0.4933869540691376, -0.495137482881546, 0.09870953112840652, 0.7856760621070862, 1.0072728395462036, -0.9614019989967346, -0.3269249200820923, -0.14545026421546936, -0.02163258008658886, -0.34044039249420166, -0.29947996139526367, 0.7240197658538818, -0.12432611733675003, -0.9341585636138916, 0.606471061706543, 0.09578049927949905, 0.19268451631069183, -0.102224200963974, -0.046999894082546234, -0.16454759240150452, -0.11056465655565262, 0.41059526801109314, 0.23808413743972778, -0.8462278246879578, -0.33692604303359985, 0.027510520070791245, -0.11158048361539841, 0.00874804425984621, 0.439285010099411, -0.7796145081520081, 0.4577498733997345, 0.509060800075531, 0.27966219186782837, 0.7303972840309143, -0.35746100544929504, 0.2566937804222107, -0.6652969717979431, 0.07867895811796188, 0.2975357174873352, 0.3138471245765686, 0.5281661748886108, -0.07818043231964111, 0.39363881945610046, 0.4880465269088745, -0.6204599142074585, -1.0593345165252686, -0.0751282274723053, -1.070304036140442, -0.03175688907504082, 1.2446221113204956, 0.014414043165743351, -0.000317390076816082, -0.17472636699676514, -0.2925053834915161, 0.6643139123916626, -0.36679601669311523, 0.668451189994812, 0.5822322368621826, -0.31895413994789124, -0.05118950456380844, -0.6522911787033081, 0.7831337451934814, 0.5515674948692322, -0.29658806324005127, -0.11333709210157394, 0.2396283894777298, 0.5338538885116577, 0.3851988911628723, 0.8583632707595825, -0.0029099476523697376, 0.32697734236717224, 0.1523340493440628, 0.2057265043258667, 0.05571494996547699, -0.3367297053337097, -0.5026007294654846, 0.155289888381958, -0.2539747655391693, -0.7446627616882324 ]
linhvu/decapoda-research-llama-7b-hf
linhvu
2023-05-30T03:20:00Z
10,847
2
transformers
[ "transformers", "pytorch", "llama", "text-generation", "license:other", "endpoints_compatible", "has_space", "text-generation-inference", "region:us" ]
text-generation
2023-05-30T03:18:15Z
--- license: other duplicated_from: decapoda-research/llama-7b-hf --- LLaMA-7B converted to work with Transformers/HuggingFace. This is under a special license, please see the LICENSE file for details. -- license: other --- # LLaMA Model Card ## Model details **Organization developing the model** The FAIR team of Meta AI. **Model date** LLaMA was trained between December. 2022 and Feb. 2023. **Model version** This is version 1 of the model. **Model type** LLaMA is an auto-regressive language model, based on the transformer architecture. The model comes in different sizes: 7B, 13B, 33B and 65B parameters. **Paper or resources for more information** More information can be found in the paper “LLaMA, Open and Efficient Foundation Language Models”, available at https://research.facebook.com/publications/llama-open-and-efficient-foundation-language-models/. **Citations details** https://research.facebook.com/publications/llama-open-and-efficient-foundation-language-models/ **License** Non-commercial bespoke license **Where to send questions or comments about the model** Questions and comments about LLaMA can be sent via the [GitHub repository](https://github.com/facebookresearch/llama) of the project , by opening an issue. ## Intended use **Primary intended uses** The primary use of LLaMA is research on large language models, including: exploring potential applications such as question answering, natural language understanding or reading comprehension, understanding capabilities and limitations of current language models, and developing techniques to improve those, evaluating and mitigating biases, risks, toxic and harmful content generations, hallucinations. **Primary intended users** The primary intended users of the model are researchers in natural language processing, machine learning and artificial intelligence. **Out-of-scope use cases** LLaMA is a base, or foundational, model. As such, it should not be used on downstream applications without further risk evaluation and mitigation. In particular, our model has not been trained with human feedback, and can thus generate toxic or offensive content, incorrect information or generally unhelpful answers. ## Factors **Relevant factors** One of the most relevant factors for which model performance may vary is which language is used. Although we included 20 languages in the training data, most of our dataset is made of English text, and we thus expect the model to perform better for English than other languages. Relatedly, it has been shown in previous studies that performance might vary for different dialects, and we expect that it will be the case for our model. **Evaluation factors** As our model is trained on data from the Web, we expect that it reflects biases from this source. We thus evaluated on RAI datasets to measure biases exhibited by the model for gender, religion, race, sexual orientation, age, nationality, disability, physical appearance and socio-economic status. We also measure the toxicity of model generations, depending on the toxicity of the context used to prompt the model. ## Metrics **Model performance measures** We use the following measure to evaluate the model: - Accuracy for common sense reasoning, reading comprehension, natural language understanding (MMLU), BIG-bench hard, WinoGender and CrowS-Pairs, - Exact match for question answering, - The toxicity score from Perspective API on RealToxicityPrompts. **Decision thresholds** Not applicable. **Approaches to uncertainty and variability** Due to the high computational requirements of training LLMs, we trained only one model of each size, and thus could not evaluate variability of pre-training. ## Evaluation datasets The model was evaluated on the following benchmarks: BoolQ, PIQA, SIQA, HellaSwag, WinoGrande, ARC, OpenBookQA, NaturalQuestions, TriviaQA, RACE, MMLU, BIG-bench hard, GSM8k, RealToxicityPrompts, WinoGender, CrowS-Pairs. ## Training dataset The model was trained using the following source of data: CCNet [67%], C4 [15%], GitHub [4.5%], Wikipedia [4.5%], Books [4.5%], ArXiv [2.5%], Stack Exchange[2%]. The Wikipedia and Books domains include data in the following languages: bg, ca, cs, da, de, en, es, fr, hr, hu, it, nl, pl, pt, ro, ru, sl, sr, sv, uk. See the paper for more details about the training set and corresponding preprocessing. ## Quantitative analysis Hyperparameters for the model architecture <table> <thead> <tr> <th >LLaMA</th> <th colspan=6>Model hyper parameters </th> </tr> <tr> <th>Number of parameters</th><th>dimension</th><th>n heads</th><th>n layers</th><th>Learn rate</th><th>Batch size</th><th>n tokens</th> </tr> </thead> <tbody> <tr> <th>7B</th> <th>4096</th> <th>32</th> <th>32</th> <th>3.0E-04</th><th>4M</th><th>1T </tr> <tr> <th>13B</th><th>5120</th><th>40</th><th>40</th><th>3.0E-04</th><th>4M</th><th>1T </tr> <tr> <th>33B</th><th>6656</th><th>52</th><th>60</th><th>1.5.E-04</th><th>4M</th><th>1.4T </tr> <tr> <th>65B</th><th>8192</th><th>64</th><th>80</th><th>1.5.E-04</th><th>4M</th><th>1.4T </tr> </tbody> </table> *Table 1 - Summary of LLama Model Hyperparameters* We present our results on eight standard common sense reasoning benchmarks in the table below. <table> <thead> <tr> <th>LLaMA</th> <th colspan=9>Reasoning tasks </th> </tr> <tr> <th>Number of parameters</th> <th>BoolQ</th><th>PIQA</th><th>SIQA</th><th>HellaSwag</th><th>WinoGrande</th><th>ARC-e</th><th>ARC-c</th><th>OBQA</th><th>COPA</th> </tr> </thead> <tbody> <tr> <th>7B</th><th>76.5</th><th>79.8</th><th>48.9</th><th>76.1</th><th>70.1</th><th>76.7</th><th>47.6</th><th>57.2</th><th>93 </th> <tr><th>13B</th><th>78.1</th><th>80.1</th><th>50.4</th><th>79.2</th><th>73</th><th>78.1</th><th>52.7</th><th>56.4</th><th>94 </th> <tr><th>33B</th><th>83.1</th><th>82.3</th><th>50.4</th><th>82.8</th><th>76</th><th>81.4</th><th>57.8</th><th>58.6</th><th>92 </th> <tr><th>65B</th><th>85.3</th><th>82.8</th><th>52.3</th><th>84.2</th><th>77</th><th>81.5</th><th>56</th><th>60.2</th><th>94</th></tr> </tbody> </table> *Table 2 - Summary of LLama Model Performance on Reasoning tasks* We present our results on bias in the table below. Note that lower value is better indicating lower bias. | No | Category | FAIR LLM | | --- | -------------------- | -------- | | 1 | Gender | 70.6 | | 2 | Religion | 79 | | 3 | Race/Color | 57 | | 4 | Sexual orientation | 81 | | 5 | Age | 70.1 | | 6 | Nationality | 64.2 | | 7 | Disability | 66.7 | | 8 | Physical appearance | 77.8 | | 9 | Socioeconomic status | 71.5 | | | LLaMA Average | 66.6 | *Table 3 - Summary bias of our model output* ## Ethical considerations **Data** The data used to train the model is collected from various sources, mostly from the Web. As such, it contains offensive, harmful and biased content. We thus expect the model to exhibit such biases from the training data. **Human life** The model is not intended to inform decisions about matters central to human life, and should not be used in such a way. **Mitigations** We filtered the data from the Web based on its proximity to Wikipedia text and references. For this, we used a Kneser-Ney language model and a fastText linear classifier. **Risks and harms** Risks and harms of large language models include the generation of harmful, offensive or biased content. These models are often prone to generating incorrect information, sometimes referred to as hallucinations. We do not expect our model to be an exception in this regard. **Use cases** LLaMA is a foundational model, and as such, it should not be used for downstream applications without further investigation and mitigations of risks. These risks and potential fraught use cases include, but are not limited to: generation of misinformation and generation of harmful, biased or offensive content.
[ -0.40154317021369934, -0.7376777529716492, 0.44834455847740173, 0.2866826057434082, -0.23862123489379883, -0.25087594985961914, 0.014440608210861683, -0.6651183366775513, 0.06976597011089325, 0.4387897551059723, -0.4682222306728363, -0.5821312069892883, -0.7330420613288879, 0.21666288375854492, -0.4476877748966217, 0.8601143956184387, 0.1247435063123703, -0.07514659315347672, -0.16241469979286194, -0.23275819420814514, -0.28143924474716187, -0.6515299677848816, -0.5153421759605408, -0.2785559892654419, 0.4971783459186554, 0.24113783240318298, 0.7312296032905579, 0.7228535413742065, 0.44073882699012756, 0.3408415615558624, -0.4098671078681946, 0.18624235689640045, -0.27091529965400696, -0.134418785572052, -0.1997041255235672, -0.4206634759902954, -0.5469167828559875, 0.08641234040260315, 0.3004887104034424, 0.5818163752555847, -0.24054549634456635, 0.5652540922164917, 0.03986683115363121, 0.6511668562889099, -0.7593874931335449, 0.08043504506349564, -0.5965192317962646, 0.004022170323878527, -0.10173599421977997, 0.09479273855686188, -0.18682265281677246, -0.34369388222694397, 0.027152325958013535, -0.7469496130943298, -0.14023436605930328, 0.18139038980007172, 1.195434331893921, 0.645155131816864, -0.531161904335022, -0.01651132106781006, -0.32513612508773804, 1.1110666990280151, -1.0201597213745117, 0.46903038024902344, 0.34312132000923157, 0.24879693984985352, -0.1606782227754593, -0.5373368263244629, -0.8385232090950012, -0.2830888032913208, 0.10017118602991104, 0.21776887774467468, -0.36514759063720703, -0.1550728976726532, 0.4716391861438751, 0.16425523161888123, -0.430412232875824, 0.2260766178369522, -0.2997317314147949, -0.226793572306633, 0.8818262219429016, 0.365945041179657, 0.13441768288612366, -0.27629372477531433, -0.4811101257801056, -0.06609803438186646, -0.5857759714126587, 0.18282395601272583, 0.37720048427581787, 0.18175838887691498, -0.20435184240341187, 0.6508352756500244, -0.45721662044525146, 0.6699647307395935, -0.04924745857715607, -0.5261346697807312, 0.48859667778015137, -0.4016101658344269, -0.3448551297187805, -0.07355247437953949, 0.861129641532898, 0.5077862739562988, 0.36198678612709045, 0.13849474489688873, -0.08279172331094742, 0.2641626298427582, 0.06813886761665344, -0.7470868825912476, 0.19908781349658966, 0.17268483340740204, -0.4353351294994354, -0.2844889760017395, -0.4004920423030853, -0.7091856002807617, -0.3180806040763855, -0.43195509910583496, 0.06317906081676483, -0.28433695435523987, -0.32907721400260925, 0.28365087509155273, 0.1051020547747612, 0.3720128834247589, 0.37649452686309814, -0.6248842477798462, 0.30633166432380676, 0.45841124653816223, 0.6678418517112732, -0.3341640532016754, -0.5405048727989197, 0.00559084489941597, 0.1413104087114334, -0.22692127525806427, 0.8918431997299194, -0.3634272813796997, -0.2867201566696167, -0.27366259694099426, -0.014369788579642773, -0.09685320407152176, -0.5794887542724609, 0.7176138758659363, -0.44759005308151245, 0.16496843099594116, -0.49421682953834534, -0.5085345506668091, -0.3736124038696289, 0.5554932951927185, -0.6762776374816895, 1.3574570417404175, -0.18135826289653778, -0.8310153484344482, 0.3075215518474579, -0.7112689018249512, -0.06551352143287659, -0.34406745433807373, -0.01386990211904049, -0.2499551922082901, -0.3644467890262604, 0.3501012921333313, 0.5332694053649902, -0.684237539768219, 0.5265971422195435, -0.27720752358436584, -0.5456032752990723, 0.2584124207496643, -0.5819117426872253, 1.1428436040878296, 0.23145872354507446, -0.5848159193992615, 0.0023205175530165434, -1.029192328453064, -0.10791148245334625, 0.5345398783683777, -0.5248568654060364, -0.18347109854221344, -0.06859281659126282, -0.03844672068953514, 0.3897674083709717, 0.27063697576522827, -0.4411123991012573, 0.0696902647614479, -0.45702242851257324, 0.3473803699016571, 0.7290719151496887, 0.11243997514247894, 0.22304509580135345, -0.4666067957878113, 0.4886470139026642, 0.28143033385276794, 0.2659643590450287, 0.2888815402984619, -0.6726898550987244, -0.9708094596862793, -0.1815958172082901, 0.21845851838588715, 0.7714191675186157, -0.2668253481388092, 0.5022831559181213, -0.25521358847618103, -0.6773350238800049, -0.47566908597946167, 0.2691698968410492, 0.584540605545044, 0.805409848690033, 0.4916209876537323, -0.049335502088069916, -0.5204746127128601, -1.0479127168655396, -0.15860846638679504, -0.39126676321029663, 0.20742280781269073, 0.4421943128108978, 0.6543278694152832, -0.4218252897262573, 0.7870566248893738, -0.5103766918182373, -0.14342080056667328, -0.23329995572566986, -0.30581924319267273, 0.2932465076446533, 0.2848862111568451, 0.6018980145454407, -0.6947661638259888, -0.26633721590042114, -0.10472573339939117, -0.9472194314002991, -0.1494513303041458, 0.23246116936206818, -0.19094803929328918, 0.3239799737930298, 0.35438504815101624, -0.7666059136390686, 0.5100169777870178, 0.5215520262718201, -0.23806746304035187, 0.78248131275177, 0.2864435911178589, -0.03846118226647377, -1.1210036277770996, 0.21086041629314423, 0.23221337795257568, 0.22038131952285767, -0.4509536623954773, 0.10225868225097656, -0.14283309876918793, -0.004939590580761433, -0.7936777472496033, 0.8410612344741821, -0.1689336746931076, 0.10855979472398758, -0.14026613533496857, 0.07991854101419449, 0.12271081656217575, 0.7346046566963196, 0.038475483655929565, 0.9605367183685303, 0.41800177097320557, -0.7500994801521301, 0.1896584928035736, 0.15537257492542267, -0.36843249201774597, 0.34214743971824646, -0.9165405631065369, -0.0028872545808553696, 0.1451423019170761, 0.3244453966617584, -0.774534285068512, -0.11750447005033493, 0.46062561869621277, -0.4212357997894287, -0.1923314929008484, 0.08660390228033066, -0.683800220489502, -0.3607557415962219, -0.15097466111183167, 0.31600677967071533, 0.4766444265842438, -0.4599173963069916, 0.4790041446685791, 0.3662083148956299, 0.08994947373867035, -0.9765627980232239, -0.8085017204284668, -0.06533731520175934, -0.377160906791687, -0.8267042636871338, 0.1760653257369995, -0.14554081857204437, -0.460903525352478, -0.08735892921686172, -0.06482843309640884, -0.0527244471013546, 0.27582618594169617, 0.23301313817501068, 0.2590615153312683, -0.14811617136001587, 0.10524720698595047, 0.010082852095365524, -0.16314657032489777, 0.12229201197624207, 0.12684138119220734, 0.5484273433685303, -0.28907015919685364, -0.5247020721435547, -0.6079628467559814, 0.13051757216453552, 0.4596414566040039, -0.220812126994133, 0.7218724489212036, 0.4648987352848053, -0.3700994849205017, 0.01396243553608656, -0.7251749634742737, -0.04185754805803299, -0.507770836353302, 0.41065526008605957, -0.2788825035095215, -0.8123011589050293, 0.6533533334732056, -0.11868821829557419, -0.056419048458337784, 0.6371022462844849, 0.6932852268218994, 0.07931248843669891, 1.0670650005340576, 0.4748303294181824, -0.3106246292591095, 0.30974894762039185, -0.3984014689922333, 0.19935457408428192, -0.8638399243354797, -0.4035528600215912, -0.5100459456443787, -0.2253696620464325, -0.4509645402431488, -0.38772180676460266, 0.21366167068481445, 0.002331692725419998, -0.6771025061607361, 0.18403004109859467, -0.6582161784172058, 0.35450464487075806, 0.6637182831764221, 0.16139984130859375, 0.3597691059112549, -0.06571391224861145, -0.3484955430030823, 0.0018369830213487148, -0.6201853156089783, -0.7671250104904175, 1.2292394638061523, 0.44775551557540894, 0.6026424169540405, 0.08099165558815002, 0.612684428691864, 0.03197401762008667, 0.02126256562769413, -0.7413250803947449, 0.864147424697876, 0.2536436915397644, -0.8455024361610413, -0.23230233788490295, -0.2639789581298828, -0.9379904866218567, 0.48728352785110474, -0.08269797265529633, -0.841356098651886, 0.3941259980201721, 0.007234017364680767, -0.25289681553840637, 0.34920957684516907, -0.7784909605979919, 0.6437444090843201, -0.41635334491729736, -0.3988799452781677, -0.13404059410095215, -0.6146503686904907, 0.5755876302719116, 0.054329391568899155, 0.3004550337791443, -0.32366743683815, -0.22260506451129913, 0.950515627861023, -0.3950161933898926, 0.9805842041969299, -0.08676072210073471, 0.07247716933488846, 0.431629478931427, -0.10179196298122406, 0.5396652817726135, -0.009303050115704536, -0.3730119466781616, 0.49184954166412354, -0.06805107742547989, -0.47394177317619324, -0.47400128841400146, 0.6658897995948792, -1.084535837173462, -0.9431384205818176, -0.6788238286972046, -0.6267419457435608, -0.19719891250133514, 0.24210505187511444, 0.15083880722522736, -0.14754657447338104, 0.17708782851696014, 0.0595618337392807, 0.732722282409668, -0.3837624788284302, 0.31114083528518677, 0.3845442533493042, -0.02575354464352131, -0.22012454271316528, 0.8135759234428406, 0.18212644755840302, 0.18689554929733276, 0.03137703239917755, 0.22589224576950073, -0.32390230894088745, -0.5699143409729004, -0.4177863895893097, 0.3751716911792755, -0.7923006415367126, -0.24148277938365936, -0.805733323097229, -0.3263184130191803, -0.4106590747833252, -0.009559637866914272, -0.38376379013061523, -0.3593764305114746, -0.48382845520973206, -0.2824576497077942, 0.5053558945655823, 0.4953341484069824, 0.2434556931257248, 0.37345191836357117, -0.4420883357524872, 0.11961726099252701, 0.23290403187274933, 0.1168227344751358, 0.24137306213378906, -0.5778464078903198, -0.09579137712717056, 0.0506678931415081, -0.5350293517112732, -0.8256881833076477, 0.3970555067062378, -0.20236346125602722, 0.8731798529624939, 0.37548893690109253, 0.009123571217060089, 0.7229827046394348, -0.13567934930324554, 1.0959489345550537, 0.21529975533485413, -0.840352475643158, 0.5758688449859619, -0.3246588408946991, 0.29969096183776855, 0.5820801854133606, 0.5826383829116821, -0.2852943539619446, -0.13233980536460876, -0.676603376865387, -0.8645996451377869, 0.5340912938117981, 0.09349305927753448, -0.06707867980003357, 0.004353845492005348, 0.17887432873249054, -0.1248684898018837, 0.22202880680561066, -1.0299361944198608, -0.4482487738132477, -0.1897134631872177, -0.10014066845178604, 0.12188684940338135, -0.2532917559146881, -0.26033300161361694, -0.586767852306366, 0.7092012763023376, -0.04477085918188095, 0.2751930058002472, 0.03869131579995155, -0.21753309667110443, 0.13784556090831757, 0.2363036423921585, 0.48337018489837646, 0.7944033145904541, -0.11530725657939911, -0.08453207463026047, 0.5059881210327148, -0.5958372950553894, 0.24724574387073517, 0.12713949382305145, -0.3000442385673523, -0.29244494438171387, 0.36803779006004333, 0.7636121511459351, 0.20340000092983246, -0.8398370742797852, 0.4440927505493164, 0.14729662239551544, -0.254850298166275, -0.2682656943798065, 0.19110561907291412, 0.2044292390346527, 0.41349032521247864, 0.22731547057628632, -0.024909373372793198, 0.23273903131484985, -0.29110661149024963, -0.19340775907039642, 0.21242298185825348, -0.07610010355710983, -0.11441539973020554, 0.780999481678009, 0.07979757338762283, -0.1495029628276825, 0.49671316146850586, -0.10200949758291245, -0.48046767711639404, 0.7547643184661865, 0.5502196550369263, 0.5187981128692627, -0.10114824771881104, 0.10782666504383087, 0.5295760631561279, 0.33437222242355347, -0.09588728100061417, 0.3459314703941345, 0.06023639440536499, -0.633902370929718, -0.30154022574424744, -0.8385259509086609, -0.46766993403434753, 0.14136481285095215, -0.5716755986213684, 0.20201946794986725, -0.503059983253479, -0.23911669850349426, -0.11917264759540558, 0.3236067295074463, -0.8495596647262573, 0.4503914415836334, 0.08445169031620026, 1.1366504430770874, -0.8682902455329895, 0.7989463210105896, 0.7380951046943665, -0.6999759078025818, -1.053430438041687, -0.11015192419290543, 0.18971580266952515, -0.9886889457702637, 0.7148247361183167, 0.06483753770589828, -0.015170897357165813, -0.09490329772233963, -0.7118077874183655, -1.2931228876113892, 1.4526100158691406, 0.4280608296394348, -0.5051915645599365, -0.009458991698920727, 0.3746156394481659, 0.5863964557647705, -0.2211044728755951, 0.3046727180480957, 0.6035813093185425, 0.5814250111579895, 0.1533280462026596, -0.9736307859420776, 0.29805511236190796, -0.5406494736671448, -0.013183480128645897, -0.20599089562892914, -0.9841721653938293, 0.9719516634941101, -0.09072082489728928, 0.07067012041807175, -0.09273683279752731, 0.5633549690246582, 0.9725750088691711, 0.5135533809661865, 0.49659621715545654, 0.9327715039253235, 0.8944929838180542, 0.11189236491918564, 1.1751269102096558, -0.2869446873664856, 0.11253789067268372, 0.9058834314346313, -0.2993336319923401, 0.9358324408531189, 0.49963024258613586, -0.5225880146026611, 0.5231208801269531, 0.8824025988578796, 0.05161275714635849, 0.3296721577644348, 0.1593286395072937, -0.017234303057193756, -0.2308792620897293, -0.33684173226356506, -0.5059130191802979, 0.37373632192611694, 0.2989303469657898, -0.3440248668193817, -0.12585043907165527, -0.13622818887233734, 0.21603240072727203, -0.015592577867209911, -0.17390784621238708, 0.5160795450210571, 0.13584491610527039, -0.53935706615448, 0.8457416296005249, -0.05690065026283264, 0.8547548651695251, -0.5319992303848267, 0.06091950461268425, -0.26025640964508057, 0.013586233370006084, -0.29966235160827637, -0.6318443417549133, 0.13748711347579956, 0.0858130007982254, -0.18016530573368073, 0.11689838767051697, 0.7440584897994995, 0.2282574623823166, -0.7243002653121948, 0.5870232582092285, 0.5950335264205933, 0.22159633040428162, -0.05241519212722778, -1.0728919506072998, 0.3026735782623291, -0.11967503279447556, -0.6949034929275513, 0.3940213620662689, 0.36915192008018494, -0.3656785190105438, 1.0899240970611572, 0.8121548891067505, 0.07729876041412354, 0.3443804979324341, 0.048508841544389725, 1.1178706884384155, -0.7399954795837402, -0.24450260400772095, -0.7251203060150146, 0.5546648502349854, -0.03978600353002548, -0.571903645992279, 0.8693998456001282, 0.4797890782356262, 0.8618854880332947, 0.3054817020893097, 0.7944241762161255, 0.1145540103316307, 0.5121668577194214, -0.322805792093277, 0.6527227759361267, -0.7470889687538147, 0.31410881876945496, -0.3035643994808197, -1.0273360013961792, -0.2828594446182251, 0.5838034749031067, -0.5269268751144409, 0.15464073419570923, 0.5540531277656555, 0.893918514251709, -0.04710738733410835, -0.05664464831352234, 0.20377540588378906, 0.28370401263237, 0.1717410385608673, 0.563916802406311, 0.8033071160316467, -0.47520822286605835, 0.6217779517173767, -0.4440964460372925, -0.12247935682535172, -0.1763889640569687, -0.7214441895484924, -0.8827184438705444, -0.4744974672794342, -0.25366607308387756, -0.31288260221481323, 0.03439809009432793, 0.8655173182487488, 0.6636567115783691, -0.6653323173522949, -0.37591975927352905, 0.003566692117601633, 0.18535758554935455, -0.21755486726760864, -0.21047906577587128, 0.40858402848243713, -0.05658430978655815, -0.7033664584159851, 0.17909827828407288, -0.050556864589452744, -0.07043351233005524, -0.35028740763664246, -0.28491631150245667, -0.6501705050468445, 0.1894003301858902, 0.5911510586738586, 0.16535170376300812, -1.0780123472213745, -0.15233586728572845, 0.23090367019176483, -0.22247876226902008, -0.013929805718362331, 0.02483704686164856, -0.7728593945503235, 0.05096018314361572, 0.2674310803413391, 0.7716354727745056, 0.5104177594184875, -0.04671522229909897, 0.13407355546951294, -0.386732816696167, 0.23658649623394012, 0.24638113379478455, 0.35844886302948, 0.20951078832149506, -0.5198133587837219, 0.8126358389854431, 0.4108926057815552, -0.6517178416252136, -1.0237327814102173, -0.022454185411334038, -1.1955045461654663, -0.21362486481666565, 1.4628385305404663, -0.03889268636703491, -0.5249674320220947, -0.019193975254893303, -0.258812814950943, 0.36654555797576904, -0.4684109687805176, 0.6738326549530029, 0.7235372066497803, -0.23236405849456787, -0.1778951734304428, -0.8144048452377319, 0.21156054735183716, 0.5031578540802002, -0.8389322757720947, -0.2663842737674713, 0.44267144799232483, 0.3866730332374573, 0.16986113786697388, 0.5316022634506226, -0.05395147576928139, 0.29409059882164, -0.026585225015878677, 0.15623044967651367, -0.1994318813085556, -0.2048235535621643, -0.18921202421188354, -0.028432032093405724, 0.0936761423945427, -0.07734324783086777 ]
databricks/dolly-v2-7b
databricks
2023-06-30T18:33:41Z
10,846
135
transformers
[ "transformers", "pytorch", "gpt_neox", "text-generation", "en", "dataset:databricks/databricks-dolly-15k", "license:mit", "has_space", "text-generation-inference", "region:us" ]
text-generation
2023-04-13T05:19:39Z
--- license: mit language: - en library_name: transformers inference: false datasets: - databricks/databricks-dolly-15k --- # dolly-v2-7b Model Card ## Summary Databricks' `dolly-v2-7b`, an instruction-following large language model trained on the Databricks machine learning platform that is licensed for commercial use. Based on `pythia-6.9b`, Dolly is trained on ~15k instruction/response fine tuning records [`databricks-dolly-15k`](https://github.com/databrickslabs/dolly/tree/master/data) generated by Databricks employees in capability domains from the InstructGPT paper, including brainstorming, classification, closed QA, generation, information extraction, open QA and summarization. `dolly-v2-7b` is not a state-of-the-art model, but does exhibit surprisingly high quality instruction following behavior not characteristic of the foundation model on which it is based. Dolly v2 is also available in these other models sizes: * [dolly-v2-12b](https://huggingface.co/databricks/dolly-v2-12b), a 12 billion parameter based on `pythia-12b` * [dolly-v2-3b](https://huggingface.co/databricks/dolly-v2-3b), a 2.8 billion parameter based on `pythia-2.8b` Please refer to the [dolly GitHub repo](https://github.com/databrickslabs/dolly#getting-started-with-response-generation) for tips on running inference for various GPU configurations. **Owner**: Databricks, Inc. ## Model Overview `dolly-v2-7b` is a 6.9 billion parameter causal language model created by [Databricks](https://databricks.com/) that is derived from [EleutherAI's](https://www.eleuther.ai/) [Pythia-6.9b](https://huggingface.co/EleutherAI/pythia-6.9b) and fine-tuned on a [~15K record instruction corpus](https://github.com/databrickslabs/dolly/tree/master/data) generated by Databricks employees and released under a permissive license (CC-BY-SA) ## Usage To use the model with the `transformers` library on a machine with GPUs, first make sure you have the `transformers` and `accelerate` libraries installed. In a Databricks notebook you could run: ```python %pip install "accelerate>=0.16.0,<1" "transformers[torch]>=4.28.1,<5" "torch>=1.13.1,<2" ``` The instruction following pipeline can be loaded using the `pipeline` function as shown below. This loads a custom `InstructionTextGenerationPipeline` found in the model repo [here](https://huggingface.co/databricks/dolly-v2-3b/blob/main/instruct_pipeline.py), which is why `trust_remote_code=True` is required. Including `torch_dtype=torch.bfloat16` is generally recommended if this type is supported in order to reduce memory usage. It does not appear to impact output quality. It is also fine to remove it if there is sufficient memory. ```python import torch from transformers import pipeline generate_text = pipeline(model="databricks/dolly-v2-7b", torch_dtype=torch.bfloat16, trust_remote_code=True, device_map="auto") ``` You can then use the pipeline to answer instructions: ```python res = generate_text("Explain to me the difference between nuclear fission and fusion.") print(res[0]["generated_text"]) ``` Alternatively, if you prefer to not use `trust_remote_code=True` you can download [instruct_pipeline.py](https://huggingface.co/databricks/dolly-v2-3b/blob/main/instruct_pipeline.py), store it alongside your notebook, and construct the pipeline yourself from the loaded model and tokenizer: ```python import torch from instruct_pipeline import InstructionTextGenerationPipeline from transformers import AutoModelForCausalLM, AutoTokenizer tokenizer = AutoTokenizer.from_pretrained("databricks/dolly-v2-7b", padding_side="left") model = AutoModelForCausalLM.from_pretrained("databricks/dolly-v2-7b", device_map="auto", torch_dtype=torch.bfloat16) generate_text = InstructionTextGenerationPipeline(model=model, tokenizer=tokenizer) ``` ### LangChain Usage To use the pipeline with LangChain, you must set `return_full_text=True`, as LangChain expects the full text to be returned and the default for the pipeline is to only return the new text. ```python import torch from transformers import pipeline generate_text = pipeline(model="databricks/dolly-v2-7b", torch_dtype=torch.bfloat16, trust_remote_code=True, device_map="auto", return_full_text=True) ``` You can create a prompt that either has only an instruction or has an instruction with context: ```python from langchain import PromptTemplate, LLMChain from langchain.llms import HuggingFacePipeline # template for an instrution with no input prompt = PromptTemplate( input_variables=["instruction"], template="{instruction}") # template for an instruction with input prompt_with_context = PromptTemplate( input_variables=["instruction", "context"], template="{instruction}\n\nInput:\n{context}") hf_pipeline = HuggingFacePipeline(pipeline=generate_text) llm_chain = LLMChain(llm=hf_pipeline, prompt=prompt) llm_context_chain = LLMChain(llm=hf_pipeline, prompt=prompt_with_context) ``` Example predicting using a simple instruction: ```python print(llm_chain.predict(instruction="Explain to me the difference between nuclear fission and fusion.").lstrip()) ``` Example predicting using an instruction with context: ```python context = """George Washington (February 22, 1732[b] - December 14, 1799) was an American military officer, statesman, and Founding Father who served as the first president of the United States from 1789 to 1797.""" print(llm_context_chain.predict(instruction="When was George Washington president?", context=context).lstrip()) ``` ## Known Limitations ### Performance Limitations **`dolly-v2-7b` is not a state-of-the-art generative language model** and, though quantitative benchmarking is ongoing, is not designed to perform competitively with more modern model architectures or models subject to larger pretraining corpuses. The Dolly model family is under active development, and so any list of shortcomings is unlikely to be exhaustive, but we include known limitations and misfires here as a means to document and share our preliminary findings with the community. In particular, `dolly-v2-7b` struggles with: syntactically complex prompts, programming problems, mathematical operations, factual errors, dates and times, open-ended question answering, hallucination, enumerating lists of specific length, stylistic mimicry, having a sense of humor, etc. Moreover, we find that `dolly-v2-7b` does not have some capabilities, such as well-formatted letter writing, present in the original model. ### Dataset Limitations Like all language models, `dolly-v2-7b` reflects the content and limitations of its training corpuses. - **The Pile**: GPT-J's pre-training corpus contains content mostly collected from the public internet, and like most web-scale datasets, it contains content many users would find objectionable. As such, the model is likely to reflect these shortcomings, potentially overtly in the case it is explicitly asked to produce objectionable content, and sometimes subtly, as in the case of biased or harmful implicit associations. - **`databricks-dolly-15k`**: The training data on which `dolly-v2-7b` is instruction tuned represents natural language instructions generated by Databricks employees during a period spanning March and April 2023 and includes passages from Wikipedia as references passages for instruction categories like closed QA and summarization. To our knowledge it does not contain obscenity, intellectual property or personally identifying information about non-public figures, but it may contain typos and factual errors. The dataset may also reflect biases found in Wikipedia. Finally, the dataset likely reflects the interests and semantic choices of Databricks employees, a demographic which is not representative of the global population at large. Databricks is committed to ongoing research and development efforts to develop helpful, honest and harmless AI technologies that maximize the potential of all individuals and organizations. ### Benchmark Metrics Below you'll find various models benchmark performance on the [EleutherAI LLM Evaluation Harness](https://github.com/EleutherAI/lm-evaluation-harness); model results are sorted by geometric mean to produce an intelligible ordering. As outlined above, these results demonstrate that `dolly-v2-7b` is not state of the art, and in fact underperforms `dolly-v1-6b` in some evaluation benchmarks. We believe this owes to the composition and size of the underlying fine tuning datasets, but a robust statement as to the sources of these variations requires further study. | model | openbookqa | arc_easy | winogrande | hellaswag | arc_challenge | piqa | boolq | gmean | | --------------------------------- | ------------ | ---------- | ------------ | ----------- | --------------- | -------- | -------- | ---------| | EleutherAI/pythia-2.8b | 0.348 | 0.585859 | 0.589582 | 0.591217 | 0.323379 | 0.73395 | 0.638226 | 0.523431 | | EleutherAI/pythia-6.9b | 0.368 | 0.604798 | 0.608524 | 0.631548 | 0.343857 | 0.761153 | 0.6263 | 0.543567 | | databricks/dolly-v2-3b | 0.384 | 0.611532 | 0.589582 | 0.650767 | 0.370307 | 0.742655 | 0.575535 | 0.544886 | | EleutherAI/pythia-12b | 0.364 | 0.627104 | 0.636148 | 0.668094 | 0.346416 | 0.760065 | 0.673394 | 0.559676 | | EleutherAI/gpt-j-6B | 0.382 | 0.621633 | 0.651144 | 0.662617 | 0.363481 | 0.761153 | 0.655963 | 0.565936 | | databricks/dolly-v2-12b | 0.408 | 0.63931 | 0.616417 | 0.707927 | 0.388225 | 0.757889 | 0.568196 | 0.56781 | | databricks/dolly-v2-7b | 0.392 | 0.633838 | 0.607735 | 0.686517 | 0.406997 | 0.750816 | 0.644037 | 0.573487 | | databricks/dolly-v1-6b | 0.41 | 0.62963 | 0.643252 | 0.676758 | 0.384812 | 0.773667 | 0.687768 | 0.583431 | | EleutherAI/gpt-neox-20b | 0.402 | 0.683923 | 0.656669 | 0.7142 | 0.408703 | 0.784004 | 0.695413 | 0.602236 | # Citation ``` @online{DatabricksBlog2023DollyV2, author = {Mike Conover and Matt Hayes and Ankit Mathur and Jianwei Xie and Jun Wan and Sam Shah and Ali Ghodsi and Patrick Wendell and Matei Zaharia and Reynold Xin}, title = {Free Dolly: Introducing the World's First Truly Open Instruction-Tuned LLM}, year = {2023}, url = {https://www.databricks.com/blog/2023/04/12/dolly-first-open-commercially-viable-instruction-tuned-llm}, urldate = {2023-06-30} } ``` # Happy Hacking!
[ -0.024453524500131607, -1.008103370666504, 0.15969830751419067, 0.3371232748031616, -0.1508813053369522, -0.06237558647990227, 0.0027222444768995047, -0.051019344478845596, 0.05213267356157303, 0.4759760797023773, -0.5050928592681885, -0.5060432553291321, -0.6822953224182129, 0.08161584287881851, -0.6127203702926636, 1.118723750114441, -0.056038737297058105, -0.14529897272586823, -0.5102183818817139, 0.2169380486011505, -0.368013471364975, -0.3414885997772217, -0.29961591958999634, -0.15046744048595428, 0.29334756731987, 0.27115529775619507, 0.7055273056030273, 0.8050053119659424, 0.3609911799430847, 0.35147398710250854, -0.11640869826078415, -0.059981029480695724, -0.5018624663352966, 0.03431190550327301, 0.0360671766102314, -0.4059518575668335, -0.4646797776222229, 0.030043916776776314, 0.6021855473518372, 0.46408072113990784, 0.03489706292748451, 0.3314209580421448, -0.04972515255212784, 0.7056535482406616, -0.5398818850517273, 0.5004283785820007, -0.4581211507320404, -0.08667550981044769, -0.14123743772506714, 0.02331976406276226, -0.5977403521537781, -0.44672298431396484, -0.0330735519528389, -0.5873939990997314, 0.30549144744873047, 0.05984070152044296, 1.0244383811950684, 0.2093079835176468, -0.3482029438018799, -0.1975468397140503, -0.5933091640472412, 0.9993823170661926, -0.5411143898963928, 0.030199797824025154, 0.4350658059120178, 0.24114727973937988, -0.3892030119895935, -0.8524491786956787, -0.6809679269790649, -0.21911832690238953, -0.4831550419330597, 0.062132224440574646, -0.24910981953144073, -0.005179387517273426, 0.527376115322113, 0.5011484622955322, -0.804802656173706, -0.11724650859832764, -0.8845261335372925, -0.3444153070449829, 0.7290680408477783, 0.3418859839439392, 0.103911854326725, -0.65434330701828, -0.2835162580013275, -0.38650625944137573, -0.5332416296005249, 0.0575188510119915, 0.46660229563713074, 0.3128722310066223, -0.5357821583747864, 0.7425585389137268, -0.3951311409473419, 0.8211628794670105, -0.1089649572968483, -0.16925223171710968, 0.35665377974510193, -0.09038595855236053, -0.4437037408351898, -0.11823541671037674, 0.9097995758056641, 0.23371322453022003, 0.09791833907365799, 0.01607774943113327, -0.03925370052456856, 0.24966654181480408, 0.20958943665027618, -0.8369277715682983, -0.48384150862693787, 0.552845299243927, -0.4608003497123718, -0.5073003768920898, -0.1530381143093109, -0.9357780814170837, -0.5497787594795227, -0.22076921164989471, 0.5009334087371826, -0.27333152294158936, -0.2925310432910919, -0.1430341750383377, -0.10217475146055222, 0.2931952178478241, 0.17487987875938416, -1.1004555225372314, 0.18640956282615662, 0.5310284495353699, 0.7198010087013245, -0.026908209547400475, -0.18099121749401093, -0.7341165542602539, -0.23391559720039368, -0.15763898193836212, 0.46857768297195435, -0.5349279046058655, -0.36264944076538086, 0.13120003044605255, 0.21729737520217896, -0.14122675359249115, -0.5492932200431824, 0.33368417620658875, -0.35483723878860474, 0.5360476970672607, -0.04303939267992973, -0.5333594679832458, -0.23916572332382202, 0.07714054733514786, -0.5449144244194031, 1.1277176141738892, 0.5397699475288391, -0.7339591979980469, 0.15931981801986694, -0.157466322183609, -0.5211493968963623, -0.1780521273612976, -0.10350310802459717, -0.6136786937713623, -0.04439488425850868, 0.2831377685070038, 0.6887789964675903, -0.4849148392677307, 0.3357272148132324, -0.008225937373936176, -0.21919666230678558, 0.08394934237003326, -0.41765931248664856, 1.0709370374679565, 0.12834179401397705, -0.3950321674346924, 0.19433210790157318, -1.0303523540496826, -0.042960599064826965, 0.12948288023471832, -0.3981555998325348, 0.3306947648525238, -0.33131322264671326, 0.2373635172843933, 0.056581128388643265, 0.26067179441452026, -0.40283113718032837, 0.314666748046875, -0.2873123586177826, 0.1184665635228157, 0.7102823257446289, -0.4363270699977875, 0.3667600154876709, -0.4960789978504181, 0.566552996635437, 0.008557790890336037, 0.09998185932636261, -0.355904221534729, -0.786906361579895, -1.0218608379364014, -0.17945590615272522, 0.257935494184494, 0.6498847603797913, -0.6553217768669128, 0.3591553270816803, -0.17243243753910065, -0.5413281321525574, -0.5872014164924622, 0.07576862722635269, 0.5306617021560669, 0.6636630296707153, 0.7315829992294312, -0.18179269134998322, -0.6469658613204956, -0.8197820782661438, 0.030356211587786674, -0.3788604140281677, -0.22446593642234802, 0.16267725825309753, 0.5190977454185486, -0.057111818343400955, 0.8372223377227783, -0.5037816762924194, -0.08926068991422653, -0.5411853790283203, 0.14403092861175537, 0.5167146325111389, 0.6410937309265137, 0.23185355961322784, -0.5748196244239807, -0.5116569995880127, 0.06501831114292145, -0.8729507327079773, 0.0679929181933403, -0.20292681455612183, -0.11240238696336746, 0.5519753694534302, 0.2306269109249115, -0.8792430758476257, 0.7040934562683105, 0.6499795913696289, -0.39991188049316406, 0.724031388759613, -0.15991435945034027, 0.012257915921509266, -1.189087986946106, 0.18201889097690582, -0.1473059356212616, 0.001522278063930571, -0.5446098446846008, -0.13740336894989014, 0.0294484943151474, 0.05527621507644653, -0.360363632440567, 0.8340443968772888, -0.21039408445358276, 0.017131125554442406, -0.0751868411898613, 0.09722043573856354, 0.14554865658283234, 0.5099181532859802, 0.016788652166724205, 0.37245503067970276, 0.7831600308418274, -0.7000114917755127, 0.8557136058807373, 0.40640756487846375, -0.45010361075401306, 0.3584483563899994, -0.6076956987380981, 0.12582260370254517, -0.2056686133146286, 0.28560304641723633, -0.9332594275474548, -0.3763233423233032, 0.35801294445991516, -0.4174206256866455, 0.5724777579307556, -0.28380680084228516, -0.33020973205566406, -0.5108777284622192, -0.09831656515598297, 0.11856694519519806, 0.9207175970077515, -0.5438857674598694, 0.7278611660003662, 0.12009450048208237, -0.08267495036125183, -0.764288067817688, -0.5929059386253357, -0.2176913470029831, -0.2633011043071747, -0.8993538022041321, 0.3539598286151886, 0.16430537402629852, -0.18974022567272186, -0.18740449845790863, 0.013588455505669117, 0.07102613896131516, -0.2768149971961975, 0.1329367458820343, 0.4695318639278412, -0.1279851198196411, 0.0888652577996254, 0.06817257404327393, -0.40783634781837463, 0.10461922734975815, -0.20940661430358887, 0.6057600975036621, -0.019865505397319794, 0.09582507610321045, -0.5714298486709595, 0.024560071527957916, 0.5313658714294434, 0.03900423273444176, 0.9023545980453491, 0.9412416815757751, -0.1803329735994339, 0.059656258672475815, -0.5946007966995239, -0.33911028504371643, -0.5063893795013428, 0.5328521728515625, -0.19486969709396362, -0.3638606369495392, 0.41568443179130554, 0.11092691123485565, 0.1168423444032669, 0.5236035585403442, 0.6140176057815552, 0.0029389525298029184, 0.6178613901138306, 0.3796861469745636, -0.01852073334157467, 0.20277878642082214, -0.7081021666526794, 0.0909128487110138, -0.8371809720993042, -0.4879741370677948, -0.5244703888893127, -0.34055623412132263, -0.8102605938911438, -0.5993725657463074, 0.1105673685669899, 0.08506900817155838, -0.3542843163013458, 0.5476112961769104, -0.4968721270561218, 0.16233336925506592, 0.6585450172424316, -0.011090932413935661, 0.03640089929103851, 0.053770825266838074, -0.055558159947395325, 0.16669921576976776, -0.7375048398971558, -0.6118866205215454, 1.1909568309783936, 0.2190011441707611, 0.890109121799469, -0.05447467789053917, 0.42152631282806396, -0.02908339537680149, 0.2160404473543167, -0.5394731163978577, 0.572435736656189, -0.1069025918841362, -0.7894628643989563, -0.18054597079753876, -0.5776907801628113, -1.0221836566925049, 0.05704884231090546, -0.19359005987644196, -1.089561939239502, 0.0038806695956736803, 0.26303204894065857, -0.21672740578651428, 0.29466232657432556, -0.8090769648551941, 1.1377800703048706, 0.03828631341457367, -0.6124962568283081, -0.11937215924263, -0.7553447484970093, 0.276561439037323, 0.31669244170188904, 0.09512609988451004, -0.014748912304639816, 0.4098302721977234, 0.7616052031517029, -0.41092175245285034, 0.7179418802261353, -0.15078480541706085, 0.18652306497097015, 0.3989262282848358, 0.05303006246685982, 0.7020211815834045, 0.15381799638271332, -0.23152509331703186, 0.013589301146566868, -0.08717040717601776, -0.617818295955658, -0.5717974305152893, 0.7257668375968933, -0.7945261001586914, -0.699954628944397, -0.4134359657764435, -0.6439356207847595, 0.11001414060592651, -0.0516006238758564, 0.4039493501186371, 0.7141841650009155, -0.00042035829392261803, 0.29870331287384033, 0.51267009973526, -0.6346372365951538, 0.5160298943519592, 0.09450379759073257, -0.455822229385376, -0.21604667603969574, 1.0121978521347046, -0.14067906141281128, 0.33927226066589355, 0.5999314785003662, 0.3951079845428467, -0.38048043847084045, -0.23261532187461853, -0.802139937877655, 0.1457185447216034, -0.7298345565795898, -0.22832855582237244, -0.8728108406066895, -0.2368590384721756, -0.3979569673538208, -0.18900413811206818, -0.44327229261398315, -0.7563790678977966, -0.4593139588832855, -0.07611289620399475, 0.7231206297874451, 0.7526506781578064, 0.06704174727201462, 0.3199073076248169, -0.6168049573898315, 0.39613106846809387, 0.4757270812988281, 0.08028620481491089, -0.0830245167016983, -0.7326783537864685, -0.25179868936538696, 0.009022589772939682, -0.6236340403556824, -0.6280884742736816, 0.3961442708969116, -0.09178053587675095, 0.2895275056362152, 0.17436648905277252, 0.10230842232704163, 0.46240660548210144, -0.16287578642368317, 0.9277300238609314, 0.07987771183252335, -0.8043642640113831, 0.5282568335533142, -0.32260578870773315, 0.4224169850349426, 0.1269330382347107, 0.34906652569770813, -0.33797726035118103, -0.35933443903923035, -0.5946164131164551, -0.9135416150093079, 0.9038758873939514, 0.6086391806602478, 0.3257044553756714, 0.0516890324652195, 0.11580360680818558, 0.1272953301668167, 0.22115255892276764, -0.7822898030281067, -0.5665791034698486, -0.2961786985397339, -0.22612576186656952, 0.17752905189990997, -0.11023914813995361, -0.06363534927368164, -0.42907166481018066, 0.8952284455299377, 0.13289380073547363, 0.4617144465446472, -0.1063074842095375, -0.14788812398910522, -0.07119079679250717, 0.09805574268102646, 0.4493723213672638, 0.6409368515014648, -0.2707412540912628, -0.08990424126386642, 0.20246967673301697, -0.716254711151123, 0.12638065218925476, 0.41036349534988403, -0.165801540017128, -0.003528597764670849, 0.4324646294116974, 0.9817983508110046, -0.17072896659374237, -0.3145860433578491, 0.316041499376297, -0.1680232584476471, 0.09975434094667435, -0.1945122629404068, 0.1412457376718521, 0.10682562738656998, 0.1688767969608307, 0.29508310556411743, -0.00676738191395998, -0.22137047350406647, -0.5357608795166016, 0.08509629964828491, 0.2943004369735718, -0.26894861459732056, -0.20168621838092804, 0.7017009854316711, 0.18143534660339355, -0.29751625657081604, 1.0554765462875366, -0.31212949752807617, -0.302798330783844, 0.823309600353241, 0.5317153930664062, 0.8164122700691223, -0.23765872418880463, 0.5036445260047913, 0.7521182894706726, 0.3325137197971344, 0.15372300148010254, 0.18243980407714844, 0.2838475704193115, -0.3794681429862976, -0.316049188375473, -0.9380539655685425, -0.16771300137043, 0.2704571783542633, -0.5131527185440063, 0.7436745166778564, -0.4793711006641388, 0.06940317153930664, -0.17419622838497162, 0.06995470076799393, -0.8660984635353088, 0.42615434527397156, -0.056404341012239456, 0.5553897023200989, -0.6624851822853088, 0.751137912273407, 0.4388967752456665, -0.31032273173332214, -0.7329204678535461, -0.17644339799880981, 0.09755665808916092, -0.6550359129905701, 0.5646367073059082, 0.43871840834617615, 0.3172321021556854, -0.09132350981235504, -0.21193216741085052, -0.8883275985717773, 1.1650255918502808, 0.3055630326271057, -0.37427327036857605, 0.16738370060920715, 0.1181553453207016, 0.35050252079963684, -0.35003405809402466, 0.6917186379432678, 0.7181712985038757, 0.46297016739845276, 0.2181556075811386, -0.908670961856842, 0.23939035832881927, -0.2764553725719452, -0.09845905750989914, 0.08814986795186996, -0.5999829769134521, 1.0510542392730713, -0.409828782081604, -0.1936628818511963, 0.328080415725708, 0.7672931551933289, 0.2577281594276428, 0.27353736758232117, 0.11220142245292664, 0.5324714779853821, 0.796661376953125, -0.24844348430633545, 1.3927600383758545, -0.2457730919122696, 0.5069959759712219, 0.8074927926063538, 0.21917638182640076, 0.5787641406059265, 0.27747011184692383, -0.48695385456085205, 0.7601150870323181, 0.4709351062774658, -0.00037319902912713587, 0.41992810368537903, 0.4083386957645416, -0.21518875658512115, 0.06953366845846176, 0.09311413019895554, -0.6197336316108704, 0.42146050930023193, 0.4054180383682251, -0.5181258916854858, 0.07558266818523407, -0.2662927806377411, 0.2298320233821869, -0.20502914488315582, 0.022331876680254936, 0.40321671962738037, 0.009168987162411213, -0.5850095748901367, 0.9305440187454224, -0.043880924582481384, 0.4265401363372803, -0.572913646697998, -0.0914166197180748, -0.35892370343208313, 0.16826091706752777, -0.36571282148361206, -0.5551936030387878, 0.2910814881324768, -0.03408361226320267, -0.14343182742595673, -0.0835326611995697, 0.4057994484901428, -0.39908188581466675, -0.8570638298988342, 0.09789103269577026, 0.18250449001789093, 0.266585111618042, 0.21176527440547943, -0.5136791467666626, 0.3771047592163086, 0.03978099301457405, -0.538974404335022, 0.3468192517757416, 0.15830905735492706, 0.25196272134780884, 0.6380647420883179, 0.4394488036632538, -0.24599291384220123, 0.03902355208992958, -0.2025866061449051, 0.9416487812995911, -0.5215149521827698, -0.1299304962158203, -0.7696043848991394, 1.044682502746582, -0.14735525846481323, -0.5058882832527161, 0.643621027469635, 0.6312457919120789, 0.8748773336410522, -0.2726885676383972, 0.8305046558380127, -0.48528754711151123, 0.234984889626503, -0.6922543048858643, 0.5411207675933838, -0.41403958201408386, 0.33133265376091003, -0.45789003372192383, -1.2249305248260498, -0.24342034757137299, 0.9260369539260864, -0.3868432641029358, 0.2962809205055237, 0.9349143505096436, 1.154051661491394, -0.0966791883111, 0.11713272333145142, 0.25403934717178345, 0.4618830382823944, 0.2690197825431824, 0.37155580520629883, 0.6299116611480713, -0.7271258234977722, 0.6938813924789429, -0.6235342621803284, -0.3631766140460968, -0.1361999809741974, -0.8360893130302429, -1.073349952697754, -0.6427439451217651, -0.4685395061969757, -0.6942169070243835, -0.03891836851835251, 0.8690781593322754, 0.5840465426445007, -0.8699862360954285, -0.3875281810760498, -0.206606924533844, 0.4110116958618164, -0.13281884789466858, -0.28978806734085083, 0.6311519145965576, -0.2259613573551178, -0.8935220837593079, 0.2767966687679291, 0.15838485956192017, -0.0010838075540959835, -0.3682772219181061, -0.11193527281284332, -0.15954804420471191, -0.12304148823022842, 0.4744666814804077, 0.1304168701171875, -0.6244528889656067, -0.077499158680439, 0.04742663726210594, 0.04741579294204712, -0.0009388289763592184, 0.540807843208313, -1.0037883520126343, 0.7165287137031555, 0.6433761119842529, 0.3583291471004486, 0.7759694457054138, -0.14418092370033264, 0.6492859125137329, -0.7525783181190491, 0.3391460180282593, 0.15616105496883392, 0.253462016582489, 0.6301557421684265, -0.43376556038856506, 0.3522005081176758, 0.2596661448478699, -0.6247481107711792, -0.629219651222229, 0.2871028184890747, -0.7889877557754517, -0.05932113900780678, 1.3311488628387451, -0.17652463912963867, -0.3154516816139221, -0.21340496838092804, -0.20678739249706268, 0.28444430232048035, -0.363547682762146, 1.0464143753051758, 0.45811358094215393, -0.06441454589366913, -0.07330624759197235, -0.614801287651062, 0.5789779424667358, 0.355364054441452, -0.7157185673713684, 0.15964604914188385, 0.2494584619998932, -0.060580551624298096, 0.28352704644203186, 0.45340752601623535, -0.022369347512722015, 0.2853136956691742, 0.29181307554244995, -0.08916264772415161, 0.06643564254045486, -0.4059722125530243, -0.05322600528597832, -0.08060204237699509, -0.3837173879146576, -0.11545118689537048 ]
UBC-NLP/ARBERT
UBC-NLP
2022-01-19T20:10:55Z
10,833
4
transformers
[ "transformers", "pytorch", "tf", "jax", "bert", "fill-mask", "Arabic BERT", "MSA", "Twitter", "Masked Langauge Model", "ar", "autotrain_compatible", "endpoints_compatible", "has_space", "region:us" ]
fill-mask
2022-03-02T23:29:05Z
--- language: - ar tags: - Arabic BERT - MSA - Twitter - Masked Langauge Model widget: - text: "اللغة العربية هي لغة [MASK]." --- <img src="https://raw.githubusercontent.com/UBC-NLP/marbert/main/ARBERT_MARBERT.jpg" alt="drawing" width="30%" height="30%" align="right"/> **ARBERT** is one of three models described in our **ACl 2021 paper** **["ARBERT & MARBERT: Deep Bidirectional Transformers for Arabic"](https://mageed.arts.ubc.ca/files/2020/12/marbert_arxiv_2020.pdf)**. ARBERT is a large-scale pre-trained masked language model focused on Modern Standard Arabic (MSA). To train ARBERT, we use the same architecture as BERT-base: 12 attention layers, each has 12 attention heads and 768 hidden dimensions, a vocabulary of 100K WordPieces, making ∼163M parameters. We train ARBERT on a collection of Arabic datasets comprising **61GB of text** (**6.2B tokens**). For more information, please visit our own GitHub [repo](https://github.com/UBC-NLP/marbert). # BibTex If you use our models (ARBERT, MARBERT, or MARBERTv2) for your scientific publication, or if you find the resources in this repository useful, please cite our paper as follows (to be updated): ```bibtex @inproceedings{abdul-mageed-etal-2021-arbert, title = "{ARBERT} {\&} {MARBERT}: Deep Bidirectional Transformers for {A}rabic", author = "Abdul-Mageed, Muhammad and Elmadany, AbdelRahim and Nagoudi, El Moatez Billah", booktitle = "Proceedings of the 59th Annual Meeting of the Association for Computational Linguistics and the 11th International Joint Conference on Natural Language Processing (Volume 1: Long Papers)", month = aug, year = "2021", address = "Online", publisher = "Association for Computational Linguistics", url = "https://aclanthology.org/2021.acl-long.551", doi = "10.18653/v1/2021.acl-long.551", pages = "7088--7105", abstract = "Pre-trained language models (LMs) are currently integral to many natural language processing systems. Although multilingual LMs were also introduced to serve many languages, these have limitations such as being costly at inference time and the size and diversity of non-English data involved in their pre-training. We remedy these issues for a collection of diverse Arabic varieties by introducing two powerful deep bidirectional transformer-based models, ARBERT and MARBERT. To evaluate our models, we also introduce ARLUE, a new benchmark for multi-dialectal Arabic language understanding evaluation. ARLUE is built using 42 datasets targeting six different task clusters, allowing us to offer a series of standardized experiments under rich conditions. When fine-tuned on ARLUE, our models collectively achieve new state-of-the-art results across the majority of tasks (37 out of 48 classification tasks, on the 42 datasets). Our best model acquires the highest ARLUE score (77.40) across all six task clusters, outperforming all other models including XLM-R Large ( 3.4x larger size). Our models are publicly available at https://github.com/UBC-NLP/marbert and ARLUE will be released through the same repository.", } ``` ## Acknowledgments We gratefully acknowledge support from the Natural Sciences and Engineering Research Council of Canada, the Social Sciences and Humanities Research Council of Canada, Canadian Foundation for Innovation, [ComputeCanada](www.computecanada.ca) and [UBC ARC-Sockeye](https://doi.org/10.14288/SOCKEYE). We also thank the [Google TensorFlow Research Cloud (TFRC)](https://www.tensorflow.org/tfrc) program for providing us with free TPU access.
[ -0.6508984565734863, -0.4452096223831177, 0.2838903069496155, 0.2609994113445282, -0.11370536684989929, -0.03438525274395943, -0.3509746193885803, -0.45329001545906067, -0.09973449259996414, 0.5473938584327698, -0.36473751068115234, -0.8411054015159607, -0.8788211941719055, 0.011606423184275627, -0.4410606622695923, 1.16656494140625, -0.27728453278541565, -0.16631795465946198, 0.1250929832458496, -0.5559865832328796, 0.07720785588026047, -0.49188652634620667, -0.5786716341972351, -0.23465561866760254, 0.6772383451461792, 0.35477086901664734, 0.9578244090080261, 0.38789844512939453, 0.4147831201553345, 0.21032573282718658, 0.02811417356133461, 0.3049601912498474, -0.03254450485110283, 0.10299201309680939, 0.135214164853096, -0.0941661149263382, -0.4934751093387604, 0.12081638723611832, 0.6997612118721008, 0.7962971925735474, -0.14791974425315857, 0.3328936696052551, 0.07115693390369415, 0.983026385307312, -0.6758161187171936, 0.1607377529144287, -0.401788592338562, -0.057628270238637924, 0.14705342054367065, 0.38711822032928467, -0.45875170826911926, -0.1306343823671341, 0.15385514497756958, 0.006223219912499189, 0.25154921412467957, 0.07801465690135956, 1.0407094955444336, 0.24442198872566223, -0.6454346776008606, -0.11519170552492142, -0.688042402267456, 0.6960964798927307, -0.8503483533859253, 0.9087196588516235, 0.2534208595752716, 0.22061283886432648, 0.02035069279372692, -0.778415322303772, -0.6488819718360901, -0.44597581028938293, -0.2674965262413025, 0.06293053925037384, -0.49754104018211365, 0.05120369419455528, 0.08998183906078339, 0.1953464299440384, -0.6939988732337952, 0.07224593311548233, -0.2927424907684326, 0.06222214922308922, 0.6265162825584412, -0.19804275035858154, 0.1026439517736435, 0.07924787700176239, -0.31466493010520935, -0.3577077388763428, -0.679094135761261, 0.3442096412181854, 0.46550053358078003, 0.3289185166358948, -0.512439489364624, 0.3370267450809479, -0.024445729330182076, 0.5283794403076172, -0.10010939836502075, 0.2059430330991745, 0.3858852684497833, -0.2517540454864502, -0.2349531203508377, -0.08811216801404953, 1.1157405376434326, -0.007919841445982456, 0.03760199621319771, -0.23426178097724915, -0.08142884820699692, -0.41552436351776123, 0.21829159557819366, -1.040189504623413, -0.46745115518569946, 0.35517391562461853, -0.44775211811065674, -0.06606360524892807, -0.07488883286714554, -0.5435419678688049, -0.2178093045949936, -0.17821209132671356, 0.3435409367084503, -0.4238879680633545, -0.21184541285037994, 0.10178874433040619, 0.5582723617553711, 0.3253602385520935, 0.10360322892665863, -0.9252763986587524, 0.06845852732658386, 0.2951911687850952, 0.667820155620575, -0.16935192048549652, -0.4946078360080719, -0.3270145654678345, -0.17043331265449524, -0.125448077917099, 0.5556588172912598, -0.37763509154319763, -0.18845893442630768, 0.15682470798492432, 0.003034318797290325, -0.21529759466648102, -0.34669724106788635, 0.9194628596305847, -0.7399834990501404, 0.15283481776714325, 0.05640692263841629, 0.0247073695063591, -0.6070464849472046, 0.06420189887285233, -0.6295088529586792, 1.0294944047927856, 0.026279935613274574, -0.6099318265914917, 0.09569822251796722, -0.7780762314796448, -0.5013140439987183, -0.3407911956310272, -0.07401404529809952, -0.7999423146247864, -0.11886956542730331, 0.5723137259483337, 0.4960978329181671, -0.3695683181285858, 0.4612395763397217, -0.04363276809453964, -0.08485046774148941, 0.262726366519928, -0.7676184773445129, 0.8094949722290039, 0.25050416588783264, -0.5549492835998535, 0.14868253469467163, -0.7104880809783936, -0.11471651494503021, 0.053226932883262634, -0.2978566884994507, 0.08525196462869644, -0.0603514090180397, 0.1861622929573059, 0.3802228569984436, 0.19972532987594604, -0.306993693113327, 0.1624402105808258, -0.4307594299316406, 0.2399839460849762, 0.5020831823348999, -0.3139968514442444, 0.47395187616348267, -0.13545000553131104, 0.509888768196106, 0.3103041648864746, 0.0699700191617012, -0.16395092010498047, -0.3199717402458191, -1.2812057733535767, -0.4540538489818573, 0.45675182342529297, 0.321554958820343, -0.45426738262176514, 0.46465009450912476, -0.2692005932331085, -0.6426683068275452, -0.8508561849594116, 0.06579196453094482, 0.4355766177177429, 0.39984017610549927, 0.7623646855354309, -0.283443808555603, -0.4471646249294281, -1.3163939714431763, -0.17926140129566193, -0.11097302287817001, 0.15274553000926971, 0.4968038499355316, 0.46677297353744507, -0.5301390290260315, 0.8075456619262695, -0.218400776386261, -0.07298173755407333, -0.26216477155685425, 0.4745366871356964, 0.5064409375190735, 0.5697962045669556, 0.5911442637443542, -0.7264813184738159, -0.6636770963668823, -0.056546520441770554, -0.49149906635284424, -0.14474327862262726, -0.08353234827518463, -0.19307221472263336, 0.4925426244735718, 0.2602632939815521, -0.6974387168884277, 0.33615022897720337, 0.8098102807998657, -0.3623948097229004, 0.6590245962142944, 0.04018505662679672, 0.16125160455703735, -1.041621208190918, 0.21731671690940857, -0.060379818081855774, 0.006469974294304848, -0.7970725893974304, -0.04049879312515259, 0.1412891447544098, -0.11362433433532715, -0.5105537176132202, 0.4434020221233368, -0.5106166005134583, 0.25135183334350586, -0.07134682685136795, -0.04220415651798248, 0.14377444982528687, 0.8882671594619751, -0.043467480689287186, 1.1434797048568726, 0.5712532997131348, -0.5999158024787903, 0.08555407077074051, 0.3393678367137909, -0.38632988929748535, -0.05796840414404869, -0.7430543303489685, 0.2985769212245941, -0.23349544405937195, 0.13636672496795654, -1.0642024278640747, 0.268827885389328, 0.44136756658554077, -0.5550119280815125, 0.5530211925506592, -0.31738999485969543, -0.3894319236278534, -0.08724962919950485, -0.13483697175979614, 0.6729737520217896, 0.446276992559433, -0.6465653777122498, 0.8878768086433411, 0.015758518129587173, -0.2513188123703003, -1.054613471031189, -0.357555091381073, 0.14773517847061157, -0.18115298449993134, -0.5652378797531128, 0.3691038191318512, 0.09138932824134827, -0.1307058036327362, -0.015548084862530231, -0.09077165275812149, 0.07638180255889893, 0.06208505108952522, 0.35727396607398987, 0.35591983795166016, -0.3298703730106354, 0.11383097618818283, 0.16522209346294403, -0.05860283598303795, 0.2038581371307373, -0.3347860872745514, 0.6815813779830933, -0.5284509062767029, -0.5406574606895447, -0.3460524380207062, 0.42393165826797485, 0.805148184299469, -0.6816888451576233, 1.1440649032592773, 1.0366699695587158, -0.12427447736263275, 0.13064467906951904, -0.6673300862312317, -0.060405246913433075, -0.4418690800666809, 0.6761517524719238, -0.2860606908798218, -0.8791934251785278, 0.4204650819301605, 0.25172844529151917, 0.46274644136428833, 0.5957700610160828, 0.6554371118545532, 0.004863787908107042, 1.1707509756088257, 0.5465410351753235, -0.15493270754814148, 0.13222439587116241, -0.6132984161376953, 0.5925053358078003, -0.9904299974441528, -0.2946205735206604, -0.6874665021896362, -0.3335533142089844, -0.6622395515441895, -0.29114222526550293, 0.2858960032463074, 0.22901690006256104, -0.6025771498680115, 0.4924179017543793, -0.31530168652534485, 0.023824946954846382, 0.6664187908172607, -0.16544897854328156, 0.07927815616130829, 0.20249949395656586, -0.2715304493904114, 0.009865986183285713, -0.5709266662597656, -0.8258317112922668, 1.2045211791992188, 0.4645582139492035, 0.4616751968860626, 0.541606068611145, 0.6531903147697449, 0.29939454793930054, 0.40304216742515564, -0.7300159931182861, 0.4625107944011688, -0.04792435094714165, -0.4760957956314087, -0.14325635135173798, -0.20282238721847534, -1.1529333591461182, 0.5161382555961609, -0.28640416264533997, -0.6489691138267517, 0.2316935807466507, -0.043229203671216965, -0.4202444851398468, 0.3969242572784424, -0.6754807233810425, 0.7915182709693909, -0.3451208174228668, -0.42447009682655334, -0.16306480765342712, -0.7177948355674744, 0.18739965558052063, 0.008442544378340244, 0.23610971868038177, -0.26678916811943054, 0.1473410427570343, 0.9291406273841858, -0.08247081935405731, 0.6911311745643616, -0.14109712839126587, -0.24136891961097717, 0.24743814766407013, 0.11690493673086166, 0.5593222379684448, 0.10644180327653885, 0.028620341792702675, 0.5196265578269958, -0.09078168123960495, -0.4718669652938843, -0.5963591933250427, 0.6922482848167419, -1.2343074083328247, -0.7717645168304443, -0.5448703765869141, -0.7888675332069397, -0.33085548877716064, 0.05604591593146324, -0.05706772580742836, 0.3660424053668976, 0.16508141160011292, 0.33471745252609253, 0.4021134078502655, -0.31538090109825134, 0.5043375492095947, 0.6750100255012512, -0.10352922230958939, -0.27411791682243347, 0.6548153758049011, -0.15941329300403595, 0.08985219150781631, 0.38392019271850586, -0.1843211054801941, -0.4215947687625885, -0.7908101081848145, -0.5386601090431213, 0.43880999088287354, -0.6780714392662048, -0.12369294464588165, -0.8816243410110474, -0.4848434627056122, -0.4988880157470703, 0.0618649385869503, -0.4282800853252411, -0.3896407186985016, -0.3895869255065918, 0.013313510455191135, 0.23911096155643463, 0.37837108969688416, 0.001073735998943448, 0.253126323223114, -0.9466230273246765, 0.06782275438308716, 0.40255075693130493, 0.0917014479637146, 0.2099975347518921, -0.9738557934761047, -0.477739155292511, 0.2697097659111023, -0.5186335444450378, -0.514229416847229, 0.6449044942855835, 0.09622658789157867, 0.5085358023643494, 0.35807836055755615, 0.05885603278875351, 0.4267197251319885, -0.7052999138832092, 0.7383226156234741, 0.1804724782705307, -0.6829918026924133, 0.12979671359062195, -0.13281932473182678, 0.2444797158241272, 0.642742931842804, 0.6420612335205078, -0.7151892185211182, -0.2085997611284256, -0.6336466670036316, -1.1503599882125854, 0.7476400136947632, 0.48490941524505615, 0.2500189244747162, 0.15745563805103302, 0.1559811234474182, 0.1090622991323471, 0.304155170917511, -0.8358405828475952, -0.8186856508255005, -0.17834003269672394, -0.40686342120170593, -0.17668630182743073, -0.40914133191108704, -0.11994215101003647, -0.35294070839881897, 0.956648051738739, 0.06261657178401947, 0.5414913296699524, 0.15065038204193115, -0.3036208748817444, 0.18400894105434418, 0.5471312403678894, 0.7868819236755371, 0.5946789979934692, -0.2991199195384979, 0.47321102023124695, 0.17762361466884613, -0.6184477806091309, 0.1320265382528305, 0.6674795746803284, -0.009584760293364525, 0.039939265698194504, 0.4451287090778351, 1.0125263929367065, -0.05925733596086502, -0.6663075089454651, 0.35909587144851685, 0.010077537037432194, -0.3307102918624878, -0.31252092123031616, -0.12175161391496658, 0.08101945370435715, 0.5659434795379639, 0.6148496270179749, 0.30314362049102783, 0.12097939103841782, -0.1873740702867508, 0.09487048536539078, 0.4431917369365692, -0.5510438680648804, -0.37930408120155334, 0.7038620114326477, 0.10553499311208725, -0.41277971863746643, 0.668353259563446, -0.10760172456502914, -0.6642441749572754, 0.5006139874458313, 0.33823055028915405, 1.0327469110488892, -0.04626830294728279, 0.15555930137634277, 0.35944247245788574, 0.37331700325012207, 0.3614024519920349, -0.08783521503210068, -0.2346455156803131, -0.9026100635528564, -0.45286208391189575, -0.8301113247871399, -0.3490660488605499, 0.3558271825313568, -0.593243420124054, 0.11325283348560333, -0.13529342412948608, 0.022365743294358253, 0.026721177622675896, 0.006878405809402466, -0.7483384013175964, 0.07040669769048691, 0.31420645117759705, 0.7264561057090759, -0.8332904577255249, 0.9101211428642273, 0.8243707418441772, -0.4428596794605255, -0.8445752859115601, -0.08176460862159729, -0.4587440490722656, -0.9855213165283203, 0.7884593605995178, 0.33728188276290894, -0.3684161305427551, 0.09762886166572571, -0.4902796745300293, -0.8791292309761047, 0.9729425311088562, 0.2749160826206207, -0.47637492418289185, 0.08343804627656937, 0.33689987659454346, 0.35229790210723877, -0.3041399419307709, 0.5108732581138611, 0.5921295881271362, 0.40019968152046204, -0.025682177394628525, -0.7719001173973083, -0.032296422868967056, -0.433938592672348, -0.1505497545003891, 0.3476831316947937, -0.6549093723297119, 0.8573674559593201, -0.23059341311454773, -0.13747020065784454, -0.10268960893154144, 0.8685542345046997, 0.26298242807388306, 0.07903340458869934, 0.3712424039840698, 0.7360863089561462, 0.33201560378074646, -0.02125212363898754, 0.6283991932868958, -0.5299531817436218, 0.41434764862060547, 1.018876075744629, 0.03249621018767357, 0.8185357451438904, 0.5228807330131531, -0.572009801864624, 0.6854460835456848, 0.4285631775856018, 0.09029657393693924, 0.5597272515296936, -0.24521854519844055, -0.5088414549827576, -0.1977902352809906, -0.19075928628444672, -0.47796571254730225, 0.5128419995307922, 0.13454760611057281, -0.6028807163238525, -0.2052292823791504, -0.05235951393842697, 0.2567346394062042, 0.019747886806726456, 0.01633484661579132, 0.27352333068847656, 0.055594611912965775, -0.6072051525115967, 1.147162914276123, 0.32119348645210266, 0.5386756658554077, -0.45412373542785645, -0.002052131574600935, -0.28167882561683655, 0.08933112025260925, -0.07515443116426468, -0.5867130756378174, 0.11867738515138626, -0.06106061488389969, -0.15251673758029938, -0.22984303534030914, 0.2969328463077545, -0.6276773810386658, -0.5486856698989868, 0.1697797030210495, 0.47951215505599976, 0.12942612171173096, -0.014460667036473751, -0.8514350056648254, -0.08698141574859619, 0.1621226966381073, -0.4674781858921051, 0.2812117040157318, 0.11149675399065018, 0.07580184936523438, 0.6263076663017273, 0.6791349649429321, -0.12030728906393051, -0.0620490126311779, 0.20915357768535614, 0.8468213081359863, -0.48063424229621887, -0.0037678710650652647, -1.042431354522705, 0.5733868479728699, 0.24542787671089172, -0.14174248278141022, 0.7145450115203857, 0.6682594418525696, 0.643508791923523, -0.04519573226571083, 0.6601665019989014, 0.07862397283315659, 0.37018507719039917, -0.3234748840332031, 0.9474644064903259, -0.6134097576141357, 0.17529042065143585, -0.09008485823869705, -0.9452282786369324, -0.37739047408103943, 0.6523005962371826, -0.28539878129959106, 0.25549593567848206, 0.7243252992630005, 0.8018377423286438, -0.16371552646160126, -0.12684687972068787, 0.18426142632961273, 0.26495471596717834, 0.36886492371559143, 0.6394646167755127, 0.5940477848052979, -0.7185623049736023, 0.7260380387306213, -0.32708823680877686, -0.022917872294783592, -0.1935461461544037, -0.6809994578361511, -1.0728541612625122, -0.7651371359825134, -0.27817487716674805, -0.32817521691322327, 0.021181588992476463, 1.1451005935668945, 0.5927722454071045, -1.128804087638855, -0.3177618980407715, -0.006972710136324167, 0.037582915276288986, -0.14670415222644806, -0.1426013708114624, 0.8371434211730957, -0.24893036484718323, -0.8484480381011963, 0.24571551382541656, 0.18832068145275116, 0.19065402448177338, -0.2692778706550598, -0.232338547706604, -0.5817847847938538, -0.1250077784061432, 0.6637659668922424, 0.2769744396209717, -0.770282506942749, -0.16955696046352386, 0.14578859508037567, -0.1515667736530304, 0.19556334614753723, 0.3035036623477936, -0.811926543712616, 0.146262988448143, 0.032878875732421875, 0.7357484102249146, 0.6020634770393372, -0.14792022109031677, 0.24001553654670715, -0.5059067606925964, 0.3462044596672058, 0.3484146296977997, 0.4171634316444397, 0.3096495568752289, -0.06589316576719284, 0.32780274748802185, -0.1071358323097229, -0.606883704662323, -0.7268657088279724, 0.31549832224845886, -0.9041827917098999, -0.04112175479531288, 1.1941165924072266, -0.16494636237621307, 0.06946325302124023, -0.0775468498468399, -0.3211144804954529, 0.48613306879997253, -0.5525065064430237, 0.7295861840248108, 0.6714135408401489, 0.002957345684990287, -0.49587544798851013, -0.5679133534431458, 0.3023524880409241, 0.8744711875915527, -0.45152023434638977, -0.06258517503738403, 0.23541046679019928, -0.1368134766817093, 0.1634456366300583, 0.10103897750377655, 0.07768205553293228, 0.08853267133235931, -0.5344108939170837, 0.4284602403640747, -0.25957798957824707, -0.4165465831756592, -0.3074916899204254, 0.051597706973552704, 0.33196887373924255, -0.21490921080112457 ]
dbmdz/bert-base-turkish-128k-uncased
dbmdz
2021-05-19T15:13:16Z
10,804
11
transformers
[ "transformers", "pytorch", "tf", "jax", "bert", "tr", "license:mit", "endpoints_compatible", "has_space", "region:us" ]
null
2022-03-02T23:29:05Z
--- language: tr license: mit --- # 🤗 + 📚 dbmdz Turkish BERT model In this repository the MDZ Digital Library team (dbmdz) at the Bavarian State Library open sources an uncased model for Turkish 🎉 # 🇹🇷 BERTurk BERTurk is a community-driven uncased BERT model for Turkish. Some datasets used for pretraining and evaluation are contributed from the awesome Turkish NLP community, as well as the decision for the model name: BERTurk. ## Stats The current version of the model is trained on a filtered and sentence segmented version of the Turkish [OSCAR corpus](https://traces1.inria.fr/oscar/), a recent Wikipedia dump, various [OPUS corpora](http://opus.nlpl.eu/) and a special corpus provided by [Kemal Oflazer](http://www.andrew.cmu.edu/user/ko/). The final training corpus has a size of 35GB and 44,04,976,662 tokens. Thanks to Google's TensorFlow Research Cloud (TFRC) we could train an uncased model on a TPU v3-8 for 2M steps. For this model we use a vocab size of 128k. ## Model weights Currently only PyTorch-[Transformers](https://github.com/huggingface/transformers) compatible weights are available. If you need access to TensorFlow checkpoints, please raise an issue! | Model | Downloads | -------------------------------------- | --------------------------------------------------------------------------------------------------------------- | `dbmdz/bert-base-turkish-128k-uncased` | [`config.json`](https://cdn.huggingface.co/dbmdz/bert-base-turkish-128k-uncased/config.json) • [`pytorch_model.bin`](https://cdn.huggingface.co/dbmdz/bert-base-turkish-128k-uncased/pytorch_model.bin) • [`vocab.txt`](https://cdn.huggingface.co/dbmdz/bert-base-turkish-128k-uncased/vocab.txt) ## Usage With Transformers >= 2.3 our BERTurk uncased model can be loaded like: ```python from transformers import AutoModel, AutoTokenizer tokenizer = AutoTokenizer.from_pretrained("dbmdz/bert-base-turkish-128k-uncased") model = AutoModel.from_pretrained("dbmdz/bert-base-turkish-128k-uncased") ``` ## Results For results on PoS tagging or NER tasks, please refer to [this repository](https://github.com/stefan-it/turkish-bert). # Huggingface model hub All models are available on the [Huggingface model hub](https://huggingface.co/dbmdz). # Contact (Bugs, Feedback, Contribution and more) For questions about our BERT models just open an issue [here](https://github.com/dbmdz/berts/issues/new) 🤗 # Acknowledgments Thanks to [Kemal Oflazer](http://www.andrew.cmu.edu/user/ko/) for providing us additional large corpora for Turkish. Many thanks to Reyyan Yeniterzi for providing us the Turkish NER dataset for evaluation. Research supported with Cloud TPUs from Google's TensorFlow Research Cloud (TFRC). Thanks for providing access to the TFRC ❤️ Thanks to the generous support from the [Hugging Face](https://huggingface.co/) team, it is possible to download both cased and uncased models from their S3 storage 🤗
[ -0.5360084176063538, -0.7375218868255615, 0.119056336581707, 0.26926371455192566, -0.48475271463394165, -0.274540513753891, -0.4088103771209717, -0.4641000032424927, 0.2707328200340271, 0.4118085205554962, -0.6050925850868225, -0.7064229846000671, -0.742602527141571, -0.12153660506010056, -0.3229934573173523, 1.2493908405303955, -0.14747144281864166, 0.2866726219654083, 0.09627396613359451, -0.08035378158092499, -0.061446186155080795, -0.6476730704307556, -0.45253583788871765, -0.4949953258037567, 0.33265140652656555, 0.07090086489915848, 0.5145517587661743, 0.22466439008712769, 0.4891778528690338, 0.335033118724823, -0.2362847924232483, -0.11069237440824509, -0.08309408277273178, -0.03837693855166435, 0.2319750338792801, -0.021006902679800987, -0.5404250025749207, -0.11913669109344482, 0.8010926842689514, 0.6725897192955017, -0.3256377577781677, 0.21435117721557617, 0.069936104118824, 0.719146728515625, -0.3068031966686249, 0.20163802802562714, -0.42520764470100403, 0.07845719903707504, -0.1882009506225586, 0.259927898645401, -0.22393201291561127, -0.13358914852142334, 0.4762203097343445, -0.2767082154750824, 0.45309725403785706, -0.3252401053905487, 1.2922307252883911, 0.15096314251422882, -0.3493853211402893, -0.2677438259124756, -0.5017425417900085, 0.8350188136100769, -1.0369127988815308, 0.5721526145935059, 0.35993486642837524, 0.32221996784210205, -0.4851539433002472, -0.8226779103279114, -0.5867228507995605, -0.21439886093139648, -0.06152131408452988, 0.053118374198675156, -0.3274776339530945, 0.14690791070461273, 0.12983958423137665, 0.5060881972312927, -0.45129042863845825, -0.14437611401081085, -0.6307142376899719, -0.25555941462516785, 0.6369689106941223, -0.11455056816339493, 0.19940802454948425, -0.3488028943538666, -0.34003758430480957, -0.46034467220306396, -0.504021406173706, 0.2698811888694763, 0.5572320222854614, 0.4898645579814911, -0.39158502221107483, 0.8138754367828369, -0.1151074767112732, 0.7084899544715881, 0.21835988759994507, 0.03678010031580925, 0.4281611144542694, -0.12399100512266159, -0.35755351185798645, 0.051252879202365875, 0.9345109462738037, -0.0005276046576909721, 0.03666859492659569, -0.1939488798379898, -0.34952297806739807, -0.3407291769981384, 0.46352511644363403, -0.9437820911407471, -0.29968369007110596, 0.4117412567138672, -0.6793087720870972, -0.30664971470832825, 0.0191670972853899, -0.6487728357315063, -0.18739040195941925, -0.1225213035941124, 0.7811897993087769, -0.6197090744972229, -0.47639110684394836, 0.3106229901313782, 0.031172314658761024, 0.5103024244308472, 0.19294123351573944, -1.1019032001495361, 0.298798531293869, 0.5355232357978821, 0.8035992980003357, 0.20844204723834991, -0.11499668657779694, 0.005075219552963972, -0.36704930663108826, -0.3339537978172302, 0.7106804251670837, -0.10325577855110168, -0.18727833032608032, 0.2120513916015625, 0.24392476677894592, -0.30089983344078064, -0.29514265060424805, 0.7220365405082703, -0.4444516897201538, 0.5661100745201111, -0.3666097819805145, -0.6768918037414551, -0.45860207080841064, 0.033068593591451645, -0.6584955453872681, 1.3617608547210693, 0.3426881730556488, -1.0192369222640991, 0.45244547724723816, -0.6832935214042664, -0.43912607431411743, -0.0646149292588234, 0.008102348074316978, -0.8827682733535767, 0.1409302055835724, 0.2851961553096771, 0.6702764630317688, 0.006990078836679459, 0.12988153100013733, -0.4629736542701721, -0.30926263332366943, 0.1419268399477005, 0.10983933508396149, 1.2573895454406738, 0.2861022651195526, -0.5386664867401123, 0.1860165297985077, -0.6191073656082153, -0.09483550488948822, 0.19210819900035858, -0.548726499080658, 0.09349389374256134, -0.140345960855484, 0.3459549844264984, 0.2918132543563843, 0.35095569491386414, -0.7862129211425781, 0.2863691747188568, -0.46152111887931824, 0.472506582736969, 0.6915393471717834, -0.3257620632648468, 0.29723501205444336, -0.4063247740268707, 0.29536110162734985, 0.044744499027729034, 0.08423475176095963, 0.22218865156173706, -0.5380284190177917, -1.1376696825027466, -0.6370179057121277, 0.5477569103240967, 0.3655094504356384, -0.6867268681526184, 0.7593733072280884, -0.06433627009391785, -0.6931530833244324, -0.8182576298713684, 0.05467657372355461, 0.10713770240545273, 0.5955972075462341, 0.3721238672733307, -0.36668333411216736, -0.8125056624412537, -0.9701855778694153, 0.06421814858913422, -0.2622547745704651, -0.30499470233917236, 0.3158414661884308, 0.709395170211792, -0.22419841587543488, 0.7526591420173645, 0.02530461922287941, -0.5958889722824097, -0.404160737991333, 0.1448991596698761, 0.5805052518844604, 0.6353617310523987, 0.781004011631012, -0.3916674554347992, -0.392977774143219, -0.2365262508392334, -0.7444867491722107, 0.20206274092197418, 0.08312436193227768, -0.1867903470993042, 0.7890362739562988, 0.30865156650543213, -0.9066525101661682, 0.40541812777519226, 0.5354804396629333, -0.6539869904518127, 0.7308195233345032, -0.3818656802177429, -0.03594346344470978, -1.25634765625, 0.34500062465667725, 0.03591594099998474, -0.15396660566329956, -0.5218060612678528, 0.056084662675857544, -0.055108845233917236, 0.07613338530063629, -0.520979642868042, 0.6366861462593079, -0.3232817053794861, -0.0855996310710907, -0.0377979539334774, -0.35358744859695435, -0.11889009922742844, 0.694673478603363, 0.29703065752983093, 0.6766160130500793, 0.6474613547325134, -0.5353212356567383, 0.33433300256729126, 0.51239413022995, -0.8571771383285522, 0.1079452633857727, -0.9333149790763855, 0.02892831712961197, 0.055204231292009354, 0.28028202056884766, -0.8432848453521729, -0.15407170355319977, 0.4514554738998413, -0.6808231472969055, 0.5985779166221619, -0.4082035422325134, -0.8648576736450195, -0.44510114192962646, -0.2422996461391449, -0.02689097635447979, 0.7479014992713928, -0.6936464309692383, 0.7679059505462646, 0.35326820611953735, -0.17475692927837372, -0.7980883717536926, -0.7898575067520142, -0.06707000732421875, -0.40332216024398804, -0.9076835513114929, 0.464910089969635, -0.11804680526256561, 0.06681999564170837, 0.05284372344613075, -0.06226338818669319, -0.18686075508594513, -0.04029005393385887, 0.15725620090961456, 0.4587090015411377, -0.24708832800388336, 0.06863792985677719, 0.011702149175107479, 0.14273448288440704, 0.07222984731197357, -0.3097936511039734, 0.6013609170913696, -0.5532537698745728, -0.022142386063933372, -0.47806957364082336, 0.2510126829147339, 0.4726284146308899, -0.0658402144908905, 1.283614993095398, 1.0988885164260864, -0.48068967461586, 0.17856447398662567, -0.7907565236091614, -0.2681831419467926, -0.4966765344142914, 0.24883350729942322, -0.3796570301055908, -1.0166398286819458, 0.7775153517723083, 0.3448391258716583, 0.3624294400215149, 0.708656907081604, 0.8867970705032349, -0.46541890501976013, 1.025671362876892, 0.9922176599502563, -0.05356457084417343, 0.631732702255249, -0.4312930405139923, 0.09006702154874802, -0.8018730878829956, -0.3775959312915802, -0.5313412547111511, -0.12282321602106094, -0.7160955667495728, -0.185347780585289, 0.25865405797958374, 0.13162264227867126, -0.40436962246894836, 0.48807355761528015, -0.5777894258499146, -0.028165042400360107, 0.6885051131248474, 0.26685449481010437, -0.22670167684555054, 0.4496297538280487, -0.4673318564891815, 0.04874817654490471, -0.8115401864051819, -0.49866414070129395, 1.3528621196746826, 0.5714337229728699, 0.48305562138557434, 0.2103589028120041, 0.7935732007026672, 0.24544887244701385, 0.1066446527838707, -0.6598812341690063, 0.3561131954193115, -0.1577598750591278, -1.000144124031067, -0.21054711937904358, -0.33500996232032776, -1.1021939516067505, 0.24166500568389893, -0.4296729862689972, -0.957532525062561, 0.21672271192073822, -0.03831585869193077, -0.44180041551589966, 0.5879714488983154, -0.7218502163887024, 1.0442774295806885, 0.03346038609743118, -0.15706777572631836, -0.16827648878097534, -0.7231636047363281, 0.19552014768123627, 0.12176015973091125, -0.1705189198255539, -0.03541354089975357, 0.29104313254356384, 1.107503056526184, -0.733284592628479, 0.7322860956192017, -0.2866727411746979, 0.0009042359888553619, 0.4016954302787781, -0.10094781219959259, 0.3454137146472931, -0.2306746393442154, -0.13013151288032532, 0.5314230918884277, 0.32853618264198303, -0.742868959903717, -0.24623644351959229, 0.5537669062614441, -1.1930949687957764, -0.40276235342025757, -0.6961430907249451, -0.4548129439353943, 0.01327674649655819, 0.3152587115764618, 0.32189762592315674, 0.2941648066043854, -0.15948013961315155, 0.3730645179748535, 0.8482889533042908, -0.4403092861175537, 0.5408370494842529, 0.6005083918571472, -0.010907100513577461, -0.32137811183929443, 0.6168133616447449, -0.04619493708014488, -0.23956561088562012, 0.1355360597372055, 0.04591802507638931, -0.5165413618087769, -0.547534704208374, -0.5271260738372803, 0.48531654477119446, -0.5982672572135925, -0.0774112194776535, -0.8595150709152222, -0.39151614904403687, -0.8179577589035034, 0.13340447843074799, -0.5635718107223511, -0.5689345598220825, -0.2988356649875641, -0.10268425941467285, 0.5828731060028076, 0.6631843447685242, -0.3324607014656067, 0.2724682092666626, -0.6472322940826416, 0.0920051708817482, 0.14737097918987274, 0.5484271049499512, -0.022839197888970375, -0.898936927318573, -0.38210076093673706, 0.04565407335758209, -0.1720280796289444, -0.7124418020248413, 0.6388025283813477, 0.08953453600406647, 0.5759242177009583, 0.48368462920188904, 0.11228210479021072, 0.4994993507862091, -0.46695858240127563, 0.6552910804748535, 0.03307098150253296, -0.7218520045280457, 0.2983643114566803, -0.47723400592803955, 0.1624741405248642, 0.5041619539260864, 0.3825986385345459, -0.5373224020004272, -0.11405042558908463, -0.8245105147361755, -0.9621361494064331, 0.9478201866149902, 0.4776155352592468, 0.23894071578979492, 0.16665640473365784, 0.2922866940498352, 0.07053122669458389, 0.24525927007198334, -0.7701863646507263, -0.24993272125720978, -0.5052879452705383, -0.25989529490470886, -0.08654218912124634, -0.5239924788475037, -0.1655501127243042, -0.5509839653968811, 1.0784668922424316, 0.2629878520965576, 0.8295575380325317, 0.323322594165802, -0.21935604512691498, -0.18452337384223938, 0.12192168086767197, 0.6743057370185852, 0.4194128215312958, -0.7662816047668457, -0.1814868152141571, 0.12848606705665588, -0.5822843909263611, -0.3025531768798828, 0.613379955291748, -0.03669559583067894, 0.22578458487987518, 0.29602596163749695, 0.9199494123458862, 0.0044934554025530815, -0.5413727760314941, 0.4785422682762146, -0.3382122218608856, -0.4589414894580841, -0.7678745985031128, -0.29369473457336426, 0.09541484713554382, 0.4175231158733368, 0.5037102699279785, -0.23009510338306427, -0.06534495204687119, -0.22475259006023407, 0.27938324213027954, 0.47667622566223145, -0.4740542769432068, -0.26357853412628174, 0.4890967011451721, 0.08302722126245499, 0.04603965952992439, 1.0914334058761597, 0.043918851763010025, -0.6539097428321838, 0.6184483766555786, 0.2702900469303131, 0.9304217100143433, -0.10945014655590057, 0.2550821006298065, 0.59572833776474, 0.5080035328865051, 0.08912046253681183, 0.26879599690437317, -0.20010297000408173, -0.842648983001709, -0.3269641101360321, -0.9760890603065491, -0.15088726580142975, 0.48177212476730347, -0.7191192507743835, 0.29932916164398193, -0.4962162375450134, -0.2750399708747864, -0.011313016526401043, 0.5806354284286499, -0.7624075412750244, 0.1378975361585617, 0.24976937472820282, 1.0330857038497925, -0.9075436592102051, 1.0573480129241943, 0.9085056185722351, -0.5439208149909973, -0.7679718136787415, -0.4728914797306061, -0.2301003634929657, -0.8085663318634033, 0.4444931149482727, 0.20173566043376923, 0.2845938801765442, -0.14075206220149994, -0.548027515411377, -0.891470193862915, 1.0236451625823975, 0.2943667471408844, -0.06939519196748734, 0.028477320447564125, 0.12745513021945953, 0.6447064876556396, -0.21298062801361084, 0.3905428349971771, 0.5391129851341248, 0.32304051518440247, 0.21242883801460266, -0.8901680707931519, 0.06333214044570923, -0.5405430793762207, -0.17982429265975952, 0.06338874250650406, -0.5987926125526428, 0.9296643137931824, -0.16424775123596191, -0.11226897686719894, 0.26860180497169495, 0.8978044986724854, 0.3568434715270996, -0.09286870807409286, 0.4842366576194763, 0.8427704572677612, 0.5162012577056885, -0.07694924622774124, 1.1147899627685547, -0.32291626930236816, 0.5475347638130188, 0.7843876481056213, 0.26779767870903015, 0.724297821521759, 0.4564143717288971, -0.2837711274623871, 0.7678344249725342, 1.1667935848236084, -0.2658365070819855, 0.5046008229255676, -0.04851760342717171, -0.35896724462509155, -0.36241573095321655, -0.014756417833268642, -0.5511866807937622, 0.41114574670791626, 0.2780344784259796, -0.36678969860076904, -0.3285417854785919, -0.16824202239513397, 0.2568293511867523, -0.481641948223114, -0.08729865401983261, 0.6242843270301819, 0.07002642005681992, -0.4227125644683838, 0.7799417972564697, 0.2613658607006073, 0.7178473472595215, -0.7332233786582947, 0.09629271179437637, -0.2498573660850525, 0.25763192772865295, -0.09662224352359772, -0.5809019804000854, 0.30129677057266235, -0.001298278570175171, -0.10580804198980331, -0.26232314109802246, 0.7897051572799683, -0.5010022521018982, -0.7529889345169067, 0.18030187487602234, 0.32017257809638977, 0.46139639616012573, -0.07932821661233902, -1.1554962396621704, -0.06781458854675293, -0.056487906724214554, -0.587137758731842, 0.4584994316101074, 0.2640993893146515, 0.12218526005744934, 0.7736995220184326, 0.6670805811882019, -0.04894980415701866, 0.156904935836792, -0.023245448246598244, 0.9116280674934387, -0.49931979179382324, -0.4267910122871399, -0.5533976554870605, 0.6452629566192627, 0.1447022706270218, -0.19580356776714325, 0.7213482856750488, 0.48295754194259644, 0.9396041035652161, -0.14576095342636108, 0.6449667811393738, -0.34909600019454956, 0.4806182086467743, -0.32955417037010193, 1.1727917194366455, -0.7394629716873169, -0.1898055076599121, -0.39293426275253296, -0.8117099404335022, -0.18270298838615417, 1.0212695598602295, -0.23953929543495178, 0.2804141342639923, 0.48483097553253174, 0.6564589738845825, 0.04875602945685387, -0.2069205343723297, 0.11072253435850143, 0.3484094440937042, 0.10944923013448715, 0.5379734039306641, 0.42508405447006226, -0.688370406627655, 0.6178706288337708, -0.6185207366943359, -0.1105639636516571, -0.290726900100708, -0.8321686387062073, -1.3323237895965576, -0.8436808586120605, -0.3184589445590973, -0.7103905081748962, -0.049268707633018494, 1.0853644609451294, 0.841943085193634, -1.0538796186447144, -0.4004290699958801, -0.028308946639299393, 0.01704324409365654, -0.20892484486103058, -0.2241186499595642, 0.8099557161331177, -0.3160298764705658, -0.7632820010185242, 0.16187402606010437, -0.2979590594768524, 0.39322224259376526, -0.1831672638654709, -0.10790297389030457, -0.4002327620983124, 0.08148260414600372, 0.4191233515739441, 0.4728853702545166, -0.6254573464393616, -0.16084611415863037, 0.0337420254945755, -0.11230295896530151, 0.04459274560213089, 0.5209571123123169, -0.671617329120636, 0.5088591575622559, 0.4720441401004791, 0.44461387395858765, 0.8630826473236084, -0.3645089268684387, 0.5426657795906067, -0.6612831950187683, 0.42536190152168274, 0.12575143575668335, 0.5867170691490173, 0.4918892979621887, -0.19950945675373077, 0.41296765208244324, 0.04653097316622734, -0.4926213026046753, -0.8879088163375854, -0.17313118278980255, -1.1095799207687378, -0.3183462917804718, 0.9691068530082703, -0.3282369375228882, -0.3979508876800537, 0.0655789002776146, 0.0009517830330878496, 0.6970059871673584, -0.4862199127674103, 1.252951979637146, 0.9771437644958496, 0.01708300970494747, -0.29660898447036743, -0.4763270616531372, 0.6415838003158569, 0.7223010659217834, -0.3745347857475281, -0.19551892578601837, 0.26253584027290344, 0.4861804246902466, -0.13174577057361603, 0.4823722243309021, -0.273896723985672, 0.2247869074344635, -0.13964055478572845, 0.6707056164741516, -0.1673552244901657, -0.12287484854459763, -0.44091010093688965, -0.23475997149944305, -0.20060677826404572, -0.22538131475448608 ]
warp-ai/wuerstchen
warp-ai
2023-09-22T21:53:14Z
10,794
138
diffusers
[ "diffusers", "text-to-image", "wuerstchen", "arxiv:2306.00637", "arxiv:1910.09700", "license:mit", "has_space", "diffusers:WuerstchenDecoderPipeline", "region:us" ]
text-to-image
2023-07-19T19:10:32Z
--- license: mit prior: - warp-diffusion/wuerstchen-prior tags: - text-to-image - wuerstchen --- <img src="https://cdn-uploads.huggingface.co/production/uploads/634cb5eefb80cc6bcaf63c3e/i-DYpDHw8Pwiy7QBKZVR5.jpeg" width=1500> ## Würstchen - Overview Würstchen is a diffusion model, whose text-conditional model works in a highly compressed latent space of images. Why is this important? Compressing data can reduce computational costs for both training and inference by magnitudes. Training on 1024x1024 images, is way more expensive than training at 32x32. Usually, other works make use of a relatively small compression, in the range of 4x - 8x spatial compression. Würstchen takes this to an extreme. Through its novel design, we achieve a 42x spatial compression. This was unseen before because common methods fail to faithfully reconstruct detailed images after 16x spatial compression. Würstchen employs a two-stage compression, what we call Stage A and Stage B. Stage A is a VQGAN, and Stage B is a Diffusion Autoencoder (more details can be found in the [paper](https://arxiv.org/abs/2306.00637)). A third model, Stage C, is learned in that highly compressed latent space. This training requires fractions of the compute used for current top-performing models, allowing also cheaper and faster inference. ## Würstchen - Decoder The Decoder is what we refer to as "Stage A" and "Stage B". The decoder takes in image embeddings, either generated by the Prior (Stage C) or extracted from a real image, and decodes those latents back into the pixel space. Specifically, Stage B first decodes the image embeddings into the VQGAN Space, and Stage A (which is a VQGAN) decodes the latents into pixel space. Together, they achieve a spatial compression of 42. **Note:** The reconstruction is lossy and loses information of the image. The current Stage B often lacks details in the reconstructions, which are especially noticeable to us humans when looking at faces, hands, etc. We are working on making these reconstructions even better in the future! ### Image Sizes Würstchen was trained on image resolutions between 1024x1024 & 1536x1536. We sometimes also observe good outputs at resolutions like 1024x2048. Feel free to try it out. We also observed that the Prior (Stage C) adapts extremely fast to new resolutions. So finetuning it at 2048x2048 should be computationally cheap. <img src="https://cdn-uploads.huggingface.co/production/uploads/634cb5eefb80cc6bcaf63c3e/5pA5KUfGmvsObqiIjdGY1.jpeg" width=1000> ## How to run This pipeline should be run together with a prior https://huggingface.co/warp-ai/wuerstchen-prior: ```py import torch from diffusers import AutoPipelineForText2Image device = "cuda" dtype = torch.float16 pipeline = AutoPipelineForText2Image.from_pretrained( "warp-diffusion/wuerstchen", torch_dtype=dtype ).to(device) caption = "Anthropomorphic cat dressed as a fire fighter" output = pipeline( prompt=caption, height=1024, width=1024, prior_guidance_scale=4.0, decoder_guidance_scale=0.0, ).images ``` ### Image Sampling Times The figure shows the inference times (on an A100) for different batch sizes (`num_images_per_prompt`) on Würstchen compared to [Stable Diffusion XL](https://huggingface.co/stabilityai/stable-diffusion-xl-base-1.0) (without refiner). The left figure shows inference times (using torch > 2.0), whereas the right figure applies `torch.compile` to both pipelines in advance. ![image/jpeg](https://cdn-uploads.huggingface.co/production/uploads/634cb5eefb80cc6bcaf63c3e/UPhsIH2f079ZuTA_sLdVe.jpeg) ## Model Details - **Developed by:** Pablo Pernias, Dominic Rampas - **Model type:** Diffusion-based text-to-image generation model - **Language(s):** English - **License:** MIT - **Model Description:** This is a model that can be used to generate and modify images based on text prompts. It is a Diffusion model in the style of Stage C from the [Würstchen paper](https://arxiv.org/abs/2306.00637) that uses a fixed, pretrained text encoder ([CLIP ViT-bigG/14](https://huggingface.co/laion/CLIP-ViT-bigG-14-laion2B-39B-b160k)). - **Resources for more information:** [GitHub Repository](https://github.com/dome272/Wuerstchen), [Paper](https://arxiv.org/abs/2306.00637). - **Cite as:** @misc{pernias2023wuerstchen, title={Wuerstchen: Efficient Pretraining of Text-to-Image Models}, author={Pablo Pernias and Dominic Rampas and Mats L. Richter and Christopher Pal and Marc Aubreville}, year={2023}, eprint={2306.00637}, archivePrefix={arXiv}, primaryClass={cs.CV} } ## Environmental Impact **Würstchen v2** **Estimated Emissions** Based on that information, we estimate the following CO2 emissions using the [Machine Learning Impact calculator](https://mlco2.github.io/impact#compute) presented in [Lacoste et al. (2019)](https://arxiv.org/abs/1910.09700). The hardware, runtime, cloud provider, and compute region were utilized to estimate the carbon impact. - **Hardware Type:** A100 PCIe 40GB - **Hours used:** 24602 - **Cloud Provider:** AWS - **Compute Region:** US-east - **Carbon Emitted (Power consumption x Time x Carbon produced based on location of power grid):** 2275.68 kg CO2 eq.
[ -0.5055321455001831, -0.577919602394104, 0.4241180419921875, 0.11317473649978638, -0.3510838747024536, -0.4416956305503845, -0.10861729085445404, -0.28569936752319336, -0.13084957003593445, 0.23303119838237762, -0.5323358178138733, -0.4739592671394348, -0.6762098073959351, -0.20198975503444672, -0.23035921156406403, 0.8866016864776611, 0.06561442464590073, 0.08049032092094421, 0.0006374462973326445, 0.15669135749340057, -0.09772425144910812, -0.21566323935985565, -0.746864378452301, -0.2923661470413208, 0.46201950311660767, -0.01875213347375393, 0.5799760222434998, 0.6239857077598572, 0.4184724688529968, 0.3736170530319214, -0.173304945230484, -0.14143621921539307, -0.4950791299343109, -0.16428114473819733, 0.1875505894422531, -0.13661710917949677, -0.07706383615732193, 0.09383047372102737, 0.6226441860198975, 0.384095162153244, -0.2926976978778839, -0.08054180443286896, 0.25555893778800964, 0.7254733443260193, -0.5385197997093201, -0.18658967316150665, -0.30780869722366333, 0.25339454412460327, -0.1784432828426361, 0.044117119163274765, -0.3193416893482208, -0.07518253475427628, 0.17353138327598572, -0.7772989273071289, 0.5574329495429993, -0.061943355947732925, 1.2021328210830688, 0.35134783387184143, -0.3891131281852722, -0.10888247191905975, -0.638702392578125, 0.5260063409805298, -0.8316010236740112, 0.3107748031616211, 0.1913648247718811, 0.13873961567878723, -0.017369665205478668, -1.285902976989746, -0.6938830018043518, 0.226165771484375, -0.22583408653736115, 0.31320640444755554, -0.49998268485069275, 0.03366696462035179, 0.43144991993904114, 0.4005495011806488, -0.8164767622947693, 0.21301782131195068, -0.4154432415962219, -0.44644251465797424, 0.4709482491016388, 0.1087714359164238, 0.13178817927837372, -0.1415240615606308, -0.4523561894893646, -0.5742517709732056, -0.35622814297676086, -0.09058200567960739, 0.3905119001865387, -0.18250520527362823, -0.3691467344760895, 0.2463882863521576, -0.0688118264079094, 0.5749965906143188, 0.23177550733089447, 0.06425036489963531, 0.29835838079452515, -0.2726293206214905, -0.4491603672504425, -0.33944088220596313, 1.1213030815124512, 0.3676168620586395, -0.14689037203788757, 0.04903637617826462, 0.03375663980841637, 0.017408298328518867, 0.02419288642704487, -1.440090298652649, -0.6571915745735168, 0.14892800152301788, -0.4673708975315094, -0.21764974296092987, -0.060918912291526794, -0.9936796426773071, -0.18884515762329102, 0.09543533623218536, 0.5409546494483948, -0.3252262473106384, -0.28579479455947876, 0.13764530420303345, -0.3574580252170563, 0.17341645061969757, 0.34373244643211365, -0.5728714466094971, -0.059526119381189346, -0.014960440807044506, 0.9514907002449036, -0.09967458248138428, -0.1338081955909729, -0.29548582434654236, -0.19462911784648895, -0.24400179088115692, 0.7871727347373962, -0.17386814951896667, -0.475260853767395, -0.1303914189338684, 0.22636979818344116, 0.277174174785614, -0.3412902057170868, 0.4860377609729767, -0.6899450421333313, 0.6253962516784668, -0.1653686910867691, -0.5423943400382996, -0.17376531660556793, -0.13878758251667023, -0.6124753355979919, 1.2304574251174927, 0.16108007729053497, -0.98143070936203, 0.38570454716682434, -0.5972487926483154, -0.24062813818454742, -0.050829850137233734, 0.19063279032707214, -0.656805694103241, -0.08882445096969604, 0.15878300368785858, 0.5504904985427856, -0.2391982227563858, 0.14666981995105743, -0.24720464646816254, -0.21463967859745026, -0.18422943353652954, -0.47332748770713806, 1.0881685018539429, 0.433809369802475, -0.5749781131744385, 0.031866468489170074, -0.6328331232070923, 0.14988349378108978, 0.3326357305049896, -0.36380547285079956, -0.08465085923671722, -0.367307186126709, 0.2598370313644409, 0.5235821008682251, 0.03715532273054123, -0.36359870433807373, 0.06575099378824234, -0.2205098569393158, 0.5229821801185608, 0.7830488681793213, 0.12057987600564957, 0.6600855588912964, -0.029116544872522354, 0.3061941862106323, 0.22940219938755035, 0.08978071063756943, -0.22751416265964508, -0.44755780696868896, -0.7848997712135315, -0.2521718442440033, 0.4134189486503601, 0.4336521625518799, -0.9163113832473755, 0.4627891778945923, -0.18665385246276855, -0.8196794986724854, -0.1514461487531662, -0.10010350495576859, 0.26744675636291504, 0.5835568308830261, 0.24809736013412476, -0.4574170708656311, -0.38598009943962097, -0.8044426441192627, 0.12130306661128998, 0.014405383728444576, -0.1419166624546051, 0.028781672939658165, 0.6630620956420898, -0.20025672018527985, 0.5767361521720886, -0.7141313552856445, -0.20848055183887482, 0.20089232921600342, 0.21453294157981873, 0.1643286794424057, 0.6881275773048401, 0.604192316532135, -0.8151079416275024, -0.7037618160247803, -0.2329462468624115, -0.7545866370201111, 0.07617750763893127, -0.015246179886162281, -0.4064970910549164, 0.30401411652565, 0.46633532643318176, -0.7681275606155396, 0.6124523878097534, 0.775079607963562, -0.5055359601974487, 0.633927583694458, -0.5693039894104004, 0.22541742026805878, -1.0609886646270752, 0.07438324391841888, 0.34317547082901, -0.24121740460395813, -0.5621124505996704, -0.0387154184281826, -0.021871129050850868, -0.22241874039173126, -0.5496648550033569, 0.6166463494300842, -0.701453685760498, 0.01521095260977745, -0.2245614379644394, -0.09501205384731293, 0.2493768185377121, 0.8060262203216553, 0.20079468190670013, 0.6559089422225952, 0.7250505089759827, -0.5642553567886353, 0.11300288140773773, 0.09721001982688904, -0.46610209345817566, 0.5811191201210022, -0.8428360819816589, 0.4029775559902191, -0.07396867126226425, 0.3608822524547577, -1.0496054887771606, -0.20001645386219025, 0.2680891454219818, -0.45501425862312317, 0.47901439666748047, -0.07634390890598297, -0.7161372303962708, -0.558200478553772, -0.06804484874010086, 0.31472623348236084, 0.9897425770759583, -0.48169878125190735, 0.5305249094963074, 0.14726734161376953, 0.18048961460590363, -0.37994101643562317, -0.7573862671852112, -0.011923042125999928, -0.31485190987586975, -0.6690405607223511, 0.5392293930053711, -0.32542189955711365, 0.07279635965824127, 0.21679866313934326, 0.24262689054012299, -0.17666350305080414, -0.09947144240140915, 0.22878067195415497, 0.2061839997768402, -0.08201341331005096, -0.023477492853999138, 0.10985313355922699, -0.16014865040779114, -0.1577642410993576, -0.5140776634216309, 0.5758936405181885, 0.006782815791666508, -0.11929057538509369, -0.8484237790107727, 0.3674839735031128, 0.3623703718185425, 0.08879104256629944, 0.8037759065628052, 1.049237608909607, -0.46117720007896423, 0.1391863226890564, -0.27264195680618286, -0.24368403851985931, -0.5513307452201843, 0.3864104449748993, -0.10418763011693954, -0.6588380932807922, 0.42121636867523193, -0.06929440796375275, 0.1126355528831482, 0.8031901121139526, 0.6621521711349487, -0.4984201490879059, 0.9785592555999756, 0.5519025325775146, 0.24770879745483398, 0.6011207103729248, -0.7637853026390076, -0.09173784404993057, -0.7502079010009766, -0.13454513251781464, -0.44723302125930786, -0.26111236214637756, -0.34861433506011963, -0.5557039976119995, 0.40036672353744507, 0.16491656005382538, -0.5015608072280884, 0.3289405107498169, -0.6671615839004517, 0.2300601750612259, 0.4793550968170166, 0.14175814390182495, 0.004437461029738188, 0.3280799984931946, -0.13325592875480652, -0.3345447778701782, -0.7813546061515808, -0.2738611102104187, 0.7778955698013306, 0.21381083130836487, 0.5421955585479736, -0.014994478784501553, 0.49883273243904114, 0.5397534370422363, 0.2740718424320221, -0.4860256016254425, 0.42507627606391907, -0.027184972539544106, -0.7191948294639587, -0.2854228615760803, -0.34785544872283936, -1.1533771753311157, 0.4729926884174347, -0.3750819265842438, -0.5192123055458069, 0.25233137607574463, 0.34338000416755676, -0.1218855008482933, 0.5393036007881165, -0.873246431350708, 0.834847629070282, -0.04417725279927254, -0.6610430479049683, -0.1388218253850937, -0.6962006092071533, 0.05518445745110512, 0.120478056371212, 0.1625966578722, 0.24862338602542877, 0.10962992161512375, 0.927490234375, -0.5548734068870544, 0.9066309332847595, -0.6248592138290405, -0.05274180695414543, 0.26815515756607056, -0.13411657512187958, 0.5125136971473694, -0.31246140599250793, -0.08989030867815018, 0.32874980568885803, -0.013073580339550972, -0.5947820544242859, -0.479341059923172, 0.46084004640579224, -0.7337319850921631, -0.5052976012229919, -0.4628359079360962, -0.31753721833229065, 0.12481129169464111, 0.3991304934024811, 1.0446536540985107, 0.39120227098464966, -0.31024298071861267, -0.006506598554551601, 0.6863293051719666, -0.2720879018306732, 0.6226688027381897, 0.15623411536216736, -0.1643369048833847, -0.42801520228385925, 0.5979182720184326, 0.07495705783367157, 0.2495821714401245, 0.04914557561278343, 0.21851740777492523, -0.2662716805934906, -0.577851414680481, -0.5850681662559509, 0.40775787830352783, -0.8759662508964539, -0.3225899934768677, -0.7282958626747131, -0.2519359886646271, -0.3236713707447052, -0.15750378370285034, -0.3198593556880951, -0.18456284701824188, -0.6695891618728638, 0.06489526480436325, 0.18315036594867706, 0.5582929253578186, -0.3004736602306366, 0.6193249225616455, -0.5604785680770874, 0.0490211583673954, 0.2979920506477356, 0.1931353658437729, 0.1418401300907135, -0.765630304813385, -0.4840407073497772, 0.11886298656463623, -0.4973129332065582, -0.716454267501831, 0.5293660759925842, 0.17033188045024872, 0.4403689205646515, 0.4192204177379608, -0.16684412956237793, 0.6681146621704102, -0.44441068172454834, 0.9099826216697693, 0.49988842010498047, -0.7296861410140991, 0.4418681263923645, -0.25006017088890076, 0.4021632671356201, 0.20019610226154327, 0.41635662317276, -0.4451644718647003, -0.031130675226449966, -0.8232288360595703, -0.6942565441131592, 0.5964102745056152, 0.3225657641887665, 0.1872890591621399, 0.21662898361682892, 0.4899967610836029, -0.06925327330827713, -0.05768537521362305, -0.7812732458114624, -0.3612560033798218, -0.29549553990364075, 0.06978115439414978, -0.19755053520202637, -0.13738882541656494, -0.12841622531414032, -0.596483588218689, 0.8433287739753723, 0.00035735315759666264, 0.7133882641792297, 0.3831591010093689, -0.19691772758960724, 0.024123352020978928, -0.14755354821681976, 0.5022317171096802, 0.13709217309951782, 0.07955773919820786, 0.02278491109609604, 0.009212606586515903, -0.5110822319984436, 0.25313600897789, 0.06794913113117218, -0.15490013360977173, 0.09005266427993774, 0.3906807601451874, 1.1099575757980347, -0.24992164969444275, -0.23566314578056335, 0.5626282095909119, -0.23492594063282013, -0.6259514093399048, -0.238700732588768, 0.04126199707388878, 0.2659793794155121, 0.33846476674079895, 0.40221118927001953, 0.3716670572757721, 0.24357487261295319, -0.1511426866054535, 0.1140589490532875, 0.29981258511543274, -0.4038051664829254, -0.38641107082366943, 0.7812311053276062, 0.043308403342962265, -0.20391760766506195, 0.7251603007316589, -0.40578922629356384, -0.42631614208221436, 0.6887804269790649, 0.5708643794059753, 0.6980056762695312, -0.031248224899172783, 0.3004302978515625, 0.7668867111206055, 0.10871241241693497, -0.09254192560911179, -0.15051648020744324, -0.04328576847910881, -0.6679480075836182, -0.1901569962501526, -0.35183531045913696, 0.15172874927520752, 0.05388767272233963, -0.5623714327812195, 0.2078137844800949, -0.28342604637145996, -0.3031991422176361, 0.009557109326124191, 0.015727955847978592, -0.9760116338729858, 0.3935317397117615, 0.033779390156269073, 0.8447525501251221, -0.7952109575271606, 0.8959388136863708, 0.3718397915363312, -0.2282116860151291, -0.747722864151001, 0.055185578763484955, 0.01621420867741108, -0.6832315921783447, 0.5233098268508911, 0.10897501558065414, -0.05110771581530571, 0.3423572778701782, -0.753649890422821, -0.6395028829574585, 1.350730538368225, 0.3227790892124176, -0.5001003742218018, -0.20548337697982788, -0.29411983489990234, 0.7188693881034851, -0.23758840560913086, 0.24945272505283356, 0.30183154344558716, 0.4188498556613922, 0.2966744303703308, -0.3751055896282196, 0.127120703458786, -0.3708544075489044, 0.3525969088077545, 0.13119986653327942, -0.634800136089325, 0.6898961067199707, -0.42521363496780396, -0.6128808259963989, 0.1354438215494156, 0.7871759533882141, -0.08767051994800568, 0.056069228798151016, 0.6763094663619995, 0.9645248651504517, 0.7318913340568542, -0.131445974111557, 1.2151367664337158, -0.028669988736510277, 0.5653082728385925, 0.6950975060462952, 0.12601417303085327, 0.5764217972755432, 0.40292876958847046, -0.35298871994018555, 0.7945145964622498, 0.9841711521148682, -0.2133113592863083, 0.8441768288612366, 0.09305893629789352, -0.09347844123840332, -0.06400850415229797, 0.19030392169952393, -0.45661869645118713, 0.09821802377700806, 0.23577868938446045, -0.3428734540939331, -0.22088579833507538, 0.21637015044689178, 0.17023785412311554, -0.2309526652097702, 0.10091357678174973, 0.6328828930854797, -0.1438359171152115, -0.6025813817977905, 0.725143551826477, -0.006008635740727186, 0.8802516460418701, -0.5285985469818115, -0.005123173352330923, -0.13223449885845184, -0.02402208000421524, -0.1846456378698349, -0.9281361699104309, 0.24272575974464417, -0.08389519155025482, -0.11496811360120773, -0.1160094141960144, 0.6337283849716187, -0.40692755579948425, -0.4257110357284546, 0.32148247957229614, 0.31096842885017395, 0.2349865883588791, -0.05630481243133545, -0.918103039264679, 0.10616566240787506, 0.16166333854198456, -0.582840085029602, 0.24013368785381317, 0.35026001930236816, 0.3133765161037445, 0.31411653757095337, 0.725927472114563, -0.09376383572816849, -0.0013604849809780717, -0.20297257602214813, 0.842750072479248, -0.38860055804252625, -0.4354657530784607, -0.7695541381835938, 0.8682595491409302, -0.23031073808670044, -0.3196466267108917, 0.5571599006652832, 0.5387861728668213, 0.6665408611297607, -0.0993582233786583, 0.7402516603469849, -0.2957974672317505, -0.0451493076980114, -0.5790337920188904, 0.6964526772499084, -0.7890388369560242, -0.023089004680514336, -0.4033327102661133, -0.8329712748527527, -0.07287540286779404, 0.6000054478645325, -0.15733064711093903, 0.2834947109222412, 0.7218249440193176, 0.8871871829032898, -0.07560941576957703, -0.32657378911972046, 0.35947397351264954, 0.14283894002437592, 0.3097248375415802, 0.39639052748680115, 0.4987885057926178, -0.7278033494949341, 0.6362550854682922, -0.5752807855606079, -0.24375642836093903, 0.09319056570529938, -0.9288182258605957, -0.7611212134361267, -1.0656285285949707, -0.4864308834075928, -0.7112131118774414, -0.3122473955154419, 0.2782635986804962, 1.1466491222381592, -0.31014806032180786, 0.09605536609888077, -0.18622341752052307, -0.22866421937942505, -0.09244956821203232, -0.23500020802021027, 0.58384770154953, 0.10997860133647919, -0.8729243874549866, -0.3010783791542053, 0.15868538618087769, 0.4092317819595337, -0.26972800493240356, -0.23496147990226746, -0.20677873492240906, -0.10517913848161697, 0.46149274706840515, 0.17468693852424622, -0.4197161793708801, -0.10200849920511246, 0.0015058269491419196, -0.3005698621273041, 0.33983081579208374, 0.5982610583305359, -0.5795639753341675, 0.4293929934501648, 0.43777933716773987, 0.37618979811668396, 1.2275575399398804, -0.3714466094970703, 0.17416082322597504, -0.4992254972457886, 0.5031300783157349, -0.01730305887758732, 0.42886558175086975, 0.4073338508605957, -0.5480800867080688, 0.4032896161079407, 0.48779404163360596, -0.7294315099716187, -0.5434250831604004, 0.11405938118696213, -0.9447327256202698, -0.421140193939209, 1.018133521080017, -0.3676537275314331, -0.2145550549030304, 0.17437583208084106, -0.31186187267303467, 0.3460756838321686, -0.26718777418136597, 0.5337280631065369, 0.8108702898025513, -0.06128814071416855, -0.5260377526283264, -0.2927330732345581, 0.5010086894035339, 0.24379029870033264, -0.8155646920204163, -0.2861199676990509, 0.6885429620742798, 0.525645911693573, 0.19726772606372833, 0.8171853423118591, -0.13522063195705414, 0.249624103307724, 0.2639397978782654, 0.3135961592197418, 0.17075443267822266, 0.037357084453105927, -0.4098038971424103, -0.03882230818271637, -0.2707546651363373, -0.06586118042469025 ]
bert-base-cased-finetuned-mrpc
null
2023-09-19T07:50:43Z
10,783
0
transformers
[ "transformers", "pytorch", "tf", "jax", "safetensors", "bert", "fill-mask", "autotrain_compatible", "endpoints_compatible", "has_space", "region:us" ]
fill-mask
2022-03-02T23:29:04Z
Entry not found
[ -0.3227650225162506, -0.22568431496620178, 0.862226128578186, 0.43461495637893677, -0.5282987952232361, 0.7012965679168701, 0.7915717363357544, 0.07618638128042221, 0.7746025919914246, 0.2563219666481018, -0.7852817177772522, -0.22573819756507874, -0.9104480743408203, 0.5715669393539429, -0.3992334008216858, 0.5791245698928833, -0.14494505524635315, -0.10751161724328995, 0.28233757615089417, -0.2768954336643219, -0.5409224033355713, -0.36855220794677734, -1.1902776956558228, 0.061491113156080246, 0.5316578149795532, 0.7435142397880554, 0.7584060430526733, 0.3652167320251465, 0.6432578563690186, 0.3932291269302368, -0.23138920962810516, 0.4827055037021637, -0.04171813279390335, 0.00260411505587399, -0.3524433970451355, -0.5516898036003113, -0.28596609830856323, 0.07584730535745621, 1.0961304903030396, 0.966687798500061, -0.284663587808609, 0.05330817773938179, -0.3063621520996094, 0.33088892698287964, -0.49734312295913696, 0.3054099678993225, -0.022506045177578926, 0.16318801045417786, -0.7041513919830322, -0.5535354018211365, 0.012794834561645985, -0.7361212968826294, 0.17926570773124695, -0.690081000328064, 0.8269098401069641, 0.18583157658576965, 1.1533750295639038, 0.14819414913654327, -0.462487131357193, -0.8161764144897461, -0.6538989543914795, 0.5711171627044678, -0.32703715562820435, 0.39680248498916626, 0.7028235197067261, -0.048573412001132965, -0.9820332527160645, -0.6745741367340088, -0.46466192603111267, 0.2923962473869324, 0.35402774810791016, -0.3411678075790405, -0.17522086203098297, -0.3058989644050598, 0.15792037546634674, 0.12811517715454102, -0.4841994643211365, -0.5543919205665588, -0.5475160479545593, -0.3960252106189728, 0.6206658482551575, 0.3482950031757355, 0.2429177463054657, -0.1888415813446045, -0.3228583335876465, 0.0880163162946701, -0.4160851538181305, 0.3402571678161621, 0.6335517168045044, 0.7114017009735107, -0.5811444520950317, 0.560215950012207, -0.04927587881684303, 0.7439703941345215, 0.11445561796426773, -0.27478092908859253, 0.41460567712783813, -0.14724725484848022, 0.055171746760606766, 0.4226345121860504, 0.31524422764778137, 0.2841312289237976, -0.3273695111274719, 0.2032228708267212, -0.3215144872665405, -0.30496224761009216, -0.22332167625427246, -0.29490774869918823, -0.3592180609703064, 0.5492289066314697, -0.3314017057418823, -0.42855486273765564, 1.143175721168518, -0.4200771450996399, -0.7302224040031433, 0.33156412839889526, 0.4065209925174713, -0.0994480773806572, -0.37146568298339844, -0.052260834723711014, -0.8458789587020874, -0.007907390594482422, 0.7491172552108765, -0.7198970913887024, 0.3371737599372864, 0.4728063642978668, 0.7417217493057251, 0.19650575518608093, -0.14034469425678253, -0.42949390411376953, 0.2971969544887543, -0.8659994006156921, 0.6320174336433411, -0.20135220885276794, -1.0051977634429932, 0.11150479316711426, 0.8971705436706543, -0.37896400690078735, -1.2094876766204834, 1.0605159997940063, -0.6887932419776917, 0.16017857193946838, -0.676761269569397, -0.14661237597465515, -0.07118501514196396, -0.005096632521599531, -0.6088156700134277, 0.7567102313041687, 0.587267279624939, -0.4995276927947998, 0.21429483592510223, -0.26029831171035767, -0.39151400327682495, 0.38824859261512756, -0.07935450226068497, -0.21858926117420197, 0.713833212852478, -0.6647079586982727, -0.26932814717292786, 0.2942774295806885, 0.2368936538696289, -0.35706108808517456, -0.7931919097900391, 0.08478113263845444, -0.05786270648241043, 1.550750494003296, -0.03868847340345383, -0.3586106300354004, -0.679383397102356, -1.1506240367889404, -0.07070787996053696, 0.6886883974075317, -0.9194989204406738, -0.27839475870132446, -0.046410128474235535, -0.26169314980506897, 0.08994917571544647, 0.7390589714050293, -1.1194051504135132, 0.2832726836204529, -0.05092663690447807, -0.22794683277606964, 0.8271058797836304, 0.15387225151062012, 0.24758946895599365, 0.14913396537303925, 0.42958706617355347, 0.527725338935852, 0.11115207523107529, 0.683587908744812, -0.34720373153686523, -0.9694353938102722, 0.6154631972312927, 0.25266361236572266, 0.8121447563171387, -0.49945297837257385, 0.2685093879699707, 0.27025535702705383, -0.3409680724143982, -0.5682371854782104, -0.3102838397026062, 0.09025752544403076, 0.14930562674999237, 0.11142510175704956, -0.5721710324287415, -0.6576125025749207, -0.9689140319824219, -0.13590654730796814, -0.4314374029636383, -0.3571570813655853, 0.21006910502910614, 0.5792906284332275, -1.1975523233413696, 0.4128875136375427, -0.7705625891685486, -0.7038741111755371, -0.01065548975020647, -0.19338123500347137, 0.7540656328201294, 0.43240174651145935, 0.5033966898918152, -0.6397148370742798, -0.5661987066268921, -0.22470176219940186, -1.0333747863769531, -0.13280506432056427, 0.24819621443748474, 0.3065737783908844, -0.13423344492912292, -0.2744963765144348, -0.48740333318710327, 0.8100387454032898, 0.14789170026779175, -0.5391897559165955, 0.5220767259597778, -0.3020317256450653, 0.17224803566932678, -0.6369150280952454, -0.06916818022727966, -0.661676287651062, -0.0009071884560398757, -0.3608308732509613, -0.5737438797950745, 0.14772287011146545, 0.07017494738101959, -0.16065457463264465, 0.28808408975601196, -0.909277081489563, -0.0010852962732315063, -0.7442210912704468, 0.379071980714798, 0.06394772231578827, -0.3145078718662262, -0.017517540603876114, 1.0000386238098145, 0.7784460783004761, -0.3848048746585846, 0.721744179725647, 0.4440041184425354, 0.19036155939102173, 0.7630521059036255, -0.18725109100341797, 0.16478213667869568, -0.5245416760444641, -0.12161104381084442, -0.8887597918510437, -1.0982946157455444, 0.7320570349693298, -0.6114250421524048, 0.36542922258377075, -0.4277869760990143, 0.2589159905910492, -0.6919258832931519, -0.03885362669825554, 0.4808599352836609, -0.05936325341463089, -0.6863942742347717, 0.5232570171356201, 0.45317530632019043, -0.2019241601228714, -0.6609031558036804, -0.530157208442688, 0.39365822076797485, 0.6154114007949829, -0.16390392184257507, 0.06878514587879181, 0.14941060543060303, -0.5441926121711731, -0.040802597999572754, -0.38691970705986023, -0.45766758918762207, 0.054224006831645966, 0.13053473830223083, -0.005750799085944891, -0.404820054769516, -0.0868026465177536, -0.35842007398605347, -0.4656120240688324, 0.21876516938209534, 0.3011947274208069, -0.04096309468150139, -0.42599788308143616, -0.3619818687438965, -0.888181209564209, 0.6719610095024109, 0.5370282530784607, 0.05281545966863632, 0.7555549740791321, 0.16819314658641815, -0.8014987707138062, -0.13532210886478424, -0.1760706603527069, 0.2696830928325653, -0.5588056445121765, 0.13849826157093048, -0.013484534807503223, -0.0637492910027504, 0.26297882199287415, 0.25386232137680054, -0.4300556778907776, 0.9276250004768372, -0.2615274488925934, -0.3592521846294403, 0.7960181832313538, 0.5974742770195007, 0.49583131074905396, 0.16503219306468964, -0.044541798532009125, 0.900709331035614, -1.1966516971588135, -0.6563175916671753, -0.7409549355506897, -0.15945707261562347, -0.43510833382606506, -0.032105933874845505, 0.6254412531852722, 0.2900990843772888, -0.1333388388156891, 0.4756395220756531, -0.5243489742279053, 0.3556033670902252, 1.01198410987854, 0.35748639702796936, 0.3435698449611664, -0.7570229172706604, -0.2515777349472046, -0.1402427852153778, -0.9998157620429993, -0.2631377875804901, 0.8871029019355774, 0.22752606868743896, 0.844460666179657, 0.5992541313171387, 0.6784542798995972, 0.1367226243019104, 0.2523828148841858, -0.30590319633483887, 0.3920294940471649, 0.4376082420349121, -1.0401138067245483, -0.42758408188819885, 0.021418681368231773, -0.9703338742256165, -0.14227519929409027, -0.03495011106133461, -0.42617112398147583, 0.7681737542152405, 0.00016589462757110596, -0.4076709747314453, 0.7732734084129333, -0.455583393573761, 0.7562873363494873, -0.4473648965358734, -0.02663906291127205, 0.4699096083641052, -0.7070636749267578, 0.4677430987358093, 0.12878790497779846, 0.6205843091011047, -0.015572631731629372, -0.04078587517142296, 0.7104941606521606, -0.9129160046577454, 0.25438642501831055, -0.6348397135734558, 0.22421300411224365, 0.24246945977210999, 0.51606285572052, 0.5969953536987305, 0.4371243417263031, 0.10119888931512833, -0.23920902609825134, 0.04115807265043259, -0.8241125345230103, -0.210506409406662, 0.697515606880188, -0.7186890840530396, -0.6864197850227356, -1.2355337142944336, 0.14438660442829132, 0.27347055077552795, 0.389305055141449, 0.7959296107292175, 0.571408748626709, 0.1289544403553009, 0.680525004863739, 0.9888588190078735, -0.0688566341996193, 0.9166924357414246, 0.3224477171897888, 0.09175168722867966, -0.21944808959960938, 0.7036820650100708, 0.26627904176712036, -0.24707956612110138, -0.11939732730388641, 0.20913465321063995, -0.11069409549236298, -0.591761589050293, -0.49990686774253845, 0.3701757788658142, -0.6731787919998169, -0.18303893506526947, -0.6243735551834106, -0.6043769717216492, -0.511759340763092, 0.06927360594272614, -0.7147687673568726, 0.23979046940803528, -0.7753565907478333, -0.10574902594089508, 0.04323432594537735, 0.9792009592056274, -0.589311957359314, 0.5805224180221558, -1.1218582391738892, 0.19345788657665253, -0.07949887961149216, 0.7921058535575867, 0.21395787596702576, -0.7344395518302917, -0.3975418508052826, -0.11592631042003632, -0.3729911744594574, -1.3576762676239014, 0.21404948830604553, -0.2454141080379486, 0.23094046115875244, 0.6145404577255249, 0.1397707313299179, 0.5258248448371887, -0.34326282143592834, 0.7029101848602295, -0.057017259299755096, -0.7069286704063416, 0.7934495210647583, -0.5026894807815552, 0.4963534474372864, 0.9765996932983398, 0.5333835482597351, -0.7984007596969604, 0.035741209983825684, -1.041123390197754, -0.6008695363998413, 0.38426393270492554, 0.11928944289684296, -0.03601083159446716, -0.6659559011459351, -0.054019637405872345, -0.16143807768821716, 0.6043745279312134, -1.039069414138794, -0.7858356237411499, 0.2576698362827301, 0.5277302861213684, 0.0816856250166893, -0.5653398633003235, 0.20880667865276337, -0.544416069984436, 1.0657774209976196, 0.45109400153160095, 0.3274499475955963, 0.8406060934066772, 0.46492424607276917, -0.3823164403438568, 0.09252490103244781, 0.7662695050239563, 0.6666232347488403, -0.5239797830581665, -0.2908027470111847, -0.08827541768550873, -0.9143403768539429, 0.05927472561597824, 0.11168918758630753, -0.013455932028591633, 0.9082110524177551, 0.5793083310127258, 0.2539709210395813, 0.4514279365539551, -0.726460337638855, 0.8859451413154602, -0.14954176545143127, -0.12472866475582123, -1.0677239894866943, 0.1948619782924652, -0.23984959721565247, 0.5006402134895325, 1.0061326026916504, 0.5250048041343689, -0.047630298882722855, -0.8143380880355835, -0.01473585981875658, 0.6939172148704529, -0.7091123461723328, -0.17449834942817688, 0.944853663444519, 0.3847099542617798, -1.2953051328659058, 1.106776475906372, -0.5381771326065063, -0.560332179069519, 0.9121301770210266, 0.522956907749176, 1.1221847534179688, -0.44204121828079224, 0.0008676342549733818, 0.2662237286567688, 0.41378432512283325, 0.5423170328140259, 1.0869629383087158, 0.431413471698761, -0.7931063771247864, 0.8826584815979004, -0.24776044487953186, -0.40361151099205017, -0.05347571521997452, -0.42859897017478943, 0.16892178356647491, -0.4406192898750305, -0.10713007301092148, -0.3444187641143799, 0.28543180227279663, -0.7072042226791382, 0.42807620763778687, -0.0838567465543747, 0.8653068542480469, -0.8553727269172668, 0.47207626700401306, 0.635470449924469, -0.3337355852127075, -0.8508191108703613, -0.26198428869247437, -0.11448462307453156, -0.6389466524124146, 0.30214807391166687, -0.4554102420806885, 0.044398851692676544, 0.09623463451862335, -0.649151623249054, -1.1778275966644287, 0.9093633890151978, -0.639612078666687, -0.2784462869167328, 0.20464053750038147, -0.11514760553836823, 0.28811705112457275, -0.2524643540382385, 0.010661216452717781, 0.41876548528671265, 0.748940110206604, 0.2844654619693756, -0.7727053761482239, -0.3694884479045868, 0.0015032943338155746, -0.44474777579307556, 0.7582978010177612, -0.6002101898193359, 1.1840779781341553, -0.5563543438911438, -0.059654366225004196, 0.44384512305259705, 0.24690914154052734, 0.21076197922229767, 0.6629220843315125, 0.1442081481218338, 0.7282265424728394, 1.07012140750885, -0.40835219621658325, 0.8811809420585632, 0.26432839035987854, 0.47430819272994995, 0.7238501906394958, -0.6487724781036377, 0.7513749003410339, 0.31810489296913147, -0.5682924389839172, 0.9228013753890991, 1.2906063795089722, -0.15699204802513123, 0.8079374432563782, 0.05136508867144585, -1.081600546836853, 0.325833261013031, -0.20724765956401825, -0.7530064582824707, 0.3150254189968109, 0.19055864214897156, -0.6920982599258423, -0.5770308971405029, -0.24046507477760315, -0.35662803053855896, -0.11552901566028595, -0.7631728649139404, 0.6720563769340515, -0.016969164833426476, -0.5103683471679688, 0.18857547640800476, 0.2877499461174011, 0.17368432879447937, -0.5235732793807983, -0.02939440682530403, -0.22823619842529297, 0.2660655975341797, -0.5670853853225708, -0.5234526991844177, 0.5724433064460754, -0.32430219650268555, -0.5343255400657654, 0.18147465586662292, 0.763587236404419, -0.16923809051513672, -0.4515409469604492, 0.32472723722457886, 0.6959525346755981, 0.1665852814912796, 0.4250282347202301, -0.23511263728141785, 0.24480605125427246, -0.08044824004173279, -0.06651552021503448, 0.27714768052101135, 0.3449169099330902, 0.22435641288757324, 0.4450142979621887, 0.43285664916038513, -0.01808755099773407, -0.10736498981714249, -0.382819801568985, 0.4124940037727356, -0.9542785882949829, -0.5713282823562622, -0.6307113766670227, 0.2740660607814789, -0.02315417304635048, -1.0836423635482788, 0.4145168364048004, 1.4406683444976807, 1.0359982252120972, -0.4756383001804352, 1.067226529121399, -0.21818485856056213, 0.9594791531562805, 0.41483086347579956, 0.5420440435409546, -0.6030411720275879, 0.03835370019078255, -0.4364396035671234, -1.076962947845459, -0.35716333985328674, 0.4539391100406647, -0.022899555042386055, -0.3429867625236511, 0.872571587562561, 0.5887166261672974, -0.33473607897758484, -0.11728022992610931, 0.048487238585948944, -0.029941488057374954, -0.12433847039937973, 0.5145376324653625, 0.7648399472236633, -0.9344304800033569, -0.10680416971445084, -0.21577754616737366, -0.6382725834846497, -0.5047279000282288, -0.9632009267807007, -0.12959396839141846, -0.16037796437740326, 0.035343267023563385, -0.5662806630134583, 0.00255737011320889, 1.208324909210205, 0.5684957504272461, -1.1113994121551514, -0.5303789377212524, 0.3371853232383728, 0.3920421898365021, -0.1874791383743286, -0.24202413856983185, 0.2984568774700165, 0.15382249653339386, -0.5908876657485962, 0.6875665783882141, 0.8089625239372253, 0.208888977766037, 0.19554761052131653, 0.15893013775348663, -0.8229473829269409, -0.14913435280323029, 0.17440445721149445, 0.9450570344924927, -0.939853310585022, -0.7114843130111694, -0.03168516233563423, -0.27094873785972595, -0.05765746906399727, 0.17102102935314178, -0.4046344757080078, 0.5180677175521851, 0.34591493010520935, 0.49933457374572754, 0.0561608150601387, -0.054746925830841064, 0.5409556031227112, -0.9069057703018188, 0.09425963461399078, 0.4134361147880554, 0.4154115319252014, -0.4000864028930664, -0.5910194516181946, 0.6713420748710632, 1.0073972940444946, -0.6594868898391724, -0.8743268847465515, -0.19846712052822113, -1.0016002655029297, 0.04189709946513176, 0.6762762069702148, 0.5009527802467346, -0.4806513786315918, -0.4174500107765198, -0.5617399215698242, -0.1254672110080719, -0.1369970738887787, 0.7621601819992065, 1.179680585861206, -0.7432094812393188, 0.07975747436285019, -1.038639783859253, 0.6594986915588379, -0.2419457733631134, -0.3457581698894501, -0.48644304275512695, 0.3832802176475525, 0.35236993432044983, 0.440481036901474, 0.614812433719635, 0.1408471167087555, 0.8338426351547241, 0.3126053214073181, -0.1702686995267868, 0.2698982357978821, -0.4559200704097748, -0.028932858258485794, -0.057962555438280106, 0.31015971302986145, -1.0262157917022705 ]
cssupport/mobilebert-sql-injection-detect
cssupport
2023-08-31T22:55:40Z
10,769
3
transformers
[ "transformers", "pytorch", "mobilebert", "pretraining", "text-classification", "en", "license:apache-2.0", "endpoints_compatible", "region:us" ]
text-classification
2023-08-31T20:16:50Z
--- license: apache-2.0 language: - en pipeline_tag: text-classification --- # Model Card for Model ID <!-- Based on https://huggingface.co/t5-small, model generates SQL from text given table list with "CREATE TABLE" statements. This is a very light weigh model and could be used in multiple analytical applications. --> Based on [google/mobilebert-uncased](https://huggingface.co/google/mobilebert-uncased) (MobileBERT is a thin version of BERT_LARGE, while equipped with bottleneck structures and a carefully designed balance between self-attentions and feed-forward networks). This model detects SQLInjection attacks in the input string (check How To Below). This is a very very light model (100mb) and can be used for edge computing use cases. Used dataset from [Kaggle](www.kaggle.com) called [SQl_Injection](https://www.kaggle.com/datasets/sajid576/sql-injection-dataset). **Please test the model before deploying into any environment**. Contact us for more info: [email protected] ## Model Details ### Model Description <!-- Provide a longer summary of what this model is. --> - **Developed by:** cssupport ([email protected]) - **Model type:** Language model - **Language(s) (NLP):** English - **License:** Apache 2.0 - **Finetuned from model :** [google/mobilebert-uncased](https://huggingface.co/google/mobilebert-uncased) ### Model Sources <!-- Provide the basic links for the model. --> Please refer [google/mobilebert-uncased](https://huggingface.co/google/mobilebert-uncased) for Model Sources. ## How to Get Started with the Model Use the code below to get started with the model. ```python import torch from transformers import MobileBertTokenizer, MobileBertForSequenceClassification device = torch.device('cuda' if torch.cuda.is_available() else 'cpu') tokenizer = MobileBertTokenizer.from_pretrained('google/mobilebert-uncased') model = MobileBertForSequenceClassification.from_pretrained('cssupport/mobilebert-sql-injection-detect') model.to(device) model.eval() def predict(text): inputs = tokenizer(text, padding=False, truncation=True, return_tensors='pt', max_length=512) input_ids = inputs['input_ids'].to(device) attention_mask = inputs['attention_mask'].to(device) with torch.no_grad(): outputs = model(input_ids=input_ids, attention_mask=attention_mask) logits = outputs.logits probabilities = torch.softmax(logits, dim=1) predicted_class = torch.argmax(probabilities, dim=1).item() return predicted_class, probabilities[0][predicted_class].item() #text = "SELECT * FROM users WHERE username = 'admin' AND password = 'password';" #text = "select * from users where username = 'admin' and password = 'password';" #text = "SELECT * from USERS where id = '1' or @ @1 = 1 union select 1,version ( ) -- 1'" #text = "select * from data where id = '1' or @" text ="select * from users where id = 1 or 1#\"? = 1 or 1 = 1 -- 1" predicted_class, confidence = predict(text) if predicted_class > 0.7: print("Prediction: SQL Injection Detected") else: print("Prediction: No SQL Injection Detected") print(f"Confidence: {confidence:.2f}") # OUTPUT # Prediction: SQL Injection Detected # Confidence: 1.00 ``` ## Uses <!-- Address questions around how the model is intended to be used, including the foreseeable users of the model and those affected by the model. --> [More Information Needed] ### Direct Use <!-- This section is for the model use without fine-tuning or plugging into a larger ecosystem/app. --> Could used in application where natural language is to be converted into SQL queries. [More Information Needed] ### Out-of-Scope Use <!-- This section addresses misuse, malicious use, and uses that the model will not work well for. --> [More Information Needed] ## Bias, Risks, and Limitations <!-- This section is meant to convey both technical and sociotechnical limitations. --> [More Information Needed] ### Recommendations <!-- This section is meant to convey recommendations with respect to the bias, risk, and technical limitations. --> Users (both direct and downstream) should be made aware of the risks, biases and limitations of the model. More information needed for further recommendations. ## Technical Specifications ### Model Architecture and Objective [google/mobilebert-uncased](https://huggingface.co/google/mobilebert-uncased) ### Compute Infrastructure #### Hardware one P6000 GPU #### Software Pytorch and HuggingFace
[ -0.17932583391666412, -0.9644445180892944, 0.24226857721805573, 0.061839759349823, -0.16022920608520508, -0.3381326198577881, -0.024557705968618393, -0.4778222441673279, 0.06152927875518799, 0.4955476224422455, -0.37397876381874084, -0.7064025402069092, -0.30216628313064575, -0.359942227602005, -0.5591810941696167, 1.0561425685882568, 0.24579061567783356, 0.08441582322120667, -0.3244993984699249, 0.08974747359752655, -0.25284916162490845, -0.6996590495109558, -0.5205276012420654, -0.2881327271461487, 0.2761549949645996, 0.2854834496974945, 0.6491689085960388, 0.3409492075443268, 0.4528905749320984, 0.254505455493927, -0.03041181154549122, -0.1010550856590271, -0.2973722517490387, -0.27150434255599976, -0.10348819941282272, -0.4799261689186096, -0.5838356614112854, 0.04314358904957771, 0.2882131040096283, 0.4142788052558899, -0.3849731385707855, 0.342449814081192, 0.007082891184836626, 0.3625413477420807, -0.6680748462677002, -0.13481146097183228, -0.9834654331207275, -0.2150537073612213, -0.2075163871049881, 0.3141030967235565, -0.6185324788093567, -0.2529081404209137, 0.1374267041683197, -0.22596114873886108, 0.28160443902015686, 0.11097455769777298, 1.0478973388671875, 0.0619485005736351, -0.4913492798805237, -0.18210163712501526, -0.5030545592308044, 0.7997145056724548, -0.747183620929718, 0.21159811317920685, 0.379713237285614, 0.25522252917289734, -0.2278524935245514, -0.932131290435791, -0.5577355623245239, -0.32953405380249023, -0.0848521813750267, 0.025563929229974747, -0.09719554334878922, 0.04163806885480881, 0.17448310554027557, 0.15419499576091766, -0.6080306172370911, -0.08194788545370102, -0.5530687570571899, -0.2656169831752777, 0.9719794988632202, 0.2026444524526596, 0.3009187579154968, -0.4684728682041168, -0.5252082347869873, 0.18067723512649536, -0.6113848090171814, 0.19875314831733704, 0.2617586851119995, 0.35374096035957336, -0.46994727849960327, 0.661791205406189, -0.13423623144626617, 0.8382960557937622, -0.04022722691297531, -0.153769388794899, 0.21444523334503174, -0.38782772421836853, -0.5054860711097717, 0.08110270649194717, 1.0998809337615967, 0.28158479928970337, 0.15588179230690002, 0.06413158774375916, -0.07355018705129623, 0.03711618110537529, 0.18247878551483154, -0.985187828540802, -0.4663635194301605, 0.6589588522911072, -0.5502172708511353, -0.5842596888542175, -0.12588812410831451, -0.8410857915878296, -0.42899468541145325, 0.21148069202899933, 0.6215523481369019, -0.4853958189487457, -0.26012906432151794, 0.010456881485879421, -0.02057354338467121, 0.023086193948984146, 0.005233515053987503, -1.023460865020752, 0.27393385767936707, 0.17792993783950806, 0.8223065137863159, -0.17046813666820526, -0.09246858209371567, -0.11907365918159485, 0.03725828230381012, 0.07869065552949905, 0.4291732609272003, -0.3352297246456146, -0.5893399119377136, 0.042921002954244614, 0.006818131078034639, -0.19954021275043488, -0.3205774426460266, 0.8994861245155334, -0.33668050169944763, 0.3274395763874054, -0.05820177122950554, -0.5465875864028931, -0.22357282042503357, -0.051056183874607086, -0.4363107681274414, 1.0398110151290894, 0.05494972690939903, -0.7849937677383423, 0.3537978231906891, -0.6262944340705872, -0.4396153390407562, 0.039762042462825775, 0.0012678875355049968, -0.7809613943099976, -0.02193577028810978, 0.16221748292446136, 0.5867045521736145, -0.2841106355190277, 0.303181916475296, -0.5051831007003784, -0.2003728747367859, 0.2197800576686859, 0.06614764034748077, 1.1087288856506348, 0.19839367270469666, -0.34943073987960815, 0.24752098321914673, -0.8461281061172485, 0.3221912086009979, 0.24532024562358856, -0.05800296366214752, -0.10566605627536774, 0.033134836703538895, 0.36097460985183716, 0.17902807891368866, 0.23189300298690796, -0.36957716941833496, 0.14544370770454407, -0.4280849099159241, 0.6966180801391602, 0.461823046207428, 0.030033404007554054, 0.45983272790908813, -0.12216784805059433, 0.35454869270324707, 0.09144879877567291, 0.34292900562286377, 0.15191751718521118, -0.572272002696991, -0.6160546541213989, -0.253590852022171, 0.4688242971897125, 0.783684253692627, -0.7338667511940002, 0.4588862359523773, -0.0021102633327245712, -0.8934018611907959, -0.12639892101287842, -0.06890984624624252, 0.3251023590564728, 0.5656627416610718, 0.4626604914665222, 0.05354168266057968, -0.6169653534889221, -0.9620701670646667, -0.39313846826553345, -0.13335645198822021, -0.02057843655347824, 0.41227927803993225, 0.9226454496383667, -0.2817503809928894, 0.7606487274169922, -0.5790948867797852, -0.34077560901641846, -0.24739530682563782, -0.021420566365122795, 0.4021220803260803, 0.817712128162384, 0.5943995714187622, -0.741914689540863, -0.38799527287483215, -0.10172232985496521, -0.8808278441429138, 0.15780770778656006, -0.11358507722616196, -0.04173321649432182, 0.26107534766197205, 0.13970056176185608, -0.8877696394920349, 0.5304580330848694, 0.42139872908592224, -0.4034619629383087, 0.6178439259529114, -0.01475465390831232, -0.00007962249947013333, -1.1432186365127563, 0.04805213585495949, 0.19640855491161346, -0.054039474576711655, -0.7622957825660706, 0.007781528867781162, 0.23694299161434174, -0.27385011315345764, -0.6177406907081604, 0.6520940065383911, -0.34851229190826416, 0.20207558572292328, -0.04536976292729378, 0.025046322494745255, -0.07163722068071365, 0.2770894169807434, -0.09971178323030472, 0.8961334228515625, 0.6570743322372437, -0.822856605052948, 0.35859429836273193, 0.17501023411750793, -0.2965123653411865, 0.41886091232299805, -0.9819629788398743, 0.0325612798333168, 0.20186136662960052, 0.11876876652240753, -0.8367195725440979, -0.4594978094100952, 0.25731226801872253, -0.7344791293144226, 0.06812725216150284, -0.32376009225845337, -0.336168497800827, -0.5110345482826233, -0.22952920198440552, 0.13043197989463806, 0.6341226100921631, -0.46047243475914, 0.8283537030220032, 0.5907695293426514, 0.14103665947914124, -0.7052513957023621, -0.8346312642097473, -0.17160876095294952, -0.3269643485546112, -0.9472501277923584, 0.6175453662872314, 0.19340091943740845, -0.15016822516918182, -0.11144620180130005, 0.11693910509347916, -0.3453367054462433, 0.0571400448679924, 0.40437835454940796, 0.6366385817527771, 0.11753212660551071, 0.225716695189476, 0.07217317074537277, 0.26328766345977783, 0.13577665388584137, -0.17961294949054718, 0.514731228351593, -0.06706894189119339, -0.022682009264826775, -0.6186270117759705, 0.13936984539031982, 0.2988501191139221, -0.09632207453250885, 1.0052776336669922, 0.7711063623428345, -0.6971972584724426, -0.09064365923404694, -0.5381633043289185, -0.3109362721443176, -0.4784712493419647, 0.451241135597229, -0.45798489451408386, -0.41908499598503113, 0.7154967784881592, 0.22877387702465057, -0.018809311091899872, 0.6879662871360779, 0.5697329044342041, -0.03821643441915512, 1.1556596755981445, 0.631184995174408, 0.11726851016283035, 0.5286174416542053, -0.3771357238292694, 0.08310960978269577, -0.6297639012336731, -0.484810471534729, -0.5652832388877869, 0.13632850348949432, -0.6655773520469666, -0.1906726062297821, 0.24318644404411316, 0.3664492666721344, -0.39910852909088135, 0.42877840995788574, -0.8784090280532837, 0.23044656217098236, 0.5461089611053467, 0.31146180629730225, -0.08814235776662827, 0.11358124017715454, -0.164051353931427, -0.04888809472322464, -0.6716227531433105, -0.5570747256278992, 1.4403102397918701, 0.2340984046459198, 0.8153218030929565, 0.05979698523879051, 0.6896554231643677, 0.25495487451553345, 0.3304498791694641, -0.5180554986000061, 0.604104220867157, 0.05120459571480751, -0.9506945013999939, -0.04657801240682602, -0.5537368655204773, -0.8985641598701477, 0.3134676218032837, -0.4270556569099426, -1.1392053365707397, 0.19548779726028442, 0.19162027537822723, -0.42629513144493103, 0.24617959558963776, -1.1815775632858276, 1.026606798171997, -0.2743414044380188, -0.8108208775520325, 0.06888296455144882, -0.4756928086280823, 0.6240858435630798, 0.15272749960422516, 0.10916288942098618, -0.020122263580560684, 0.009219756349921227, 0.8036348819732666, -0.46789872646331787, 0.6848214864730835, -0.3524191379547119, 0.21626390516757965, 0.5859292149543762, -0.13494972884655, 0.6184529662132263, 0.32236894965171814, -0.3148365914821625, 0.24903078377246857, 0.16724848747253418, -0.44228827953338623, -0.17233462631702423, 0.8802055716514587, -0.7158105969429016, -0.4941733777523041, -0.6169254779815674, -0.31621184945106506, -0.00335522904060781, 0.4405936896800995, 0.5157888531684875, 0.23012754321098328, -0.1709003448486328, 0.13086466491222382, 0.6740711331367493, -0.3753495514392853, 0.48222795128822327, 0.033205389976501465, -0.39460617303848267, -0.4147959053516388, 0.7592664361000061, 0.08330444246530533, 0.19592775404453278, -0.05131315067410469, 0.005660222843289375, -0.5604534149169922, -0.5633646845817566, -0.633538544178009, 0.13845530152320862, -0.48037075996398926, -0.3387725055217743, -0.7906535267829895, -0.23569558560848236, -0.6559150815010071, 0.01422212179750204, -0.3241366744041443, -0.3352411091327667, -0.5356752276420593, -0.037328436970710754, 0.4692520797252655, 0.35452398657798767, 0.24101950228214264, 0.5656388401985168, -0.5682840347290039, 0.03150526061654091, 0.1689923107624054, 0.2338237464427948, -0.24434196949005127, -0.4752280116081238, -0.1305922567844391, 0.27548113465309143, -0.42692264914512634, -1.0734889507293701, 0.5819648504257202, 0.09464606642723083, 0.44765228033065796, 0.22608667612075806, 0.07870617508888245, 0.48783138394355774, -0.2622414231300354, 0.9861783385276794, 0.2968643605709076, -1.0784642696380615, 0.6807923316955566, -0.3521934747695923, 0.1145593523979187, 0.48687317967414856, 0.49832025170326233, -0.0742291808128357, 0.0451643280684948, -0.7743644118309021, -0.8612908124923706, 0.5876763463020325, 0.38077598810195923, 0.1758517622947693, 0.23442327976226807, 0.3783770203590393, -0.23914103209972382, 0.3691418766975403, -1.0796189308166504, -0.43330252170562744, -0.17722217738628387, -0.15229745209217072, 0.23542919754981995, -0.34547021985054016, -0.17299649119377136, -0.44692179560661316, 0.7370030879974365, 0.1868131309747696, 0.5380015969276428, 0.18214723467826843, -0.0791291892528534, 0.2619270980358124, 0.1184728592634201, 0.6556628942489624, 0.6423699855804443, -0.41475963592529297, -0.0652981549501419, 0.44254517555236816, -0.5571295022964478, -0.11341828107833862, 0.2968752086162567, -0.31472933292388916, 0.05147925019264221, 0.026863904669880867, 0.6120911240577698, -0.2553418278694153, -0.46426525712013245, 0.3603563904762268, 0.012033971026539803, -0.2504533529281616, -0.6039265990257263, 0.1522132158279419, 0.2470473349094391, -0.03217720240354538, 0.3498300611972809, 0.08462876826524734, 0.3405964970588684, -0.5030642747879028, 0.1650811731815338, 0.5519979596138, -0.4168085753917694, -0.0367451086640358, 1.0796630382537842, 0.3245738446712494, -0.2861751317977905, 0.5065534114837646, -0.2295645922422409, -0.4424463212490082, 0.6756276488304138, 0.48229295015335083, 0.5331407785415649, -0.3051570653915405, 0.03778902441263199, 0.6591591238975525, 0.37273484468460083, 0.06621773540973663, 0.48054268956184387, 0.3752727210521698, -0.568085253238678, -0.022858040407299995, -0.44432923197746277, -0.05480748787522316, 0.10929665714502335, -0.4744689464569092, 0.43096932768821716, -0.5836210250854492, -0.5636200308799744, 0.2742600739002228, 0.03913561627268791, -0.509626567363739, 0.3616870045661926, -0.14399553835391998, 0.7959851622581482, -0.8854037523269653, 0.9637909531593323, 0.5566352605819702, -0.7402982115745544, -0.7745031714439392, -0.3001384735107422, -0.035849329084157944, -0.6191682815551758, 0.48968347907066345, 0.19639508426189423, 0.06444507837295532, -0.10279187560081482, -0.8058105707168579, -0.6830508708953857, 1.0485492944717407, 0.19710780680179596, -0.3969024419784546, 0.06038238853216171, -0.0638674646615982, 0.35976651310920715, -0.3707672953605652, 0.5645597577095032, 0.49499908089637756, 0.15676532685756683, -0.03497065231204033, -0.8108851909637451, 0.2310449182987213, -0.09521974623203278, 0.009335758164525032, 0.12427263706922531, -0.5290679931640625, 1.199757695198059, -0.3555384576320648, -0.15558961033821106, 0.05401834100484848, 0.6712947487831116, 0.21392817795276642, 0.3692651391029358, 0.18640360236167908, 0.4355722963809967, 0.8249797821044922, -0.2005835771560669, 1.0608668327331543, -0.21494999527931213, 0.7177449464797974, 1.0946176052093506, -0.2301861047744751, 0.9606566429138184, 0.39134907722473145, -0.314926415681839, 0.5650690793991089, 0.7462120056152344, -0.1796712726354599, 0.41957423090934753, 0.22940194606781006, -0.36511167883872986, -0.0326361246407032, -0.09098605066537857, -0.772005021572113, 0.33956781029701233, 0.429435670375824, -0.6328541040420532, 0.19913411140441895, -0.08774116635322571, 0.20804090797901154, -0.13829725980758667, -0.2914940416812897, 0.4519341289997101, -0.04732530191540718, -0.431345134973526, 0.8793306350708008, 0.2390628457069397, 0.8756982088088989, -0.4787898361682892, 0.07846011966466904, 0.07855326682329178, 0.30247780680656433, -0.5432904362678528, -0.5740355253219604, 0.17101427912712097, -0.12915682792663574, -0.10467234253883362, 0.2506713271141052, 0.9333008527755737, -0.34231439232826233, -0.6074583530426025, 0.09939029067754745, 0.28820881247520447, 0.13112510740756989, -0.22300198674201965, -0.991955578327179, 0.0477992482483387, 0.15611329674720764, -0.2644537091255188, 0.2763935625553131, 0.015591772273182869, 0.12277975678443909, 0.9189069867134094, 0.7213494777679443, -0.10061215609312057, 0.09008064866065979, -0.22877797484397888, 0.7734540700912476, -0.5695847868919373, -0.2574663758277893, -0.9893443584442139, 0.647538959980011, -0.5341647863388062, -0.34506338834762573, 0.8180670142173767, 0.8055604696273804, 0.6492854356765747, -0.14874745905399323, 0.7745792269706726, -0.3260522484779358, 0.28956136107444763, -0.38174861669540405, 0.9435757398605347, -0.6626031398773193, 0.11678959429264069, -0.2277517467737198, -0.6135097146034241, -0.1799195259809494, 0.707820475101471, -0.4713057279586792, 0.36259549856185913, 0.6852295994758606, 0.9180038571357727, -0.008614028804004192, 0.10092344135046005, 0.18665555119514465, 0.08557738363742828, 0.11487799882888794, 0.4829525351524353, 0.32432612776756287, -0.7598305344581604, 0.7293990254402161, -0.4921160340309143, -0.21555960178375244, -0.32306772470474243, -0.6573663353919983, -1.1352375745773315, -0.46829912066459656, -0.35294023156166077, -0.9413444995880127, 0.0399475023150444, 0.7719256281852722, 0.9398378729820251, -0.9216158986091614, -0.27639466524124146, -0.20425352454185486, 0.2523389160633087, -0.04955504089593887, -0.28149497509002686, 0.468637615442276, -0.06555162370204926, -0.6840178966522217, 0.059437014162540436, -0.18651533126831055, 0.15716290473937988, -0.10603239387273788, 0.25991901755332947, -0.4754732847213745, 0.005640871357172728, 0.6368542313575745, 0.23570136725902557, -0.6697416305541992, -0.17141732573509216, -0.03686252981424332, -0.35791516304016113, -0.1059948205947876, 0.32852596044540405, -0.5284811854362488, 0.3188968896865845, 0.35991203784942627, 0.38179200887680054, 0.6449422240257263, -0.1481320858001709, 0.37522852420806885, -0.5905162692070007, 0.3213154971599579, 0.25670328736305237, 0.46563461422920227, 0.07139937579631805, -0.7067245841026306, 0.5492398142814636, 0.2079480141401291, -0.600632905960083, -0.9825366735458374, 0.1875918060541153, -1.052675485610962, -0.1977018266916275, 1.1362651586532593, -0.055915508419275284, -0.397076815366745, 0.0014256174908950925, -0.20870959758758545, 0.1742064505815506, -0.5757452249526978, 0.6884722113609314, 0.533882737159729, -0.23925530910491943, -0.24326203763484955, -0.7455626726150513, 0.6565600633621216, 0.41696956753730774, -1.0325349569320679, -0.1953231692314148, 0.34719690680503845, 0.4774266183376312, 0.0626055970788002, 0.47605833411216736, -0.0728471502661705, 0.3093876242637634, 0.20861278474330902, 0.46847987174987793, 0.07536384463310242, 0.038602057844400406, -0.1196010410785675, 0.27073681354522705, -0.19462478160858154, -0.32481515407562256 ]
snunlp/KR-FinBert-SC
snunlp
2022-04-28T05:07:18Z
10,758
13
transformers
[ "transformers", "pytorch", "bert", "text-classification", "ko", "endpoints_compatible", "has_space", "region:us" ]
text-classification
2022-03-02T23:29:05Z
--- language: - ko --- # KR-FinBert & KR-FinBert-SC Much progress has been made in the NLP (Natural Language Processing) field, with numerous studies showing that domain adaptation using small-scale corpus and fine-tuning with labeled data is effective for overall performance improvement. we proposed KR-FinBert for the financial domain by further pre-training it on a financial corpus and fine-tuning it for sentiment analysis. As many studies have shown, the performance improvement through adaptation and conducting the downstream task was also clear in this experiment. ![KR-FinBert](https://huggingface.co/snunlp/KR-FinBert/resolve/main/images/KR-FinBert.png) ## Data The training data for this model is expanded from those of **[KR-BERT-MEDIUM](https://huggingface.co/snunlp/KR-Medium)**, texts from Korean Wikipedia, general news articles, legal texts crawled from the National Law Information Center and [Korean Comments dataset](https://www.kaggle.com/junbumlee/kcbert-pretraining-corpus-korean-news-comments). For the transfer learning, **corporate related economic news articles from 72 media sources** such as the Financial Times, The Korean Economy Daily, etc and **analyst reports from 16 securities companies** such as Kiwoom Securities, Samsung Securities, etc are added. Included in the dataset is 440,067 news titles with their content and 11,237 analyst reports. **The total data size is about 13.22GB.** For mlm training, we split the data line by line and **the total no. of lines is 6,379,315.** KR-FinBert is trained for 5.5M steps with the maxlen of 512, training batch size of 32, and learning rate of 5e-5, taking 67.48 hours to train the model using NVIDIA TITAN XP. ## Downstream tasks ### Sentimental Classification model Downstream task performances with 50,000 labeled data. |Model|Accuracy| |-|-| |KR-FinBert|0.963| |KR-BERT-MEDIUM|0.958| |KcBert-large|0.955| |KcBert-base|0.953| |KoBert|0.817| ### Inference sample |Positive|Negative| |-|-| |현대바이오, '폴리탁셀' 코로나19 치료 가능성에 19% 급등 | 영화관株 '코로나 빙하기' 언제 끝나나…"CJ CGV 올 4000억 손실 날수도" | |이수화학, 3분기 영업익 176억…전년比 80%↑ | C쇼크에 멈춘 흑자비행…대한항공 1분기 영업적자 566억 | |"GKL, 7년 만에 두 자릿수 매출성장 예상" | '1000억대 횡령·배임' 최신원 회장 구속… SK네트웍스 "경영 공백 방지 최선" | |위지윅스튜디오, 콘텐츠 활약에 사상 첫 매출 1000억원 돌파 | 부품 공급 차질에…기아차 광주공장 전면 가동 중단 | |삼성전자, 2년 만에 인도 스마트폰 시장 점유율 1위 '왕좌 탈환' | 현대제철, 지난해 영업익 3,313억원···전년比 67.7% 감소 | ### Citation ``` @misc{kr-FinBert-SC, author = {Kim, Eunhee and Hyopil Shin}, title = {KR-FinBert: Fine-tuning KR-FinBert for Sentiment Analysis}, year = {2022}, publisher = {GitHub}, journal = {GitHub repository}, howpublished = {\url{https://huggingface.co/snunlp/KR-FinBert-SC}} } ```
[ -0.5371910929679871, -0.5657587647438049, 0.18109111487865448, 0.4268222749233246, -0.37541884183883667, 0.06663625687360764, -0.2922988831996918, -0.3889538645744324, 0.26753130555152893, 0.4452531933784485, -0.48910215497016907, -0.7158842086791992, -0.7484840750694275, -0.0007783175678923726, -0.00922353658825159, 1.2810600996017456, 0.018310939893126488, 0.049858059734106064, -0.01151054073125124, -0.1293763518333435, -0.4802573621273041, -0.5923542380332947, -0.8961549997329712, -0.3685002326965332, 0.45840394496917725, 0.2522974908351898, 0.5827881097793579, 0.2817302942276001, 0.6074870228767395, 0.3240128755569458, 0.025540543720126152, -0.1045868769288063, -0.4800470173358917, -0.09735240042209625, 0.144171342253685, -0.5921761393547058, -0.6574500799179077, 0.039058320224285126, 0.39338943362236023, 0.6606179475784302, 0.12564338743686676, 0.43133819103240967, 0.3403453528881073, 1.5190730094909668, -0.6685209274291992, 0.1756058633327484, -0.17074747383594513, 0.04827113822102547, -0.059239938855171204, -0.13085313141345978, -0.22165223956108093, -0.556771993637085, 0.17601701617240906, -0.6152366995811462, 0.22050684690475464, 0.14275561273097992, 1.3323732614517212, 0.1005576029419899, -0.14033615589141846, -0.3435048758983612, -0.7689489126205444, 0.9923239350318909, -0.7984786629676819, 0.5234601497650146, 0.35649845004081726, 0.13972830772399902, 0.0014765486121177673, -0.7206310033798218, -0.43032944202423096, -0.2618609070777893, -0.18716874718666077, 0.43084442615509033, -0.1826218068599701, -0.12618768215179443, 0.38724005222320557, 0.4529341757297516, -0.5150244235992432, -0.0754680261015892, -0.4746372401714325, -0.12474352866411209, 0.7675803303718567, -0.11317384988069534, 0.1641407459974289, -0.36326906085014343, -0.5577149987220764, -0.35731303691864014, -0.2878735363483429, 0.524177610874176, 0.4821358621120453, 0.2682505249977112, -0.23366679251194, 0.4601263701915741, -0.3100295066833496, 0.6354544758796692, 0.3726346492767334, -0.23970384895801544, 0.7012641429901123, -0.5509557723999023, -0.5546684861183167, 0.21418450772762299, 0.8981664776802063, 0.6280947327613831, 0.501419186592102, 0.1208808645606041, -0.3172847330570221, 0.0018354434287175536, 0.26747915148735046, -0.9855808019638062, -0.508169412612915, 0.3495332896709442, -0.7635791897773743, -0.20670241117477417, 0.23317264020442963, -1.0476794242858887, 0.03874526917934418, -0.6905325651168823, 0.5065338611602783, -0.4181942045688629, -0.3034035563468933, 0.2446497678756714, 0.0028799651190638542, 0.08191079646348953, 0.18010525405406952, -0.6550484895706177, 0.22722764313220978, 0.47688546776771545, 0.8571658730506897, 0.003794955788180232, 0.11035839468240738, -0.03014691360294819, -0.21613509953022003, -0.410239577293396, 0.6834192276000977, -0.021099451929330826, -0.15216957032680511, -0.16379393637180328, 0.08138971775770187, -0.3561011552810669, -0.5368703007698059, 0.6973453760147095, -0.5997153520584106, 0.24144655466079712, -0.21470260620117188, -0.6570683121681213, -0.17916935682296753, 0.17922364175319672, -0.532881498336792, 1.112842321395874, 0.2186911404132843, -0.8205652236938477, 0.5432004332542419, -0.8417848348617554, -0.20473656058311462, -0.12193155288696289, 0.2825714349746704, -0.5823855996131897, -0.3056786060333252, 0.21819648146629333, 0.7156725525856018, -0.036027129739522934, 0.18267057836055756, -0.32617899775505066, -0.41639500856399536, 0.3616162836551666, -0.0034639621153473854, 0.8412153124809265, 0.39940452575683594, -0.30301111936569214, -0.03882141783833504, -0.990221381187439, 0.24124589562416077, 0.11404786258935928, -0.43205001950263977, -0.5452079176902771, -0.49658894538879395, 0.17779724299907684, 0.5549129843711853, 0.3748396039009094, -0.44589924812316895, 0.052377257496118546, -0.6917454600334167, 0.09959957748651505, 0.7928466200828552, 0.1760527342557907, 0.7002820372581482, -0.3842039406299591, 0.7190881967544556, -0.04282498359680176, 0.3501697778701782, 0.09378659725189209, -0.1629951149225235, -0.8968420624732971, -0.2498982697725296, 0.6893921494483948, 0.628355860710144, -0.7025871872901917, 0.646755576133728, -0.21260131895542145, -0.6087027192115784, -0.7275256514549255, 0.10682416707277298, 0.49844011664390564, 0.5988786220550537, 0.36658012866973877, -0.1788427233695984, -0.7537367343902588, -0.9796133041381836, -0.38391637802124023, -0.08832799643278122, -0.09208012372255325, 0.3178507387638092, 0.5347338914871216, -0.1612243950366974, 0.8495116829872131, -0.7592006325721741, -0.4683935046195984, -0.2107788622379303, 0.11816702783107758, 0.7579453587532043, 0.6021203994750977, 0.9287087321281433, -0.7980480790138245, -0.9699134826660156, -0.07571978867053986, -0.67669677734375, 0.01422049105167389, -0.11870760470628738, -0.3296705186367035, 0.567448616027832, 0.5227023363113403, -0.47204989194869995, 0.27628377079963684, 0.3982686400413513, -0.4425593614578247, 0.8002858757972717, -0.14966383576393127, 0.15751521289348602, -1.127699375152588, 0.33718955516815186, 0.3178345859050751, -0.054686374962329865, -0.859248697757721, -0.15687651932239532, -0.0996374785900116, 0.19845476746559143, -0.30559682846069336, 0.5448936820030212, -0.5406272411346436, 0.1552303433418274, -0.2982150614261627, 0.22693799436092377, -0.060754142701625824, 0.8120786547660828, -0.16921405494213104, 0.6134680509567261, 0.37749868631362915, -0.681144654750824, 0.2083745300769806, 0.15414243936538696, -0.4675274193286896, 0.5324559807777405, -0.776841938495636, -0.2209673970937729, -0.2778272330760956, 0.22891101241111755, -1.1670923233032227, -0.23818887770175934, 0.8220653533935547, -0.660923421382904, 0.32880857586860657, -0.253496915102005, -0.2771163284778595, -0.3860102593898773, -0.5052207112312317, -0.03062925674021244, 0.6293701529502869, -0.2579079568386078, 0.42203816771507263, 0.25066491961479187, -0.35546135902404785, -0.7752830386161804, -0.623100221157074, -0.11358407884836197, -0.31891024112701416, -0.7812488675117493, 0.44936904311180115, -0.09926597774028778, -0.04376418888568878, 0.02887137420475483, -0.13661429286003113, -0.060854341834783554, -0.11741151660680771, 0.2943526804447174, 0.664085328578949, -0.3740937113761902, 0.1095765233039856, -0.19638840854167938, -0.3084595501422882, 0.07644331455230713, -0.06245804205536842, 0.6107558608055115, -0.2586198151111603, -0.06173170730471611, -0.527378261089325, 0.10747665911912918, 0.4379165470600128, 0.18935130536556244, 0.8123623132705688, 0.9572117924690247, -0.20103119313716888, 0.0555267259478569, -0.41019272804260254, -0.019527295604348183, -0.5168617367744446, 0.21154595911502838, -0.1727297604084015, -1.0271573066711426, 0.4836416244506836, -0.2766483724117279, -0.11594799906015396, 0.870642900466919, 0.47859981656074524, -0.16716554760932922, 0.909774899482727, 0.5798407793045044, -0.2463429868221283, 0.5773800015449524, -0.7287667393684387, 0.43168532848358154, -0.7252113223075867, -0.3957344889640808, -0.4371327757835388, -0.6073085069656372, -0.8028835654258728, -0.18343785405158997, 0.26684072613716125, 0.46246254444122314, -0.3504714071750641, 0.34939104318618774, -0.6898113489151001, 0.25983476638793945, 0.538956880569458, 0.12126030027866364, 0.004542462527751923, -0.1022430807352066, -0.014838810078799725, -0.17662350833415985, -0.7333893179893494, -0.5030224919319153, 1.2112318277359009, 0.37356942892074585, 0.6140890717506409, -0.10878662765026093, 0.6504855155944824, 0.4355258345603943, 0.24008861184120178, -0.8346109390258789, 0.38741323351860046, -0.2543700337409973, -0.5848509669303894, -0.33629846572875977, -0.28725311160087585, -0.9761372804641724, 0.21825547516345978, -0.37292078137397766, -0.8275342583656311, 0.58945631980896, 0.21841323375701904, -0.47599443793296814, -0.007878695614635944, -0.7356522679328918, 0.9087361097335815, -0.035061612725257874, -0.39062243700027466, 0.06754793971776962, -0.820532500743866, 0.5263872146606445, -0.2793635129928589, 0.26221704483032227, -0.31574520468711853, 0.15941254794597626, 0.9690378308296204, -0.5403631329536438, 0.6948533058166504, -0.4182187020778656, -0.07116524875164032, 0.40741097927093506, -0.31967243552207947, 0.6798576712608337, 0.02559058740735054, 0.052794814109802246, 0.05325087159872055, 0.01408769004046917, -0.3833109736442566, -0.5450451374053955, 0.6913864016532898, -0.8227918148040771, -0.21768581867218018, -0.5278087258338928, -0.3381945788860321, -0.10883080214262009, 0.12487497925758362, 0.3939359486103058, 0.2959235608577728, -0.009777621366083622, 0.4020671844482422, 0.48616212606430054, -0.22399698197841644, 0.4524664282798767, 0.208062544465065, -0.2606293261051178, -0.5116032958030701, 1.058726191520691, 0.18245097994804382, 0.34009772539138794, 0.11104504019021988, 0.18215596675872803, -0.477148175239563, -0.34483373165130615, -0.23753318190574646, 0.28728896379470825, -0.6122123003005981, -0.24265289306640625, -0.7638910412788391, -0.2644220292568207, -0.5767807960510254, -0.32529130578041077, -0.4626946747303009, -0.6058713793754578, -0.31520265340805054, 0.053153689950704575, 0.5659029483795166, 0.4085255265235901, -0.20454660058021545, 0.36900049448013306, -0.6991803050041199, 0.27004027366638184, 0.010326944291591644, 0.39700764417648315, 0.2753618061542511, -0.5943940281867981, -0.4908330738544464, 0.1767549067735672, -0.18038468062877655, -0.5461266040802002, 0.629083514213562, -0.020672274753451347, 0.3907746374607086, 0.42850661277770996, 0.22603462636470795, 0.5894219279289246, -0.14908437430858612, 0.7588573694229126, 0.4295114278793335, -0.6801683902740479, 0.5542573928833008, -0.39776962995529175, 0.3192782700061798, 0.7943949699401855, 0.7244109511375427, -0.7316325902938843, -0.3588535487651825, -0.8263984322547913, -1.052837610244751, 0.9420581459999084, 0.2049592286348343, -0.08286882936954498, 0.4344068765640259, 0.36911067366600037, -0.043837279081344604, 0.35243114829063416, -0.646226704120636, -0.6635043621063232, -0.14364002645015717, -0.10099903494119644, -0.10515749454498291, -0.22239069640636444, 0.07516707479953766, -0.6874586343765259, 0.9813661575317383, 0.11081153154373169, 0.5377317070960999, 0.44175782799720764, 0.010176165029406548, 0.17311431467533112, 0.2501124441623688, 0.7434659600257874, 0.7332049012184143, -0.5168463587760925, -0.13663144409656525, 0.059255462139844894, -0.6970517635345459, 0.023027056828141212, 0.08218558132648468, -0.3492150902748108, 0.18642458319664001, 0.1645745038986206, 0.9963995814323425, 0.1560734063386917, -0.39266717433929443, 0.6105164289474487, 0.11584524810314178, -0.4444868266582489, -0.5268846750259399, 0.13004061579704285, 0.15415352582931519, 0.4643081724643707, 0.4172089099884033, 0.407615065574646, 0.0987510234117508, -0.3167535364627838, 0.15306782722473145, 0.17100323736667633, -0.643380343914032, -0.25862956047058105, 0.7191762924194336, -0.1047561913728714, -0.08399949967861176, 0.29432815313339233, -0.25512051582336426, -0.6311938762664795, 0.7322127819061279, 0.44908544421195984, 0.908772885799408, -0.20535758137702942, 0.36993372440338135, 0.8389804363250732, 0.04276644065976143, -0.25712549686431885, 0.41475221514701843, 0.20435883104801178, -0.757661759853363, -0.4431087374687195, -0.9263267517089844, -0.1307629942893982, 0.4618379771709442, -0.7931698560714722, -0.0062856669537723064, -0.5281003713607788, -0.4352264702320099, 0.2517249882221222, 0.1794891655445099, -0.7334273457527161, 0.395980566740036, -0.11803179979324341, 0.9462870955467224, -0.8108088970184326, 0.7172695994377136, 0.6360507011413574, -0.3203456699848175, -0.7026225328445435, 0.0032569896429777145, -0.23664537072181702, -0.6508462429046631, 0.961025059223175, 0.0435568168759346, -0.08774007111787796, -0.08283563703298569, -0.6335052251815796, -0.9841153025627136, 1.2287559509277344, -0.05905504897236824, -0.5921990871429443, 0.4263875484466553, 0.1172235831618309, 0.7285680174827576, -0.3926737308502197, -0.346567302942276, 0.6549077033996582, 0.554040253162384, 0.11864616721868515, -0.7711226344108582, 0.20626631379127502, -0.45112884044647217, -0.057130809873342514, 0.42471620440483093, -0.8931465744972229, 0.8639416694641113, -0.09194730967283249, 0.027672646567225456, -0.14221717417240143, 0.6055638194084167, 0.3327261507511139, 0.6407889127731323, 0.5900564193725586, 0.45740658044815063, 0.6698378920555115, -0.14125610888004303, 0.9667246341705322, -0.5270031094551086, 0.5769076347351074, 0.8960968852043152, 0.1558014303445816, 0.7039075493812561, 0.35571759939193726, -0.5121247172355652, 0.45440369844436646, 0.6179583072662354, -0.4193326234817505, 0.6131955981254578, 0.12251295894384384, -0.40652579069137573, -0.18378351628780365, -0.04684343934059143, -0.3636707067489624, 0.21974605321884155, 0.10581214725971222, -0.6068806052207947, 0.146159827709198, 0.0887841209769249, 0.3160703778266907, -0.09175990521907806, -0.36742103099823, 0.5179814696311951, 0.23355834186077118, -0.6418934464454651, 0.6166022419929504, 0.0574636347591877, 0.8044979572296143, -0.5395095944404602, 0.1714095175266266, 0.006213602144271135, 0.3568987548351288, -0.26998409628868103, -0.6768902540206909, 0.20011582970619202, -0.00042592218960635364, -0.34926867485046387, -0.27955126762390137, 1.26524019241333, -0.2231917679309845, -0.7391253709793091, 0.33622199296951294, 0.4139314293861389, 0.19072800874710083, -0.12353622913360596, -0.8933796882629395, -0.22086867690086365, 0.17871016263961792, -0.5602235794067383, 0.3904368579387665, 0.28668904304504395, 0.2548133134841919, 0.49940308928489685, 0.8832765221595764, 0.11401209980249405, -0.10209650546312332, 0.02416936494410038, 0.8634392619132996, -0.6429704427719116, -0.41050809621810913, -0.9019255638122559, 0.6324900984764099, -0.2697422504425049, -0.42055055499076843, 0.8766236901283264, 0.5631596446037292, 0.9006176590919495, -0.30441737174987793, 0.8249177932739258, -0.09849375486373901, 0.5595929622650146, -0.5495384335517883, 0.8173012733459473, -0.5708657503128052, -0.10618188232183456, -0.6154143810272217, -0.8996806740760803, -0.2133214920759201, 0.7387109398841858, -0.3785131573677063, 0.24599161744117737, 0.44136500358581543, 0.6027517318725586, 0.04462785646319389, 0.09509161859750748, 0.09414414316415787, 0.25854218006134033, -0.11643610894680023, 0.4217894971370697, 0.5258671641349792, -0.6906595826148987, 0.5230638384819031, -0.546234130859375, -0.09508591145277023, -0.41700735688209534, -0.7780961394309998, -0.9637765288352966, -0.4522736072540283, -0.4537462294101715, -0.48118558526039124, -0.12816661596298218, 0.9560269713401794, 0.418457567691803, -0.8285454511642456, -0.19063644111156464, 0.20878653228282928, -0.08062384277582169, -0.5093289613723755, -0.36188217997550964, 0.6849015951156616, -0.37493231892585754, -0.6457554697990417, -0.08587629348039627, 0.14555864036083221, 0.17066510021686554, -0.06174212321639061, -0.09089866280555725, -0.3494432270526886, -0.07750990986824036, 0.911363422870636, 0.07024756819009781, -0.4001931846141815, -0.3298119604587555, 0.20015376806259155, -0.19488105177879333, 0.18258507549762726, 0.5796616673469543, -0.5049166083335876, 0.04127948358654976, 0.5394676327705383, 0.48908159136772156, 0.700984001159668, 0.18756338953971863, 0.30921080708503723, -0.7554321885108948, -0.019740030169487, -0.013357029296457767, 0.17569881677627563, 0.07541186362504959, -0.4221155047416687, 0.6966472864151001, 0.3555081784725189, -0.8510308861732483, -0.5483900904655457, -0.19661647081375122, -1.3427045345306396, -0.38765189051628113, 1.0813806056976318, -0.05204576626420021, -0.2659012973308563, -0.14482291042804718, -0.41358834505081177, 0.33582666516304016, -0.6080014705657959, 0.7586802840232849, 0.9364864826202393, -0.3049391508102417, 0.05051879212260246, -0.9888394474983215, 0.6893861293792725, 0.2058049738407135, -0.6117016673088074, -0.021412204951047897, 0.26204800605773926, 0.3503921926021576, 0.39042818546295166, 0.9700385332107544, 0.1500227153301239, 0.11506780236959457, -0.1718364655971527, 0.273003488779068, 0.15302325785160065, -0.013147401623427868, -0.32309669256210327, 0.12707704305648804, -0.27741387486457825, -0.410879522562027 ]
ai-forever/T5-large-spell
ai-forever
2023-10-04T18:12:32Z
10,729
0
transformers
[ "transformers", "pytorch", "t5", "text2text-generation", "spellchecking", "NLP", "T5", "natural language generation", "en", "arxiv:2308.09435", "license:mit", "autotrain_compatible", "endpoints_compatible", "text-generation-inference", "region:us" ]
text2text-generation
2023-07-29T12:59:31Z
--- license: mit language: - en tags: - spellchecking - NLP - T5 - pytorch - natural language generation --- # T5-large-spell model ### Summary The model corrects spelling errors and typos by bringing all words in the text to the standard English language. The proofreader was trained based on the [T5-large](https://huggingface.co/t5-large) model. An extensive dataset with “artificial” errors was taken as a training corpus: the corpus was assembled on the basis of the English-language Wikipedia and News blogs, then typos and spelling errors were automatically introduced into it using the functionality of the [SAGE library](https://github.com/ai-forever/sage). ### Public references - [SAGE library announcement](https://youtu.be/yFfkV0Qjuu0), DataFest 2023 - [Paper about synthetic error generation methods](https://www.dialog-21.ru/media/5914/martynovnplusetal056.pdf), Dialogue 2023 - [Paper about SAGE and our best solution](https://arxiv.org/abs/2308.09435), Review EACL 2024 ### Examples | Input | Output | | --- | --- | | Th festeivаl was excelzecnt in many ways, and in particular it beinganinternational festjival sss a chаllenging, bet brilli an t ea. | The festival was excellent in many ways, and in particular it beinganinternational festival is a challenging, but brilliant one to see. | | That 's why I believe in the solution which is the closest to human nature and can help us to avoid boredome. I am sure that eventually we will take off our clothes and in the future we will be undressed and free. There wo n't be any problem with being up - do - date . | That's why I believe in the solution which is the closest to human nature and can help us to avoid boredom. I am sure that eventually we will take off our clothes and in the future we will be undressed and free. There won't be any problem with being up - do - date. | | If you bought something goregous, you well be very happy. | If you bought something gorgeous, you will be very happy. | ## Metrics ### Quality Below are automatic metrics for determining the correctness of the spell checkers. We present a comparison of our solution both with open automatic spell checkers and with the ChatGPT family of models on two available datasets: - **BEA60K**: English spelling errors collected from several domains; - **JFLEG**: 1601 sentences in English, which contain about 2 thousand spelling errors; **BEA60K** | Model | Precision | Recall | F1 | | --- | --- | --- | --- | | T5-large-spell | 66.5 | 83.1 | 73.9 | | ChatGPT gpt-3.5-turbo-0301 | 66.9 | 84.1 | 74.5 | | ChatGPT gpt-4-0314 | 68.6 | 85.2 | 76.0 | | ChatGPT text-davinci-003 | 67.8 | 83.9 | 75.0 | | Bert (https://github.com/neuspell/neuspell) | 65.8 | 79.6 | 72.0 | | SC-LSTM (https://github.com/neuspell/neuspell) | 62.2 | 80.3 | 72.0 | **JFLEG** | Model | Precision | Recall | F1 | | --- | --- | --- | --- | | T5-large-spell | 83.4 | 84.3 | 83.8 | | ChatGPT gpt-3.5-turbo-0301 | 77.8 | 88.6 | 82.9 | | ChatGPT gpt-4-0314 | 77.9 | 88.3 | 82.8 | | ChatGPT text-davinci-003 | 76.8 | 88.5 | 82.2 | | Bert (https://github.com/neuspell/neuspell) | 78.5 | 85.4 | 81.8 | | SC-LSTM (https://github.com/neuspell/neuspell) | 80.6 | 86.1 | 83.2 | ## How to use ```python from transformers import T5ForConditionalGeneration, AutoTokenizer path_to_model = "ai-forever/T5-large-spell" model = T5ForConditionalGeneration.from_pretrained(path_to_model) tokenizer = AutoTokenizer.from_pretrained(path_to_model) prefix = "grammar: " sentence = "If you bought something goregous, you well be very happy." sentence = prefix + sentence encodings = tokenizer(sentence, return_tensors="pt") generated_tokens = model.generate(**encodings) answer = tokenizer.batch_decode(generated_tokens, skip_special_tokens=True) print(answer) # ["If you bought something gorgeous, you will be very happy."] ``` ## Resources - [SAGE library](https://github.com/ai-forever/sage), GitHub - [ruM2M100-1.2B](https://huggingface.co/ai-forever/RuM2M100-1.2B), HuggingFace - [ruM2M100-418M](https://huggingface.co/ai-forever/RuM2M100-420M), HuggingFace - [FredT5-large-spell](https://huggingface.co/ai-forever/FRED-T5-large-spell), HuggingFace - [T5-large-spell](https://huggingface.co/ai-forever/T5-large-spell), HuggingFace ## License The [T5-large](https://huggingface.co/t5-large) model, on which our solution is based, and its source code are supplied under the APACHE-2.0 license. Our solution is supplied under MIT license. ## Specifications - File size: 3 Gb; - Framework: pytorch - Format: AI Service - Version: v1.0 - Developer: SberDevices, AGI NLP ## Contacts [email protected]
[ -0.20297245681285858, -0.6542498469352722, 0.1487366408109665, 0.21793405711650848, 0.0875522717833519, -0.10331160575151443, -0.4497561752796173, -0.5475540161132812, 0.350616991519928, 0.16433782875537872, -0.5209891200065613, -0.7653937339782715, -0.7041689157485962, 0.21586652100086212, -0.3722175061702728, 0.7899031639099121, -0.1762087196111679, -0.09137677401304245, 0.014604647643864155, -0.018024148419499397, -0.32228097319602966, -0.5268619060516357, -0.7272372245788574, -0.30939581990242004, 0.4563230872154236, 0.5730576515197754, 0.6358097195625305, 0.4070267379283905, 0.39288920164108276, 0.4145006537437439, -0.12038043886423111, 0.30591607093811035, -0.3113500475883484, 0.050659190863370895, -0.07560081779956818, -0.6170058846473694, -0.4707891345024109, 0.04758080467581749, 0.5076713562011719, 0.20653699338436127, -0.2146957665681839, 0.3242124319076538, -0.0031673808116465807, 0.45305967330932617, -0.5361947417259216, 0.16052010655403137, -0.5377757549285889, 0.10899142920970917, -0.30950927734375, 0.08376994729042053, -0.3167612850666046, -0.42682915925979614, 0.10712240636348724, -0.8317130208015442, 0.4072687029838562, 0.2396043986082077, 1.3107577562332153, 0.4573025405406952, -0.16973648965358734, -0.4176054894924164, -0.5746372938156128, 0.828673243522644, -1.0130705833435059, 0.36468231678009033, 0.40534454584121704, 0.2352977842092514, -0.46680745482444763, -0.8589111566543579, -1.1461410522460938, -0.17638324201107025, -0.13736101984977722, 0.3234374225139618, -0.28042829036712646, 0.10842827707529068, 0.47003883123397827, 0.3896377980709076, -0.7342768311500549, 0.034950900822877884, -0.38586971163749695, -0.2934989333152771, 0.5834947228431702, -0.05246381461620331, 0.6253181099891663, -0.3267044723033905, 0.1439267098903656, -0.3024921715259552, -0.31734898686408997, -0.024079319089651108, 0.30091479420661926, -0.03146222606301308, -0.08094338327646255, 0.7170702815055847, -0.13258035480976105, 0.3964127004146576, 0.339436799287796, -0.3607228994369507, 0.5611395239830017, -0.0968610942363739, -0.2905344069004059, -0.046760741621255875, 0.947569727897644, 0.401012659072876, 0.37039732933044434, -0.1154666468501091, -0.04646042361855507, 0.18343625962734222, 0.07093117386102676, -0.7382990121841431, -0.31884315609931946, 0.29370972514152527, -0.29647207260131836, -0.31096458435058594, -0.15943461656570435, -0.9039127826690674, -0.20369495451450348, -0.16960519552230835, 0.7929626703262329, -0.7345075607299805, -0.04676181823015213, 0.1929919570684433, -0.28569522500038147, 0.02491920441389084, 0.1107131615281105, -1.1382689476013184, 0.15634296834468842, 0.5820369720458984, 0.6323250532150269, 0.09130170941352844, -0.44320905208587646, -0.3300296664237976, -0.14865487813949585, -0.37975388765335083, 0.7463201880455017, -0.08227474242448807, -0.12357951700687408, 0.012555067427456379, 0.2315201461315155, -0.3666588366031647, -0.57804936170578, 0.9428638815879822, -0.3954930603504181, 0.781999945640564, -0.11449910700321198, -0.7565432190895081, -0.268632173538208, 0.29516708850860596, -0.5865902304649353, 1.1315157413482666, -0.1482267826795578, -0.6981479525566101, 0.4624328315258026, -0.8616987466812134, -0.2917250692844391, -0.050510697066783905, 0.4263024628162384, -0.5911557078361511, 0.03269921988248825, 0.38355451822280884, 0.18270660936832428, -0.11507035791873932, 0.1508004069328308, -0.2729434370994568, -0.25444644689559937, 0.15413986146450043, -0.44136643409729004, 0.9184014797210693, 0.041078194975852966, -0.8275941014289856, 0.0024184088688343763, -0.7944696545600891, 0.06373398751020432, 0.24128542840480804, -0.26828306913375854, -0.07606855779886246, -0.03203785419464111, 0.06411511451005936, 0.2947014570236206, 0.4474995732307434, -0.6939507126808167, 0.27805787324905396, -0.7144454121589661, 0.4140174388885498, 0.7212396860122681, -0.16891126334667206, 0.2701655626296997, -0.3761826157569885, 0.37146541476249695, -0.10222731530666351, 0.3107646703720093, 0.0005399334477260709, -0.4602215588092804, -1.2395342588424683, -0.20624729990959167, 0.4510859251022339, 0.7207634449005127, -0.7958289384841919, 0.632118284702301, -0.350920170545578, -0.6658278703689575, -0.5921947360038757, 0.07919786870479584, 0.4491829574108124, 0.48098549246788025, 0.5018371939659119, 0.00015642179641872644, -0.5068405866622925, -0.7350186705589294, -0.3421887159347534, -0.3356044590473175, 0.05224178358912468, 0.09556182473897934, 0.5782842040061951, -0.3073318600654602, 0.7941257357597351, -0.4692586064338684, -0.4392172694206238, -0.010760899633169174, 0.11605814844369888, 0.44818344712257385, 0.47254350781440735, 0.5409570336341858, -0.6145144104957581, -0.5332339406013489, -0.06432533264160156, -0.6538817286491394, -0.3391433656215668, 0.1308925300836563, -0.22431857883930206, 0.7267548441886902, 0.1295509934425354, -0.679572582244873, 0.5998833179473877, 0.5058592557907104, -0.6830694079399109, 0.755332887172699, -0.5171499252319336, 0.18730317056179047, -1.2542791366577148, 0.1546473354101181, 0.03915438801050186, -0.048861805349588394, -0.5586023330688477, 0.04062945395708084, 0.046490851789712906, 0.1941424310207367, -0.34489357471466064, 0.7839545607566833, -0.32754984498023987, 0.2957664430141449, -0.12923069298267365, 0.028399260714650154, 0.00936050433665514, 0.5044255256652832, -0.23697291314601898, 0.7423784732818604, 0.37385672330856323, -0.44204846024513245, 0.5992110371589661, 0.46195608377456665, -0.10937254875898361, 0.5476678013801575, -0.5571420788764954, 0.015687154605984688, 0.021654224023222923, 0.1166621595621109, -0.8721641302108765, -0.43635714054107666, 0.4825921058654785, -0.7803151607513428, 0.33694347739219666, 0.10283893346786499, -0.9401676654815674, -0.8899157047271729, -0.13008300960063934, 0.018153445795178413, 0.802927553653717, -0.8772760629653931, 0.6581208109855652, 0.2154528796672821, 0.0659673810005188, -0.5926726460456848, -0.6722756028175354, 0.29139405488967896, -0.3079604506492615, -0.8841933608055115, 0.291146457195282, -0.3177028298377991, -0.11690056324005127, 0.11933235079050064, -0.03456343710422516, -0.04084945470094681, -0.1400798261165619, 0.18817077577114105, 0.33425629138946533, -0.04919947311282158, 0.19560174643993378, -0.08562804013490677, -0.23938123881816864, -0.07384847104549408, -0.6543261408805847, 0.43779245018959045, -0.16201600432395935, -0.3050762414932251, -0.5555126070976257, 0.10617426037788391, 0.6265060305595398, -0.2227841317653656, 0.7856869697570801, 0.7588616609573364, -0.5216175317764282, -0.12816424667835236, -1.0602840185165405, -0.002150984713807702, -0.5334348678588867, 0.1621098518371582, -0.169637992978096, -0.700926661491394, 0.5598938465118408, 0.3185950517654419, 0.24593721330165863, 0.9219187498092651, 0.47994276881217957, -0.03928334638476372, 1.037400484085083, 0.4790067672729492, -0.07700981199741364, 0.410552442073822, -0.29275012016296387, 0.3844871520996094, -0.3905434310436249, -0.3475668132305145, -0.49548062682151794, -0.4006198048591614, -0.6690441370010376, -0.2405099719762802, 0.4030032157897949, 0.06849956512451172, -0.30589422583580017, 0.36100417375564575, -0.7729452252388, 0.2614502012729645, 1.0195300579071045, -0.0671154335141182, 0.13670456409454346, 0.13028617203235626, -0.4310802221298218, -0.26978370547294617, -0.6990828514099121, -0.4988881051540375, 1.0953385829925537, 0.15241120755672455, 0.38575848937034607, 0.14580470323562622, 0.7767391204833984, -0.029946740716695786, 0.24619963765144348, -0.6680090427398682, 0.5980738997459412, -0.40570977330207825, -0.7589691281318665, -0.29447928071022034, -0.23517410457134247, -0.9119661450386047, 0.054212674498558044, -0.4305649399757385, -0.8465054035186768, 0.2887902855873108, 0.24858441948890686, -0.3351428508758545, 0.5832165479660034, -0.9536721110343933, 0.9651742577552795, -0.21475940942764282, -0.4021853804588318, -0.12080629169940948, -0.521359384059906, 0.2539600133895874, -0.13964253664016724, 0.12265562266111374, 0.013916968367993832, 0.18894043564796448, 0.8995632529258728, -0.667402982711792, 0.6715856790542603, -0.01762639731168747, 0.03392656147480011, 0.3214667737483978, -0.16952760517597198, 0.37912121415138245, -0.3063143193721771, -0.11860623955726624, 0.2048216611146927, 0.19701847434043884, -0.3722017705440521, -0.5675953030586243, 0.764704167842865, -0.955003559589386, -0.48869889974594116, -0.5788384675979614, -0.2932417690753937, 0.09125210344791412, 0.4278572201728821, 0.4976450204849243, 0.4860997200012207, 0.03529982641339302, -0.11487534642219543, 0.5157279968261719, -0.36036020517349243, 0.6077384948730469, 0.48077303171157837, -0.1503782570362091, -0.7447641491889954, 0.928566575050354, 0.3782607614994049, 0.025586772710084915, 0.1944814771413803, 0.27149903774261475, -0.33894795179367065, -0.3463744819164276, -0.36948341131210327, 0.48630183935165405, -0.5721124410629272, -0.009740100242197514, -0.772190511226654, -0.26118695735931396, -0.7364701628684998, 0.032838016748428345, -0.13566328585147858, -0.37087157368659973, -0.4096410870552063, -0.07137706875801086, 0.5681419968605042, 0.7232928276062012, -0.3828924596309662, 0.24696004390716553, -0.6635207533836365, 0.37170344591140747, 0.3729822337627411, 0.44279488921165466, -0.11733084917068481, -0.5436974763870239, -0.19541025161743164, 0.06002267077565193, -0.5145967602729797, -0.8399743437767029, 0.8421552181243896, 0.18951080739498138, 0.4348295331001282, 0.3719240725040436, -0.027724551036953926, 0.9462783336639404, -0.7135696411132812, 1.0528520345687866, 0.07301308214664459, -1.0278873443603516, 0.3401435315608978, -0.17516741156578064, 0.30813711881637573, 0.3993297517299652, 0.08935532718896866, -1.1061458587646484, -0.4589606523513794, -1.0743688344955444, -0.9691771864891052, 0.7054773569107056, 0.3500473201274872, -0.11752079427242279, -0.13501296937465668, 0.39009878039360046, -0.04133998230099678, 0.1029268428683281, -0.6525246500968933, -0.39313170313835144, -0.2835864722728729, -0.49451109766960144, -0.31032678484916687, -0.35439449548721313, 0.23741351068019867, -0.3202916085720062, 1.2351776361465454, 0.11344387382268906, 0.3461056649684906, 0.36892932653427124, -0.12432998418807983, -0.11716634035110474, 0.21200604736804962, 0.5813118815422058, 0.40062829852104187, -0.0057121762074530125, 0.023946508765220642, 0.5141570568084717, -0.7056031227111816, 0.023443084210157394, 0.352359801530838, -0.2223920375108719, 0.26278576254844666, 0.4086405634880066, 0.7899100184440613, -0.002687193686142564, -0.560432493686676, 0.46309584379196167, -0.018856095150113106, -0.5291526913642883, -0.7744565010070801, 0.03865870460867882, 0.07478980720043182, 0.2673436999320984, 0.34872761368751526, 0.059868983924388885, 0.03612363338470459, -0.22936603426933289, 0.0581289604306221, 0.2946837246417999, -0.1471790373325348, -0.3048887848854065, 0.7981197834014893, -0.05109468474984169, -0.5039545297622681, 0.6397772431373596, -0.46321702003479004, -0.8871646523475647, 0.6358640789985657, 0.4943332374095917, 0.9162768721580505, -0.27194714546203613, 0.18441689014434814, 0.6694040894508362, 0.3976128399372101, -0.28053057193756104, 0.16771087050437927, 0.350340336561203, -0.6215282678604126, -0.44939517974853516, -0.7092041969299316, -0.2739523649215698, 0.12521305680274963, -0.11419787257909775, 0.4137474596500397, -0.26912662386894226, -0.16944290697574615, -0.20108938217163086, 0.2698920965194702, -0.6868677139282227, 0.270418643951416, 0.2340651899576187, 0.8573573231697083, -0.6996254324913025, 0.5546185970306396, 0.6022171974182129, -0.3930334746837616, -1.1883896589279175, 0.06394265592098236, 0.06634696573019028, -0.6933180093765259, 0.6567832827568054, 0.15836511552333832, 0.21709296107292175, 0.051655713468790054, -0.615895688533783, -1.1680728197097778, 1.1344088315963745, 0.1580837219953537, -0.5182931423187256, -0.18834805488586426, 0.09998791664838791, 0.7534381151199341, 0.10595761239528656, 0.4790647029876709, 0.5457763671875, 0.677147388458252, 0.37283098697662354, -1.3114495277404785, -0.0776757076382637, -0.554141104221344, -0.13209092617034912, 0.13350825011730194, -0.52041095495224, 0.6524071097373962, -0.006621148902922869, -0.26110661029815674, 0.2618182897567749, 0.6919234395027161, 0.11688689142465591, 0.3460327684879303, 0.5373697280883789, 0.9794647693634033, 1.0223853588104248, -0.21985778212547302, 0.792241096496582, -0.4307393431663513, 0.5278523564338684, 0.8160883784294128, 0.12944692373275757, 0.8148964047431946, 0.18799349665641785, -0.18790629506111145, 0.5440610647201538, 0.6452038884162903, -0.07682729512453079, 0.15559625625610352, 0.1917106956243515, -0.3493169844150543, -0.13096210360527039, 0.17186623811721802, -0.2863598167896271, 0.2198452353477478, 0.32730430364608765, -0.2045385241508484, -0.20243825018405914, 0.16590479016304016, 0.1917346864938736, 0.0021103208418935537, -0.2226746678352356, 0.6912782192230225, -0.06830519437789917, -0.8417509198188782, 0.7608692646026611, 0.05720740184187889, 1.0823630094528198, -0.3180599808692932, 0.11119255423545837, -0.10588101297616959, 0.43559378385543823, -0.25485658645629883, -0.5231010317802429, 0.1710638701915741, 0.0449410043656826, 0.00810353085398674, -0.09244382381439209, 0.7399802207946777, -0.555670440196991, -0.7498985528945923, 0.11087547242641449, 0.18478696048259735, 0.2736373245716095, 0.12027184665203094, -0.6941525936126709, -0.2570391297340393, -0.09896538406610489, -0.13456763327121735, -0.21226614713668823, 0.569574773311615, -0.030109800398349762, 0.662265956401825, 0.8015302419662476, 0.15470819175243378, 0.3137679100036621, -0.12915918231010437, 0.5288893580436707, -0.526056170463562, -0.5403603911399841, -0.9032998085021973, 0.4966805875301361, -0.19213730096817017, -0.3340756297111511, 0.9158185124397278, 0.5038595199584961, 0.6351158618927002, 0.017059942707419395, 0.7141950726509094, -0.1703619807958603, 0.7365674376487732, -0.2611105442047119, 0.9041772484779358, -0.6763485074043274, -0.1622227430343628, -0.35104772448539734, -0.8782786726951599, -0.5376167893409729, 0.5208340287208557, -0.6663428544998169, -0.1128278374671936, 0.8602057099342346, 0.9027848243713379, 0.13997654616832733, -0.0570233128964901, 0.13323499262332916, 0.5200962424278259, 0.3361090123653412, 0.6800529956817627, 0.4859992265701294, -0.5504485368728638, 0.578296959400177, -0.3065236210823059, -0.2559705972671509, -0.33862069249153137, -0.7095271944999695, -0.8634739518165588, -0.6353888511657715, -0.3200417757034302, -0.7667057514190674, 0.17328716814517975, 1.2800012826919556, 0.38857340812683105, -0.8269372582435608, -0.021008914336562157, -0.009203199297189713, 0.0835837572813034, -0.10800149291753769, -0.2483997941017151, 0.5268652439117432, -0.38802284002304077, -1.0061264038085938, -0.036462362855672836, 0.005375263746827841, 0.2068343609571457, -0.044225484132766724, 0.06683043390512466, -0.09175918996334076, 0.06530003994703293, 0.42653247714042664, 0.3502292335033417, -0.7883355617523193, -0.38818439841270447, 0.2426947057247162, -0.1769639253616333, 0.09120295196771622, 0.02037571184337139, -0.49262183904647827, 0.4508140981197357, 0.5787644386291504, 0.32570964097976685, 0.5493362545967102, -0.42969560623168945, 0.39175790548324585, -0.20785576105117798, -0.01986922137439251, 0.06883083283901215, 0.4369391202926636, 0.2779525816440582, -0.34232470393180847, 0.30301037430763245, 0.3937745690345764, -0.7105971574783325, -0.5161719918251038, -0.1780269593000412, -0.8765960335731506, 0.07515545189380646, 1.2541121244430542, 0.0316491574048996, -0.6573804020881653, 0.09362633526325226, -0.463701456785202, 0.48634642362594604, -0.3166601359844208, 0.9526480436325073, 0.9135138988494873, 0.25531062483787537, 0.037746042013168335, -0.5904127359390259, 0.5007143020629883, 0.5826944708824158, -0.6509237885475159, -0.34523963928222656, 0.5524749755859375, 0.560363233089447, 0.406902015209198, 0.4912857711315155, -0.032176174223423004, 0.26173508167266846, -0.2984149158000946, 0.6081417202949524, 0.015139983035624027, 0.03196870535612106, -0.38465625047683716, 0.20829807221889496, -0.055285848677158356, -0.2205536961555481 ]
google/muril-base-cased
google
2022-06-10T13:33:04Z
10,712
22
transformers
[ "transformers", "pytorch", "tf", "jax", "bert", "fill-mask", "arxiv:2103.10730", "arxiv:1810.04805", "arxiv:1911.02116", "arxiv:2003.11080", "arxiv:2009.05166", "license:apache-2.0", "autotrain_compatible", "endpoints_compatible", "has_space", "region:us" ]
fill-mask
2022-03-02T23:29:05Z
--- thumbnail: https://huggingface.co/front/thumbnails/google.png license: apache-2.0 --- MuRIL: Multilingual Representations for Indian Languages === MuRIL is a BERT model pre-trained on 17 Indian languages and their transliterated counterparts. We have released the pre-trained model (with the MLM layer intact, enabling masked word predictions) in this repository. We have also released the encoder on [TFHub](https://tfhub.dev/google/MuRIL/1) with an additional pre-processing module, that processes raw text into the expected input format for the encoder. You can find more details on MuRIL in this [paper](http://arxiv.org/abs/2103.10730). ## Overview This model uses a BERT base architecture [1] pretrained from scratch using the Wikipedia [2], Common Crawl [3], PMINDIA [4] and Dakshina [5] corpora for 17 [6] Indian languages. We use a training paradigm similar to multilingual bert, with a few modifications as listed: * We include translation and transliteration segment pairs in training as well. * We keep an exponent value of 0.3 and not 0.7 for upsampling, shown to enhance low-resource performance. [7] See the Training section for more details. ## Training The MuRIL model is pre-trained on monolingual segments as well as parallel segments as detailed below : * Monolingual Data : We make use of publicly available corpora from Wikipedia and Common Crawl for 17 Indian languages. * Parallel Data : We have two types of parallel data : * Translated Data : We obtain translations of the above monolingual corpora using the Google NMT pipeline. We feed translated segment pairs as input. We also make use of the publicly available PMINDIA corpus. * Transliterated Data : We obtain transliterations of Wikipedia using the IndicTrans [8] library. We feed transliterated segment pairs as input. We also make use of the publicly available Dakshina dataset. We keep an exponent value of 0.3 to calculate duplication multiplier values for upsampling of lower resourced languages and set dupe factors accordingly. Note, we limit transliterated pairs to Wikipedia only. The model was trained using a self-supervised masked language modeling task. We do whole word masking with a maximum of 80 predictions. The model was trained for 1000K steps, with a batch size of 4096, and a max sequence length of 512. ### Trainable parameters All parameters in the module are trainable, and fine-tuning all parameters is the recommended practice. ## Uses & Limitations This model is intended to be used for a variety of downstream NLP tasks for Indian languages. This model is trained on transliterated data as well, a phenomomenon commonly observed in the Indian context. This model is not expected to perform well on languages other than the ones used in pretraining, i.e. 17 Indian languages. ## Evaluation We provide the results of fine-tuning this model on a set of downstream tasks.<br/> We choose these tasks from the XTREME benchmark, with evaluation done on Indian language test-sets.<br/> We also transliterate the test-sets and evaluate on the same.<br/> We use the same fine-tuning setting as is used by [9], except for TyDiQA, where we use additional SQuAD v1.1 English training data, similar to [10].<br/> For Tatoeba, we do not fine-tune the model, and use the pooled_output of the last layer as the sentence embedding.<br/> All results are computed in a zero-shot setting, with English being the high resource training set language. * Shown below are results on datasets from the XTREME benchmark (in %) <br/> PANX (F1) | ml | ta | te | en | bn | hi | mr | ur | Average :-------- | ----: | ----: | ----: | ----: | ----: | ----: | ----: | ----: | ------: mBERT | 54.77 | 51.24 | 50.16 | 84.40 | 68.59 | 65.13 | 58.44 | 31.36 | 58.01 MuRIL | 75.74 | 71.86 | 64.99 | 84.43 | 85.97 | 78.09 | 74.63 | 85.07 | 77.60 <br/> UDPOS (F1) | en | hi | mr | ta | te | ur | Average :--------- | ----: | ----: | ----: | ----: | ----: | ----: | ------: mBERT | 95.35 | 66.09 | 71.27 | 59.58 | 76.98 | 57.85 | 71.19 MuRIL | 95.55 | 64.47 | 82.95 | 62.57 | 85.63 | 58.93 | 75.02 <br/> XNLI (Accuracy) | en | hi | ur | Average :-------------- | ----: | ----: | ----: | ------: mBERT | 81.72 | 60.52 | 58.20 | 66.81 MuRIL | 83.85 | 70.66 | 67.70 | 74.07 <br/> Tatoeba (Accuracy) | ml | ta | te | bn | hi | mr | ur | Average :----------------- | ----: | ----: | ----: | ----: | ----: | ----: | ----: | ------: mBERT | 20.23 | 12.38 | 14.96 | 12.80 | 27.80 | 18.00 | 22.70 | 18.41 MuRIL | 26.35 | 36.81 | 17.52 | 20.20 | 31.50 | 26.60 | 17.10 | 25.15 <br/> XQUAD (F1/EM) | en | hi | Average :------------ | ----------: | ----------: | ----------: mBERT | 83.85/72.86 | 58.46/43.53 | 71.15/58.19 MuRIL | 84.31/72.94 | 73.93/58.32 | 79.12/65.63 <br/> MLQA (F1/EM) | en | hi | Average :----------- | ----------: | ----------: | ----------: mBERT | 80.39/67.30 | 50.28/35.18 | 65.34/51.24 MuRIL | 80.28/67.37 | 67.34/50.22 | 73.81/58.80 <br/> TyDiQA (F1/EM) | en | bn | te | Average :---------------- | ----------: | ----------: | ----------: | ----------: mBERT | 75.21/65.00 | 60.62/45.13 | 53.55/44.54 | 63.13/51.66 MuRIL | 74.10/64.55 | 78.03/66.37 | 73.95/46.94 | 75.36/59.28 * Shown below are results on the transliterated versions of the above test-sets. PANX (F1) | ml_tr | ta_tr | te_tr | bn_tr | hi_tr | mr_tr | ur_tr | Average :-------- | ----: | ----: | ----: | ----: | ----: | ----: | ----: | ------: mBERT | 7.53 | 1.04 | 8.24 | 41.77 | 25.46 | 8.34 | 7.30 | 14.24 MuRIL | 63.39 | 7.00 | 53.62 | 72.94 | 69.75 | 68.77 | 68.41 | 57.70 <br/> UDPOS (F1) | hi_tr | mr_tr | ta_tr | te_tr | ur_tr | Average :--------- | ----: | ----: | ----: | ----: | ----: | ------: mBERT | 25.00 | 33.67 | 24.02 | 36.21 | 22.07 | 28.20 MuRIL | 63.09 | 67.19 | 58.40 | 65.30 | 56.49 | 62.09 <br/> XNLI (Accuracy) | hi_tr | ur_tr | Average :-------------- | ----: | ----: | ------: mBERT | 39.6 | 38.86 | 39.23 MuRIL | 68.24 | 61.16 | 64.70 <br/> Tatoeba (Accuracy) | ml_tr | ta_tr | te_tr | bn_tr | hi_tr | mr_tr | ur_tr | Average :----------------- | ----: | ----: | ----: | ----: | ----: | ----: | ----: | ------: mBERT | 2.18 | 1.95 | 5.13 | 1.80 | 3.00 | 2.40 | 2.30 | 2.68 MuRIL | 10.33 | 11.07 | 11.54 | 8.10 | 14.90 | 7.20 | 13.70 | 10.98 <br/> ## References \[1]: Jacob Devlin, Ming-Wei Chang, Kenton Lee, Kristina Toutanova. [BERT: Pre-training of Deep Bidirectional Transformers for Language Understanding](https://arxiv.org/abs/1810.04805). arXiv preprint arXiv:1810.04805, 2018. \[2]: [Wikipedia](https://www.tensorflow.org/datasets/catalog/wikipedia) \[3]: [Common Crawl](http://commoncrawl.org/the-data/) \[4]: [PMINDIA](http://lotus.kuee.kyoto-u.ac.jp/WAT/indic-multilingual/index.html) \[5]: [Dakshina](https://github.com/google-research-datasets/dakshina) \[6]: Assamese (as), Bengali (bn), English (en), Gujarati (gu), Hindi (hi), Kannada (kn), Kashmiri (ks), Malayalam (ml), Marathi (mr), Nepali (ne), Oriya (or), Punjabi (pa), Sanskrit (sa), Sindhi (sd), Tamil (ta), Telugu (te) and Urdu (ur). \[7]: Conneau, Alexis, et al. [Unsupervised cross-lingual representation learning at scale](https://arxiv.org/pdf/1911.02116.pdf). arXiv preprint arXiv:1911.02116 (2019). \[8]: [IndicTrans](https://github.com/libindic/indic-trans) \[9]: Hu, J., Ruder, S., Siddhant, A., Neubig, G., Firat, O., & Johnson, M. (2020). [Xtreme: A massively multilingual multi-task benchmark for evaluating cross-lingual generalization.](https://arxiv.org/pdf/2003.11080.pdf) arXiv preprint arXiv:2003.11080. \[10]: Fang, Y., Wang, S., Gan, Z., Sun, S., & Liu, J. (2020). [FILTER: An Enhanced Fusion Method for Cross-lingual Language Understanding.](https://arxiv.org/pdf/2009.05166.pdf) arXiv preprint arXiv:2009.05166. ## Citation If you find MuRIL useful in your applications, please cite the following paper: ``` @misc{khanuja2021muril, title={MuRIL: Multilingual Representations for Indian Languages}, author={Simran Khanuja and Diksha Bansal and Sarvesh Mehtani and Savya Khosla and Atreyee Dey and Balaji Gopalan and Dilip Kumar Margam and Pooja Aggarwal and Rajiv Teja Nagipogu and Shachi Dave and Shruti Gupta and Subhash Chandra Bose Gali and Vish Subramanian and Partha Talukdar}, year={2021}, eprint={2103.10730}, archivePrefix={arXiv}, primaryClass={cs.CL} } ``` ## Contact Please mail your queries/feedback to [email protected].
[ -0.48054859042167664, -0.3431404232978821, -0.04917748272418976, 0.3430822789669037, -0.23016855120658875, 0.024471500888466835, -0.3516640365123749, -0.33939284086227417, 0.4245743155479431, -0.0017268727533519268, -0.3388099670410156, -0.7042602300643921, -0.6811479926109314, 0.26552167534828186, -0.1547967493534088, 0.8602825999259949, -0.11019255965948105, 0.4238744378089905, 0.3399870991706848, -0.4692727327346802, -0.5206065773963928, -0.44832101464271545, -0.6247477531433105, -0.141468808054924, 0.3869832158088684, 0.3861396014690399, 0.6614359021186829, 0.626389741897583, 0.5242511630058289, 0.2598515748977661, 0.011750617064535618, 0.21093811094760895, -0.1388058066368103, -0.102021224796772, 0.218541219830513, -0.4534391164779663, -0.30213332176208496, -0.058978449553251266, 0.9322855472564697, 0.7773765325546265, -0.14364349842071533, 0.26013901829719543, 0.20495867729187012, 0.7871429324150085, -0.4570976793766022, 0.15090106427669525, -0.2295638471841812, 0.11646365374326706, -0.5323323011398315, -0.22294668853282928, -0.3786291480064392, -0.40530458092689514, -0.16069470345973969, -0.5697305202484131, 0.0729265809059143, 0.23391319811344147, 1.2776983976364136, 0.11849920451641083, -0.32345178723335266, -0.20332792401313782, -0.5325829386711121, 1.1378909349441528, -0.7279298901557922, 0.6236115097999573, 0.5137845277786255, 0.1949206441640854, 0.15347032248973846, -0.4080948531627655, -0.7084687948226929, -0.07517747581005096, -0.5335401296615601, 0.4474272131919861, -0.11897245794534683, -0.21425741910934448, 0.3413771986961365, 0.6874451041221619, -0.9114837646484375, 0.06621982157230377, -0.42264217138290405, -0.16852571070194244, 0.7384005188941956, 0.14711125195026398, 0.4352630078792572, -0.5374874472618103, -0.599394679069519, -0.5264527201652527, -0.5752233266830444, 0.3789721131324768, 0.3856698274612427, 0.3692173957824707, -0.3311105966567993, 0.5652115941047668, -0.13717375695705414, 0.7032854557037354, 0.05725440755486488, -0.2967851459980011, 0.8011781573295593, -0.7957577109336853, -0.3939007818698883, 0.022999243810772896, 1.1757891178131104, 0.1423913836479187, 0.16838820278644562, 0.10219676047563553, -0.03097791038453579, -0.06426039338111877, -0.27403849363327026, -0.644932210445404, -0.05326171964406967, 0.004178421571850777, -0.4284290671348572, -0.050528161227703094, -0.003369818441569805, -1.0396349430084229, -0.02563846856355667, -0.2551094889640808, 0.39912474155426025, -0.8405033946037292, -0.48038601875305176, -0.07857108116149902, 0.08607005327939987, 0.5932450890541077, -0.018437914550304413, -0.9043018221855164, 0.2542616128921509, 0.21762436628341675, 0.9137372970581055, -0.3057419955730438, -0.5172466039657593, -0.007845884189009666, -0.03983926400542259, -0.46313217282295227, 0.5367497801780701, -0.39234524965286255, -0.4121731221675873, -0.10507424920797348, 0.07020385563373566, -0.5099126696586609, -0.32809868454933167, 0.7333605885505676, -0.19158786535263062, 0.37766483426094055, -0.37953928112983704, -0.41746649146080017, -0.31774669885635376, 0.35604128241539, -0.7969375848770142, 1.4738775491714478, 0.2599237859249115, -0.929634690284729, 0.5724819898605347, -0.6088172197341919, -0.4115411639213562, -0.2177659571170807, -0.3028872609138489, -0.5048186182975769, -0.35860905051231384, 0.6284038424491882, 0.5268167853355408, -0.47070300579071045, 0.2693100869655609, 0.05169187858700752, -0.3933772146701813, 0.07369028031826019, -0.579043984413147, 1.2214277982711792, 0.214839905500412, -0.6981209516525269, -0.033483318984508514, -1.1220828294754028, 0.2615337669849396, 0.14476917684078217, -0.4328318238258362, -0.21580728888511658, -0.49597984552383423, 0.06691884249448776, 0.2891610860824585, -0.12258848547935486, -0.5874947309494019, -0.03171851113438606, -0.5648269653320312, 0.17776525020599365, 0.7878850698471069, -0.12204436212778091, 0.2770426869392395, -0.36719027161598206, 0.6045005917549133, 0.24308697879314423, 0.09112349897623062, -0.11072966456413269, -0.572681188583374, -0.8698474168777466, -0.5260416269302368, 0.565401017665863, 0.650305449962616, -0.6679835319519043, 0.3734947443008423, -0.5415095090866089, -0.7087355852127075, -0.7873522043228149, 0.15820088982582092, 0.6591830849647522, 0.6613413691520691, 0.477876752614975, -0.06496965140104294, -0.6234505772590637, -1.2068580389022827, -0.10818681865930557, -0.07140802592039108, 0.2759439945220947, 0.046203624457120895, 0.4748905599117279, -0.07580862194299698, 0.6671780943870544, -0.5291314721107483, -0.34355786442756653, -0.30144059658050537, 0.07073458284139633, 0.4360215663909912, 0.6275773048400879, 0.8392130136489868, -0.9144545197486877, -1.1000317335128784, 0.06890503317117691, -0.8305432200431824, 0.02497050166130066, 0.2097676396369934, -0.2564876079559326, 0.653213381767273, 0.3227653205394745, -0.6981775164604187, 0.5332812070846558, 0.7191216945648193, -0.2071235328912735, 0.744329035282135, -0.16457833349704742, 0.4643878936767578, -1.4233001470565796, 0.2812747061252594, -0.0010325436014682055, 0.023249303922057152, -0.5640972852706909, -0.05082441493868828, 0.16207605600357056, -0.09256611764431, -0.3599855601787567, 0.7571122646331787, -0.6791232824325562, 0.16689731180667877, 0.3982791602611542, -0.017562128603458405, -0.14322857558727264, 0.9606759548187256, 0.022382646799087524, 1.1707241535186768, 0.6297450065612793, -0.34006136655807495, 0.142417311668396, 0.3011243939399719, -0.6452929377555847, 0.41223961114883423, -0.6803900599479675, -0.2630637288093567, 0.07505415380001068, -0.03564315661787987, -1.2006096839904785, -0.14757782220840454, 0.3155967891216278, -0.6390427947044373, 0.5598452091217041, 0.10341823846101761, -0.5790525078773499, -0.4071860611438751, -0.5706517696380615, 0.4454342722892761, 0.627594530582428, -0.44962212443351746, 0.42834270000457764, 0.07431542873382568, -0.09836533665657043, -0.9418738484382629, -0.9540870189666748, -0.3170568645000458, -0.23668286204338074, -0.664554238319397, 0.2789776027202606, -0.14279955625534058, -0.10137401521205902, 0.0005982009461149573, 0.004861126188188791, -0.14360927045345306, -0.3472888469696045, 0.3094850778579712, 0.3385498523712158, -0.3246183395385742, 0.02226787805557251, -0.13567325472831726, -0.1419016420841217, -0.0754622220993042, 0.15067122876644135, 0.7623779773712158, -0.22066247463226318, -0.3652941882610321, -0.6147280931472778, 0.35668790340423584, 0.6690635681152344, -0.4063207805156708, 0.897441029548645, 0.8247259259223938, -0.3117423355579376, 0.23890255391597748, -0.5404046177864075, 0.16399434208869934, -0.43987178802490234, 0.4586733877658844, -0.5075273513793945, -0.5548151731491089, 0.6393247842788696, 0.2949479818344116, -0.1407015472650528, 0.8840774893760681, 0.6136595606803894, -0.11202230304479599, 1.1990541219711304, 0.38354578614234924, -0.11381253600120544, 0.4137234687805176, -0.662428617477417, 0.2398589849472046, -0.9241873621940613, -0.44014185667037964, -0.575340211391449, -0.31172940135002136, -0.8887627720832825, -0.30283114314079285, 0.3495160639286041, -0.13941194117069244, -0.33113765716552734, 0.4079979360103607, -0.5466254949569702, 0.2392747700214386, 0.8209320902824402, 0.2790182828903198, 0.16785264015197754, 0.23745380342006683, -0.31559908390045166, -0.3339802622795105, -0.7080172300338745, -0.3595718741416931, 1.458717703819275, 0.17577779293060303, 0.6822726726531982, 0.18500244617462158, 0.6120737195014954, 0.3030445873737335, 0.13151128590106964, -0.5304527282714844, 0.49166053533554077, -0.1456584632396698, -0.8249444961547852, -0.41067394614219666, -0.4541361331939697, -1.054236650466919, 0.4091314971446991, -0.20581024885177612, -0.6007899045944214, 0.2807045876979828, -0.04213413968682289, -0.44496074318885803, 0.5219918489456177, -0.93600994348526, 0.7413895726203918, -0.2553434669971466, -0.3512571156024933, -0.1184658408164978, -0.7016021013259888, 0.41355592012405396, -0.11433715373277664, 0.20282964408397675, -0.05139995366334915, 0.21721860766410828, 1.0487205982208252, -0.38560545444488525, 0.6939560174942017, -0.14912475645542145, 0.24559171497821808, 0.27504661679267883, -0.17135989665985107, 0.41561371088027954, -0.01786397211253643, -0.2804407775402069, 0.28856992721557617, 0.17101475596427917, -0.7749199867248535, -0.4435822367668152, 0.7571953535079956, -1.1480191946029663, -0.6212236285209656, -0.9319625496864319, -0.6512759923934937, -0.22404073178768158, 0.36003348231315613, 0.4821394085884094, 0.6818451881408691, 0.05492224916815758, 0.3119814097881317, 0.73728346824646, -0.2959824800491333, 0.5131328105926514, 0.2536472678184509, -0.0682213082909584, -0.7146494388580322, 0.948733925819397, 0.41602805256843567, 0.3106255531311035, 0.5616592168807983, 0.20427413284778595, -0.47996821999549866, -0.5299674868583679, -0.6078186631202698, 0.41502469778060913, -0.6866764426231384, -0.2975824177265167, -0.6567369103431702, -0.36585333943367004, -0.6576926708221436, -0.05560877174139023, -0.18314583599567413, -0.5864915251731873, 0.10886164009571075, -0.12480867654085159, 0.17579008638858795, 0.5559186339378357, -0.09811389446258545, 0.2423454374074936, -0.6780511140823364, 0.03263597935438156, 0.22562237083911896, 0.21416373550891876, -0.011747954413294792, -0.7106971740722656, -0.37852442264556885, 0.19722360372543335, -0.23758801817893982, -1.002271056175232, 0.6403347253799438, 0.16657517850399017, 0.700498104095459, 0.43984454870224, -0.16946084797382355, 0.9085273146629333, -0.2223292887210846, 0.9421747326850891, 0.38940200209617615, -0.7982906103134155, 0.585797905921936, -0.19808271527290344, 0.2897076904773712, 0.6099666357040405, 0.8438524603843689, -0.5120550990104675, -0.17735545337200165, -0.5905599594116211, -0.7793931365013123, 0.8825846314430237, 0.36586886644363403, -0.13813970983028412, 0.15250588953495026, 0.1201682910323143, 0.22870361804962158, 0.13235001266002655, -0.8618674874305725, -0.7780736684799194, -0.15315353870391846, -0.419347882270813, -0.29507166147232056, -0.2985095679759979, -0.06919167935848236, -0.7348483204841614, 0.8981215357780457, 0.2560630440711975, 0.3466191291809082, 0.22833743691444397, -0.3104243576526642, 0.14807486534118652, 0.21156564354896545, 0.6842409372329712, 0.870811939239502, -0.32502511143684387, 0.13087521493434906, 0.40627509355545044, -0.8943742513656616, 0.27568188309669495, 0.17139700055122375, -0.29759863018989563, 0.11880991607904434, 0.5247786045074463, 0.7993510365486145, 0.1267421394586563, -0.45779141783714294, 0.40847617387771606, -0.008553325198590755, -0.1244412288069725, -0.4281076490879059, -0.11078110337257385, -0.16645465791225433, -0.058756329119205475, 0.3035781681537628, 0.05266362428665161, -0.07276853919029236, -0.43862006068229675, 0.0032438687048852444, 0.13839249312877655, -0.3412388265132904, -0.3785933554172516, 0.5021225810050964, 0.03721741586923599, -0.10458178073167801, 0.6710885167121887, -0.303682804107666, -0.5557737350463867, 0.6087271571159363, 0.5448083281517029, 0.6932450532913208, -0.604687511920929, 0.24397914111614227, 1.1004234552383423, 0.5562199950218201, 0.103070467710495, 0.38885828852653503, 0.15228602290153503, -0.5449069142341614, -0.32167649269104004, -0.8955840468406677, -0.09167547523975372, 0.3038424849510193, -0.7361508011817932, 0.32954898476600647, -0.1930517703294754, -0.15597204864025116, 0.12457102537155151, 0.43459585309028625, -0.8192148804664612, 0.366119384765625, -0.021212829276919365, 1.0840952396392822, -0.9991422891616821, 1.0224419832229614, 0.8548092246055603, -0.7738234996795654, -1.196898102760315, -0.19299843907356262, -0.21345125138759613, -1.1508333683013916, 0.7825924754142761, 0.04839606583118439, 0.13381320238113403, -0.07265886664390564, -0.10953764617443085, -1.2627787590026855, 1.3941632509231567, 0.2948617935180664, -0.4615231454372406, 0.11941267549991608, 0.5729008316993713, 0.6463691592216492, 0.005819462705403566, 0.5227859020233154, 0.44869035482406616, 0.6608312129974365, -0.08854792267084122, -0.9396997690200806, 0.1847476363182068, -0.6051963567733765, 0.046005360782146454, 0.4446239173412323, -1.0004892349243164, 1.0423858165740967, 0.12052580714225769, -0.15975019335746765, -0.23125003278255463, 0.6379000544548035, 0.36595264077186584, 0.21790537238121033, 0.5159050822257996, 0.8735470771789551, 0.7073502540588379, -0.25659406185150146, 1.1111924648284912, -0.5124973058700562, 0.3029060661792755, 0.9189159870147705, 0.1414811760187149, 0.8051684498786926, 0.3814607560634613, -0.6099603176116943, 0.5259684920310974, 0.7761176228523254, 0.01653270795941353, 0.5013696551322937, -0.15998104214668274, -0.09928719699382782, -0.12125937640666962, 0.08049798011779785, -0.637414813041687, 0.5073983669281006, 0.24574735760688782, -0.3690817356109619, -0.13347873091697693, 0.19343769550323486, 0.3683091104030609, 0.02311837486922741, -0.22812604904174805, 0.3044724464416504, -0.046506285667419434, -0.7790349721908569, 1.0001468658447266, -0.07691016793251038, 0.7494069933891296, -0.8189141154289246, 0.01872302033007145, -0.4417180120944977, 0.2054738700389862, -0.2718169391155243, -1.0425633192062378, 0.47127777338027954, -0.018615292385220528, -0.29146578907966614, -0.1484876126050949, 0.5758897662162781, -0.5451319217681885, -0.7167003750801086, 0.36764290928840637, 0.5258904695510864, 0.1878805309534073, 0.1587849110364914, -0.8565661311149597, -0.08535392582416534, 0.18014639616012573, -0.47146493196487427, 0.26270079612731934, 0.22910906374454498, -0.09586502611637115, 0.6093108654022217, 0.5824605226516724, 0.17301306128501892, 0.4876241981983185, -0.04615793377161026, 0.7620424032211304, -0.7643221020698547, -0.3446407616138458, -0.8255983591079712, 0.35311660170555115, -0.22077257931232452, -0.5760388374328613, 1.1706843376159668, 0.7560470700263977, 1.0244693756103516, 0.06511658430099487, 0.7732946872711182, -0.19526654481887817, 0.5638744831085205, -0.4966716170310974, 0.8122419118881226, -0.7596275210380554, -0.20992957055568695, -0.043386779725551605, -0.9307256937026978, -0.3360671401023865, 0.5101814270019531, -0.3542846441268921, 0.17144611477851868, 0.8481847047805786, 0.9153655171394348, -0.15653462707996368, -0.0613887645304203, 0.2851279377937317, 0.3548352122306824, 0.13106544315814972, 0.777664840221405, 0.4350665509700775, -0.78496253490448, 0.7588884234428406, -0.6673401594161987, -0.3458542823791504, -0.03746984153985977, -0.39137065410614014, -0.9184154868125916, -0.907770574092865, -0.24662071466445923, -0.3342069387435913, -0.0169688630849123, 1.0923867225646973, 0.6821155548095703, -0.9837557077407837, -0.3965844511985779, 0.2141026258468628, 0.02622666396200657, -0.5069029927253723, -0.2083936482667923, 0.9532963633537292, -0.25752267241477966, -1.016142725944519, 0.1275683492422104, 0.06255613267421722, -0.012431173585355282, -0.32640212774276733, -0.21163621544837952, -0.7249619364738464, 0.016857082024216652, 0.5334214568138123, 0.29247570037841797, -0.6497500538825989, -0.05331709608435631, 0.21111993491649628, -0.42913585901260376, 0.4189039468765259, 0.15997323393821716, -0.418527752161026, 0.4371694028377533, 0.7119848728179932, 0.46419015526771545, 0.5624781847000122, -0.17400841414928436, 0.13117876648902893, -0.7260193228721619, 0.2355092614889145, 0.018387120217084885, 0.47032129764556885, 0.3782452344894409, -0.1857621818780899, 0.7886345386505127, 0.33875131607055664, -0.5057253241539001, -1.0420911312103271, -0.2316732406616211, -1.1654984951019287, 0.06512357294559479, 1.2003065347671509, -0.18230998516082764, -0.5596528649330139, 0.08771928399801254, -0.23526859283447266, 0.41718077659606934, -0.25048667192459106, 0.599726140499115, 0.8195165395736694, -0.10701846331357956, -0.10938041657209396, -0.6283831596374512, 0.45224717259407043, 0.6518749594688416, -0.7472790479660034, -0.23731321096420288, 0.031152253970503807, 0.3730776906013489, 0.42732056975364685, 0.7788491249084473, -0.3112819492816925, 0.05659626051783562, 0.10531836003065109, 0.21583272516727448, 0.0037973704747855663, -0.10443408042192459, -0.2127862125635147, -0.027697838842868805, -0.2262943834066391, -0.5029692053794861 ]
abbasgolestani/ag-nli-DeTS-sentence-similarity-v1
abbasgolestani
2023-11-28T16:36:19Z
10,696
0
transformers
[ "transformers", "pytorch", "roberta", "text-classification", "feature-extraction", "sentence-similarity", "en", "nl", "de", "fr", "it", "es", "dataset:multi_nli", "dataset:pietrolesci/nli_fever", "license:apache-2.0", "endpoints_compatible", "region:us" ]
text-classification
2023-10-06T16:58:30Z
--- license: apache-2.0 datasets: - multi_nli - pietrolesci/nli_fever pipeline_tag: text-classification tags: - feature-extraction - sentence-similarity - transformers language: - en - nl - de - fr - it - es --- # Cross-Encoder for Sentence Similarity This model was trained using [SentenceTransformers](https://sbert.net) [Cross-Encoder](https://www.sbert.net/examples/applications/cross-encoder/README.html) class. ## Training Data This model was trained on 6 different nli datasets. The model will predict a score between 0 (not similar) and 1 (very similar) for the semantic similarity of two sentences. ## Usage (CrossEncoder) Comparing each sentence of sentences1 array to the corrosponding sentence of sentences2 array like comparing the first sentnece of each array, then comparing the second sentence of each array,... ```python from sentence_transformers import CrossEncoder model = CrossEncoder('abbasgolestani/ag-nli-DeTS-sentence-similarity-v1') # Two lists of sentences sentences1 = ['I am honored to be given the opportunity to help make our company better', 'I love my job and what I do here', 'I am excited about our company’s vision'] sentences2 = ['I am hopeful about the future of our company', 'My work is aligning with my passion', 'Definitely our company vision will be the next breakthrough to change the world and I’m so happy and proud to work here'] pairs = zip(sentences1,sentences2) list_pairs=list(pairs) scores1 = model.predict(list_pairs, show_progress_bar=False) print(scores1) for i in range(len(sentences1)): print("{} \t\t {} \t\t Score: {:.4f}".format(sentences1[i], sentences2[i], scores1[i])) ``` ## Usage #2 Pre-trained models can be used like this: ```python from sentence_transformers import CrossEncoder model = CrossEncoder('abbasgolestani/ag-nli-DeTS-sentence-similarity-v1') scores = model.predict([('Sentence 1', 'Sentence 2'), ('Sentence 3', 'Sentence 4')]) ``` The model will predict scores for the pairs `('Sentence 1', 'Sentence 2')` and `('Sentence 3', 'Sentence 4')`. You can use this model also without sentence_transformers and by just using Transformers ``AutoModel`` class
[ -0.10061969608068466, -0.3990379571914673, 0.26100534200668335, 0.36191728711128235, 0.06005732715129852, -0.14991171658039093, -0.06681590527296066, -0.3327506184577942, 0.10255014896392822, 0.48776814341545105, -0.7337381839752197, -0.5939328670501709, -0.5785499811172485, 0.3240494728088379, -0.5192383527755737, 1.1171694993972778, -0.11062585562467575, 0.17665566504001617, -0.5618106126785278, -0.18554706871509552, -0.36118283867836, -0.34948375821113586, -0.31299108266830444, -0.5164293050765991, 0.12805473804473877, 0.20604433119297028, 0.5142520666122437, 0.327562540769577, 0.6188313364982605, 0.3968629539012909, 0.08521423488855362, -0.17535088956356049, -0.358019083738327, -0.007029467727988958, -0.15483079850673676, -0.5731725692749023, -0.08776190131902695, 0.08504147082567215, 0.1986173391342163, 0.5280398726463318, 0.0052544004283845425, 0.39164403080940247, 0.10561591386795044, 0.36745381355285645, -0.15250897407531738, 0.22727887332439423, -0.5090188384056091, 0.3175686299800873, 0.10394029319286346, -0.09515108168125153, -0.21435515582561493, -0.4124593436717987, 0.10700962692499161, -0.3723164498806, 0.1990431249141693, 0.17594535648822784, 1.2350643873214722, 0.28474265336990356, -0.1572912633419037, -0.44083496928215027, -0.32376331090927124, 0.8725343346595764, -0.8621535897254944, 0.1707906275987625, 0.23763276636600494, 0.00044884817907586694, 0.0922602117061615, -0.746585488319397, -0.7620968818664551, -0.1151449903845787, -0.3500775992870331, 0.40609657764434814, -0.4159071743488312, -0.2824764549732208, 0.3485482931137085, 0.3818211257457733, -0.9226381182670593, 0.06642249971628189, -0.5660592317581177, -0.15102103352546692, 0.567952036857605, 0.4022156298160553, 0.18736767768859863, -0.3888247609138489, -0.5807108879089355, -0.3966277837753296, -0.12356751412153244, 0.2663523256778717, 0.3714419901371002, 0.02401117794215679, -0.2658924460411072, 0.8610689043998718, -0.4568851590156555, 0.5638194680213928, 0.2308356612920761, 0.026773134246468544, 0.7989407777786255, -0.3265586793422699, -0.28726398944854736, 0.19281019270420074, 1.0797697305679321, 0.6019300222396851, 0.5433962941169739, -0.21673916280269623, -0.23837648332118988, 0.4688594341278076, 0.3428748548030853, -0.7039062976837158, -0.22849102318286896, 0.07850732654333115, -0.7133830189704895, -0.3818964958190918, 0.34187886118888855, -0.7063013315200806, 0.07655499875545502, -0.0648927316069603, 0.6715449690818787, -0.4508504867553711, 0.378379225730896, 0.12530428171157837, -0.3184502422809601, 0.47388285398483276, -0.38577327132225037, -0.7396137118339539, 0.40018194913864136, 0.5813784003257751, 0.9050923585891724, -0.06807799637317657, -0.6498554944992065, -0.3893405497074127, -0.16930407285690308, -0.14059634506702423, 0.4656069576740265, -0.5180238485336304, -0.08810808509588242, -0.20823624730110168, 0.04681765288114548, -0.2505282759666443, -0.4980529546737671, 0.37073037028312683, -0.23911508917808533, 0.6534067988395691, 0.2603333294391632, -0.7551509141921997, -0.337396502494812, 0.5450674891471863, -0.7344052195549011, 0.9551087021827698, 0.28272390365600586, -0.8130606412887573, 0.12219086289405823, -0.674086332321167, -0.41948825120925903, -0.2614862620830536, -0.011721033602952957, -0.7781019806861877, 0.05232607573270798, 0.2352379411458969, 0.5392753481864929, -0.14800356328487396, 0.14041392505168915, -0.3215285837650299, -0.4375480115413666, 0.29352813959121704, -0.26488450169563293, 0.8223863244056702, -0.043416883796453476, -0.4009179174900055, 0.18478061258792877, -0.7297379374504089, 0.19912849366664886, 0.015435934998095036, -0.2810260057449341, -0.16027778387069702, -0.3817032277584076, 0.15870049595832825, 0.4204563796520233, 0.26435214281082153, -0.6190210580825806, 0.013053329661488533, -0.6194419264793396, 0.2924782335758209, 0.4965403079986572, 0.010356144048273563, 0.3338710367679596, -0.4994615316390991, 0.5610803365707397, 0.03274157643318176, 0.10141022503376007, 0.020341353490948677, -0.6245437264442444, -0.6034674644470215, 0.23348446190357208, 0.32700222730636597, 0.8740714192390442, -0.4869210124015808, 0.8441940546035767, -0.5346298813819885, -0.6467297077178955, -0.8399860262870789, -0.02703566662967205, 0.4095693826675415, 0.4495490789413452, 0.5996415615081787, -0.14978528022766113, -0.8197813034057617, -0.9626727104187012, -0.6041496992111206, -0.0015948314685374498, -0.031443145126104355, 0.002611488802358508, 0.9206258654594421, -0.3463110327720642, 0.9302732348442078, -0.49913519620895386, -0.42918068170547485, -0.39120572805404663, 0.10655763745307922, 0.41424083709716797, 0.6312681436538696, 0.4622422158718109, -0.809558629989624, -0.6556190252304077, -0.10242332518100739, -0.6542526483535767, 0.013733954168856144, -0.2898687422275543, 0.048675935715436935, 0.105992890894413, 0.47422343492507935, -0.6122894287109375, 0.5862085223197937, 0.6651601791381836, -0.49440330266952515, 0.42006146907806396, -0.12171049416065216, 0.19897255301475525, -1.3013306856155396, 0.019296448677778244, -0.07836852967739105, -0.19792145490646362, -0.4957033693790436, -0.08152538537979126, -0.3146088421344757, 0.08648744970560074, -0.3678247332572937, 0.33378738164901733, -0.27877292037010193, -0.01951497793197632, -0.13282325863838196, -0.09793097525835037, 0.0557156577706337, 0.6832177639007568, -0.03826583921909332, 0.6933262944221497, 0.6446463465690613, -0.4446914792060852, 0.6471083164215088, 0.6928441524505615, -0.6412296891212463, 0.27583345770835876, -0.8936116695404053, -0.06264860183000565, -0.059913527220487595, 0.1280345469713211, -0.9151354432106018, 0.10644620656967163, 0.3270050585269928, -0.745429277420044, -0.2984354496002197, 0.41509461402893066, -0.3575160801410675, -0.4783153831958771, -0.28499704599380493, 0.2518731653690338, 0.6781460046768188, -0.521960973739624, 0.6541873216629028, 0.08751567453145981, 0.03998560085892677, -0.47698426246643066, -1.2589727640151978, -0.10428749769926071, -0.3811960518360138, -0.49597683548927307, 0.4739668369293213, -0.14249852299690247, -0.09423814713954926, 0.3260802924633026, 0.004478869494050741, -0.05600537359714508, -0.12041660398244858, 0.420892596244812, 0.24061770737171173, -0.10167527198791504, -0.09814053028821945, -0.1289176344871521, -0.13390058279037476, 0.2475537210702896, -0.15743468701839447, 0.6453453302383423, -0.32786962389945984, -0.1051078662276268, -0.35862085223197937, 0.4049820303916931, 0.2527168095111847, -0.16948240995407104, 0.7892810702323914, 0.8606119155883789, -0.37376829981803894, -0.05389085039496422, -0.3003721535205841, -0.043220147490501404, -0.3937642574310303, 0.5104402899742126, -0.5546451210975647, -0.8234448432922363, 0.5112864971160889, 0.13232547044754028, -0.2786482572555542, 0.6983509063720703, 0.5238723754882812, 0.13963401317596436, 0.8051512837409973, 0.6759042739868164, -0.25927773118019104, 0.23245079815387726, -0.42145973443984985, 0.3772867023944855, -0.5569712519645691, -0.518176794052124, -0.3782424330711365, -0.34056776762008667, -0.6463912129402161, -0.30899444222450256, 0.09211764484643936, -0.011826211586594582, -0.10158677399158478, 0.6105397343635559, -0.5854310393333435, 0.5078428387641907, 0.7296366691589355, 0.006192570086568594, -0.12211234867572784, 0.0988621786236763, -0.1574757993221283, -0.022763341665267944, -0.7187566161155701, -0.3502217233181, 0.8339080810546875, 0.12819910049438477, 0.7848480343818665, -0.17018313705921173, 0.8796535730361938, 0.23255513608455658, -0.18254809081554413, -0.6498973369598389, 0.5460230708122253, -0.5862058401107788, -0.2053171843290329, -0.19907578825950623, -0.4581001102924347, -0.9825512170791626, -0.04663983732461929, -0.33027902245521545, -0.6397194266319275, 0.0856970027089119, -0.41607898473739624, -0.542542576789856, 0.16489246487617493, -0.47429269552230835, 1.3115898370742798, -0.19325651228427887, -0.012599021196365356, -0.16361702978610992, -0.8521019220352173, 0.05779634416103363, -0.020395278930664062, -0.12399552017450333, 0.05253341421484947, 0.11014723777770996, 0.9888044595718384, -0.26326143741607666, 0.7975819706916809, 0.288176029920578, 0.2857956886291504, 0.14501526951789856, -0.23231340944766998, 0.10148264467716217, -0.14722159504890442, -0.38240692019462585, 0.33934223651885986, -0.042600881308317184, -0.22400160133838654, -0.539787769317627, 0.7961482405662537, -0.8356691002845764, -0.23190592229366302, -0.5575761198997498, -0.523926854133606, 0.18335096538066864, 0.2745480537414551, 0.5428050756454468, 0.34175509214401245, -0.27210837602615356, 0.21334008872509003, 0.19915582239627838, -0.2864517569541931, 0.5267370343208313, 0.110291987657547, 0.012841382995247841, -0.5303975939750671, 0.531739354133606, -0.21788230538368225, 0.17735035717487335, 0.65467369556427, 0.11543921381235123, -0.48817771673202515, -0.09857720136642456, 0.034347470849752426, 0.042753592133522034, -0.6932356953620911, -0.2947143316268921, -0.7875757217407227, -0.49789348244667053, -0.7776100039482117, -0.0984731912612915, -0.1200631856918335, -0.24355705082416534, -0.25737810134887695, -0.13721805810928345, 0.5172494649887085, 0.7537634968757629, -0.1378038376569748, 0.17370298504829407, -0.7288031578063965, 0.4592110514640808, 0.03247004374861717, 0.37002474069595337, -0.15597034990787506, -0.5111756920814514, -0.29727551341056824, 0.0041589280590415, -0.1999291032552719, -0.67955482006073, 0.7875239253044128, 0.2758242189884186, 0.6282519698143005, 0.11046165972948074, -0.08826206624507904, 0.8820281624794006, -0.5516535639762878, 0.8308085203170776, 0.2436930537223816, -1.1970887184143066, 0.5287718176841736, 0.35848429799079895, 0.4578639566898346, 0.5713484883308411, 0.6120449304580688, -0.5849975347518921, -0.3535814881324768, -0.6645770072937012, -0.8378481268882751, 0.7289555668830872, 0.3354833126068115, 0.14607486128807068, -0.1562541127204895, 0.22279943525791168, 0.4133875072002411, 0.1821395605802536, -1.1151559352874756, -0.3755589425563812, -0.5057166218757629, -0.6495659351348877, -0.3659696877002716, 0.05163901299238205, 0.14288362860679626, -0.38792935013771057, 0.8409096598625183, 0.07867953181266785, 0.41359472274780273, 0.35488229990005493, 0.004426350351423025, 0.14072665572166443, 0.30848610401153564, 0.24217204749584198, 0.26614663004875183, -0.14705973863601685, -0.0383886955678463, 0.5345758199691772, -0.2713412642478943, -0.01459139958024025, 0.155149444937706, -0.07253830134868622, 0.1745680570602417, 0.55653977394104, 1.187083125114441, -0.06554475426673889, -0.5666256546974182, 0.6051655411720276, 0.05359344556927681, -0.34913432598114014, -0.542943000793457, -0.02521807886660099, -0.005846688058227301, 0.5873826146125793, -0.013121276162564754, 0.3551587164402008, 0.2702772915363312, -0.7008087038993835, 0.43818795680999756, 0.13330593705177307, -0.5687294602394104, -0.012591764330863953, 0.6855394244194031, -0.20522184669971466, -0.5299408435821533, 0.8922136425971985, -0.21264557540416718, -0.924943208694458, 0.6977053284645081, 0.6151344180107117, 0.8318666815757751, 0.07998079806566238, 0.22588853538036346, 0.5752979516983032, 0.16281220316886902, -0.32324448227882385, 0.27733102440834045, 0.16144104301929474, -0.6980845332145691, -0.19119927287101746, -0.7318219542503357, -0.06001504510641098, 0.049350086599588394, -0.8630385994911194, 0.17076139152050018, -0.1523507684469223, -0.013388878665864468, -0.056644830852746964, 0.0262608602643013, -0.8016534447669983, 0.4989125430583954, 0.12833596765995026, 0.6928189992904663, -1.0289486646652222, 0.7332892417907715, 0.6975505352020264, -0.6973537802696228, -0.9616920351982117, 0.14356866478919983, -0.3577810525894165, -0.6621608138084412, 0.6607292294502258, 0.6437654495239258, 0.12783978879451752, -0.06545934081077576, -0.23527351021766663, -0.630245566368103, 1.1806129217147827, -0.15355947613716125, -0.6900574564933777, -0.11345415562391281, 0.3822192847728729, 0.7378293871879578, -0.6638541221618652, 0.5418911576271057, 0.5281062126159668, 0.3116140067577362, -0.2785909175872803, -0.8328925371170044, 0.23305973410606384, -0.5448015332221985, 0.08837438374757767, -0.15797759592533112, -0.40919241309165955, 1.0591427087783813, -0.1814679503440857, 0.12942466139793396, 0.4136059582233429, 0.6873401999473572, 0.20495553314685822, 0.35866662859916687, 0.565662145614624, 0.7084694504737854, 0.5081648230552673, -0.0031391698867082596, 1.0214753150939941, -0.36762481927871704, 0.6356697678565979, 1.0699481964111328, -0.1678568720817566, 0.9402516484260559, 0.39054569602012634, -0.02814505435526371, 0.9890199303627014, 0.3630464971065521, -0.8979844450950623, 0.6427965760231018, 0.32216209173202515, 0.2517918646335602, -0.2549653947353363, 0.23223330080509186, -0.346838116645813, 0.6561465263366699, -0.150303915143013, -0.4568155109882355, -0.08954543620347977, 0.159586563706398, -0.35178568959236145, 0.39734888076782227, -0.1876934915781021, 0.6985281705856323, 0.006465700455009937, -0.7642183899879456, 0.3820614218711853, 0.0631132647395134, 0.9306322932243347, -0.6037408709526062, -0.1115817204117775, 0.030410489067435265, 0.422179639339447, -0.26124197244644165, -1.0816075801849365, 0.5488876700401306, -0.0035751645918935537, -0.346132755279541, -0.16520074009895325, 0.5535620450973511, -0.738916277885437, -0.6743538975715637, 0.6114323139190674, 0.3918815851211548, 0.2991875112056732, -0.008127843029797077, -1.1137737035751343, -0.11494475603103638, 0.174663245677948, -0.039828792214393616, -0.02836505137383938, 0.40176641941070557, 0.16250231862068176, 0.609664261341095, 0.46283599734306335, -0.008891644887626171, 0.15691271424293518, 0.3846125304698944, 0.5917990207672119, -0.9775661826133728, -0.6895365118980408, -0.9549265503883362, 0.263601154088974, -0.15209883451461792, -0.5284764170646667, 0.9371632933616638, 0.9878921508789062, 1.0411897897720337, -0.45785120129585266, 0.7606451511383057, -0.20284488797187805, 0.5622711181640625, -0.5235645174980164, 0.57308030128479, -0.6438623666763306, 0.004971313290297985, -0.1798379272222519, -0.8200583457946777, -0.3314805328845978, 0.7925483584403992, -0.31487587094306946, 0.10381459444761276, 0.8588994741439819, 0.9839617609977722, -0.1456606388092041, -0.04821213707327843, 0.017099939286708832, 0.33019259572029114, -0.029789559543132782, 0.8698926568031311, 0.6365249156951904, -0.8603799939155579, 0.9144455194473267, -0.4028879702091217, 0.1735595464706421, 0.022398564964532852, -0.496547669172287, -1.0916273593902588, -0.5189329981803894, -0.43188780546188354, -0.5184797644615173, 0.15693266689777374, 0.8253663182258606, 0.4073161780834198, -1.013461947441101, -0.25217142701148987, -0.2637282609939575, -0.11766228079795837, -0.5131727457046509, -0.2895528972148895, 0.22732408344745636, -0.033644188195466995, -0.6574935913085938, 0.2622043192386627, -0.015853367745876312, -0.06205235421657562, -0.027892081066966057, -0.19057628512382507, -0.49364903569221497, 0.03990901634097099, 0.42245543003082275, -0.14979921281337738, -0.8155716061592102, -0.3294772803783417, -0.03272080048918724, -0.3389202356338501, 0.10578818619251251, 0.24704965949058533, -0.9062181711196899, -0.05166512355208397, 0.6640015840530396, 0.5808359980583191, 0.5284918546676636, 0.06964143365621567, 0.37330228090286255, -0.4023510217666626, -0.17966285347938538, 0.15250901877880096, 0.32951775193214417, 0.4941062033176422, -0.31155499815940857, 0.6141976714134216, 0.1357133686542511, -0.5083639621734619, -0.4256535470485687, 0.014297754503786564, -1.1914535760879517, -0.3638298809528351, 1.0064868927001953, -0.2608756124973297, -0.36132535338401794, 0.19583596289157867, -0.10436823964118958, 0.5130919814109802, -0.1378377377986908, 0.7741665840148926, 0.5573545098304749, -0.07248207926750183, -0.04979367181658745, -0.09442014992237091, 0.29678425192832947, 0.6629372835159302, -0.7618551254272461, -0.4079107344150543, 0.04321078211069107, 0.5306668877601624, 0.2605118155479431, 0.2523467540740967, 0.06632772833108902, 0.20871040225028992, 0.4472772181034088, 0.21215593814849854, -0.013662218116223812, -0.013089207001030445, -0.5163632035255432, 0.2742960453033447, -0.6992176175117493, -0.5529753565788269 ]
yiyanghkust/finbert-fls
yiyanghkust
2022-06-10T23:20:05Z
10,671
14
transformers
[ "transformers", "pytorch", "bert", "text-classification", "financial-text-analysis", "forward-looking-statement", "en", "endpoints_compatible", "has_space", "region:us" ]
text-classification
2022-05-12T01:33:03Z
--- language: "en" tags: - financial-text-analysis - forward-looking-statement widget: - text: "We expect the age of our fleet to enhance availability and reliability due to reduced downtime for repairs. " --- Forward-looking statements (FLS) inform investors of managers’ beliefs and opinions about firm's future events or results. Identifying forward-looking statements from corporate reports can assist investors in financial analysis. FinBERT-FLS is a FinBERT model fine-tuned on 3,500 manually annotated sentences from Management Discussion and Analysis section of annual reports of Russell 3000 firms. **Input**: A financial text. **Output**: Specific-FLS , Non-specific FLS, or Not-FLS. # How to use You can use this model with Transformers pipeline for forward-looking statement classification. ```python # tested in transformers==4.18.0 from transformers import BertTokenizer, BertForSequenceClassification, pipeline finbert = BertForSequenceClassification.from_pretrained('yiyanghkust/finbert-fls',num_labels=3) tokenizer = BertTokenizer.from_pretrained('yiyanghkust/finbert-fls') nlp = pipeline("text-classification", model=finbert, tokenizer=tokenizer) results = nlp('We expect the age of our fleet to enhance availability and reliability due to reduced downtime for repairs.') print(results) # [{'label': 'Specific FLS', 'score': 0.77278733253479}] ``` Visit [FinBERT.AI](https://finbert.ai/) for more details on the recent development of FinBERT.
[ -0.5504751205444336, -0.4325258135795593, 0.2033431977033615, 0.48654282093048096, -0.18219491839408875, -0.04422243684530258, -0.09992945194244385, -0.4117822051048279, 0.177355095744133, 0.6014136672019958, -0.7968307137489319, -0.43601590394973755, -0.44267547130584717, 0.4226391017436981, -0.7279752492904663, 1.490312933921814, 0.015080150216817856, -0.2284933179616928, -0.04902802035212517, 0.22353105247020721, -0.2034287303686142, -0.37662896513938904, -0.768312931060791, -0.08795332163572311, 0.6035099029541016, 0.37983256578445435, 0.7143016457557678, 0.2267116755247116, 0.4064926207065582, 0.3586222529411316, 0.039926961064338684, -0.13902921974658966, -0.2166767716407776, -0.06502797454595566, -0.16439737379550934, -0.6344899535179138, -0.23438629508018494, 0.14410585165023804, 0.7499827742576599, 0.4738244414329529, 0.18426260352134705, 0.1736399233341217, 0.05913323163986206, 0.7637186050415039, -0.6289113163948059, 0.7362158894538879, -0.4153735935688019, 0.3928430378437042, -0.20191502571105957, -0.20191138982772827, -0.5752683281898499, -0.42920249700546265, 0.8112486004829407, -0.3300742506980896, 0.4823387563228607, 0.34830981492996216, 1.2460880279541016, -0.07984504848718643, -0.19037361443042755, -0.31740260124206543, -0.5636343359947205, 0.9062387943267822, -0.6842427253723145, 0.6415390968322754, 0.1509799212217331, 0.2557542622089386, 0.040428388863801956, -0.8926820755004883, -0.5143383145332336, -0.07662498950958252, -0.3135654032230377, -0.0042420728132128716, -0.22897081077098846, 0.019453365355730057, -0.05699726566672325, 0.426705926656723, -0.3629562258720398, -0.0809207409620285, -0.8519386649131775, -0.5114562511444092, 0.7604010105133057, -0.017778513953089714, -0.3271954655647278, -0.024878812953829765, -0.9314048290252686, -0.45516374707221985, -0.3310108482837677, 0.2575792372226715, 0.12691883742809296, 0.7498365640640259, -0.034445129334926605, 0.4296319782733917, -0.2870332598686218, 0.634134829044342, 0.16892066597938538, -0.09162278473377228, 0.4504569172859192, -0.004344520159065723, -0.4709794819355011, 0.414079487323761, 0.4988067150115967, 0.610802948474884, 0.500743567943573, 0.056137390434741974, -0.7377780675888062, -0.19880498945713043, 0.16247349977493286, -0.6325392127037048, -0.4710211753845215, 0.4864332377910614, -0.5659701228141785, -0.6755343675613403, 0.6006631851196289, -0.9609299302101135, -0.1200285404920578, 0.022072328254580498, 0.33626529574394226, -0.3261963427066803, -0.22593830525875092, -0.3244418203830719, -0.3043472170829773, 0.33485716581344604, 0.193006694316864, -0.8483231067657471, -0.010372653603553772, 0.7667047381401062, 1.0230237245559692, 0.20947003364562988, -0.2719873785972595, -0.8370558023452759, -0.12402429431676865, -0.48469799757003784, 0.9834060668945312, -0.2777622938156128, -0.3519994616508484, 0.24558430910110474, 0.28620991110801697, -0.15902391076087952, -0.4456551969051361, 0.6116653084754944, -0.5325653553009033, 0.5135467648506165, 0.04006238281726837, -0.430498331785202, -0.5132827162742615, -0.1558542102575302, -0.30877551436424255, 0.5479256510734558, 0.440276563167572, -0.9031508564949036, 0.44741466641426086, -0.6700777411460876, -0.4398842751979828, 0.09590893238782883, -0.24582956731319427, -0.5809723138809204, 0.2810896635055542, -0.13494999706745148, 0.7425612807273865, -0.13761523365974426, 0.35535237193107605, -0.15257468819618225, -0.253398597240448, 0.5256628394126892, -0.21175342798233032, 0.4457383155822754, 0.609199583530426, -0.2036900371313095, 0.45009541511535645, -0.5997323393821716, 0.07355255633592606, -0.1609591841697693, -0.1778722107410431, -0.061829544603824615, 0.1369667500257492, 0.1491260975599289, 0.20179207623004913, 0.37685394287109375, -0.44384145736694336, -0.2530380189418793, -0.5536832809448242, 0.41477301716804504, 1.0538159608840942, -0.1243816390633583, 0.09357481449842453, -0.4566963016986847, 0.5874382853507996, 0.3515178859233856, 0.19709473848342896, -0.41695088148117065, -0.5396503210067749, -0.8471716046333313, -0.03181939944624901, 0.10824635624885559, 0.7961365580558777, -0.5912851095199585, 0.2540770471096039, -0.08641880005598068, -0.45571234822273254, -0.10933496803045273, -0.2757972776889801, 0.17914023995399475, 0.8253180980682373, 0.4593311548233032, 0.05640802159905434, -0.6877471804618835, -1.2346975803375244, -0.3560490012168884, -0.45436879992485046, 0.043142933398485184, -0.2570700943470001, 0.4446423649787903, -0.15676748752593994, 0.991237461566925, -0.801209568977356, -0.3010362982749939, -0.13600440323352814, 0.25434184074401855, 0.5586843490600586, 0.48469996452331543, 0.5465644001960754, -1.027815341949463, -0.27965542674064636, -0.12105312198400497, -0.5194335579872131, 0.15999780595302582, -0.28360801935195923, 0.17150065302848816, 0.38683709502220154, 0.38691893219947815, -0.2787137031555176, 0.5403850674629211, 0.34023982286453247, -0.6860982775688171, 0.7815531492233276, 0.016807129606604576, -0.0518847331404686, -0.5122316479682922, 0.09083642810583115, 0.510453462600708, -0.11830881237983704, -0.8103170990943909, -0.14993135631084442, -0.0741499736905098, -0.1343197524547577, -0.4841221570968628, 0.17879857122898102, 0.06287684291601181, -0.11499427258968353, -0.02038939855992794, 0.12188435345888138, 0.019454242661595345, 0.37740087509155273, 0.3034687936306, 0.855649471282959, 0.3161461353302002, -0.8221879005432129, 0.22701549530029297, 0.4629226624965668, -0.33526214957237244, 0.3731521666049957, -0.35153427720069885, -0.2851703464984894, -0.2289978712797165, 0.23769769072532654, -1.1215565204620361, -0.034842997789382935, 0.3759426176548004, -0.5264356136322021, 0.28651049733161926, 0.2543747127056122, -0.027396220713853836, -0.6000667214393616, -0.4340279996395111, -0.22162392735481262, 0.2270161360502243, -0.4114285409450531, 0.7161890268325806, -0.15612617135047913, -0.5578262209892273, -0.9317470788955688, -1.135643482208252, -0.30606892704963684, -0.3483552634716034, -0.5951866507530212, 0.20686087012290955, 0.17893531918525696, -0.31785866618156433, -0.22632908821105957, -0.32059359550476074, -0.199357271194458, -0.08986684679985046, 0.12191034108400345, 0.688754677772522, -0.36933064460754395, 0.12062095105648041, -0.06945233047008514, -0.2792133092880249, 0.3158777058124542, -0.414312481880188, 0.344184935092926, -0.8471283912658691, 0.4009144902229309, -0.6106453537940979, 0.2662924528121948, 0.47350990772247314, -0.24295522272586823, 0.7937237024307251, 0.7494580745697021, -0.23414431512355804, 0.1546553671360016, -0.36062145233154297, -0.1195947602391243, -0.5394818782806396, 0.31881457567214966, -0.340457022190094, -0.6073757410049438, 0.443472295999527, -0.0058561647310853004, 0.3251940906047821, 1.1627037525177002, 0.06870747357606888, -0.16556280851364136, 0.6397766470909119, 0.7643823027610779, 0.07441519945859909, 0.5120682120323181, -0.42609724402427673, 0.27239084243774414, -0.42849278450012207, -0.48584985733032227, -0.5335813164710999, -0.025370312854647636, -0.5292109847068787, 0.0865163654088974, 0.043370287865400314, 0.19883187115192413, -0.3126864731311798, 0.35817891359329224, -0.6958817839622498, -0.018680520355701447, 0.2754758298397064, -0.2574024498462677, 0.03710892051458359, -0.15438061952590942, -0.3076965808868408, 0.005918532144278288, -0.4091789424419403, -0.6385826468467712, 0.8181861042976379, 0.659449577331543, 0.5003355145454407, -0.028724540024995804, 0.7970011234283447, 0.5741099119186401, 0.7144654989242554, -0.5546841025352478, 0.5411502122879028, -0.3673144578933716, -0.647333562374115, -0.11765788495540619, -0.5475812554359436, -0.6387349963188171, 0.12305261939764023, -0.40923017263412476, -0.8807510733604431, 0.3711030185222626, 0.00387488747946918, -0.7307771444320679, 0.3389037549495697, -0.6425663828849792, 0.7029696702957153, -0.43178221583366394, -0.09344182908535004, -0.10200981795787811, -0.6824935078620911, 0.47360584139823914, -0.4253217875957489, 0.38813382387161255, -0.09994930773973465, -0.17124594748020172, 0.9852098226547241, -0.606097936630249, 0.738043487071991, -0.5756222009658813, -0.42135149240493774, 0.4763234257698059, -0.4457240104675293, 0.33094704151153564, 0.029312266036868095, -0.2191486805677414, 0.16836710274219513, 0.31003859639167786, -0.1370033174753189, -0.32918232679367065, 0.6112972497940063, -0.5255136489868164, -0.6230400204658508, -0.9861622452735901, -0.19239838421344757, 0.10785253345966339, 0.38885316252708435, 0.26556843519210815, 0.4846328794956207, 0.09578108042478561, 0.14221641421318054, 0.26602646708488464, -0.5614064931869507, 0.6631836295127869, 0.380291610956192, -0.8224245309829712, -0.5498133301734924, 0.8682843446731567, -0.006245933473110199, 0.14662587642669678, 0.6883409023284912, 0.38396507501602173, -0.6381668448448181, -0.29115545749664307, 0.02754264697432518, 0.03575466573238373, -0.8717224597930908, -0.43743085861206055, -0.5132591128349304, -0.45305803418159485, -0.4826940596103668, -0.16609302163124084, -0.33532583713531494, -0.48406481742858887, -0.4016185700893402, -0.00461683189496398, 0.5631036758422852, 0.7207376956939697, -0.12601441144943237, 0.3023218512535095, -0.7966471910476685, 0.06087231636047363, 0.05797910690307617, 0.4124058485031128, 0.14525003731250763, -0.20984183251857758, -0.31926727294921875, 0.08588337153196335, -0.4491005837917328, -0.7158961892127991, 0.5801053047180176, 0.32471320033073425, 0.38854146003723145, 0.9682101607322693, 0.34199902415275574, 0.5662622451782227, -0.014681941829621792, 0.8301131725311279, 0.35252490639686584, -1.062816858291626, 0.7184898853302002, -0.07786360383033752, -0.01169731467962265, 0.503884494304657, 0.6352493166923523, -0.41977620124816895, -0.26278284192085266, -0.7826719284057617, -0.8603854775428772, 0.6636084914207458, 0.13505911827087402, -0.2373361438512802, -0.2556943893432617, 0.4598802924156189, 0.1554981917142868, 0.5217592716217041, -0.5818533301353455, -0.43208739161491394, -0.3774786591529846, -0.20608724653720856, -0.309314101934433, 0.0544118657708168, 0.19457468390464783, -0.33137047290802, 0.8519062399864197, -0.07899262756109238, 0.7272325754165649, 0.5849151015281677, 0.33117544651031494, -0.09413326531648636, 0.21268850564956665, 1.0674761533737183, 0.7691547274589539, -0.6837071180343628, -0.07009370625019073, 0.2885480523109436, -0.4936063587665558, -0.27734944224357605, 0.289152055978775, 0.08888030797243118, 0.18575182557106018, 0.47026345133781433, 0.5886421799659729, 0.1409587413072586, -0.6433794498443604, 0.647442102432251, -0.052462365478277206, -0.06367608904838562, -0.8059169054031372, 0.10323076695203781, -0.278332382440567, 0.7152719497680664, 1.0534554719924927, 0.5857439041137695, -0.10082858055830002, -0.732335090637207, 0.6147868037223816, 0.024801991879940033, -0.5681328177452087, -0.19511298835277557, 1.0541362762451172, 0.12765567004680634, -0.40384331345558167, 0.8211510181427002, 0.10969672352075577, -0.8843548893928528, 0.32541561126708984, 0.3923405408859253, 1.0557059049606323, -0.11739866435527802, 0.2026258111000061, 0.23251432180404663, 0.12957830727100372, -0.08426979184150696, 0.41235634684562683, -0.002834525192156434, -0.5175445079803467, -0.3616311550140381, -0.7150321006774902, -0.3570733070373535, 0.1873621791601181, -0.8507492542266846, 0.5638635754585266, -0.7537323832511902, -0.5347484946250916, 0.182074174284935, 0.1903054267168045, -0.6965295076370239, 0.4850860834121704, 0.08923128247261047, 1.1985669136047363, -0.7679334878921509, 0.5902684330940247, 0.406601220369339, -0.7485660314559937, -0.6224895119667053, 0.02755008451640606, -0.1865331083536148, -0.6768741011619568, 1.0010193586349487, 0.541443407535553, -0.0739041417837143, -0.17563989758491516, -0.44187048077583313, -0.671917736530304, 1.0522676706314087, -0.22151987254619598, -0.7387554049491882, -0.29754504561424255, -0.09586667269468307, 0.32163646817207336, -0.762211263179779, -0.0636095255613327, 0.4046655595302582, 0.713359534740448, -0.034651175141334534, -0.706585168838501, 0.0030165051575750113, -0.033914290368556976, -0.26696184277534485, 0.284461110830307, -0.9194055795669556, 1.3201171159744263, -0.5405959486961365, -0.21026600897312164, 0.11343304067850113, 1.196080207824707, 0.3532041013240814, 0.7202208638191223, 0.7328559756278992, -0.0435175858438015, 0.7109498977661133, -0.2981780171394348, 0.8228767514228821, -0.21939805150032043, 0.4287824332714081, 0.804695725440979, 0.09416879713535309, 1.193874478340149, 0.43818044662475586, -0.29935911297798157, 1.0018421411514282, 0.6629956364631653, -0.5138327479362488, 0.7445366382598877, 0.17004665732383728, -0.03796542063355446, 0.1975475549697876, 0.2596278190612793, -0.5266187191009521, 0.5098486542701721, 0.46430152654647827, -0.8235024809837341, 0.10307347774505615, -0.06685111671686172, -0.09739775955677032, -0.18018199503421783, -0.2182563990354538, 0.3095890283584595, 0.19264613091945648, -0.772716760635376, 0.6588284969329834, 0.11376800388097763, 0.8349542021751404, -0.5993937849998474, 0.2092355638742447, 0.132165789604187, 0.5445259809494019, -0.49499619007110596, -0.9365264773368835, 0.6035037636756897, -0.057550761848688126, -0.028923112899065018, -0.14717721939086914, 0.5654529929161072, -0.3334256410598755, -0.5796899795532227, 0.012327793054282665, 0.10722880065441132, 0.33984512090682983, -0.06182799115777016, -0.6580377221107483, 0.017487527802586555, 0.41333019733428955, -0.07857717573642731, -0.06422941386699677, 0.14213216304779053, 0.002983001759275794, 0.7581049203872681, 0.4273775815963745, -0.0753990188241005, -0.317678838968277, -0.1987684667110443, 0.6772306561470032, -0.9992600083351135, -0.7463595271110535, -0.5801556706428528, 0.3470064103603363, -0.04442458227276802, -0.4782950282096863, 0.6554807424545288, 0.840124249458313, 0.7579131722450256, -0.31152668595314026, 0.629822850227356, 0.13272440433502197, 0.4469507336616516, -0.39609235525131226, 0.8194074630737305, -0.34090590476989746, 0.3004826307296753, -0.5396725535392761, -0.7167910933494568, -0.09378344565629959, 1.041580080986023, -0.25763294100761414, 0.013750992715358734, 0.6130555868148804, 0.41817712783813477, 0.26772716641426086, 0.7739537954330444, -0.09114377200603485, 0.14094674587249756, 0.33121979236602783, 0.35541772842407227, 0.9574323892593384, -0.5419285893440247, 0.6117811799049377, -0.5089027881622314, -0.15542252361774445, -0.35698601603507996, -0.9211469292640686, -0.8410148024559021, -0.7694331407546997, -0.6962333917617798, -0.5483977794647217, -0.16909098625183105, 0.8091341853141785, 0.42859402298927307, -1.026875376701355, -0.21648932993412018, -0.07043367624282837, -0.08691175282001495, -0.47598886489868164, -0.42292866110801697, 0.40347644686698914, -0.2854980230331421, -0.4395403265953064, 0.2501053810119629, 0.17192842066287994, 0.4994592070579529, -0.5268903374671936, 0.10189741849899292, -0.4661718010902405, 0.12407403439283371, 0.5782929062843323, 0.30002930760383606, -0.7027257084846497, -0.5525990128517151, -0.2936696410179138, 0.4481104612350464, 0.0031920811161398888, 0.6241146326065063, -0.8435087203979492, -0.0044897086918354034, 0.3686366081237793, 0.16340956091880798, 0.52756267786026, -0.06530849635601044, 0.8225674033164978, -0.6973869800567627, 0.1605319380760193, 0.13332167267799377, 0.3684792220592499, 0.3600040674209595, -0.5387555360794067, 0.4579963982105255, 0.05365723744034767, -0.31901296973228455, -0.7909754514694214, -0.17134499549865723, -0.762304961681366, -0.29242250323295593, 0.5011831521987915, -0.25593701004981995, -0.1943618357181549, 0.08239807188510895, 0.1250806450843811, 0.22967861592769623, -0.6502383947372437, 0.3069179952144623, 0.7263140082359314, -0.4604524075984955, -0.10718881338834763, -0.5069015622138977, 0.50943523645401, 0.12633131444454193, -0.3064000904560089, -0.052581045776605606, 0.117272287607193, 0.2481471598148346, 0.5917723774909973, 0.3837205767631531, -0.03894975408911705, 0.06696734577417374, 0.13269124925136566, -0.45355671644210815, 0.0561668761074543, -0.4196617603302002, -0.14500659704208374, 0.2994258403778076, -0.23166559636592865, -0.3058232069015503 ]
StanfordAIMI/stanford-deidentifier-only-i2b2
StanfordAIMI
2022-11-23T19:45:04Z
10,668
3
transformers
[ "transformers", "pytorch", "bert", "token-classification", "sequence-tagger-model", "pubmedbert", "uncased", "radiology", "biomedical", "en", "dataset:radreports", "license:mit", "endpoints_compatible", "region:us" ]
token-classification
2022-06-09T08:10:52Z
--- widget: - text: "PROCEDURE: Chest xray. COMPARISON: last seen on 1/1/2020 and also record dated of March 1st, 2019. FINDINGS: patchy airspace opacities. IMPRESSION: The results of the chest xray of January 1 2020 are the most concerning ones. The patient was transmitted to another service of UH Medical Center under the responsability of Dr. Perez. We used the system MedClinical data transmitter and sent the data on 2/1/2020, under the ID 5874233. We received the confirmation of Dr Perez. He is reachable at 567-493-1234." - text: "Dr. Curt Langlotz chose to schedule a meeting on 06/23." tags: - token-classification - sequence-tagger-model - pytorch - transformers - pubmedbert - uncased - radiology - biomedical datasets: - radreports language: - en license: mit --- Stanford de-identifier was trained on a variety of radiology and biomedical documents with the goal of automatising the de-identification process while reaching satisfactory accuracy for use in production. Manuscript in-proceedings. Associated github repo: https://github.com/MIDRC/Stanford_Penn_Deidentifier ## Citation ```bibtex @article{10.1093/jamia/ocac219, author = {Chambon, Pierre J and Wu, Christopher and Steinkamp, Jackson M and Adleberg, Jason and Cook, Tessa S and Langlotz, Curtis P}, title = "{Automated deidentification of radiology reports combining transformer and “hide in plain sight” rule-based methods}", journal = {Journal of the American Medical Informatics Association}, year = {2022}, month = {11}, abstract = "{To develop an automated deidentification pipeline for radiology reports that detect protected health information (PHI) entities and replaces them with realistic surrogates “hiding in plain sight.”In this retrospective study, 999 chest X-ray and CT reports collected between November 2019 and November 2020 were annotated for PHI at the token level and combined with 3001 X-rays and 2193 medical notes previously labeled, forming a large multi-institutional and cross-domain dataset of 6193 documents. Two radiology test sets, from a known and a new institution, as well as i2b2 2006 and 2014 test sets, served as an evaluation set to estimate model performance and to compare it with previously released deidentification tools. Several PHI detection models were developed based on different training datasets, fine-tuning approaches and data augmentation techniques, and a synthetic PHI generation algorithm. These models were compared using metrics such as precision, recall and F1 score, as well as paired samples Wilcoxon tests.Our best PHI detection model achieves 97.9 F1 score on radiology reports from a known institution, 99.6 from a new institution, 99.5 on i2b2 2006, and 98.9 on i2b2 2014. On reports from a known institution, it achieves 99.1 recall of detecting the core of each PHI span.Our model outperforms all deidentifiers it was compared to on all test sets as well as human labelers on i2b2 2014 data. It enables accurate and automatic deidentification of radiology reports.A transformer-based deidentification pipeline can achieve state-of-the-art performance for deidentifying radiology reports and other medical documents.}", issn = {1527-974X}, doi = {10.1093/jamia/ocac219}, url = {https://doi.org/10.1093/jamia/ocac219}, note = {ocac219}, eprint = {https://academic.oup.com/jamia/advance-article-pdf/doi/10.1093/jamia/ocac219/47220191/ocac219.pdf}, } ```
[ -0.2032376378774643, -0.2046528160572052, 0.6484088897705078, -0.14451588690280914, -0.43551018834114075, -0.05964186415076256, 0.21307027339935303, -0.5178961753845215, 0.14941982924938202, 0.11916320025920868, -0.31957194209098816, -0.6547423005104065, -0.7168158888816833, 0.34166887402534485, -0.34368523955345154, 0.6363643407821655, 0.121724933385849, -0.08008091151714325, 0.2602345645427704, 0.05743759498000145, -0.34378987550735474, -0.12016274034976959, -0.2285921722650528, -0.2965036630630493, 0.4376021921634674, 0.22943735122680664, 0.5951270461082458, 1.0957516431808472, 1.1260662078857422, 0.23496975004673004, 0.05974918231368065, 0.11517311632633209, -0.3838145136833191, -0.1629071980714798, -0.058792416006326675, 0.10617060959339142, -0.47904884815216064, 0.001662247464992106, 0.6385242938995361, 0.7830281853675842, 0.3230744004249573, 0.0015480183064937592, -0.2169695943593979, 0.7258444428443909, -0.9257373809814453, 0.3854462802410126, -0.26409631967544556, -0.008292710408568382, -0.3341031074523926, -0.3846813142299652, -0.5157591104507446, -0.5285760760307312, 0.41624969244003296, -0.37440866231918335, 0.28186607360839844, -0.21905012428760529, 1.153558373451233, 0.27531731128692627, -0.4792206287384033, -0.2815644145011902, -0.8112369775772095, 0.5508789420127869, -0.5463730692863464, 0.33983904123306274, 0.4391012191772461, 0.20959146320819855, 0.1787838339805603, -1.0493605136871338, 0.016537370160222054, -0.25462478399276733, -0.49250516295433044, 0.378789484500885, -0.2501824200153351, 0.11312627792358398, 0.43302664160728455, 0.5691848397254944, -0.7700099945068359, 0.22901323437690735, -1.0074576139450073, -0.07473423331975937, 0.7182933688163757, 0.05453520268201828, 0.14633709192276, -0.35286784172058105, -0.28129473328590393, -0.23042672872543335, -0.4965537488460541, -0.4491844177246094, -0.0012433301890268922, 0.18760773539543152, -0.11851724237203598, 0.21103423833847046, -0.41446155309677124, 0.2681486904621124, 0.31335562467575073, -0.25284403562545776, 0.7659408450126648, 0.14215491712093353, -0.45144620537757874, 0.4842345416545868, 0.7728896141052246, 0.11689074337482452, -0.09827429801225662, 0.005061816889792681, 0.04722364991903305, -0.03382125869393349, 0.20138730108737946, -0.7653551697731018, -0.6086466908454895, 0.029840270057320595, -0.7358010411262512, -0.5501240491867065, 0.6931558847427368, -0.4103256165981293, -0.5875163674354553, -0.36930906772613525, 0.2670856714248657, -0.7081699371337891, -0.24297286570072174, 0.12754316627979279, -0.19801993668079376, 0.30364125967025757, 0.3123514652252197, -0.7734725475311279, 0.005890931934118271, 0.6156131029129028, 0.7053554654121399, -0.1556532233953476, 0.011896161362528801, -0.34691321849823, 0.3857964277267456, -0.3734433352947235, 0.5922474265098572, -0.22139383852481842, -0.5499599575996399, -0.19595366716384888, 0.3592168390750885, -0.23261108994483948, -0.5843412280082703, 0.6976131200790405, -0.4597536027431488, 0.3275202214717865, -0.282636821269989, -0.19807139039039612, -0.37690138816833496, 0.05038150027394295, -0.8616374135017395, 0.9446816444396973, 0.24721862375736237, -0.9264332056045532, 0.3593136966228485, -0.3096964657306671, -0.4165407717227936, 0.3583069443702698, -0.2786084711551666, -0.6236081719398499, 0.16225039958953857, 0.1595466136932373, 0.14062775671482086, -0.47868460416793823, 0.5011523365974426, -0.12384895235300064, -0.5796316862106323, 0.1426089107990265, -0.6015251278877258, 1.1619349718093872, 0.17463095486164093, -0.43861135840415955, -0.3912925720214844, -0.8318347334861755, 0.03022654540836811, 0.05669168382883072, -0.3558167517185211, -0.3898940980434418, -0.49366295337677, -0.24083483219146729, -0.013786003924906254, 0.039340097457170486, -0.6503695249557495, 0.10246852040290833, -0.3928053081035614, 0.22289778292179108, 0.5167077779769897, 0.11563833802938461, 0.1101962998509407, -0.4829567074775696, 0.351284384727478, 0.14435230195522308, 0.3076269030570984, -0.25971096754074097, -0.4366234838962555, -0.5111007690429688, -0.8797413110733032, 0.49132850766181946, 0.6278660297393799, 0.19124460220336914, 0.6734696626663208, -0.6636685132980347, -0.5816915035247803, -0.37932276725769043, -0.4773373603820801, 0.2918311655521393, 0.8543874025344849, 0.4229280650615692, -0.4472161829471588, -0.637175977230072, -1.000115990638733, 0.3259882628917694, -0.2657858729362488, -0.28026092052459717, 0.14914587140083313, 0.374158650636673, -0.44273895025253296, 0.7924795746803284, -0.7111960053443909, -0.5722920298576355, -0.010450612753629684, 0.30657005310058594, 0.19308264553546906, 0.47745177149772644, 0.40849795937538147, -0.8311346173286438, -0.5937266945838928, -0.1736384630203247, -1.125753402709961, -0.36441323161125183, -0.04380466789007187, 0.05492739751935005, 0.14629623293876648, 0.6584764719009399, -0.27431315183639526, 0.8849711418151855, -0.04110999405384064, 0.2444923222064972, -0.058372799307107925, -0.5477851629257202, 0.3145531713962555, -0.7295604348182678, 0.5959551930427551, -0.07300299406051636, 0.05841503664851189, -0.4749731719493866, -0.3365093469619751, 0.44576364755630493, -0.18641342222690582, -0.45267021656036377, 0.29239150881767273, -0.7681559324264526, 0.17518316209316254, 0.11320535838603973, -0.11524587869644165, 0.1529664546251297, 0.2704494595527649, 0.1571158915758133, 0.23983104526996613, 0.39257386326789856, -0.548427402973175, 0.14790503680706024, 0.19538314640522003, -0.2418276071548462, 0.5086236596107483, -0.7246926426887512, 0.09644563496112823, -0.5198090076446533, 0.34952178597450256, -1.0373990535736084, -0.2304510921239853, 0.49420660734176636, -0.11328259855508804, 0.5905184745788574, -0.19270417094230652, -0.1603180468082428, -0.8146494626998901, -0.6116166710853577, 0.3990192711353302, 0.49149569869041443, -0.4149618148803711, 0.5614827275276184, 0.3688677251338959, 0.07978449761867523, -0.5836169719696045, -0.908790647983551, -0.03664681315422058, -0.34214717149734497, -0.45730406045913696, 0.8999163508415222, -0.10483908653259277, -0.2720385491847992, -0.10778841376304626, 0.0028412197716534138, -0.41981256008148193, 0.0916796326637268, 0.7272471189498901, 0.5842925310134888, -0.14064250886440277, 0.22520773112773895, 0.11851564049720764, -0.6500703692436218, 0.019536688923835754, -0.11568468809127808, 0.12705954909324646, -0.0020819902420043945, -0.7345302104949951, -1.0335782766342163, 0.2772950828075409, 0.806140661239624, 0.0021678779739886522, 0.36098191142082214, 0.4590485990047455, -0.6005077362060547, 0.4463895261287689, -0.5939450860023499, -0.2820880711078644, -0.43431556224823, 0.14344562590122223, -0.40888288617134094, -0.11087719351053238, 0.3911479711532593, -0.25191783905029297, -0.0023848831187933683, 0.8038783073425293, 0.3481600284576416, -0.1096639484167099, 0.8955441117286682, 0.4409320056438446, -0.13178792595863342, 0.1396045684814453, -0.4918854236602783, 0.4226856827735901, -0.8161148428916931, -0.33034786581993103, -0.6220477223396301, -0.3768678307533264, -0.5956686735153198, -0.02194974757730961, 0.6796925067901611, -0.14282390475273132, -0.023532303050160408, 0.22318589687347412, -0.9822948575019836, 0.46345746517181396, 0.5551255941390991, 0.3635024130344391, 0.5402670502662659, -0.05621487274765968, 0.21942858397960663, -0.30829304456710815, -0.4011027216911316, -0.4060485064983368, 1.2872365713119507, 0.39137130975723267, 0.8575140833854675, 0.15917082130908966, 1.0156010389328003, 0.5891994833946228, 0.21254028379917145, -0.6246420741081238, 0.24783222377300262, -0.3646948039531708, -0.37537646293640137, -0.23179857432842255, -0.026140227913856506, -1.0489710569381714, -0.0339474081993103, 0.2105703502893448, -0.5521568655967712, 0.6244463920593262, -0.2684763967990875, -0.6096484661102295, -0.05130365490913391, -0.36968791484832764, 0.6016910672187805, -0.12197449803352356, 0.08180150389671326, -0.17502449452877045, -0.6346396803855896, 0.3399321436882019, -0.2622784972190857, -0.10779675841331482, -0.2151157557964325, 0.2396295964717865, 0.562606692314148, -0.5093558430671692, 0.8432878851890564, 0.07031679153442383, -0.06520746648311615, 0.12709076702594757, -0.07322004437446594, 0.23557543754577637, 0.20258250832557678, -0.17224223911762238, 0.39617282152175903, 0.2203156054019928, 0.1396590620279312, -0.1048271507024765, 0.7258883118629456, -0.7156939506530762, -0.5129263997077942, -0.8436729907989502, -0.49337664246559143, 0.3846268355846405, 0.5294291973114014, 0.6780869364738464, 0.8316475749015808, -0.16006898880004883, 0.3018622398376465, 0.9554411172866821, -0.14785338938236237, 0.31104087829589844, 0.6720812320709229, 0.45556074380874634, -0.5419328808784485, 0.684181809425354, 0.3535453677177429, -0.16320820152759552, 0.6552160978317261, 0.39579054713249207, -0.34232133626937866, -0.34175270795822144, -0.3623119592666626, 0.666288435459137, -0.8204430937767029, -0.32044562697410583, -0.8156288862228394, -0.6524720191955566, -0.6366814374923706, -0.22420357167720795, -0.18187189102172852, -0.43295589089393616, -0.5200378894805908, -0.02667883038520813, 0.1371062844991684, 0.5053418874740601, -0.48203229904174805, -0.03011726774275303, -0.707997739315033, 0.3079414963722229, 0.18501508235931396, -0.03492754325270653, -0.26996129751205444, -0.8086454272270203, 0.06245160475373268, -0.008926893584430218, -0.22262395918369293, -0.8840662837028503, 0.42488887906074524, 0.16911181807518005, 0.5770485997200012, 0.6254958510398865, 0.6624526381492615, 0.592305600643158, 0.0070822411216795444, 0.28714922070503235, -0.09009107947349548, -0.7811457514762878, 0.9138893485069275, -0.22495226562023163, 0.4241160750389099, 0.833262026309967, 0.5478828549385071, -0.3849865794181824, -0.29937902092933655, -0.7938308715820312, -0.7782750129699707, 0.8699445724487305, -0.27450641989707947, -0.08874040096998215, -0.19249244034290314, 0.31832998991012573, -0.07137726992368698, -0.2658272385597229, -0.4684526324272156, -0.13204005360603333, 0.29737555980682373, -0.45369940996170044, 0.6087248921394348, -0.4575447142124176, -0.40599551796913147, -0.24846792221069336, 0.9766924977302551, -0.15470460057258606, 0.20820944011211395, 0.37650197744369507, -0.4869351387023926, -0.01695665717124939, -0.19035498797893524, 0.44582605361938477, 0.8572564721107483, -0.3850148916244507, 0.24744106829166412, 0.001581384800374508, -0.8207551836967468, -0.06600478291511536, 0.2453622668981552, -0.4464002549648285, 0.25750645995140076, 0.3774447441101074, 0.17496927082538605, 0.10898368805646896, -0.4332742691040039, 0.6324100494384766, -0.15011188387870789, -0.35987725853919983, -0.5217589139938354, -0.034679777920246124, -0.3227216303348541, 0.04660206660628319, 0.4266100823879242, -0.14775215089321136, 0.43408527970314026, -0.09694850444793701, 0.2048150897026062, 0.21527859568595886, -0.6948468089103699, -0.06814896315336227, 0.6712188720703125, 0.10965633392333984, 0.17754201591014862, 1.2281514406204224, -0.13150891661643982, -0.17881067097187042, 0.7835837006568909, 0.12458192557096481, 1.0719002485275269, -0.4224069118499756, 0.2161775827407837, 0.7181215286254883, 0.39937055110931396, 0.0026508760638535023, 0.09389375150203705, 0.01503517385572195, -0.19838093221187592, 0.19594788551330566, -0.13119418919086456, -0.008995689451694489, 0.4281211793422699, -0.8604571223258972, 0.7549712657928467, -0.6222460269927979, -0.15330201387405396, 0.2405431866645813, -0.07759909331798553, -0.43146443367004395, 0.21502313017845154, 0.39943239092826843, 0.8445665836334229, -0.9444854259490967, 0.7058971524238586, 0.2600143551826477, -0.6748752593994141, -0.6222484707832336, 0.035543669015169144, 0.3666585385799408, -0.404430091381073, 0.890870213508606, 0.5272747874259949, 0.06130540370941162, -0.0730639323592186, 0.2895156741142273, -1.1191964149475098, 1.5442367792129517, 0.29858219623565674, -0.4720817506313324, -0.06822317838668823, 0.40596652030944824, 0.3532262146472931, 0.01689046435058117, 0.6140512228012085, 0.6056939959526062, 0.46136608719825745, 0.2529486417770386, -1.1647530794143677, 0.24125134944915771, -0.15940721333026886, -0.01885693147778511, 0.0950666144490242, -0.4937720000743866, 0.7519375085830688, -0.2871992290019989, -0.5372333526611328, 0.017433980479836464, 0.4307136833667755, 0.07780178636312485, 0.42941975593566895, 0.2845660448074341, 0.7526698708534241, 1.1093510389328003, -0.24229007959365845, 0.5645828247070312, -0.468999445438385, 0.25639551877975464, 0.8612783551216125, -0.24532261490821838, 0.11510641872882843, 0.09458388388156891, 0.07327669113874435, 0.6632668972015381, 0.6282108426094055, -0.24085287749767303, 0.8640848398208618, -0.025954414159059525, -0.24455885589122772, 0.02896278351545334, -0.07570159435272217, -0.7887309789657593, 0.44602078199386597, 0.2796691358089447, -1.0313578844070435, -0.22378017008304596, 0.1199524998664856, 0.06554928421974182, -0.38166794180870056, 0.16498176753520966, 0.8104946613311768, -0.14759813249111176, -0.49494946002960205, 0.8360273838043213, 0.09004925936460495, 0.292039155960083, -0.5922452211380005, 0.12082364410161972, -0.3133283257484436, 0.6404275298118591, -0.40305230021476746, -0.2933559715747833, 0.6443591713905334, -0.35400640964508057, -0.33273184299468994, -0.1710054576396942, 0.6003499031066895, -0.08267911523580551, -0.5073881149291992, -0.030728178098797798, 0.16029030084609985, 0.17363810539245605, 0.18681447207927704, -0.47452497482299805, 0.3105846047401428, -0.08598167449235916, -0.008752547204494476, 0.21801234781742096, 0.49840664863586426, -0.39341500401496887, 0.5041021108627319, 0.3262344300746918, -0.17544837296009064, -0.3331938087940216, 0.26655811071395874, 0.8176535367965698, -0.2051674723625183, -0.5604903697967529, -0.6060888171195984, 0.28080958127975464, -0.14462639391422272, -0.3001829981803894, 0.41066646575927734, 0.921463668346405, 0.6291687488555908, -0.01649172231554985, 0.7040855884552002, -0.28508493304252625, 0.511806309223175, -0.08801111578941345, 0.6738454103469849, -0.18436163663864136, 0.49617496132850647, -0.35637810826301575, -0.5747864842414856, -0.5170508027076721, 0.6734256744384766, -0.49790093302726746, -0.09242279827594757, 0.814653754234314, 0.9411148428916931, -0.4415273368358612, -0.05362121760845184, 0.016880962997674942, -0.09567885845899582, 0.40705442428588867, 0.4800140857696533, 0.3596210181713104, -0.7904242277145386, 0.5150172710418701, -0.6804481744766235, -0.5488497018814087, -0.3329089879989624, -0.7293093800544739, -0.6010438203811646, -0.7290027141571045, -1.032405138015747, -0.24221141636371613, 0.011367712169885635, 0.3513186275959015, 0.9209572076797485, -0.6208911538124084, 0.15486015379428864, 0.042261552065610886, -0.17521615326404572, -0.32739007472991943, -0.23843015730381012, 0.8764684200286865, 0.12251807749271393, -0.7851371765136719, 0.43560248613357544, 0.5190406441688538, 0.10910867154598236, -0.29170623421669006, 0.16172482073307037, 0.03007584810256958, -0.19453994929790497, 0.15409661829471588, 0.4944218397140503, -0.5994659662246704, -0.08946928381919861, -0.17285194993019104, -0.6606006026268005, 0.03681909665465355, 0.6461421847343445, -1.0215835571289062, 0.5160778760910034, 0.720396876335144, 0.3175654113292694, 0.4322029650211334, -0.017768727615475655, 0.03235916420817375, -0.37218213081359863, 0.28703778982162476, 0.24916526675224304, 0.09467668831348419, 0.2619357705116272, -0.6966320872306824, 0.7617295980453491, 0.5441926717758179, -0.32210999727249146, -0.9314498901367188, -0.24643878638744354, -0.7832626104354858, -0.10663153976202011, 0.6637060642242432, -0.10860807448625565, -0.1974790394306183, -0.11657903343439102, 0.03910083696246147, 0.29621413350105286, -0.06768260896205902, 1.2283722162246704, -0.011414575390517712, -0.1281939148902893, -0.1034213975071907, 0.004602072760462761, 0.4048433005809784, -0.006793089676648378, -0.8600398898124695, 0.04383267089724541, 0.6052995324134827, 0.26096606254577637, 0.42913568019866943, 1.05000901222229, -0.396795392036438, 0.5497348308563232, -0.3423116207122803, -0.13607963919639587, -0.3288213908672333, -0.4092152416706085, -0.432733416557312, -0.015180323272943497, -0.29063841700553894, -0.4940221905708313 ]
microsoft/trocr-small-printed
microsoft
2023-01-24T16:57:45Z
10,664
17
transformers
[ "transformers", "pytorch", "vision-encoder-decoder", "trocr", "image-to-text", "arxiv:2109.10282", "endpoints_compatible", "has_space", "region:us" ]
image-to-text
2022-03-02T23:29:05Z
--- tags: - trocr - image-to-text widget: - src: https://layoutlm.blob.core.windows.net/trocr/dataset/SROIE2019Task2Crop/train/X00016469612_1.jpg example_title: Printed 1 - src: https://layoutlm.blob.core.windows.net/trocr/dataset/SROIE2019Task2Crop/train/X51005255805_7.jpg example_title: Printed 2 - src: https://layoutlm.blob.core.windows.net/trocr/dataset/SROIE2019Task2Crop/train/X51005745214_6.jpg example_title: Printed 3 --- # TrOCR (small-sized model, fine-tuned on SROIE) TrOCR model fine-tuned on the [SROIE dataset](https://rrc.cvc.uab.es/?ch=13). It was introduced in the paper [TrOCR: Transformer-based Optical Character Recognition with Pre-trained Models](https://arxiv.org/abs/2109.10282) by Li et al. and first released in [this repository](https://github.com/microsoft/unilm/tree/master/trocr). ## Model description The TrOCR model is an encoder-decoder model, consisting of an image Transformer as encoder, and a text Transformer as decoder. The image encoder was initialized from the weights of DeiT, while the text decoder was initialized from the weights of UniLM. Images are presented to the model as a sequence of fixed-size patches (resolution 16x16), which are linearly embedded. One also adds absolute position embeddings before feeding the sequence to the layers of the Transformer encoder. Next, the Transformer text decoder autoregressively generates tokens. ## Intended uses & limitations You can use the raw model for optical character recognition (OCR) on single text-line images. See the [model hub](https://huggingface.co/models?search=microsoft/trocr) to look for fine-tuned versions on a task that interests you. ### How to use Here is how to use this model in PyTorch: ```python from transformers import TrOCRProcessor, VisionEncoderDecoderModel from PIL import Image import requests # load image from the IAM database (actually this model is meant to be used on printed text) url = 'https://fki.tic.heia-fr.ch/static/img/a01-122-02-00.jpg' image = Image.open(requests.get(url, stream=True).raw).convert("RGB") processor = TrOCRProcessor.from_pretrained('microsoft/trocr-small-printed') model = VisionEncoderDecoderModel.from_pretrained('microsoft/trocr-small-printed') pixel_values = processor(images=image, return_tensors="pt").pixel_values generated_ids = model.generate(pixel_values) generated_text = processor.batch_decode(generated_ids, skip_special_tokens=True)[0] ``` ### BibTeX entry and citation info ```bibtex @misc{li2021trocr, title={TrOCR: Transformer-based Optical Character Recognition with Pre-trained Models}, author={Minghao Li and Tengchao Lv and Lei Cui and Yijuan Lu and Dinei Florencio and Cha Zhang and Zhoujun Li and Furu Wei}, year={2021}, eprint={2109.10282}, archivePrefix={arXiv}, primaryClass={cs.CL} } ```
[ -0.23701193928718567, -0.2936822175979614, 0.10050414502620697, -0.5633282661437988, -0.450597882270813, -0.11418330669403076, -0.008662625215947628, -0.8003278374671936, 0.03737874701619148, 0.5847142338752747, -0.32734251022338867, -0.32283759117126465, -0.5325874090194702, 0.31821995973587036, -0.3110428750514984, 0.978622317314148, -0.14781147241592407, 0.014886677265167236, 0.24077168107032776, -0.41633641719818115, -0.16862931847572327, -0.47128617763519287, -0.6195365786552429, -0.1726134866476059, 0.4784417450428009, 0.4362429678440094, 0.5690382719039917, 0.7318461537361145, 1.0473910570144653, 0.36948779225349426, -0.23854954540729523, 0.25020578503608704, -0.3521007299423218, -0.4141045808792114, 0.1497993916273117, -0.4407097399234772, -0.3941909074783325, -0.01780111715197563, 0.7038652896881104, 0.1630602777004242, -0.014360498636960983, 0.1684889793395996, 0.16972562670707703, 0.474828839302063, -0.2999785542488098, -0.160108283162117, -0.40366172790527344, 0.367887407541275, 0.025292152538895607, -0.1283729374408722, -0.5500765442848206, -0.30401432514190674, 0.1760348677635193, -0.5829378962516785, 0.680374801158905, 0.1014011949300766, 1.237255334854126, -0.10284299403429031, -0.3785119950771332, -0.47797027230262756, -0.8357763290405273, 0.7052897810935974, -0.6525949835777283, 0.4767211675643921, -0.0639992505311966, 0.15286540985107422, 0.0840439572930336, -1.245270848274231, -0.7957189083099365, -0.4104461967945099, -0.39601945877075195, 0.0764709860086441, -0.28106966614723206, 0.20916637778282166, 0.3869590759277344, 0.46418318152427673, -0.6458057761192322, -0.1506248265504837, -0.7960422039031982, -0.29605525732040405, 0.2445051372051239, 0.05916345864534378, 0.2442523092031479, -0.04407648369669914, -0.4072027802467346, -0.37948885560035706, -0.11093995720148087, -0.05171862989664078, -0.028297079727053642, 0.07714927941560745, -0.3148573040962219, 0.7396427392959595, 0.24247971177101135, 0.8512037396430969, 0.2740778923034668, -0.30837392807006836, 0.39835891127586365, -0.2533096373081207, -0.05215785279870033, 0.03397836163640022, 1.135061264038086, 0.18864424526691437, 0.28110817074775696, -0.1133044883608818, -0.28900381922721863, 0.21673107147216797, 0.13226622343063354, -0.8436905145645142, -0.05212721601128578, -0.21481186151504517, -0.6142963767051697, -0.28026291728019714, 0.21909360587596893, -0.8784394264221191, -0.1757352501153946, -0.14583049714565277, 0.4656611680984497, -0.40481117367744446, 0.2077062875032425, -0.12337031215429306, -0.12124356627464294, 0.09933655709028244, 0.26932284235954285, -0.5275689363479614, 0.032369744032621384, 0.10090959817171097, 1.198153018951416, -0.16158165037631989, -0.321513295173645, -0.369124174118042, -0.0031519257463514805, -0.29856887459754944, 0.7206963300704956, -0.32276254892349243, -0.3221736252307892, -0.118110790848732, 0.20053966343402863, 0.007566807325929403, -0.40926897525787354, 0.5349746346473694, -0.529746413230896, 0.30859777331352234, 0.17983685433864594, -0.037446074187755585, -0.04434728994965553, 0.3250318467617035, -0.9690096974372864, 1.1509660482406616, 0.19783048331737518, -0.9265349507331848, 0.2084886133670807, -0.6948510408401489, -0.2714669406414032, 0.05027402564883232, 0.10608191788196564, -0.7730938792228699, 0.10385304689407349, 0.024733176454901695, -0.08386202901601791, -0.3042120933532715, -0.09199043363332748, -0.061557043343782425, -0.45205435156822205, 0.11626721918582916, -0.3826214373111725, 0.6795023083686829, 0.4179142713546753, -0.32574039697647095, -0.08275259286165237, -0.9960933923721313, 0.1467101126909256, 0.10958423465490341, -0.4045044481754303, -0.07810407131910324, -0.1806713491678238, 0.26563677191734314, 0.34955787658691406, 0.41796818375587463, -0.5177359580993652, 0.27930015325546265, -0.3829875588417053, 0.8644179701805115, 0.4359155297279358, -0.16370905935764313, 0.5356695055961609, -0.12202658504247665, 0.4109470546245575, 0.2021665722131729, 0.14816699922084808, -0.06866909563541412, -0.2880646586418152, -0.9436277151107788, -0.24748679995536804, 0.33418914675712585, 0.6987298727035522, -1.1096965074539185, 0.2380414605140686, -0.4670123755931854, -0.675508975982666, -0.3268294632434845, -0.13898378610610962, 0.45232608914375305, 0.7891061305999756, 0.3595702052116394, -0.5474827885627747, -0.48618024587631226, -0.6378848552703857, -0.11306289583444595, -0.2669741213321686, 0.0363442562520504, 0.2927648723125458, 0.7709103226661682, -0.3226402997970581, 0.8554498553276062, -0.38774028420448303, -0.6407510638237, -0.3173677921295166, 0.3279706537723541, 0.2044210284948349, 0.6763626933097839, 0.3135373592376709, -0.7134416699409485, -0.544908881187439, 0.14357154071331024, -0.6475720405578613, 0.11561494320631027, -0.08513455837965012, -0.007268887013196945, 0.4533482789993286, 0.30986568331718445, -0.6202393174171448, 0.8566253781318665, 0.37854400277137756, -0.4088723659515381, 0.5755638480186462, -0.5947908163070679, 0.2305411696434021, -1.0970107316970825, 0.24910899996757507, 0.0005040226969867945, -0.28100520372390747, -0.838654100894928, 0.18325257301330566, 0.20542147755622864, -0.328633189201355, -0.48887598514556885, 0.560549795627594, -0.6567568778991699, -0.0824677050113678, -0.0666799396276474, 0.0732356384396553, 0.2462218701839447, 0.5863466262817383, 0.4514073133468628, 0.9713743329048157, 0.05762261524796486, -0.4863571226596832, 0.17644302546977997, 0.29140162467956543, -0.45026731491088867, 0.3519080579280853, -1.048123836517334, 0.5181107521057129, 0.042943574488162994, -0.10368379950523376, -0.7917693853378296, 0.2700272500514984, 0.42663002014160156, -0.37266579270362854, 0.25407859683036804, -0.023332271724939346, -0.6018122434616089, -0.7694602608680725, 0.024088410660624504, 0.6044132113456726, 0.34137383103370667, -0.5582528710365295, 0.9716587066650391, 0.11061383783817291, 0.3441939949989319, -0.4701884388923645, -1.2225638628005981, -0.03338612988591194, -0.06029107794165611, -0.7088982462882996, 0.5006900429725647, -0.14531803131103516, 0.29257869720458984, -0.07447527348995209, 0.053236205130815506, -0.26492881774902344, -0.48173826932907104, -0.03333517536520958, 0.46612870693206787, -0.35189831256866455, -0.10593264549970627, -0.5578486323356628, -0.17057102918624878, -0.5278465151786804, -0.3528328835964203, 0.589593768119812, -0.3773745596408844, 0.021141158416867256, -0.5767924785614014, 0.2515510022640228, 0.595680832862854, -0.49740326404571533, 0.6210684180259705, 0.6429029107093811, -0.286262184381485, 0.10729038715362549, -0.46727120876312256, -0.2592124342918396, -0.5053755044937134, 0.4757932126522064, -0.3249633312225342, -0.737056314945221, 0.7332134246826172, 0.42180585861206055, -0.16202512383460999, 0.4825217127799988, 0.3166014552116394, -0.04067365452647209, 0.9099278450012207, 0.8285937905311584, 0.252025842666626, 0.8932596445083618, -0.5874466300010681, 0.4187511205673218, -0.8002353310585022, -0.2773723900318146, -0.5545938014984131, -0.3597501218318939, -0.6653918027877808, -0.31825584173202515, 0.33820879459381104, 0.0011050122557207942, -0.27793505787849426, 0.5750524401664734, -1.0828851461410522, 0.32029104232788086, 0.7349562644958496, 0.40061283111572266, 0.2277202159166336, 0.2973822057247162, -0.28330764174461365, -0.045331601053476334, -0.6164824962615967, -0.621053159236908, 0.5935348272323608, 0.16088345646858215, 0.938399076461792, -0.24790406227111816, 0.49590519070625305, 0.391953706741333, -0.05196801945567131, -0.8509997129440308, 0.6349079608917236, -0.44087859988212585, -0.47043752670288086, -0.022446569055318832, -0.42167070508003235, -0.9669864177703857, 0.04481801018118858, -0.30145880579948425, -0.8081060647964478, 0.9518865942955017, 0.44650885462760925, -0.11434005200862885, 0.6136795282363892, -0.7840834259986877, 0.9680360555648804, -0.3699369430541992, -0.33348923921585083, 0.2334384024143219, -0.6982383131980896, -0.04887042194604874, 0.19859515130519867, -0.0961073562502861, 0.46813249588012695, 0.06908681988716125, 1.0107834339141846, -0.6920218467712402, 0.764444887638092, 0.04023159295320511, 0.08148231357336044, 0.5610318183898926, -0.029921401292085648, 0.7299566268920898, -0.462003618478775, -0.1939176619052887, 0.61104816198349, 0.19290688633918762, -0.13687807321548462, -0.22809603810310364, 0.24029932916164398, -0.9497911930084229, -0.1873985081911087, -0.8917032480239868, -0.6577693223953247, 0.3632804751396179, 0.6251078844070435, 0.8942380547523499, 0.6342136859893799, -0.014328597113490105, 0.0634533017873764, 0.5769581198692322, -0.04363841935992241, 0.5054248571395874, 0.4544466435909271, 0.05016575753688812, -0.7341945171356201, 0.859122633934021, 0.24573487043380737, 0.30779901146888733, 0.5960820913314819, 0.19233639538288116, -0.19854384660720825, -0.33193838596343994, -0.20702868700027466, 0.3764963150024414, -0.7836588025093079, -0.3293159008026123, -0.3740827441215515, -0.3533104956150055, -0.34452924132347107, -0.19192272424697876, -0.2579030692577362, -0.2704611122608185, -0.831095278263092, 0.2773454189300537, 0.2981994152069092, 0.5784421563148499, -0.016540948301553726, 0.8161100745201111, -0.8361105918884277, 0.4617823362350464, 0.13168413937091827, 0.250238299369812, -0.05434247478842735, -0.7171862721443176, -0.3243465721607208, 0.13989679515361786, -0.3996640145778656, -0.7813363671302795, 0.824381411075592, 0.4218188524246216, 0.2733418941497803, 0.49351775646209717, 0.08502563089132309, 0.803661584854126, -0.6442287564277649, 0.7134373784065247, 0.5091457962989807, -0.9310650825500488, 0.4332219958305359, 0.1629071831703186, 0.2579222023487091, 0.35248929262161255, -0.02200392633676529, -0.5038533806800842, -0.07986950129270554, -0.4902891218662262, -0.5860802531242371, 1.172803521156311, 0.0532941073179245, -0.19438380002975464, 0.2575054466724396, 0.44893473386764526, -0.23605337738990784, 0.12895314395427704, -1.050615906715393, -0.1914164125919342, -0.3986378312110901, -0.6020976305007935, -0.1285177320241928, -0.42973461747169495, 0.1254674345254898, -0.24978484213352203, 0.393955260515213, -0.08233113586902618, 0.9128832221031189, 0.6033398509025574, -0.5361653566360474, -0.13851642608642578, 0.07705209404230118, 0.7798161506652832, 0.49633434414863586, -0.19179712235927582, 0.3365929126739502, 0.02492626942694187, -1.1149362325668335, 0.02292756177484989, 0.024023858830332756, -0.4393506944179535, 0.15179835259914398, 0.4583393931388855, 1.1173802614212036, -0.19013141095638275, -0.3960363566875458, 0.343262255191803, -0.13340142369270325, -0.2259681522846222, -0.24004261195659637, -0.10213912278413773, -0.4389522671699524, 0.15345992147922516, 0.5580551624298096, 0.3016052544116974, 0.041414011269807816, -0.4599558115005493, 0.062375474721193314, 0.43487924337387085, -0.7032013535499573, -0.2207578718662262, 0.6576868891716003, -0.14761444926261902, -0.5672085881233215, 0.7427932024002075, -0.05077029764652252, -0.7982266545295715, 0.8190664649009705, 0.7263175249099731, 0.63086998462677, -0.09902480989694595, 0.15486550331115723, 0.5495234727859497, 0.6973588466644287, -0.06750761717557907, 0.23724497854709625, 0.034026842564344406, -0.7708216905593872, 0.26488593220710754, -0.512847363948822, -0.16247661411762238, -0.021083634346723557, -0.6232293248176575, 0.5105223655700684, -0.44210535287857056, -0.4256712794303894, -0.10701369494199753, 0.24989865720272064, -0.7368655800819397, 0.4269607663154602, -0.041914861649274826, 0.9991407990455627, -0.46693629026412964, 0.8824668526649475, 0.60243821144104, -0.4929341673851013, -0.767471194267273, -0.1564178764820099, -0.37169355154037476, -1.0099114179611206, 0.7304094433784485, 0.20330458879470825, -0.15381291508674622, 0.25887957215309143, -0.5639731287956238, -0.7626835703849792, 1.251091480255127, 0.24498425424098969, -0.7101559638977051, -0.3165293037891388, 0.5025004744529724, 0.656460165977478, -0.478828489780426, 0.5976414084434509, 0.2433806210756302, 0.2637629806995392, 0.3693491518497467, -0.6783965229988098, -0.009477639570832253, -0.2794317901134491, 0.4014575779438019, 0.05689224600791931, -0.6086969971656799, 0.9572077989578247, -0.49173080921173096, -0.31151053309440613, 0.46111878752708435, 0.6619489789009094, 0.1646450012922287, 0.2692613899707794, 0.4199250638484955, 0.5847653150558472, 0.661026120185852, -0.245936319231987, 0.8697712421417236, -0.38338959217071533, 0.5776535868644714, 0.8667683005332947, 0.08721516281366348, 0.7651231288909912, 0.5223067998886108, 0.018092136830091476, 0.5944684147834778, 0.5329141616821289, -0.48300158977508545, 0.6691448092460632, -0.3413495421409607, 0.1784714311361313, 0.0684739202260971, 0.026860784739255905, -0.4109821319580078, 0.2034463733434677, 0.15289422869682312, -0.7478216290473938, 0.05687151104211807, 0.22070465981960297, -0.3694826662540436, -0.41759809851646423, -0.4927700161933899, 0.6628453731536865, 0.033899810165166855, -0.4513794183731079, 0.6940867304801941, 0.03903401643037796, 0.8165382742881775, -0.7406049966812134, 0.001004342339001596, -0.08525281399488449, 0.5780497789382935, -0.13159747421741486, -0.7491617202758789, 0.08783993870019913, 0.0048432378098368645, -0.38814252614974976, 0.22381152212619781, 0.8459857106208801, -0.4913026988506317, -0.9243594408035278, 0.22079987823963165, -0.13092632591724396, 0.09858424216508865, 0.42912960052490234, -0.7076157927513123, 0.1014857292175293, 0.07576262950897217, -0.17121848464012146, -0.07943437993526459, 0.5256791710853577, 0.058052487671375275, 0.5177357196807861, 0.5445314645767212, 0.09156031161546707, 0.3559776544570923, -0.23900754749774933, 0.6238886713981628, -0.6340609192848206, -0.65069979429245, -0.606528639793396, 0.5863375663757324, 0.08951357752084732, -0.46867984533309937, 0.5503546595573425, 0.5527912974357605, 0.6120758652687073, -0.4063552916049957, 0.3956930637359619, -0.2226460576057434, 0.1526494324207306, -0.3325120806694031, 0.9174743294715881, -0.8091785907745361, -0.0012629268458113074, -0.3454287052154541, -0.686876654624939, -0.4679569900035858, 0.9736509323120117, -0.35398969054222107, 0.2649821639060974, 0.7623394727706909, 1.1475770473480225, -0.21157406270503998, -0.29024651646614075, 0.20632220804691315, 0.24688757956027985, 0.11749625951051712, 0.5546192526817322, 0.5714829564094543, -0.9426533579826355, 0.9688318967819214, -0.3640976846218109, -0.054570265114307404, -0.32580968737602234, -0.8502369523048401, -0.9409451484680176, -0.6164958477020264, -0.35941803455352783, -0.5812767744064331, -0.0365355908870697, 0.5288732051849365, 0.8121167421340942, -1.0295048952102661, -0.14514435827732086, -0.3159177005290985, 0.15058618783950806, -0.2659829556941986, -0.26117634773254395, 0.5154311060905457, 0.10513539612293243, -0.7124101519584656, -0.4204534590244293, -0.11305674910545349, 0.3911980986595154, 0.16201771795749664, -0.2705364227294922, -0.24045363068580627, 0.012706702575087547, 0.42318862676620483, 0.6013206243515015, -0.601836621761322, -0.13775771856307983, 0.11772982031106949, -0.36036381125450134, 0.5339016914367676, 0.6504811644554138, -0.6506162881851196, 0.42231449484825134, 0.609852135181427, 0.04308432713150978, 0.6282027959823608, -0.24279512465000153, 0.08322484791278839, -0.4906136691570282, 0.42621394991874695, 0.2199832946062088, 0.5389955639839172, 0.3064054846763611, -0.47125715017318726, 0.4434233009815216, 0.4428125321865082, -0.5766971707344055, -0.992645800113678, -0.1285666674375534, -1.2445052862167358, 0.0745576024055481, 0.7994763255119324, -0.10785675048828125, -0.44828131794929504, 0.2743152678012848, -0.34537678956985474, 0.46275007724761963, -0.3834758400917053, 0.519218385219574, 0.19999414682388306, 0.1861286610364914, -0.7406532764434814, -0.06402340531349182, 0.18384310603141785, -0.23446674644947052, -0.5507391095161438, -0.23058564960956573, 0.2979617714881897, 0.2964633107185364, 0.7142348885536194, 0.4237096905708313, -0.1490241438150406, 0.2296958863735199, 0.1077243834733963, 0.5113826990127563, -0.18079756200313568, -0.31266823410987854, -0.36025649309158325, 0.11068257689476013, -0.17957785725593567, -0.29956454038619995 ]
xiaolxl/GuoFeng3
xiaolxl
2023-10-28T08:16:21Z
10,651
459
diffusers
[ "diffusers", "stable-diffusion", "stable-diffusion-diffusers", "text-to-image", "en", "license:cc-by-nc-sa-4.0", "endpoints_compatible", "has_space", "diffusers:StableDiffusionPipeline", "region:us" ]
text-to-image
2023-01-28T11:29:27Z
--- license: cc-by-nc-sa-4.0 language: - en library_name: diffusers pipeline_tag: text-to-image tags: - stable-diffusion - stable-diffusion-diffusers --- <img src=https://huggingface.co/xiaolxl/GuoFeng3/resolve/main/examples/cover.png> # 基于SDXL的国风4已发布!- GuoFeng4 based on SDXL has been released! : https://huggingface.co/xiaolxl/GuoFeng4_XL # 本人郑重声明:本模型禁止用于训练基于明星、公众人物肖像的风格模型训练,因为这会带来争议,对AI社区的发展造成不良的负面影响。 # 本模型注明:训练素材中不包含任何真人素材。 | 版本 | 效果图 | | --- | --- | | **GuoFeng3.4** | ![e5.jpg](https://ai-studio-static-online.cdn.bcebos.com/5e78944f992747f79723af0fdd9cb5a306ecddde0dd941ac8e220c45dd8fcff7) | | **GuoFeng3.3** | ![min_00193-3556647833.png.jpg](https://ai-studio-static-online.cdn.bcebos.com/fd09b7f02da24d3391bea0c639a14a80c12aec9467484d67a7ab5a32cef84bb1) | | **GuoFeng3.2_light** | ![178650.png](https://ai-studio-static-online.cdn.bcebos.com/9d5e36ad89f947a39b631f70409366c3bd531aa3a1214be7b0cf115daa62fb94) | | **GuoFeng3.2** | ![00044-4083026190-1girl, beautiful, realistic.png.png](https://ai-studio-static-online.cdn.bcebos.com/ff5c7757f97849ecb5320bfbe7b692d1cb12da547c9348058a842ea951369ff8) | | **GuoFeng3** | ![e1.png](https://ai-studio-static-online.cdn.bcebos.com/be966cf5c86d431cb33d33396560f546fdd4c15789d54203a8bd15c35abd7dc2) | # 介绍 - GuoFeng3 欢迎使用GuoFeng3模型 - (TIP:这个版本的名字进行了微调),这是一个中国华丽古风风格模型,也可以说是一个古风游戏角色模型,具有2.5D的质感。第三代大幅度减少上手难度,增加了场景元素与男性古风人物,除此之外为了模型能更好的适应其它TAG,还增加了其它风格的元素。这一代对脸和手的崩坏有一定的修复,同时素材大小也提高到了最长边1024。 根据个人的实验与收到的反馈,国风模型系列的第二代,在人物,与大头照的效果表现比三代更好,如果你有这方面需求不妨试试第二代。 2.0版本:[https://huggingface.co/xiaolxl/Gf_style2](https://huggingface.co/xiaolxl/Gf_style2) GuoFeng3:原始模型 GuoFeng3.1:对GuoFeng3人像进行了微调修复 GuoFeng3.2:如果你不知道选择GuoFeng3还是GuoFeng2,可以直接使用此版本 GuoFeng3.2_light:通过GuoFeng3.2融合了基于 Noise Offset 训练的Lora使得模型能够画出更漂亮的光影效果(Lora:epi_noiseoffset/Theovercomer8's Contrast Fix) GuoFeng3.2_Lora:国风3.2 Lora版本 GuoFeng3.2_Lora_big_light:国风3.2_light Lora版本 维度增大版本 GuoFeng3.2_f16:国风3.2 半精版本 GuoFeng3.2_light_f16:国风3.2_light 半精版本 GuoFeng3.3:此版本是基于3.2的一次较大的更新与改进,可以适配full body,即使你的tag不太好,模型也会对画面进行自动修改,不过因此模型出的脸会比较雷同。此模型似乎不需要超分,我的出图大小是768*1024,清晰度还不错。建议竖图,横图可能不清晰。Euler a即可。(DPM++ SDE Karras, DDIM也不错) GuoFeng3.4:此版本重新进行了新的训练,适配全身图,同时内容上与前几个版本有较大不同。并调整了整体画风,降低了过拟合程度,使其能使用更多的lora对画面与内容进行调整。 -- Welcome to the GuoFeng3 model - (TIP: the name of this version has been fine-tuned). This is a Chinese gorgeous antique style model, which can also be said to be an antique game character model with a 2.5D texture. The third generation greatly reduces the difficulty of getting started, and adds scene elements and male antique characters. In addition, in order to better adapt the model to other TAGs, other style elements are also added. This generation has repaired the broken face and hands to a certain extent, and the size of the material has also increased to the longest side of 1024. According to personal experiments and feedback received, the second generation of the Guofeng model series performs better than the third generation in terms of characters and big head photos. If you have this need, you can try the second generation. Version 2.0:[https://huggingface.co/xiaolxl/Gf_style2](https://huggingface.co/xiaolxl/Gf_style2) GuoFeng3: original model GuoFeng3.1: The portrait of GuoFeng3 has been fine-tuned and repaired GuoFeng3.2: If you don't know whether to choose GuoFeng3 or GuoFeng2, you can use this version directly GuoFeng3.2_Light: Through GuoFeng3.2, Lora based on Noise Offset training is integrated to enable the model to draw more beautiful light and shadow effects (Lora: epi_noiseoffset/Theovercolor8's Contrast Fix) GuoFeng3.2_Lora: Guofeng3.2 Lora version GuoFeng3.2_Lora_big_Light: Guofeng3.2_Light Lora Version Dimension Increase Version GuoFeng3.2_F16: Guofeng3.2 semi-refined version GuoFeng3.2_light_f16: Guofeng3.2_Light semi-refined version GuoFeng3.3: This version is a major update and improvement based on 3.2, which can adapt to full bodies. Even if your tag is not good, the model will automatically modify the screen, but the faces produced by the model will be quite similar. This model doesn't seem to require supersession. My plot size is 768 * 1024, and the clarity is quite good. Suggest vertical view, horizontal view may not be clear. Euler a is sufficient. (DPM++SDE Karras, DDIM is also good) GuoFeng3.4: This version has undergone new training to adapt to the full body image, and the content is significantly different from previous versions.At the same time, the overall painting style has been adjusted, reducing the degree of overfitting, allowing it to use more Lora to adjust the screen and content. # 安装教程 - install 1. 将GuoFeng3.ckpt模型放入SD目录 - Put GuoFeng3.ckpt model into SD directory 2. 此模型自带VAE,如果你的程序不支持,请记得选择任意一个VAE文件,否则图形将为灰色 - This model comes with VAE. If your program does not support it, please remember to select any VAE file, otherwise the graphics will be gray # 如何使用 - How to use **TIP:经过一天的测试,发现很多人物可能出现红眼问题,可以尝试在负面词添加red eyes。如果色彩艳丽可以尝试降低CFG - After a day of testing, we found that many characters may have red-eye problems. We can try to add red eyes to negative words。Try to reduce CFG if the color is bright** 简单:第三代大幅度减少上手难度 - Simple: the third generation greatly reduces the difficulty of getting started ====== 如果你的出图全身图时出现脸部崩坏建议删除full body关键词或者使用脸部自动修复插件: 国外源地址:https://github.com/ototadana/sd-face-editor.git 国内加速地址:https://jihulab.com/xiaolxl_pub/sd-face-editor.git - If you experience facial collapse during the full body image, it is recommended to delete the full body keyword or use the facial automatic repair plugin: Foreign source address: https://github.com/ototadana/sd-face-editor.git Domestic acceleration address: https://jihulab.com/xiaolxl_pub/sd-face-editor.git ===== - **关键词 - key word:** ``` best quality, masterpiece, highres, 1girl,china dress,Beautiful face ``` - **负面词 - Negative words:** ``` NSFW, lowres,bad anatomy,bad hands, text, error, missing fingers,extra digit, fewer digits, cropped, worstquality, low quality, normal quality,jpegartifacts,signature, watermark, username,blurry,bad feet ``` --- 高级:如果您还想使图片尽可能更好,请尝试以下配置 - senior:If you also want to make the picture as better as possible, please try the following configuration - Sampling steps:**50** - Sampler:**DPM++ SDE Karras or DDIM** - The size of the picture should be at least **1024** - 图片大小至少1024 - CFG:**4-6** - **更好的负面词 Better negative words - 感谢群友提供的负面词:** ``` (((simple background))),monochrome ,lowres, bad anatomy, bad hands, text, error, missing fingers, extra digit, fewer digits, cropped, worst quality, low quality, normal quality, jpeg artifacts, signature, watermark, username, blurry, lowres, bad anatomy, bad hands, text, error, extra digit, fewer digits, cropped, worst quality, low quality, normal quality, jpeg artifacts, signature, watermark, username, blurry, ugly,pregnant,vore,duplicate,morbid,mut ilated,tran nsexual, hermaphrodite,long neck,mutated hands,poorly drawn hands,poorly drawn face,mutation,deformed,blurry,bad anatomy,bad proportions,malformed limbs,extra limbs,cloned face,disfigured,gross proportions, (((missing arms))),(((missing legs))), (((extra arms))),(((extra legs))),pubic hair, plump,bad legs,error legs,username,blurry,bad feet ``` - **如果想元素更丰富,可以添加下方关键词 - If you want to enrich the elements, you can add the following keywords** ``` Beautiful face, hair ornament, solo,looking at viewer,smile,closed mouth,lips china dress,dress,hair ornament, necklace, jewelry, long hair, earrings, chinese clothes, architecture,east asian architecture,building,outdoors,rooftop,city,cityscape ``` # 例图 - Examples (可在文件列表中找到原图,并放入WebUi查看关键词等信息) - (You can find the original image in the file list, and put WebUi to view keywords and other information) <img src=https://huggingface.co/xiaolxl/GuoFeng3/resolve/main/examples/e1.png> <img src=https://huggingface.co/xiaolxl/GuoFeng3/resolve/main/examples/e2.png> <img src=https://huggingface.co/xiaolxl/GuoFeng3/resolve/main/examples/e3.png> <img src=https://huggingface.co/xiaolxl/GuoFeng3/resolve/main/examples/e4.png>
[ -0.7519181966781616, -0.49252328276634216, 0.3040108382701874, 0.5014546513557434, -0.652483344078064, -0.18972770869731903, 0.03481929004192352, -0.8689237833023071, 0.6135761737823486, 0.5287344455718994, -0.5673066973686218, -0.6758676171302795, -0.49979904294013977, 0.1565200835466385, 0.07427967339754105, 0.7728495597839355, -0.00047841868945397437, 0.03624216094613075, 0.29750531911849976, -0.08956865221261978, -0.5226009488105774, 0.05348490923643112, -0.6565564274787903, -0.29104840755462646, 0.1305059939622879, 0.26926493644714355, 0.7798373103141785, 0.7166740298271179, 0.7054698467254639, 0.3595612049102783, -0.165841743350029, 0.08404891937971115, -0.3267333209514618, -0.4360685646533966, 0.27508801221847534, -0.3706825077533722, -1.0272291898727417, 0.06354575604200363, 0.5245985984802246, 0.1219528466463089, 0.16585080325603485, -0.002932054689154029, 0.14328648149967194, 0.8485762476921082, -0.13915273547172546, 0.11618374288082123, -0.053278848528862, 0.06875448673963547, -0.26526057720184326, -0.22789153456687927, -0.02977658621966839, -0.43860042095184326, -0.12980759143829346, -0.8432519435882568, 0.036363422870635986, -0.055021703243255615, 1.5893343687057495, 0.05875592306256294, -0.45264899730682373, 0.28704991936683655, -0.48028290271759033, 0.736487865447998, -0.7736902832984924, 0.185932919383049, 0.2351667433977127, 0.3589029908180237, -0.044889502227306366, -0.7416886687278748, -0.6135751008987427, -0.07639475911855698, -0.31957730650901794, 0.5567715764045715, -0.13169723749160767, -0.12766322493553162, 0.38440656661987305, 0.3499611020088196, -0.43389835953712463, -0.13817723095417023, -0.5232766270637512, -0.13347308337688446, 0.9706344604492188, -0.0458112508058548, 0.7975189685821533, -0.28404736518859863, -0.6121557950973511, -0.21972475945949554, -0.8316963315010071, 0.10866530239582062, 0.1869412064552307, -0.17968447506427765, -0.8172438740730286, 0.31543031334877014, -0.1300937980413437, 0.5998562574386597, 0.15753845870494843, -0.40907877683639526, 0.5922129154205322, -0.44414469599723816, -0.1605832427740097, -0.4140253961086273, 0.9412845373153687, 0.9547156691551208, 0.05378315970301628, 0.3606226146221161, -0.23272232711315155, -0.2963489294052124, -0.15508435666561127, -0.9133167266845703, -0.11314485967159271, 0.44570931792259216, -0.8050877451896667, -0.3242635726928711, 0.24944548308849335, -0.8521698713302612, 0.03768303990364075, -0.03793688118457794, 0.42826348543167114, -0.7192729115486145, -0.5058408975601196, 0.0018726338166743517, -0.27693432569503784, 0.4343665838241577, 0.6858704090118408, -0.6624195575714111, -0.01953958347439766, 0.203973188996315, 0.7433159947395325, 0.14751634001731873, -0.20983508229255676, -0.07435859739780426, 0.2037106603384018, -0.44363439083099365, 0.6446650624275208, 0.031053751707077026, -0.4085101783275604, -0.2749824821949005, 0.27864161133766174, 0.22072118520736694, -0.39100709557533264, 0.6441864967346191, -0.25030019879341125, 0.21498413383960724, -0.3031260073184967, -0.026150234043598175, -0.29160380363464355, 0.08226433396339417, -0.6418299674987793, 0.7989770174026489, 0.38105863332748413, -1.045676350593567, 0.16089069843292236, -0.5265430808067322, -0.15583202242851257, 0.14735043048858643, -0.11604241281747818, -0.6203400492668152, -0.2421031892299652, 0.19467002153396606, 0.42141270637512207, -0.18164798617362976, -0.2897762060165405, -0.23942255973815918, -0.5675531029701233, 0.17413383722305298, 0.18227434158325195, 1.2680768966674805, 0.42878222465515137, -0.5816320776939392, 0.07651480287313461, -0.6494917273521423, 0.12300976365804672, 0.6661301255226135, -0.1690109372138977, -0.2541598081588745, -0.06985823065042496, 0.1430385261774063, 0.46814078092575073, 0.4261201024055481, -0.4632841944694519, 0.22494617104530334, -0.42136767506599426, 0.49221479892730713, 0.7470471262931824, -0.013772564008831978, 0.22917617857456207, -0.7868167757987976, 0.5080273151397705, 0.08776642382144928, 0.2795253098011017, -0.2780075967311859, -0.5101150870323181, -1.1091890335083008, -0.39700692892074585, 0.22264494001865387, 0.39357686042785645, -1.0392677783966064, 0.6063706278800964, -0.028553107753396034, -0.7055544257164001, -0.4742511212825775, -0.1684812307357788, 0.5184953212738037, 0.07838468253612518, 0.37881574034690857, -0.3616986572742462, -0.5482819676399231, -0.9447892904281616, 0.11106811463832855, -0.24692876636981964, -0.20003414154052734, 0.5782043933868408, 0.5309550762176514, -0.22381752729415894, 0.5537870526313782, -0.6150311827659607, -0.6039968729019165, -0.34337565302848816, -0.11588650196790695, 0.20428289473056793, 0.6186017394065857, 1.052010178565979, -0.8874950408935547, -0.7898319959640503, 0.07716037333011627, -0.8678290247917175, -0.0623667947947979, -0.10878296196460724, -0.30361393094062805, 0.35984012484550476, 0.14881791174411774, -0.6296019554138184, 0.3800722658634186, 0.4183496832847595, -0.5119300484657288, 0.8101546764373779, -0.25624871253967285, 0.3136277496814728, -1.1202359199523926, 0.1762305349111557, 0.11758378148078918, -0.14386719465255737, -0.555922269821167, 0.6860779523849487, 0.09785403311252594, 0.22175940871238708, -0.5673769116401672, 0.740049421787262, -0.6983319520950317, 0.17375025153160095, -0.14092108607292175, 0.2617136240005493, 0.13900038599967957, 0.5370764136314392, 0.20349526405334473, 0.5136313438415527, 0.5675638318061829, -0.42683684825897217, 0.4063015282154083, 0.42586377263069153, -0.36535316705703735, 0.4951573312282562, -0.7492878437042236, 0.15436898171901703, -0.1486755609512329, 0.3172997236251831, -0.8206465244293213, -0.4171457886695862, 0.5913528800010681, -0.7283713221549988, 0.38681158423423767, 0.07580753415822983, -0.11629898101091385, -0.629217267036438, -0.7822801470756531, -0.020006293430924416, 0.6353899836540222, -0.5039613842964172, 0.4659474790096283, 0.23672086000442505, 0.058209434151649475, -0.5367465019226074, -0.735938549041748, -0.03150478005409241, -0.28665944933891296, -1.0206549167633057, 0.8055632710456848, -0.05056745931506157, -0.1793602555990219, -0.11503390222787857, 0.24772392213344574, -0.08197778463363647, -0.07254891842603683, 0.06631054729223251, 0.6557762622833252, -0.3148761987686157, -0.39769208431243896, -0.19064705073833466, -0.07509936392307281, -0.1482226401567459, 0.33381712436676025, 0.39653703570365906, -0.2010648250579834, -0.0617370568215847, -0.7721914052963257, 0.2851477563381195, 0.6066176295280457, -0.20069484412670135, 0.3409554064273834, 0.7673367261886597, -0.2616179287433624, 0.06198938935995102, -0.4788621962070465, -0.1740139126777649, -0.5341917872428894, 0.24236297607421875, -0.40789908170700073, -0.648866593837738, 0.5136379599571228, 0.24604228138923645, 0.09206163138151169, 0.7120903134346008, 0.28839772939682007, -0.2434023916721344, 1.2959275245666504, 0.7212204337120056, -0.03499547019600868, 0.5213687419891357, -0.7387711405754089, -0.14027877151966095, -0.9280719757080078, -0.3315121531486511, -0.34200355410575867, -0.4577745497226715, -0.6408849358558655, -0.4567924737930298, 0.40242093801498413, 0.16293516755104065, -0.3922632038593292, 0.5416322946548462, -0.7332810163497925, 0.11640270799398422, 0.3926604092121124, 0.37010458111763, 0.24823758006095886, -0.21082529425621033, 0.10620106756687164, -0.17740856111049652, -0.2378535270690918, -0.38352856040000916, 0.5786612629890442, 0.4601086974143982, 0.6249160766601562, 0.28691625595092773, 0.6720790266990662, -0.19485709071159363, 0.09931686520576477, -0.5590571165084839, 0.6700677275657654, -0.10736250132322311, -0.6579282283782959, -0.15523305535316467, -0.31173551082611084, -0.7449141144752502, 0.34730181097984314, -0.4960215091705322, -0.7330775260925293, 0.22801236808300018, 0.07103823870420456, -0.4277302920818329, 0.24004174768924713, -0.558634877204895, 0.5674988627433777, -0.376097708940506, -0.45033982396125793, 0.06479638814926147, -0.8493045568466187, 0.60666424036026, 0.09855854511260986, 0.21436238288879395, -0.16467033326625824, -0.04843934625387192, 0.671131432056427, -0.6477333307266235, 0.5206034183502197, -0.2964480221271515, -0.03021537885069847, 0.39384013414382935, -0.054922908544540405, 0.6929195523262024, 0.08069447427988052, 0.138840451836586, 0.28027448058128357, 0.06527747958898544, -0.23252105712890625, -0.4324842691421509, 0.6176245212554932, -0.9983057975769043, -0.721651554107666, -0.591120719909668, -0.002806984819471836, 0.23681794106960297, 0.3915019631385803, 0.7335952520370483, 0.13431911170482635, -0.06276953965425491, 0.1509156972169876, 0.29727810621261597, -0.504887580871582, 0.4264620244503021, 0.5463717579841614, -0.44304823875427246, -0.6032536625862122, 0.9688593745231628, 0.1883898824453354, 0.3140546679496765, 0.11306558549404144, 0.1433737576007843, 0.0907868891954422, -0.3354106843471527, -0.604149341583252, 0.5216143131256104, -0.4032365679740906, -0.21553091704845428, -0.45052313804626465, -0.4926512539386749, -0.47898897528648376, -0.36156171560287476, -0.2406228631734848, -0.26719793677330017, -0.39799079298973083, 0.2467096447944641, 0.48353832960128784, 0.4605514109134674, -0.10019949078559875, 0.2284679412841797, -0.6876574754714966, 0.5000053644180298, 0.14549747109413147, 0.2698761820793152, -0.04110858216881752, -0.43625760078430176, -0.16915202140808105, 0.15171638131141663, -0.6134024858474731, -0.7989259362220764, 0.7174265384674072, 0.049183931201696396, 0.2573496699333191, 0.611255407333374, -0.030836651101708412, 0.6573671102523804, -0.33543989062309265, 0.8758639097213745, 0.42961809039115906, -0.7483639121055603, 0.48948174715042114, -0.7722461223602295, 0.23927739262580872, 0.2793520987033844, 0.2825886011123657, -0.6296937465667725, -0.3766346573829651, -0.6885732412338257, -0.6426135897636414, 1.1404669284820557, 0.29741811752319336, 0.13445821404457092, 0.3132018744945526, 0.23679041862487793, -0.29436632990837097, -0.03499681130051613, -0.9901615977287292, -0.6616702675819397, -0.5146335959434509, 0.16522127389907837, 0.25394994020462036, -0.13913390040397644, -0.04327749088406563, -0.5380215644836426, 0.9930113554000854, -0.1152435839176178, 0.8178036212921143, 0.36489996314048767, 0.3629893660545349, -0.22163186967372894, -0.03393755853176117, 0.6600576639175415, 0.4776550829410553, -0.41934263706207275, -0.2026773989200592, 0.1392948180437088, -0.5996115803718567, 0.032369352877140045, -0.01323322020471096, -0.49816370010375977, 0.13255995512008667, 0.33286869525909424, 0.7826257348060608, -0.0886041671037674, -0.4771338701248169, 0.8747093677520752, -0.14290912449359894, -0.2733898162841797, -0.49452096223831177, 0.20965257287025452, 0.24295932054519653, 0.21211020648479462, 0.3884848654270172, 0.14216545224189758, 0.10263407230377197, -0.5374908447265625, 0.05703474581241608, 0.4250592589378357, -0.34662628173828125, -0.29820188879966736, 0.8954865336418152, 0.29407182335853577, -0.123955138027668, 0.2918303608894348, -0.2535455524921417, -0.6110284924507141, 1.0170761346817017, 0.7025836706161499, 0.6340863108634949, -0.3966995179653168, 0.39278894662857056, 0.8640890121459961, 0.2408560812473297, -0.035421222448349, 0.6159501075744629, 0.29277512431144714, -0.5987763404846191, -0.24162839353084564, -0.4784966707229614, -0.10915785282850266, 0.36196258664131165, -0.337322473526001, 0.8418999314308167, -0.7210565209388733, -0.12277007848024368, 0.023923693224787712, 0.2068398892879486, -0.32044753432273865, 0.4649709463119507, 0.1337016075849533, 1.0216655731201172, -0.5680075883865356, 1.0690429210662842, 0.5075514912605286, -0.7290639877319336, -0.9244444966316223, 0.034273918718099594, 0.2976788580417633, -0.8344171643257141, 0.6880174279212952, 0.28763145208358765, -0.055351100862026215, -0.07750910520553589, -0.8027365207672119, -0.9954555034637451, 1.3358525037765503, 0.36395642161369324, -0.2799740731716156, -0.019603008404374123, -0.27180394530296326, 0.48223647475242615, -0.4481702744960785, 0.4431232511997223, 0.35290515422821045, 0.6410840749740601, 0.34568822383880615, -0.8177128434181213, 0.3381076157093048, -0.5986461043357849, 0.09345690160989761, -0.022007057443261147, -1.4159566164016724, 1.1569055318832397, -0.41182586550712585, -0.3944198191165924, 0.35630500316619873, 0.7426590323448181, 0.33662524819374084, 0.08728088438510895, 0.5201098918914795, 0.40308839082717896, 0.23572881519794464, -0.3125685751438141, 0.9695073366165161, -0.26152414083480835, 0.32800668478012085, 0.6742642521858215, 0.018087472766637802, 0.5574769377708435, -0.07276879251003265, -0.45565342903137207, 0.6160964369773865, 0.7764651775360107, -0.3631438910961151, 0.48219749331474304, -0.15088927745819092, -0.2710009515285492, -0.02448444440960884, -0.09420111030340195, -0.7966479659080505, 0.5545862913131714, 0.1375666856765747, -0.4628957509994507, 0.11114790290594101, -0.061189889907836914, 0.24017846584320068, -0.14385738968849182, -0.0953790470957756, 0.7540971636772156, 0.12799207866191864, -0.5522981286048889, 0.9009068608283997, 0.33834633231163025, 0.9722995758056641, -0.6942214369773865, -0.26574215292930603, -0.32490235567092896, 0.006260288879275322, -0.4210525453090668, -0.8283178806304932, 0.11116034537553787, -0.25057846307754517, 0.22068990767002106, 0.0069983103312551975, 0.7492650747299194, -0.2660703659057617, -0.42519211769104004, 0.4961572289466858, 0.07887935638427734, 0.4266173243522644, 0.22891207039356232, -0.9209657311439514, 0.2715432643890381, 0.4633546471595764, -0.3892754912376404, 0.235152006149292, 0.2721683979034424, 0.20112664997577667, 0.529461145401001, 0.31042829155921936, 0.30973365902900696, -0.4560902416706085, -0.3215717375278473, 0.9493229389190674, -0.7811845541000366, -0.4290640652179718, -0.6714078783988953, 0.6265867352485657, -0.34609800577163696, -0.41556820273399353, 0.8334232568740845, 0.3138918876647949, 0.8438062071800232, -0.2039247304201126, 0.8796454071998596, -0.513641893863678, 0.42472660541534424, -0.5618658065795898, 1.0820868015289307, -1.0182814598083496, -0.01869199424982071, -0.7271636128425598, -0.796066164970398, -0.32178008556365967, 0.8992093801498413, 0.04432830214500427, 0.31982851028442383, 0.5188789367675781, 0.8586073517799377, 0.26529935002326965, -0.11666496843099594, 0.215251162648201, 0.33606967329978943, 0.15010055899620056, 0.8677440881729126, 0.5843942165374756, -0.7947055697441101, 0.33435899019241333, -0.8191260695457458, -0.3335534930229187, -0.4622248709201813, -0.7175254821777344, -0.7881676554679871, -0.6748460531234741, -0.351885586977005, -0.4785682260990143, -0.24383921921253204, 0.8233910799026489, 0.8348970413208008, -0.5693487524986267, -0.12157813459634781, 0.3868505656719208, 0.17626318335533142, -0.4615108072757721, -0.26167306303977966, 0.5681639313697815, 0.32575926184654236, -1.0616700649261475, 0.03527028113603592, 0.21402615308761597, 0.5114112496376038, -0.14391015470027924, -0.3152692914009094, -0.10851164907217026, -0.14949031174182892, 0.5111151337623596, 0.39693427085876465, -0.7777716517448425, -0.3929375410079956, 0.037793274968862534, -0.23700256645679474, 0.3318548798561096, 0.21198919415473938, -0.4236217141151428, 0.3337356448173523, 0.54433673620224, -0.16612106561660767, 0.49959373474121094, 0.011746756732463837, 0.33207252621650696, -0.43054378032684326, 0.24960291385650635, -0.10397115349769592, 0.49256810545921326, 0.19399785995483398, -0.5455302596092224, 0.7958667278289795, 0.39168205857276917, -0.5691744089126587, -0.6055260896682739, -0.03815227001905441, -1.2794225215911865, -0.4589175581932068, 1.0841624736785889, -0.07130762189626694, -0.3531845510005951, 0.07347004115581512, -0.7377211451530457, 0.2442760318517685, -0.2767854630947113, 0.6542876362800598, 0.5613961815834045, -0.10522256791591644, -0.21082442998886108, -0.714942991733551, 0.6272774338722229, 0.16187343001365662, -0.7047249674797058, -0.1908719688653946, 0.6098981499671936, 0.211725115776062, 0.5040369629859924, 0.8711932897567749, -0.3776867687702179, 0.5461434721946716, -0.04682000353932381, 0.5285558700561523, -0.09329693019390106, -0.01459169015288353, -0.22490695118904114, -0.19271351397037506, -0.03619061037898064, -0.09231949597597122 ]
FredZhang7/distilgpt2-stable-diffusion-v2
FredZhang7
2023-03-16T20:06:26Z
10,603
80
transformers
[ "transformers", "pytorch", "safetensors", "gpt2", "text-generation", "stable-diffusion", "prompt-generator", "arxiv:2210.14140", "dataset:FredZhang7/stable-diffusion-prompts-2.47M", "dataset:poloclub/diffusiondb", "dataset:Gustavosta/Stable-Diffusion-Prompts", "dataset:bartman081523/stable-diffusion-discord-prompts", "license:creativeml-openrail-m", "endpoints_compatible", "has_space", "text-generation-inference", "region:us" ]
text-generation
2022-12-10T06:49:07Z
--- license: creativeml-openrail-m tags: - stable-diffusion - prompt-generator - arxiv:2210.14140 widget: - text: "amazing" - text: "a photo of" - text: "a sci-fi" - text: "a portrait of" - text: "a person standing" - text: "a boy watching" datasets: - FredZhang7/stable-diffusion-prompts-2.47M - poloclub/diffusiondb - Gustavosta/Stable-Diffusion-Prompts - bartman081523/stable-diffusion-discord-prompts --- # Fast GPT2 PromptGen <style> .container { padding-left: 20px; border-left: 5px solid gray; } </style> <div class="container"> <p><strong><a href="https://huggingface.co/FredZhang7/anime-anything-promptgen-v2">Fast Anime PromptGen</a></strong> generates descriptive safebooru and danbooru tags for anime text-to-image models.</p> </div> This model was trained on 2,470,000 descriptive stable diffusion prompts on the [FredZhang7/distilgpt2-stable-diffusion](https://huggingface.co/FredZhang7/distilgpt2-stable-diffusion) checkpoint for another 4,270,000 steps. Compared to other prompt generation models using GPT2, this one runs with 50% faster forwardpropagation and 40% less disk space & RAM. Major improvements from v1 are: - 25% more variations - faster and more fluent prompt generation - cleaned training data * removed prompts that generate images with nsfw scores > 0.5 * removed duplicates, including prompts that differ by capitalization and punctuations * removed punctuations at random places * removed prompts shorter than 15 characters ## Live WebUI Demo See the Prompt Generator tab of [Paint Journey Demo](https://huggingface.co/spaces/FredZhang7/paint-journey-demo). ## Contrastive Search ```bash pip install --upgrade transformers ``` ```python from transformers import GPT2Tokenizer, GPT2LMHeadModel tokenizer = GPT2Tokenizer.from_pretrained('distilgpt2') tokenizer.add_special_tokens({'pad_token': '[PAD]'}) model = GPT2LMHeadModel.from_pretrained('FredZhang7/distilgpt2-stable-diffusion-v2') prompt = r'a cat sitting' # the beginning of the prompt temperature = 0.9 # a higher temperature will produce more diverse results, but with a higher risk of less coherent text top_k = 8 # the number of tokens to sample from at each step max_length = 80 # the maximum number of tokens for the output of the model repitition_penalty = 1.2 # the penalty value for each repetition of a token num_return_sequences=5 # the number of results to generate # generate the result with contrastive search input_ids = tokenizer(prompt, return_tensors='pt').input_ids output = model.generate(input_ids, do_sample=True, temperature=temperature, top_k=top_k, max_length=max_length, num_return_sequences=num_return_sequences, repetition_penalty=repitition_penalty, penalty_alpha=0.6, no_repeat_ngram_size=1, early_stopping=True) print('\nInput:\n' + 100 * '-') print('\033[96m' + prompt + '\033[0m') print('\nOutput:\n' + 100 * '-') for i in range(len(output)): print('\033[92m' + tokenizer.decode(output[i], skip_special_tokens=True) + '\033[0m\n') ``` No comma style: ![constrastive search](./constrastive_search.png) To bring back the commas, assign output without `penalty_alpha` and `no_repeat_ngram_size`: ```python output = model.generate(input_ids, do_sample=True, temperature=temperature, top_k=top_k, max_length=max_length, num_return_sequences=num_return_sequences, repetition_penalty=repitition_penalty, early_stopping=True) ``` ![constrastive search](./contrastive_comma_style.png)
[ -0.25635677576065063, -0.6750444769859314, 0.43059515953063965, 0.20867609977722168, -0.36222609877586365, -0.2948591411113739, -0.12303022295236588, -0.1297828108072281, -0.11781930923461914, 0.1658158004283905, -0.6217986345291138, -0.46830159425735474, -0.6076070666313171, 0.2430860549211502, 0.008760225027799606, 0.9939848184585571, -0.06961209326982498, -0.09371217340230942, 0.14393971860408783, 0.18083234131336212, -0.5937054753303528, -0.30111420154571533, -1.0277153253555298, -0.2672956585884094, 0.5135703086853027, 0.19675523042678833, 0.523443341255188, 0.6698894500732422, 0.3403796851634979, 0.36921361088752747, -0.24062621593475342, 0.03142940625548363, -0.5175633430480957, 0.039424069225788116, 0.033476732671260834, -0.39379972219467163, -0.16522005200386047, 0.0834650844335556, 0.482868492603302, 0.3049547076225281, 0.025804657489061356, 0.004427039995789528, 0.1284162551164627, 0.49779778718948364, -0.3648102283477783, 0.42324569821357727, -0.29154500365257263, -0.05888640880584717, -0.011477679014205933, -0.12707288563251495, -0.4143059253692627, -0.3539397418498993, -0.001838178257457912, -0.8623379468917847, 0.4214920997619629, -0.14560799300670624, 1.0961265563964844, 0.25287342071533203, -0.37677109241485596, -0.1540471613407135, -0.2711402177810669, 0.924121081829071, -0.8068493604660034, -0.07192803174257278, 0.2100534588098526, 0.1958775520324707, -0.15272152423858643, -1.1536866426467896, -0.6301830410957336, -0.1510448455810547, -0.25092577934265137, 0.19486486911773682, -0.3657743036746979, -0.1476774513721466, 0.4032856523990631, 0.16800639033317566, -0.9068566560745239, -0.05189376324415207, -0.24553081393241882, -0.33579206466674805, 0.46264487504959106, 0.4447142779827118, 0.32406094670295715, -0.2804233133792877, -0.40973520278930664, -0.5247203707695007, -0.49547141790390015, 0.1882035881280899, 0.1695365607738495, 0.2922136187553406, -0.16451936960220337, 0.38797882199287415, -0.3110388517379761, 0.3873075246810913, 0.12713521718978882, -0.21575383841991425, 0.4427463710308075, -0.5682198405265808, -0.05654450133442879, -0.2061161994934082, 0.969931960105896, 0.7219336628913879, 0.15546804666519165, 0.0953945517539978, -0.11807768046855927, 0.13698254525661469, -0.2168085128068924, -1.364791750907898, -0.5304780006408691, 0.11331849545240402, -0.5532286763191223, -0.25413209199905396, -0.08974713087081909, -0.8088504672050476, -0.14100725948810577, -0.07760754227638245, 0.5024932026863098, -0.6615869402885437, -0.3325020968914032, 0.1582290679216385, -0.5911247134208679, 0.10442370921373367, 0.39379119873046875, -0.7583041787147522, 0.02239951118826866, 0.4783051908016205, 1.0629245042800903, 0.028033802285790443, -0.23397114872932434, -0.47146299481391907, -0.3331364095211029, -0.1290481984615326, 0.5790340900421143, -0.6147023439407349, -0.528812050819397, -0.39623135328292847, 0.2879503071308136, -0.09446925669908524, -0.4170989394187927, 0.3945469260215759, -0.34030237793922424, 0.4609032869338989, -0.33848315477371216, -0.3622874915599823, -0.4580913484096527, 0.043783530592918396, -0.4764109253883362, 1.1848444938659668, 0.24457144737243652, -0.8239839673042297, 0.17719630897045135, -0.6503299474716187, -0.31908562779426575, -0.009837459772825241, 0.11076671630144119, -0.5113121867179871, -0.19277486205101013, 0.35685649514198303, 0.39640703797340393, -0.16610747575759888, 0.1452760547399521, -0.08828091621398926, -0.5518752336502075, 0.1643829643726349, -0.4226369559764862, 0.947573184967041, 0.3032098114490509, -0.764176607131958, 0.12058990448713303, -0.6916646957397461, 0.11101352423429489, 0.33584481477737427, -0.47426068782806396, 0.00017700744501780719, -0.34714484214782715, 0.17974549531936646, 0.15290552377700806, 0.2716968357563019, -0.3493828773498535, 0.2928359806537628, -0.28883829712867737, 0.48896050453186035, 0.8045129179954529, 0.06418633460998535, 0.24249321222305298, -0.36326369643211365, 0.6709980368614197, 0.2108946293592453, -0.08462654799222946, -0.42819976806640625, -0.8066478967666626, -0.5745062232017517, -0.3719659447669983, 0.1953469216823578, 0.775540292263031, -0.8327130675315857, 0.521083652973175, -0.07746591418981552, -0.6313068866729736, -0.27364569902420044, -0.20910780131816864, 0.46349772810935974, 0.8198012113571167, 0.4661007523536682, -0.21632248163223267, -0.6037887334823608, -0.5971398949623108, 0.1089530661702156, -0.08109402656555176, -0.04303891584277153, 0.2647624611854553, 0.6387684941291809, -0.23381316661834717, 0.6515309810638428, -0.6705448031425476, 0.03437759727239609, -0.28683748841285706, 0.2915097177028656, 0.5668522715568542, 0.6341872215270996, 0.5187853574752808, -0.6180393099784851, -0.7167766690254211, -0.24734625220298767, -0.6692950129508972, -0.17934587597846985, 0.004948042798787355, -0.1671057641506195, 0.13270486891269684, 0.35533255338668823, -0.7726072669029236, 0.4530932307243347, 0.1751355230808258, -0.6100896596908569, 0.6153927445411682, -0.27618199586868286, 0.24935466051101685, -1.162477970123291, 0.40896734595298767, 0.07797281444072723, -0.13830766081809998, -0.6346815228462219, 0.15508975088596344, -0.05502075329422951, -0.09805995225906372, -0.5035791993141174, 0.740332841873169, -0.45787283778190613, 0.38505783677101135, -0.27435195446014404, -0.0007578732329420745, 0.1098242700099945, 0.5843595266342163, 0.1127486601471901, 0.9631428122520447, 0.7134065628051758, -0.5864357352256775, 0.3309694826602936, 0.389285683631897, -0.3047347962856293, 0.1528908759355545, -0.7808160185813904, 0.3250744044780731, -0.21508170664310455, 0.43234264850616455, -1.5161763429641724, -0.12363418191671371, 0.5408319234848022, -0.5824143886566162, 0.2688286006450653, -0.15338656306266785, -0.5580405592918396, -0.3393966853618622, -0.2767006754875183, 0.47081857919692993, 0.9820019602775574, -0.4734284281730652, 0.3136247992515564, -0.19519829750061035, -0.29841485619544983, -0.5167722105979919, -0.652289092540741, 0.011399351991713047, -0.33421799540519714, -0.678668200969696, 0.1693190634250641, -0.1916557401418686, 0.06842654198408127, -0.22437997162342072, 0.18875852227210999, 0.17319850623607635, 0.20749051868915558, 0.22582684457302094, 0.26581817865371704, -0.2077949196100235, -0.23649221658706665, -0.12463443726301193, -0.3696979880332947, 0.06396482139825821, -0.13741838932037354, 0.9792189598083496, -0.0917605310678482, 0.15856792032718658, -0.6694926619529724, 0.38282057642936707, 0.23500002920627594, -0.07998097687959671, 0.5845670104026794, 1.0257877111434937, -0.25180429220199585, 0.15736202895641327, -0.14446593821048737, -0.3083014190196991, -0.5188913941383362, 0.5004290342330933, -0.39771828055381775, -0.6770570278167725, 0.6390376091003418, 0.12032681703567505, -0.0897907018661499, 0.6803014874458313, 0.4953947961330414, 0.18101130425930023, 1.2001376152038574, 0.3323119282722473, 0.21200738847255707, 0.4180348217487335, -0.516878604888916, 0.011353233829140663, -0.7982723712921143, -0.43820059299468994, -0.4915665090084076, -0.3566293716430664, -0.5689827799797058, -0.45445767045021057, 0.45981791615486145, 0.21291206777095795, -0.3843105733394623, 0.25865766406059265, -0.779983401298523, 0.4320931136608124, 0.6591958999633789, 0.3238556683063507, -0.12530216574668884, 0.11877980828285217, -0.11485378444194794, -0.168040931224823, -0.5928865671157837, -0.3820539116859436, 1.0301159620285034, 0.2911543846130371, 0.6469737887382507, 0.08980947732925415, 0.6042469143867493, -0.044646698981523514, 0.16312572360038757, -0.5817745923995972, 0.7149702906608582, -0.2770100235939026, -0.4923323094844818, -0.2033146172761917, -0.47861814498901367, -1.0131945610046387, 0.2166585624217987, 0.08848302811384201, -0.7123149037361145, 0.09265122562646866, 0.02772381342947483, -0.37039807438850403, 0.21849077939987183, -0.6831004619598389, 0.928281307220459, 0.06254316866397858, -0.4576607048511505, 0.15875738859176636, -0.8944971561431885, 0.2438565194606781, 0.19661018252372742, -0.1470174640417099, 0.003092424711212516, -0.06303752958774567, 0.790070652961731, -0.47372540831565857, 0.8277832269668579, -0.4541803002357483, 0.10650572925806046, 0.23025071620941162, 0.012866221368312836, 0.5671194195747375, -0.031649865210056305, -0.10892544686794281, 0.11450329422950745, -0.2176322489976883, -0.31168797612190247, -0.2896648347377777, 0.5934724807739258, -0.6122739911079407, -0.5109484791755676, -0.4686274528503418, -0.4473680555820465, 0.3739688992500305, 0.377482533454895, 0.8268831372261047, 0.4677791893482208, 0.07744794338941574, -0.053119197487831116, 0.6880349516868591, -0.46411383152008057, 0.6631051898002625, 0.19845394790172577, -0.17711898684501648, -0.6568595170974731, 0.8748739957809448, -0.05752759054303169, 0.11521190404891968, 0.2168515920639038, 0.34934383630752563, -0.5761452913284302, -0.3220767676830292, -0.46763646602630615, 0.22739848494529724, -0.8481519222259521, -0.2619001269340515, -0.7588616013526917, -0.07655580341815948, -0.6223676204681396, -0.07116927951574326, -0.04491116479039192, -0.4052329361438751, -0.7673590183258057, 0.0760396346449852, 0.5395090579986572, 0.4932844638824463, -0.3330524265766144, 0.44414541125297546, -0.4992855489253998, 0.34709811210632324, 0.17943300306797028, 0.03747573867440224, -0.021307161077857018, -0.729240357875824, -0.01415924821048975, -0.04291611537337303, -0.4522501826286316, -0.8296326398849487, 0.5650889277458191, 0.1219794899225235, 0.3101341426372528, 0.3865424394607544, -0.1347125917673111, 0.7533501982688904, -0.4004672169685364, 1.1764699220657349, 0.33646735548973083, -0.8086617588996887, 0.48292961716651917, -0.3293514847755432, 0.33979517221450806, 0.3609788119792938, 0.3815174996852875, -0.5392157435417175, -0.24781152606010437, -0.5371379256248474, -0.9782596230506897, 0.8378249406814575, 0.3421207666397095, 0.09224358201026917, -0.14911524951457977, 0.5116934180259705, 0.17808450758457184, 0.051212720572948456, -0.7612251043319702, -0.5629621148109436, -0.4707140624523163, -0.12706156075000763, -0.3200809061527252, -0.1716013252735138, 0.01568370684981346, -0.4701935052871704, 0.8537691235542297, -0.07623109221458435, 0.6146831512451172, 0.3931906521320343, 0.1715092957019806, 0.08538218587636948, 0.04187769442796707, 0.6667392253875732, 0.3359874486923218, -0.3083078861236572, 0.07388900220394135, -0.04415256902575493, -0.4845154881477356, 0.2670275866985321, 0.31036436557769775, -0.2633861005306244, 0.36819857358932495, 0.24749095737934113, 1.0220438241958618, -0.26390376687049866, -0.2405751496553421, 0.4361564517021179, -0.17393843829631805, -0.296085000038147, -0.19336606562137604, 0.258818119764328, 0.1052902415394783, 0.2453414350748062, 0.2838512063026428, 0.10392321646213531, 0.32322508096694946, -0.485560804605484, 0.13508524000644684, 0.4096830487251282, 0.05360737815499306, -0.19876444339752197, 1.0934653282165527, 0.029359569773077965, -0.18585947155952454, 0.831850528717041, -0.35252124071121216, -0.6520354151725769, 0.8234769105911255, 0.6568819880485535, 0.9443442225456238, -0.145681232213974, 0.21968185901641846, 0.7768210172653198, 0.13123220205307007, -0.3427705466747284, 0.5130424499511719, 0.0474139079451561, -0.36070460081100464, -0.14198844134807587, -0.43879592418670654, -0.15908554196357727, 0.3679564297199249, -0.5758957862854004, 0.2769199013710022, -0.5433353185653687, -0.33413830399513245, -0.1344148814678192, 0.05785739794373512, -0.703960657119751, 0.392100065946579, 0.09850796312093735, 1.0006595849990845, -0.8978575468063354, 0.4826778173446655, 0.5361660718917847, -0.5295490622520447, -0.929131805896759, -0.057596251368522644, -0.12479706853628159, -0.790748119354248, 0.6447452306747437, 0.6401962637901306, 0.10744532942771912, 0.1540975570678711, -0.7498435378074646, -0.7816110849380493, 1.1924149990081787, 0.2892347276210785, -0.5216696262359619, -0.18707327544689178, 0.05579908564686775, 0.5691800713539124, -0.23031045496463776, 0.5462309122085571, 0.5706071257591248, 0.6344186663627625, 0.0958481878042221, -0.6564294695854187, 0.5559455156326294, -0.5683318376541138, 0.2097068428993225, -0.013991313055157661, -0.8046267032623291, 1.2116775512695312, -0.3176705837249756, -0.40471401810646057, 0.651877760887146, 0.5138829946517944, 0.36395201086997986, 0.4656795859336853, 0.2797718644142151, 0.7741131782531738, 0.6806216835975647, -0.4731379747390747, 1.0290426015853882, -0.1299387365579605, 0.4990333616733551, 0.7412195801734924, -0.004849528893828392, 0.5364733338356018, 0.36883533000946045, -0.1803424209356308, 0.7137382626533508, 0.9261751770973206, -0.26131361722946167, 0.9154772162437439, 0.20927397906780243, -0.21260453760623932, -0.16215379536151886, 0.12421861290931702, -0.6411160826683044, -0.004129765089601278, 0.07952992618083954, -0.43619614839553833, -0.2529420256614685, -0.0869537740945816, 0.3961370587348938, -0.2124640941619873, -0.03137235715985298, 0.6405208110809326, -0.06438935548067093, -0.7299124598503113, 1.0048240423202515, 0.13670670986175537, 0.8379063606262207, -0.6314319968223572, -0.10050764679908752, -0.42808952927589417, 0.1657990664243698, -0.10883047431707382, -0.8844132423400879, -0.12461120635271072, 0.029137935489416122, -0.12701787054538727, -0.1304560750722885, 0.5276982188224792, -0.41026249527931213, -0.4266303479671478, 0.0386563278734684, 0.06064536049962044, 0.40373873710632324, -0.08372917771339417, -0.8163197636604309, 0.023289501667022705, 0.1870480328798294, -0.5710934996604919, 0.09104511886835098, 0.3620207607746124, 0.28146475553512573, 0.45886170864105225, 0.7234789133071899, -0.11559092253446579, 0.153641015291214, -0.13982412219047546, 0.8413093686103821, -0.7050427198410034, -0.5713861584663391, -0.922789454460144, 0.799878716468811, 0.023792175576090813, -0.5543138980865479, 0.687761127948761, 0.710334300994873, 0.6658384799957275, -0.27832087874412537, 0.9215790033340454, -0.12871398031711578, 0.2662797272205353, -0.7349379062652588, 0.570784866809845, -0.6441471576690674, 0.030345704406499863, -0.16412164270877838, -0.7382421493530273, -0.09028837829828262, 0.7771036624908447, -0.04529019817709923, 0.3420952260494232, 0.6365447640419006, 1.0791151523590088, -0.03413553535938263, -0.3217763304710388, -0.019315946847200394, 0.14107786118984222, 0.42804205417633057, 0.8342993259429932, 0.6935913562774658, -0.7628112435340881, 0.521844744682312, -0.4414878785610199, -0.1580149233341217, -0.19772091507911682, -0.8396219611167908, -0.9512832760810852, -0.5569589138031006, -0.4667925238609314, -0.7818337678909302, -0.1033758893609047, 0.6893395185470581, 0.6839906573295593, -0.6827166080474854, 0.05842529982328415, -0.21857064962387085, -0.25491875410079956, -0.22073201835155487, -0.3437756299972534, 0.4664163589477539, -0.15160739421844482, -0.8714473247528076, 0.30060577392578125, -0.08174921572208405, 0.2884398400783539, 0.04395799711346626, -0.23863524198532104, -0.0024406597949564457, -0.05083933472633362, 0.28746843338012695, 0.22625939548015594, -0.6148877143859863, -0.10529451072216034, -0.05591278150677681, -0.23553605377674103, 0.2547605037689209, 0.3745877146720886, -0.6587918996810913, 0.32245147228240967, 0.6152443885803223, 0.29283788800239563, 0.6064862012863159, -0.04175588861107826, 0.2786460220813751, -0.640852153301239, 0.1621563881635666, -0.09511259943246841, 0.46969959139823914, 0.46368664503097534, -0.5102578997612, 0.541685163974762, 0.5882585048675537, -0.642410159111023, -0.739723801612854, 0.10952845960855484, -1.1299141645431519, -0.38181838393211365, 1.4343833923339844, -0.26109427213668823, -0.1890023648738861, 0.22466906905174255, -0.5492362380027771, 0.5178020000457764, -0.6237949132919312, 0.5910139679908752, 0.5496114492416382, -0.2356446236371994, -0.14003923535346985, -0.19351835548877716, 0.4860542118549347, 0.4268815517425537, -0.6456331014633179, -0.0447099544107914, 0.4874245822429657, 0.8538055419921875, 0.2270033210515976, 0.6503661274909973, -0.01632734201848507, 0.46402832865715027, 0.1650608777999878, -0.04360416159033775, -0.30997055768966675, -0.05781997740268707, -0.5370234847068787, 0.09222178161144257, -0.30834782123565674, -0.32702502608299255 ]
nghuyong/ernie-3.0-base-zh
nghuyong
2022-09-10T08:45:06Z
10,580
67
transformers
[ "transformers", "pytorch", "ernie", "fill-mask", "zh", "arxiv:2107.02137", "autotrain_compatible", "endpoints_compatible", "has_space", "region:us" ]
fill-mask
2022-08-22T07:54:44Z
--- language: zh --- # ERNIE-3.0-base-zh ## Introduction ERNIE 3.0: Large-scale Knowledge Enhanced Pre-training for Language Understanding and Generation More detail: https://arxiv.org/abs/2107.02137 ## Released Model Info This released pytorch model is converted from the officially released PaddlePaddle ERNIE model and a series of experiments have been conducted to check the accuracy of the conversion. - Official PaddlePaddle ERNIE repo:https://paddlenlp.readthedocs.io/zh/latest/model_zoo/transformers/ERNIE/contents.html - Pytorch Conversion repo: https://github.com/nghuyong/ERNIE-Pytorch ## How to use Then you can load ERNIE-3.0 model as before: ```Python from transformers import BertTokenizer, ErnieForMaskedLM tokenizer = BertTokenizer.from_pretrained("nghuyong/ernie-3.0-base-zh") model = ErnieForMaskedLM.from_pretrained("nghuyong/ernie-3.0-base-zh") ``` ## Citation ```bibtex @article{sun2021ernie, title={Ernie 3.0: Large-scale knowledge enhanced pre-training for language understanding and generation}, author={Sun, Yu and Wang, Shuohuan and Feng, Shikun and Ding, Siyu and Pang, Chao and Shang, Junyuan and Liu, Jiaxiang and Chen, Xuyi and Zhao, Yanbin and Lu, Yuxiang and others}, journal={arXiv preprint arXiv:2107.02137}, year={2021} } ```
[ -0.3846967816352844, -0.5690799951553345, 0.12554800510406494, 0.324979305267334, -0.3590328097343445, -0.45634639263153076, -0.5581315159797668, -0.4555414617061615, 0.07488085329532623, 0.4774783253669739, -0.41976797580718994, -0.4166218936443329, -0.6489328145980835, -0.18650740385055542, -0.22692446410655975, 1.3203870058059692, -0.10486815869808197, 0.08783109486103058, 0.08455196022987366, 0.09149561822414398, -0.005668461322784424, -0.5049695372581482, -0.3426336348056793, -0.5344948172569275, 0.45464903116226196, 0.4565679132938385, 0.5798693895339966, 0.44933831691741943, 0.42281702160835266, 0.28050583600997925, 0.06876913458108902, -0.34344011545181274, -0.4891022741794586, -0.18693406879901886, 0.14154386520385742, -0.3253077268600464, -0.8214477300643921, 0.27284306287765503, 0.49504515528678894, 0.6539058685302734, -0.015620982274413109, 0.2813262641429901, 0.05524366721510887, 0.3064209818840027, -0.6278719305992126, 0.5526077747344971, -0.7391428351402283, 0.042860157787799835, -0.13515029847621918, 0.04066717252135277, -0.47459501028060913, -0.46493351459503174, 0.5062673687934875, -0.6617529988288879, 0.266863077878952, -0.29106539487838745, 1.1707699298858643, -0.1889384239912033, -0.45189526677131653, -0.2569200098514557, -0.62546306848526, 1.019848108291626, -0.9170821309089661, 0.2652749717235565, 0.4625453054904938, 0.43637657165527344, -0.07065455615520477, -1.0658127069473267, -0.9246202111244202, -0.5906797647476196, 0.060860615223646164, 0.10700523108243942, 0.02818158268928528, 0.3000599145889282, 0.4035595953464508, 0.4441318213939667, -0.39190763235092163, -0.05937379226088524, -0.7774695158004761, -0.2503144145011902, 0.5616732239723206, -0.40915435552597046, 0.18345721065998077, -0.5169702172279358, -0.35903844237327576, -0.6444746851921082, -0.5680857300758362, -0.022104931995272636, 0.6175967454910278, 0.33693403005599976, -0.13013358414173126, 0.5522134304046631, 0.040669459849596024, 0.6917559504508972, 0.19104814529418945, -0.21618026494979858, 0.8558326363563538, -0.002129070693627, -0.05472584068775177, 0.1544751673936844, 0.9432547092437744, 0.3492749035358429, 0.32779765129089355, 0.2251351922750473, -0.23881453275680542, -0.6041869521141052, 0.17676252126693726, -0.9906548261642456, -0.35430243611335754, -0.009640771895647049, -0.6445746421813965, -0.22631309926509857, 0.3842499256134033, -0.536312997341156, -0.017519008368253708, -0.17372684180736542, 0.8105034828186035, -0.6458798050880432, -0.42283856868743896, -0.03589281812310219, 0.14745628833770752, 0.4667779505252838, 0.15296447277069092, -1.1556322574615479, -0.08341874927282333, 0.5079997777938843, 0.6885706782341003, 0.318497896194458, -0.6515375375747681, -0.37677982449531555, 0.10603029280900955, -0.14170010387897491, 0.37232232093811035, -0.019074618816375732, -0.18503262102603912, 0.2838893532752991, -0.046149805188179016, -0.11714515089988708, -0.5047813057899475, 0.3983284533023834, -0.5992661714553833, 0.41115057468414307, 0.3986012041568756, -0.33389317989349365, -0.5324146151542664, 0.12955059111118317, -0.6512604355812073, 0.9546356797218323, 0.5184005498886108, -0.5772849321365356, 0.23718515038490295, -0.520229697227478, -0.37726104259490967, -0.13867035508155823, 0.19202443957328796, -0.494401752948761, -0.02576313726603985, 0.17575256526470184, 0.4159179627895355, -0.09333289414644241, 0.29941126704216003, -0.4511907398700714, -0.34283679723739624, -0.06694160401821136, -0.3534550070762634, 1.1802482604980469, 0.19063246250152588, -0.4281587600708008, 0.24281632900238037, -0.839858889579773, 0.09158141911029816, -0.18412448465824127, -0.2794424295425415, 0.1675904244184494, -0.022546768188476562, 0.039431698620319366, 0.23617839813232422, 0.6929089426994324, -0.3908579349517822, 0.1422686129808426, -0.48808857798576355, 0.295697420835495, 0.6685388684272766, -0.3102232813835144, 0.40412768721580505, -0.23467834293842316, 0.4001866579055786, 0.05422161519527435, 0.1974659562110901, -0.15667834877967834, -0.5380736589431763, -0.9901633858680725, -0.019034653902053833, 0.3857911229133606, 0.5366190671920776, -0.7862136363983154, 1.1657752990722656, -0.4192604422569275, -0.7679445147514343, -0.42438381910324097, 0.0014862047974020243, 0.15363700687885284, 0.4822993278503418, 0.6506632566452026, -0.14456219971179962, -0.6987832188606262, -0.8792855739593506, -0.14749406278133392, -0.5014535784721375, -0.4997304379940033, 0.382179319858551, 0.5819799304008484, -0.397626668214798, 0.6579940319061279, -0.2762637734413147, -0.2290511578321457, -0.4704191982746124, 0.5330516695976257, 0.653209388256073, 0.8393484950065613, 0.5858837962150574, -0.08708672970533371, -0.6278128027915955, 0.0837044045329094, -0.43898940086364746, -0.03555572032928467, -0.01839708536863327, -0.22659015655517578, 0.27161258459091187, 0.45874932408332825, -0.7818747162818909, 0.4909597337245941, 0.7501095533370972, -0.0022635459899902344, 0.6375752091407776, -0.21996836364269257, -0.16994738578796387, -1.2462886571884155, 0.2534332573413849, -0.3032025098800659, 0.14560991525650024, -0.37581145763397217, -0.17985711991786957, 0.11160705238580704, 0.07822518050670624, -0.36590591073036194, 0.3920895457267761, -0.4066871404647827, 0.02811078168451786, 0.0733221098780632, 0.20788227021694183, -0.3176708221435547, 0.43071112036705017, -0.27528709173202515, 0.6892738938331604, 0.6651355624198914, -0.6891281008720398, 0.7555541396141052, 0.40075477957725525, -0.631626307964325, -0.010392649099230766, -0.8320632576942444, 0.3982032537460327, 0.10684125870466232, 0.4796360731124878, -0.6498880982398987, -0.3321181535720825, 0.5526247024536133, -0.6945053935050964, 0.3299334645271301, -0.20696429908275604, -0.4297751188278198, -0.4851433336734772, -0.39317411184310913, 0.3605661988258362, 0.8247015476226807, -0.8114297986030579, 0.8187557458877563, 0.10095377266407013, -0.09308712184429169, -0.6337102651596069, -0.6326825022697449, -0.36519813537597656, -0.04715544357895851, -0.7675739526748657, 0.4777527153491974, -0.05440090596675873, 0.06326940655708313, -0.08781068027019501, -0.1394931524991989, -0.10879974067211151, -0.219192236661911, -0.19592957198619843, 0.3422940671443939, -0.6018515825271606, 0.1252158284187317, -0.18367567658424377, -0.2845485806465149, 0.2601843774318695, -0.4683275520801544, 0.8102532029151917, 0.018785683438181877, -0.10323736816644669, -0.6449824571609497, -0.09908295422792435, 0.5764629244804382, -0.2676520049571991, 0.9525675177574158, 0.8585131168365479, -0.158470019698143, -0.0732610896229744, -0.3578387200832367, -0.2512817978858948, -0.4754277467727661, 0.6883652806282043, -0.14150339365005493, -0.48751646280288696, 0.3969056308269501, 0.26979073882102966, 0.032978642731904984, 0.8209101557731628, 0.4494701623916626, 0.1884230673313141, 1.058892846107483, 0.37382981181144714, -0.04550592601299286, 0.9632296562194824, -0.3878849744796753, 0.4853592813014984, -0.8599840998649597, -0.12784387171268463, -0.609157383441925, -0.2557283937931061, -0.7107576131820679, -0.3446711301803589, 0.11952352523803711, 0.4888560473918915, -0.5424520969390869, 0.4544174075126648, -0.16821730136871338, 0.24901197850704193, 0.8433722257614136, 0.1532294899225235, -0.10280141979455948, 0.14413286745548248, -0.015132862143218517, 0.2818368971347809, -0.5029508471488953, -0.666462779045105, 1.4675135612487793, 0.17564643919467926, 0.5583469867706299, 0.16447368264198303, 0.7003941535949707, -0.46030473709106445, 0.49807530641555786, -0.8374036550521851, 0.5002991557121277, 0.07273673266172409, -0.8935363292694092, -0.3223721981048584, -0.4938710033893585, -1.1219779253005981, 0.11801403015851974, -0.18600279092788696, -0.9927154779434204, -0.3382765054702759, 0.2819152772426605, -0.34170985221862793, 0.33050304651260376, -1.0008546113967896, 0.987004816532135, -0.3134823441505432, -0.10351736098527908, -0.22217848896980286, -0.7127907872200012, 0.46747887134552, 0.026803385466337204, -0.13635458052158356, 0.0036976304836571217, 0.2666599452495575, 0.9630054831504822, -0.5207895040512085, 0.6674602031707764, -0.3901783525943756, -0.24454809725284576, 0.4249023497104645, -0.18098025023937225, 0.5051016807556152, 0.12966345250606537, -0.1147453784942627, 0.24752260744571686, -0.21053370833396912, -0.3429737687110901, -0.5430194139480591, 0.7742099165916443, -1.3926974534988403, -0.5919116139411926, -0.43401286005973816, -0.5310991406440735, -0.07935971021652222, 0.4362945258617401, 0.32943880558013916, 0.3191111981868744, 0.1634294092655182, 0.5163397192955017, 0.4048122763633728, -0.39367976784706116, 0.3724440038204193, 0.32134851813316345, -0.3523954749107361, -0.6725317239761353, 0.8489028215408325, 0.13222576677799225, 0.16714851558208466, 0.27263143658638, 0.13975481688976288, -0.34235820174217224, -0.45742806792259216, -0.021334854885935783, 0.28066742420196533, -0.6540491580963135, -0.1982194483280182, -0.519690752029419, -0.44006943702697754, -0.577358603477478, 0.04530445486307144, -0.28968244791030884, -0.42356058955192566, -0.5617302656173706, -0.014619843102991581, 0.46563634276390076, 0.7327498197555542, -0.4086378514766693, 0.7717486023902893, -0.9415168762207031, 0.22688548266887665, 0.6251192688941956, 0.47818684577941895, 0.23624877631664276, -0.7081509828567505, -0.3596522808074951, 0.28346726298332214, -0.48641085624694824, -0.8520257472991943, 0.3054916262626648, 0.11319593340158463, 0.6429643630981445, 0.6222218871116638, -0.1318429559469223, 0.7138131856918335, -0.3942483961582184, 0.9156094193458557, 0.25191012024879456, -1.1417468786239624, 0.5587173700332642, -0.41456809639930725, -0.006774637848138809, 0.4302874207496643, 0.31251347064971924, -0.4167799651622772, 0.13299959897994995, -1.0640515089035034, -1.2672151327133179, 1.2088490724563599, 0.15208852291107178, 0.3297935128211975, 0.08054182678461075, 0.11742551624774933, 0.22455669939517975, 0.13955238461494446, -0.9571287631988525, -0.18374645709991455, -0.5304697751998901, -0.3998493552207947, -0.46446695923805237, -0.22686469554901123, 0.13684703409671783, -0.553280234336853, 1.0023058652877808, 0.09274859726428986, 0.4408796429634094, -0.1271417886018753, -0.44197070598602295, -0.04759346321225166, -0.07764443755149841, 0.7299661040306091, 0.6170795559883118, -0.6564967632293701, 0.06316734105348587, 0.06763473898172379, -0.8238846063613892, -0.2611200511455536, 0.4596978724002838, 0.0724240094423294, 0.13026301562786102, 0.6515746116638184, 0.9648649096488953, 0.17072200775146484, -0.20828640460968018, 0.5449962615966797, 0.18319466710090637, -0.3156718909740448, -0.48830294609069824, 0.28014901280403137, -0.01635131984949112, -0.027075139805674553, 0.437897264957428, 0.06742959469556808, -0.4055638611316681, -0.3463093042373657, 0.0272787157446146, 0.05003697797656059, -0.2662653625011444, -0.4744606912136078, 0.3968345522880554, 0.5175403356552124, -0.2865501642227173, 1.0224359035491943, -0.14557437598705292, -0.593379557132721, 0.6600711345672607, 0.6095808744430542, 0.8936594724655151, -0.3450016975402832, 0.06969136744737625, 0.8284576535224915, 0.21410110592842102, 0.03060106933116913, 0.2714650332927704, -0.2874276340007782, -0.9459214806556702, -0.36091309785842896, -0.37144148349761963, -0.17707334458827972, 0.6498310565948486, -0.8256946206092834, 0.30909430980682373, -0.49501118063926697, -0.038064777851104736, -0.18459109961986542, 0.23710130155086517, -0.5624653100967407, -0.033148713409900665, 0.0532124862074852, 0.8489344120025635, -0.5095840096473694, 0.8898820877075195, 0.6706396341323853, -0.6300849914550781, -1.0823529958724976, 0.4138324558734894, -0.4759722650051117, -0.9873884916305542, 0.8611089587211609, 0.3535613715648651, 0.10046738386154175, 0.5127318501472473, -0.8216250538825989, -1.0071067810058594, 1.1455068588256836, 0.2808753550052643, -0.36926764249801636, 0.229716494679451, -0.1766454428434372, 0.2523646354675293, -0.15513330698013306, 0.6777995824813843, 0.5112329721450806, 0.6023192405700684, 0.16725967824459076, -1.0266048908233643, -0.3394743800163269, -0.28149911761283875, 0.10997428745031357, 0.15855881571769714, -0.5171282887458801, 1.3880943059921265, -0.28018346428871155, 0.02186688967049122, 0.26891452074050903, 0.9842265248298645, 0.495360404253006, -0.23001950979232788, 0.5233778357505798, 0.3096946179866791, 0.6802043914794922, -0.1359233260154724, 0.7360196113586426, -0.6414164304733276, 0.7618716955184937, 0.9488906860351562, -0.11208542436361313, 0.8527722954750061, 0.5324711799621582, -0.26390984654426575, 0.7904664874076843, 0.3319733142852783, -0.06344930082559586, 0.4969990849494934, 0.2998175323009491, -0.2336861491203308, -0.1857948750257492, 0.4102127254009247, -0.8977431058883667, 0.6059806942939758, 0.38241046667099, -0.45144978165626526, -0.21898286044597626, -0.2867496609687805, 0.23418362438678741, -0.562761664390564, -0.16742336750030518, 0.3712119460105896, -0.2800213694572449, -0.7713595032691956, 0.8266887664794922, -0.016517600044608116, 0.7088919878005981, -0.7689521908760071, -0.16109824180603027, -0.10519607365131378, 0.4302096962928772, -0.08043377846479416, -0.5697712302207947, -0.22144101560115814, -0.18237532675266266, -0.03239339590072632, -0.16293014585971832, 0.4553168714046478, -0.4202248454093933, -0.5074512958526611, 0.1432298719882965, 0.2632104754447937, 0.28195643424987793, 0.2695373296737671, -0.47431033849716187, -0.06192820146679878, 0.21846792101860046, -0.5829770565032959, -0.013549714349210262, 0.5722614526748657, 0.34902215003967285, 0.35077619552612305, 0.6823756694793701, 0.033183708786964417, 0.20120389759540558, 0.0246003195643425, 0.6494278311729431, -0.6123422384262085, -0.4781610071659088, -0.5517867803573608, 0.4698607325553894, -0.06993542611598969, -0.7873616218566895, 0.74338698387146, 0.3347972631454468, 1.2592250108718872, -0.35831302404403687, 0.8223770260810852, -0.409164160490036, 0.41197553277015686, -0.6031438708305359, 1.024692177772522, -0.35592207312583923, -0.07539068162441254, -0.22457793354988098, -1.0545949935913086, -0.3298390209674835, 1.4710924625396729, -0.3472200930118561, 0.6599175333976746, 0.8812810778617859, 0.8007507920265198, 0.048902515321969986, -0.10092909634113312, 0.15755096077919006, 0.703860342502594, 0.38407522439956665, 0.631038248538971, 0.9225278496742249, -0.5769694447517395, 0.6888123154640198, -0.4051591753959656, -0.316511869430542, -0.4896683692932129, -0.944439172744751, -1.173640489578247, -0.5037928819656372, -0.10002996027469635, -0.46120110154151917, -0.27366408705711365, 1.2525818347930908, 0.7458502054214478, -0.95001620054245, -0.32215020060539246, -0.2695542871952057, 0.04003424197435379, -0.11414819210767746, -0.21856361627578735, 0.4740894138813019, -0.4089815616607666, -0.7541041970252991, 0.06802559643983841, -0.32137641310691833, 0.2506420910358429, -0.2242870330810547, -0.2124067097902298, -0.21654832363128662, -0.24728700518608093, 0.4356575906276703, 0.1795276701450348, -0.7383297681808472, -0.4978521168231964, -0.29573148488998413, -0.12944075465202332, 0.10719884186983109, 0.625619649887085, -0.8831477165222168, 0.27635809779167175, 0.6143101453781128, 0.0954754501581192, 0.5218266248703003, -0.3348747193813324, 0.5956582427024841, -0.5659531950950623, 0.32890376448631287, 0.19703271985054016, 0.2754071056842804, 0.1580837070941925, 0.031646762043237686, 0.055426258593797684, 0.16463594138622284, -0.5177575349807739, -0.6971852779388428, 0.11202508211135864, -0.8448006510734558, 0.10497838258743286, 1.1580069065093994, -0.19262510538101196, -0.3876534104347229, 0.14775976538658142, -0.4198578894138336, 0.7324448823928833, -0.3376465141773224, 0.8118208646774292, 0.6164008378982544, 0.16693070530891418, -0.06365317851305008, -0.6258252263069153, 0.44761523604393005, 0.2004811316728592, -0.622419536113739, -0.048698849976062775, 0.22717227041721344, 0.06316129118204117, 0.3999030292034149, 0.24758478999137878, 0.025832854211330414, 0.2913195788860321, 0.07969558984041214, 0.7393714785575867, 0.008983274921774864, -0.2675839066505432, -0.16204845905303955, -0.181548073887825, -0.00019133181194774806, -0.28812623023986816 ]
timm/resnetv2_50x1_bit.goog_in21k
timm
2023-03-22T20:57:51Z
10,567
0
timm
[ "timm", "pytorch", "safetensors", "image-classification", "dataset:imagenet-21k", "arxiv:1912.11370", "arxiv:1603.05027", "license:apache-2.0", "region:us" ]
image-classification
2023-03-22T20:57:10Z
--- tags: - image-classification - timm library_tag: timm license: apache-2.0 datasets: - imagenet-21k --- # Model card for resnetv2_50x1_bit.goog_in21k A ResNet-V2-BiT (Big Transfer w/ pre-activation ResNet) image classification model. Trained on ImageNet-21k by paper authors. This model uses: * Group Normalization (GN) in combination with Weight Standardization (WS) instead of Batch Normalization (BN).. ## Model Details - **Model Type:** Image classification / feature backbone - **Model Stats:** - Params (M): 68.3 - GMACs: 4.3 - Activations (M): 11.1 - Image size: 224 x 224 - **Papers:** - Big Transfer (BiT): General Visual Representation Learning: https://arxiv.org/abs/1912.11370 - Identity Mappings in Deep Residual Networks: https://arxiv.org/abs/1603.05027 - **Dataset:** ImageNet-21k - **Original:** https://github.com/google-research/big_transfer ## Model Usage ### Image Classification ```python from urllib.request import urlopen from PIL import Image import timm img = Image.open(urlopen( 'https://huggingface.co/datasets/huggingface/documentation-images/resolve/main/beignets-task-guide.png' )) model = timm.create_model('resnetv2_50x1_bit.goog_in21k', pretrained=True) model = model.eval() # get model specific transforms (normalization, resize) data_config = timm.data.resolve_model_data_config(model) transforms = timm.data.create_transform(**data_config, is_training=False) output = model(transforms(img).unsqueeze(0)) # unsqueeze single image into batch of 1 top5_probabilities, top5_class_indices = torch.topk(output.softmax(dim=1) * 100, k=5) ``` ### Feature Map Extraction ```python from urllib.request import urlopen from PIL import Image import timm img = Image.open(urlopen( 'https://huggingface.co/datasets/huggingface/documentation-images/resolve/main/beignets-task-guide.png' )) model = timm.create_model( 'resnetv2_50x1_bit.goog_in21k', pretrained=True, features_only=True, ) model = model.eval() # get model specific transforms (normalization, resize) data_config = timm.data.resolve_model_data_config(model) transforms = timm.data.create_transform(**data_config, is_training=False) output = model(transforms(img).unsqueeze(0)) # unsqueeze single image into batch of 1 for o in output: # print shape of each feature map in output # e.g.: # torch.Size([1, 64, 112, 112]) # torch.Size([1, 256, 56, 56]) # torch.Size([1, 512, 28, 28]) # torch.Size([1, 1024, 14, 14]) # torch.Size([1, 2048, 7, 7]) print(o.shape) ``` ### Image Embeddings ```python from urllib.request import urlopen from PIL import Image import timm img = Image.open(urlopen( 'https://huggingface.co/datasets/huggingface/documentation-images/resolve/main/beignets-task-guide.png' )) model = timm.create_model( 'resnetv2_50x1_bit.goog_in21k', pretrained=True, num_classes=0, # remove classifier nn.Linear ) model = model.eval() # get model specific transforms (normalization, resize) data_config = timm.data.resolve_model_data_config(model) transforms = timm.data.create_transform(**data_config, is_training=False) output = model(transforms(img).unsqueeze(0)) # output is (batch_size, num_features) shaped tensor # or equivalently (without needing to set num_classes=0) output = model.forward_features(transforms(img).unsqueeze(0)) # output is unpooled, a (1, 2048, 7, 7) shaped tensor output = model.forward_head(output, pre_logits=True) # output is a (1, num_features) shaped tensor ``` ## Model Comparison Explore the dataset and runtime metrics of this model in timm [model results](https://github.com/huggingface/pytorch-image-models/tree/main/results). ## Citation ```bibtex @inproceedings{Kolesnikov2019BigT, title={Big Transfer (BiT): General Visual Representation Learning}, author={Alexander Kolesnikov and Lucas Beyer and Xiaohua Zhai and Joan Puigcerver and Jessica Yung and Sylvain Gelly and Neil Houlsby}, booktitle={European Conference on Computer Vision}, year={2019} } ``` ```bibtex @article{He2016, author = {Kaiming He and Xiangyu Zhang and Shaoqing Ren and Jian Sun}, title = {Identity Mappings in Deep Residual Networks}, journal = {arXiv preprint arXiv:1603.05027}, year = {2016} } ``` ```bibtex @misc{rw2019timm, author = {Ross Wightman}, title = {PyTorch Image Models}, year = {2019}, publisher = {GitHub}, journal = {GitHub repository}, doi = {10.5281/zenodo.4414861}, howpublished = {\url{https://github.com/huggingface/pytorch-image-models}} } ```
[ -0.4679625332355499, -0.36559799313545227, 0.020549282431602478, 0.044007398188114166, -0.37556108832359314, -0.38915520906448364, -0.3164837956428528, -0.45241212844848633, 0.24963030219078064, 0.4846675992012024, -0.4108220338821411, -0.606192409992218, -0.729927659034729, -0.15170304477214813, -0.14297017455101013, 0.9651449918746948, -0.11464041471481323, -0.0350535549223423, -0.208614781498909, -0.5319193601608276, -0.23877254128456116, -0.3254150152206421, -0.818931519985199, -0.3956262469291687, 0.41732749342918396, 0.12700359523296356, 0.539435625076294, 0.6277673244476318, 0.6631215810775757, 0.47528496384620667, -0.0013202950358390808, 0.08465255051851273, -0.3457118272781372, -0.21061408519744873, 0.2128092497587204, -0.6273607015609741, -0.41590988636016846, 0.2535726726055145, 0.7421014308929443, 0.3478398025035858, 0.017283951863646507, 0.5308936238288879, 0.07873034477233887, 0.6333102583885193, -0.30928096175193787, 0.2230953872203827, -0.41466712951660156, 0.11313536763191223, -0.006067974492907524, 0.13773322105407715, -0.317317396402359, -0.45421484112739563, 0.20031368732452393, -0.5122615694999695, 0.4418887495994568, -0.022557690739631653, 1.417076587677002, 0.19451302289962769, -0.10366895794868469, 0.053164150565862656, -0.38987112045288086, 0.809351921081543, -0.741791307926178, 0.2425554394721985, 0.2687981128692627, 0.2735385000705719, -0.09384048730134964, -1.1566160917282104, -0.5913048386573792, -0.14544129371643066, -0.19827571511268616, -0.01498523261398077, -0.33498257398605347, -0.049855541437864304, 0.28689149022102356, 0.3786693811416626, -0.4165407717227936, 0.14318864047527313, -0.6892818212509155, -0.25579768419265747, 0.6109116673469543, -0.05334031954407692, 0.30016598105430603, -0.1318550705909729, -0.5834147930145264, -0.45661282539367676, -0.35802537202835083, 0.2782733142375946, 0.23074983060359955, 0.22063446044921875, -0.6418763399124146, 0.36606186628341675, 0.19851264357566833, 0.685635507106781, 0.05514134466648102, -0.3176787793636322, 0.6161358952522278, -0.08373786509037018, -0.44966211915016174, -0.2436162829399109, 1.1391832828521729, 0.4758221209049225, 0.3375585973262787, 0.08261048048734665, -0.11230911314487457, -0.416008859872818, -0.09397699683904648, -1.230847954750061, -0.45107391476631165, 0.21511179208755493, -0.6721078157424927, -0.34837761521339417, 0.28740307688713074, -0.6418936848640442, -0.1823950558900833, -0.2223299890756607, 0.5819084048271179, -0.42881500720977783, -0.3920333981513977, 0.0377621129155159, -0.19455201923847198, 0.40715911984443665, 0.2556174695491791, -0.5426864624023438, 0.15879471600055695, 0.2900838255882263, 1.0670181512832642, 0.04863367974758148, -0.3818414807319641, -0.28336581587791443, -0.32215937972068787, -0.30882206559181213, 0.4256492853164673, -0.10466767847537994, 0.014910112135112286, -0.30935898423194885, 0.4641513526439667, -0.08327000588178635, -0.7076959013938904, 0.11622705310583115, -0.3136523365974426, 0.35801053047180176, -0.09966778755187988, -0.17023277282714844, -0.6191869378089905, 0.16344106197357178, -0.4869549870491028, 1.1929978132247925, 0.38932472467422485, -0.765004575252533, 0.2808711528778076, -0.3837774395942688, -0.10638889670372009, -0.3195461630821228, 0.02232423424720764, -1.0757296085357666, -0.02957759238779545, 0.16675657033920288, 0.7233428359031677, -0.38152429461479187, 0.08167007565498352, -0.6066781282424927, -0.33439674973487854, 0.3686603605747223, -0.07080931216478348, 1.001052975654602, 0.11000165343284607, -0.43856966495513916, 0.26542237401008606, -0.5421493649482727, 0.134980708360672, 0.4945889711380005, -0.2686048746109009, -0.06478830426931381, -0.7040631175041199, 0.12654657661914825, 0.41392606496810913, 0.17587216198444366, -0.5285988450050354, 0.35857781767845154, -0.08799947053194046, 0.4980507493019104, 0.6687348484992981, -0.14362232387065887, 0.33712518215179443, -0.36635270714759827, 0.29716163873672485, 0.30011457204818726, 0.15719729661941528, -0.000562333210837096, -0.5800642371177673, -0.8381220698356628, -0.530770480632782, 0.5387125015258789, 0.45058026909828186, -0.5498473048210144, 0.5649675130844116, -0.3033893406391144, -0.7254428863525391, -0.5264304876327515, 0.0846371203660965, 0.46969300508499146, 0.6212016344070435, 0.42984145879745483, -0.544758141040802, -0.5142664909362793, -1.0266033411026, 0.20734331011772156, -0.016237907111644745, -0.08147307485342026, 0.33909982442855835, 0.6822867393493652, -0.1638987958431244, 0.6653220653533936, -0.43818503618240356, -0.3689371645450592, -0.182333305478096, 0.09442994743585587, 0.35481196641921997, 0.7591639161109924, 0.9134847521781921, -0.631815493106842, -0.4747021794319153, -0.08789166808128357, -0.9410319328308105, 0.19267915189266205, -0.13879701495170593, -0.25962957739830017, 0.3466607332229614, 0.24991218745708466, -0.5426378846168518, 0.6335597634315491, 0.3116440176963806, -0.30440959334373474, 0.4588041603565216, -0.32724514603614807, 0.273009717464447, -1.2449668645858765, 0.20596617460250854, 0.40497639775276184, -0.2097347527742386, -0.373921662569046, 0.006042573135346174, 0.06545758247375488, -0.0627460852265358, -0.4769652783870697, 0.5942147970199585, -0.6854873895645142, -0.32073280215263367, -0.10571311414241791, -0.20904693007469177, 0.0647512674331665, 0.7574741244316101, -0.085183285176754, 0.46405231952667236, 0.8357881307601929, -0.45799195766448975, 0.6268712282180786, 0.3032797574996948, -0.14831051230430603, 0.43188393115997314, -0.7159698009490967, 0.22343003749847412, -0.03538759425282478, 0.3664492070674896, -1.1501785516738892, -0.18437202274799347, 0.43073612451553345, -0.6166760921478271, 0.730304479598999, -0.6499229669570923, -0.37509217858314514, -0.5665010809898376, -0.44108131527900696, 0.4067542850971222, 0.8898229002952576, -0.6993877291679382, 0.45892956852912903, 0.18637408316135406, 0.2882494330406189, -0.5265758633613586, -0.9500607848167419, -0.15645314753055573, -0.4526875913143158, -0.7129591107368469, 0.36168229579925537, 0.21441258490085602, 0.17699401080608368, 0.25382542610168457, -0.012441322207450867, -0.12656153738498688, -0.17112600803375244, 0.549392580986023, 0.44344452023506165, -0.3827008008956909, -0.044641487300395966, -0.4331176280975342, -0.08559483289718628, 0.06736216694116592, -0.3413833975791931, 0.5507352948188782, -0.29974719882011414, -0.14204096794128418, -0.9169602990150452, -0.09642001241445541, 0.5574317574501038, -0.22474758327007294, 0.9286215305328369, 1.2395848035812378, -0.47523033618927, 0.08267673850059509, -0.48835957050323486, -0.2965582609176636, -0.4813067317008972, 0.5238496661186218, -0.3293074369430542, -0.5154045224189758, 0.9305161833763123, 0.008925220929086208, 0.07896115630865097, 0.7355689406394958, 0.337106853723526, -0.07366989552974701, 0.6048608422279358, 0.5617477893829346, 0.10577035695314407, 0.6983580589294434, -0.9828763008117676, -0.18970263004302979, -0.9563565254211426, -0.48587480187416077, -0.3388713300228119, -0.7215617299079895, -0.6750325560569763, -0.49018290638923645, 0.28362029790878296, 0.25670623779296875, -0.4313662648200989, 0.5091772079467773, -0.8241642713546753, 0.03468465805053711, 0.685990035533905, 0.5740236639976501, -0.35188937187194824, 0.4348888695240021, -0.048402249813079834, -0.06882123649120331, -0.6755155920982361, -0.17521868646144867, 1.1862987279891968, 0.48505014181137085, 0.6510498523712158, -0.05169454962015152, 0.7248495817184448, -0.14238572120666504, 0.3840563893318176, -0.667765200138092, 0.6269045472145081, -0.19728326797485352, -0.3093213140964508, -0.20938211679458618, -0.5071262121200562, -1.1955043077468872, 0.1439967006444931, -0.32188400626182556, -0.7668322324752808, 0.27627190947532654, 0.15853677690029144, -0.24637341499328613, 0.8132422566413879, -0.8881570100784302, 0.9041756391525269, -0.04192653298377991, -0.44506531953811646, 0.05804838985204697, -0.7022082209587097, 0.3464968800544739, 0.2109583020210266, -0.25500908493995667, -0.0402594693005085, 0.1329907774925232, 1.1107333898544312, -0.4832690358161926, 0.853495180606842, -0.5107068419456482, 0.3352847993373871, 0.5559988021850586, -0.08226009458303452, 0.4029242992401123, -0.18876832723617554, -0.03093821555376053, 0.41781237721443176, -0.041443176567554474, -0.4685828983783722, -0.6216939687728882, 0.6036943793296814, -0.9974257946014404, -0.41427746415138245, -0.3291398584842682, -0.3790704905986786, 0.23759709298610687, 0.10716430842876434, 0.48047205805778503, 0.6617464423179626, 0.3435838222503662, 0.4183734357357025, 0.6428307294845581, -0.4034899175167084, 0.42796164751052856, -0.10514038056135178, -0.21898473799228668, -0.5209127068519592, 0.9346815943717957, 0.2527240514755249, 0.25370344519615173, 0.01633358933031559, 0.214719757437706, -0.36908262968063354, -0.5969122648239136, -0.3265463709831238, 0.5119678378105164, -0.6715652942657471, -0.46280890703201294, -0.48703524470329285, -0.4602304697036743, -0.4925995469093323, 0.004871254786849022, -0.5219310522079468, -0.32422441244125366, -0.43256914615631104, 0.20736002922058105, 0.7390244007110596, 0.5676557421684265, -0.22595424950122833, 0.4518541693687439, -0.5615953803062439, 0.2129393070936203, 0.28834375739097595, 0.4588925838470459, -0.10921015590429306, -1.0349483489990234, -0.21173223853111267, -0.024118473753333092, -0.3171145021915436, -0.7168440818786621, 0.44778358936309814, 0.15639686584472656, 0.4889572262763977, 0.3079209625720978, -0.17843368649482727, 0.7499616742134094, -0.004856054671108723, 0.6050469875335693, 0.4492039382457733, -0.4996141493320465, 0.49803483486175537, -0.021047137677669525, 0.07132240384817123, 0.14117592573165894, 0.2988191843032837, -0.2936970889568329, 0.13525541126728058, -1.0017939805984497, -0.7672896385192871, 0.8467835187911987, 0.025025753304362297, -0.03418727219104767, 0.4538780450820923, 0.7311110496520996, -0.07084650546312332, 0.0017629130743443966, -0.7567203640937805, -0.4626222550868988, -0.2929861545562744, -0.19908368587493896, -0.029768386855721474, -0.12841495871543884, -0.13887622952461243, -0.6585091352462769, 0.666023313999176, -0.059537194669246674, 0.8357661366462708, 0.3376583456993103, 0.0019464269280433655, -0.019589202478528023, -0.4595312476158142, 0.5489919781684875, 0.37761440873146057, -0.34379175305366516, 0.0942758321762085, 0.1644529104232788, -0.5784051418304443, 0.14691787958145142, 0.17704658210277557, 0.06267329305410385, -0.03160916268825531, 0.5518760681152344, 0.9853728413581848, -0.10151949524879456, 0.182282954454422, 0.5059962272644043, -0.09501179307699203, -0.4820581078529358, -0.23373815417289734, 0.12559019029140472, 0.009912751615047455, 0.40924501419067383, 0.2985372543334961, 0.36408931016921997, -0.18326352536678314, -0.2948952913284302, 0.2955896258354187, 0.492392361164093, -0.39535579085350037, -0.40483781695365906, 0.6323676109313965, -0.15474765002727509, -0.13079823553562164, 0.9586309790611267, -0.11120811104774475, -0.4330350160598755, 1.1180317401885986, 0.4292655289173126, 0.9679345488548279, -0.03641486167907715, 0.03364872187376022, 0.8977925777435303, 0.2779443860054016, -0.05528853461146355, 0.0780864879488945, 0.21648211777210236, -0.6610751152038574, -0.07594157010316849, -0.5181655883789062, 0.13218937814235687, 0.4656190872192383, -0.6483510136604309, 0.31970933079719543, -0.6589916944503784, -0.4392070770263672, 0.06975173950195312, 0.19497761130332947, -1.0020668506622314, 0.19329233467578888, 0.1027618870139122, 0.7597717046737671, -0.874813973903656, 0.7603894472122192, 0.8515222072601318, -0.5358319282531738, -1.0857371091842651, -0.07753724604845047, -0.07975462079048157, -1.0097453594207764, 0.6302698850631714, 0.433116614818573, 0.1845208704471588, 0.02680007740855217, -0.7722537517547607, -0.7696473002433777, 1.4307198524475098, 0.5919131636619568, -0.1471225470304489, 0.24959635734558105, -0.1227334663271904, 0.2788317799568176, -0.40709641575813293, 0.41391798853874207, 0.22026345133781433, 0.4367258548736572, 0.3958616554737091, -0.7054274082183838, 0.35840827226638794, -0.23003067076206207, 0.20078325271606445, 0.1616573929786682, -0.8849412798881531, 0.9364318251609802, -0.5119925737380981, -0.16413968801498413, 0.003236389486119151, 0.7860022187232971, 0.22878293693065643, 0.028380217030644417, 0.4947507679462433, 0.8372047543525696, 0.5528022646903992, -0.393428236246109, 0.915507972240448, 0.02174653857946396, 0.654068112373352, 0.7020439505577087, 0.39903753995895386, 0.5312463641166687, 0.40666985511779785, -0.3773503005504608, 0.44187235832214355, 1.0708301067352295, -0.4098358154296875, 0.32363641262054443, 0.3351866602897644, 0.10829497873783112, -0.18469619750976562, 0.13316050171852112, -0.5943167805671692, 0.47085294127464294, 0.1354960799217224, -0.5458482503890991, -0.22384795546531677, 0.032928917557001114, 0.014480363577604294, -0.3384580910205841, -0.1476874202489853, 0.5090406537055969, 0.011207202449440956, -0.4368455708026886, 0.938042938709259, 0.06934545934200287, 0.803596019744873, -0.4164150059223175, -0.09781143814325333, -0.37180083990097046, 0.19651201367378235, -0.33487963676452637, -0.8855589628219604, 0.2694908678531647, -0.39770060777664185, -0.0344034843146801, 0.04164731130003929, 0.679705023765564, -0.40511786937713623, -0.4703142046928406, 0.16686731576919556, 0.19312229752540588, 0.5284980535507202, 0.045645445585250854, -1.1926255226135254, 0.1475592851638794, 0.1396762579679489, -0.677911639213562, 0.4023631513118744, 0.5118492841720581, 0.04508918896317482, 0.7232534885406494, 0.671417772769928, -0.030725333839654922, 0.0691419169306755, -0.24836702644824982, 0.8109269738197327, -0.5266274809837341, -0.24973098933696747, -0.8424883484840393, 0.7049064636230469, -0.1022004708647728, -0.5544723272323608, 0.48407477140426636, 0.5490061044692993, 0.7633476853370667, -0.05133840814232826, 0.487348347902298, -0.21348312497138977, -0.12133727222681046, -0.4310653805732727, 0.6805428266525269, -0.6687127947807312, -0.07421895861625671, -0.11091573536396027, -0.8256449699401855, -0.35216253995895386, 0.6794806122779846, -0.2617376148700714, 0.4195820689201355, 0.4253913462162018, 0.9769578576087952, -0.35625284910202026, -0.5173661112785339, 0.15299537777900696, 0.12892109155654907, 0.17396356165409088, 0.5530697107315063, 0.3733384311199188, -0.8547340035438538, 0.41105979681015015, -0.5426076650619507, -0.26888516545295715, -0.2154480516910553, -0.7010676860809326, -0.9909455180168152, -0.9085888862609863, -0.6939486861228943, -0.7745855450630188, -0.2499132752418518, 0.7634345293045044, 1.1076359748840332, -0.6549630761146545, -0.08465984463691711, 0.13366606831550598, 0.15276755392551422, -0.22873219847679138, -0.21356870234012604, 0.7374428510665894, -0.035143837332725525, -0.6695908904075623, -0.38851115107536316, -0.04305877164006233, 0.45802581310272217, -0.08166728913784027, -0.19925440847873688, -0.155119389295578, -0.34031420946121216, 0.19156141579151154, 0.405832976102829, -0.6938158869743347, -0.3079829514026642, -0.3170102536678314, -0.18983766436576843, 0.38783925771713257, 0.3834814131259918, -0.6099697351455688, 0.32141217589378357, 0.46703585982322693, 0.4400162696838379, 0.8658106327056885, -0.2163694202899933, 0.04440327361226082, -0.7827266454696655, 0.5318920612335205, -0.22609972953796387, 0.45934993028640747, 0.43164822459220886, -0.33773377537727356, 0.5985422134399414, 0.562870442867279, -0.4241217076778412, -0.8470246195793152, -0.09887497127056122, -1.1012637615203857, -0.16142137348651886, 1.0303274393081665, -0.44474899768829346, -0.5429746508598328, 0.48361557722091675, -0.07161729782819748, 0.6853663921356201, -0.1118742823600769, 0.43737292289733887, 0.23363202810287476, -0.08418405055999756, -0.6224987506866455, -0.5110981464385986, 0.4110696315765381, 0.07687181979417801, -0.6045213341712952, -0.3522260785102844, 0.10239221155643463, 0.771338939666748, 0.2793857157230377, 0.4359678626060486, -0.1342986524105072, 0.11970599740743637, 0.0234216395765543, 0.5898118615150452, -0.5443907380104065, -0.11919347196817398, -0.422402560710907, 0.02825682796537876, -0.15743626654148102, -0.7137050628662109 ]
nitrosocke/Future-Diffusion
nitrosocke
2023-03-09T07:23:11Z
10,523
399
diffusers
[ "diffusers", "stable-diffusion", "text-to-image", "en", "license:openrail++", "has_space", "diffusers:StableDiffusionPipeline", "region:us" ]
text-to-image
2022-11-24T23:43:44Z
--- license: openrail++ language: - en tags: - stable-diffusion - text-to-image - diffusers thumbnail: "https://huggingface.co/nitrosocke/Future-Diffusion/resolve/main/images/future-diffusion-thumbnail-2.jpg" inference: false --- ### Future Diffusion This is the fine-tuned Stable Diffusion 2.0 model trained on high quality 3D images with a futuristic Sci-Fi theme. Use the tokens `future style` in your prompts for the effect. Trained on Stability.ai's [Stable Diffusion 2.0 Base](https://huggingface.co/stabilityai/stable-diffusion-2-base) with 512x512 resolution. **If you enjoy my work and want to test new models before release, please consider supporting me** [![Become A Patreon](https://badgen.net/badge/become/a%20patron/F96854)](https://patreon.com/user?u=79196446) **Disclaimer: The SD 2.0 model is just over 24h old at this point and we still need to figure out how it works exactly. Please view this as an early prototype and experiment with the model.** **Characters rendered with the model:** ![Characters Samples](https://huggingface.co/nitrosocke/Future-Diffusion/resolve/main/images/future-diffusion-samples01s.png) **Cars and Animals rendered with the model:** ![Misc. Samples](https://huggingface.co/nitrosocke/Future-Diffusion/resolve/main/images/future-diffusion-samples02s.png) **Landscapes rendered with the model:** ![Landscape 1](https://huggingface.co/nitrosocke/Future-Diffusion/resolve/main/images/future-diffusion-samples03s.png) #### Prompt and settings for the Characters: **future style [subject] Negative Prompt: duplicate heads bad anatomy** _Steps: 20, Sampler: Euler a, CFG scale: 7, Size: 512x704_ #### Prompt and settings for the Landscapes: **future style city market street level at night Negative Prompt: blurry fog soft** _Steps: 20, Sampler: Euler a, CFG scale: 7, Size: 1024x576_ This model was trained using the diffusers based dreambooth training by ShivamShrirao using prior-preservation loss and the _train-text-encoder_ flag in 7.000 steps. ## License This model is open access and available to all, with a CreativeML Open RAIL++-M License further specifying rights and usage. [Please read the full license here](https://huggingface.co/stabilityai/stable-diffusion-2/blob/main/LICENSE-MODEL)
[ -0.4863891005516052, -0.8640874624252319, 0.6670325398445129, 0.19915862381458282, -0.15499164164066315, 0.02511555515229702, 0.2509540021419525, -0.6288824081420898, 0.39214053750038147, 0.6311182975769043, -0.7073131799697876, -0.4923716187477112, -0.718848466873169, -0.30053621530532837, -0.304949015378952, 0.8554604649543762, -0.09640389680862427, 0.11402048170566559, -0.2539232075214386, 0.1834755539894104, -0.4392679035663605, 0.022998806089162827, -1.1119630336761475, -0.549768328666687, 0.2845101058483124, 0.05590086802840233, 0.7254290580749512, 0.45683833956718445, -0.0154955442994833, 0.31550276279449463, -0.5050378441810608, -0.44326382875442505, -0.5615128874778748, 0.20761428773403168, -0.17672821879386902, -0.1655721217393875, -0.5507678985595703, 0.15814447402954102, 0.7017471790313721, 0.39819034934043884, -0.10975153744220734, -0.04597735404968262, -0.03167744353413582, 0.5608890652656555, -0.401657372713089, -0.08761375397443771, -0.027384575456380844, 0.05257519334554672, -0.15175560116767883, 0.45413094758987427, -0.09804992377758026, -0.2114906907081604, 0.03054020367562771, -0.7507209181785583, 0.3239763379096985, 0.07404707372188568, 1.0673967599868774, 0.18654413521289825, -0.3737269341945648, 0.07996796071529388, -0.5449376702308655, 0.5685462951660156, -0.44351741671562195, 0.5206059217453003, 0.13446611166000366, 0.4272631108760834, -0.14685899019241333, -0.7496777176856995, -0.7113351821899414, -0.0016803749604150653, 0.3757250905036926, 0.44848307967185974, -0.04203850030899048, -0.07559653371572495, -0.03418821096420288, 0.16119827330112457, -0.7915787100791931, 0.16563159227371216, -0.6250247955322266, -0.28168436884880066, 0.5038737058639526, 0.3183686137199402, 0.07912952452898026, 0.12857942283153534, -0.7341997623443604, -0.22129055857658386, -0.6017134189605713, 0.0627705529332161, 0.2703089118003845, -0.16955310106277466, -0.7585257887840271, 0.41730135679244995, -0.015106300823390484, 0.4115254580974579, 0.2562723457813263, 0.05224644020199776, 0.41455090045928955, -0.2681523561477661, -0.2318965494632721, -0.3512120246887207, 0.8348290920257568, 0.7219259738922119, -0.09989108145236969, 0.23768076300621033, -0.2517251670360565, 0.053610946983098984, 0.046043261885643005, -1.1550859212875366, -0.43232905864715576, 0.5083361268043518, -0.7098446488380432, -0.4169764220714569, -0.5584059953689575, -0.9622259140014648, -0.6176145076751709, 0.15912890434265137, 0.32937172055244446, -0.4341413676738739, -0.9129811525344849, 0.34241965413093567, -0.5874892473220825, 0.07834109663963318, 0.4910826086997986, -0.7330427765846252, 0.014534045942127705, 0.23187528550624847, 1.1339715719223022, -0.04726779833436012, 0.06483599543571472, 0.27736157178878784, 0.2268674224615097, -0.44241368770599365, 1.0184247493743896, -0.5256982445716858, -0.7992404699325562, -0.28647899627685547, 0.25739336013793945, 0.1783120185136795, -0.5400215983390808, 0.48198413848876953, -0.45766595005989075, 0.34314173460006714, 0.02354704588651657, -0.35514241456985474, -0.3052826523780823, 0.09174251556396484, -0.6184630990028381, 0.7028635740280151, 0.3992241322994232, -0.5116571187973022, 0.18597561120986938, -1.2123745679855347, 0.016452422365546227, 0.18792153894901276, 0.1078873947262764, -0.4595695436000824, -0.20199432969093323, -0.38454872369766235, 0.42023107409477234, 0.042851779609918594, 0.19243475794792175, -0.6633737683296204, -0.15592525899410248, -0.2667665183544159, -0.3799017071723938, 1.1439052820205688, 0.3996860980987549, -0.2653190791606903, 0.1009969711303711, -0.7588450908660889, -0.32891666889190674, 0.20071443915367126, -0.0062689525075256824, -0.061989229172468185, -0.2402002066373825, 0.5068789720535278, 0.4237959682941437, 0.2874818742275238, -0.6383787393569946, -0.03749292716383934, -0.3086996376514435, 0.2605234682559967, 0.7469297051429749, 0.2351151555776596, 0.5994381904602051, -0.3794502317905426, 0.8312427401542664, 0.38377144932746887, 0.10627004504203796, 0.12356849014759064, -0.8850127458572388, -0.5441916584968567, -0.19476725161075592, -0.030388735234737396, 0.6171689629554749, -0.5895889401435852, 0.26016244292259216, 0.12042266875505447, -0.7278262376785278, -0.04079842567443848, -0.31234079599380493, 0.08682691305875778, 0.8008000254631042, 0.19688957929611206, -0.3714916706085205, -0.37171369791030884, -0.8336272239685059, 0.4909437298774719, -0.10862939804792404, -0.04913667216897011, 0.01039083581417799, 0.5736228823661804, -0.6031981110572815, 0.8038865327835083, -0.6467435359954834, -0.05085708945989609, -0.07201863080263138, 0.030030719935894012, 0.19652758538722992, 0.8197526931762695, 0.7114473581314087, -0.825203001499176, -0.2727920114994049, -0.46624982357025146, -0.6555526852607727, 0.010451685637235641, 0.08889370411634445, -0.3346852958202362, 0.10279855132102966, 0.5414765477180481, -1.029280424118042, 0.08348745107650757, 0.7734648585319519, -0.8864584565162659, 0.6340824365615845, -0.444877028465271, -0.08284585922956467, -1.512747049331665, 0.014449494890868664, 0.5151975750923157, -0.3587396740913391, -0.6041466593742371, 0.14382365345954895, -0.13985776901245117, -0.31379199028015137, -0.7543282508850098, 1.0760438442230225, -0.32723382115364075, 0.5452423691749573, -0.3379528820514679, 0.1102692186832428, 0.14699319005012512, 0.05163867026567459, 0.311403751373291, 0.6317334175109863, 0.8511496782302856, -0.6443062424659729, 0.06721539050340652, 0.36578282713890076, -0.27031680941581726, 0.8911988735198975, -0.7961638569831848, 0.0025539142079651356, -0.38990435004234314, 0.7024600505828857, -1.195070505142212, -0.20086631178855896, 0.637290358543396, -0.44315293431282043, 0.3154594302177429, 0.0673125833272934, -0.3469204604625702, -0.40648967027664185, -0.14145411550998688, 0.40258562564849854, 0.9554873108863831, -0.2541893720626831, 0.6499184370040894, 0.34629589319229126, -0.03401517495512962, -0.36087825894355774, -0.7839676141738892, -0.07186271995306015, -0.44145166873931885, -0.8121135830879211, 0.41981810331344604, -0.442935049533844, -0.4166814684867859, -0.04132929444313049, 0.42636048793792725, -0.10470223426818848, 0.017129529267549515, 0.5346683263778687, 0.24273429811000824, -0.02922612987458706, -0.2390904724597931, 0.4918655753135681, -0.3457290828227997, 0.08016946166753769, -0.44271785020828247, 0.5806318521499634, 0.046180032193660736, 0.10392319411039352, -0.842548131942749, 0.3850735127925873, 0.8919057846069336, 0.1843312829732895, 0.7589462399482727, 0.9999944567680359, -0.5265495777130127, 0.296630859375, -0.30020779371261597, -0.18889199197292328, -0.5492299795150757, 0.5184276103973389, -0.35318639874458313, -0.6614581346511841, 0.768052339553833, -0.1187024638056755, 0.17338155210018158, 0.819386899471283, 0.6345999836921692, -0.388517290353775, 0.9732570648193359, 0.7006129622459412, 0.22454223036766052, 0.46354854106903076, -0.8083071708679199, -0.04242860525846481, -0.9042988419532776, -0.6813613176345825, -0.1267506629228592, -0.406447172164917, -0.2817891538143158, -0.5009446740150452, 0.3108833432197571, 0.2918534278869629, -0.5179887413978577, 0.17184753715991974, -0.3260182738304138, 0.42475736141204834, 0.09771300852298737, 0.15146847069263458, -0.09397383779287338, -0.2166767567396164, -0.11087734997272491, 0.20438195765018463, -0.30683812499046326, -0.43551111221313477, 0.5325714945793152, 0.7286940217018127, 0.5297566056251526, 0.11062338203191757, 0.6095335483551025, 0.3908514976501465, 0.05931640416383743, -0.25168243050575256, 0.7175530791282654, -0.08329225331544876, -0.8255258202552795, -0.10199858993291855, 0.033912234008312225, -0.9240826368331909, 0.2553672790527344, -0.5015547871589661, -0.5132430791854858, 0.4048086404800415, 0.1309451162815094, -0.5749927759170532, 0.2863975167274475, -0.852694034576416, 0.8257133364677429, 0.14019636809825897, -0.49492523074150085, -0.39861974120140076, -0.7807844281196594, 0.2912351191043854, 0.12269361317157745, 0.23828454315662384, -0.2482256442308426, -0.28194212913513184, 0.5038766860961914, -0.10200560837984085, 0.9150129556655884, -0.6147187352180481, -0.33790892362594604, 0.1355304718017578, 0.0736963227391243, 0.24050024151802063, 0.21736077964305878, -0.15530431270599365, 0.3944186866283417, 0.01024911180138588, -0.5199988484382629, -0.20085054636001587, 0.5997939109802246, -0.6616606116294861, -0.27403172850608826, -0.3383522033691406, -0.4727562367916107, 0.3161640763282776, 0.29859787225723267, 0.7846792936325073, 0.3501420021057129, -0.29868143796920776, -0.2573675215244293, 0.9575842618942261, -0.058046143501996994, 0.6522188782691956, 0.37623149156570435, -0.3457043468952179, -0.5174586176872253, 0.7196388244628906, -0.10938560962677002, 0.4592513144016266, 0.060521405190229416, 0.24110646545886993, -0.6293659806251526, -0.6956944465637207, -0.8297069072723389, 0.17705468833446503, -0.5517097115516663, -0.08371847867965698, -0.8358771204948425, -0.2721676528453827, -0.5224918723106384, -0.41371554136276245, -0.3975546061992645, -0.4634324014186859, -0.9730265736579895, -0.04333911091089249, 0.4974018335342407, 0.9235754609107971, -0.2246946394443512, 0.3194984793663025, -0.3100680112838745, 0.26652392745018005, -0.22271807491779327, 0.4047667682170868, -0.08655586838722229, -0.45028212666511536, -0.1711631864309311, 0.10104529559612274, -0.4045772850513458, -0.8347343802452087, 0.44772791862487793, -0.02162056602537632, 0.24911683797836304, 0.543276309967041, -0.27825620770454407, 0.5643253922462463, -0.5324798226356506, 1.2914820909500122, 0.5086531043052673, -0.5495736002922058, 0.40854698419570923, -0.7450749278068542, 0.42785388231277466, 0.5409501791000366, 0.29326704144477844, -0.4013150930404663, -0.6634792685508728, -0.7159873843193054, -0.8885596394538879, 0.35499441623687744, -0.06565064936876297, 0.3821771740913391, 0.022903818637132645, 0.6643913984298706, 0.24052336812019348, -0.09174732118844986, -0.7769244909286499, -0.32587501406669617, -0.22213926911354065, -0.06269871443510056, -0.1805417388677597, -0.19563278555870056, 0.16618244349956512, -0.30699947476387024, 0.8089082837104797, 0.12087560445070267, 0.546959638595581, -0.07043430209159851, 0.47261521220207214, -0.1377682089805603, -0.24087360501289368, 0.766650378704071, 0.3177502155303955, -0.19498351216316223, -0.2640727758407593, 0.012623092159628868, -0.6483531594276428, 0.3858385980129242, 0.0985170230269432, -0.34417787194252014, -0.14291243255138397, -0.2014319896697998, 0.6775842308998108, -0.2644100785255432, -0.30598193407058716, 0.48392143845558167, 0.02816605195403099, -0.5179101228713989, -0.6490101218223572, 0.3490048050880432, 0.2822895348072052, 0.8035557866096497, 0.17282509803771973, 0.6934977769851685, 0.3864016532897949, -0.1634138971567154, -0.02930748090147972, 0.4922551214694977, -0.4045889973640442, -0.2476515918970108, 1.2799121141433716, 0.1727733612060547, -0.3945860266685486, 0.5356409549713135, -0.5759873390197754, -0.24702119827270508, 0.5291382074356079, 0.9081524610519409, 0.9956408143043518, -0.24920813739299774, 0.3540017604827881, 0.4357311725616455, -0.2485353648662567, -0.41681399941444397, 0.3524685204029083, 0.19819504022598267, -0.4670606553554535, -0.0649634450674057, -0.4602775275707245, -0.25763246417045593, 0.19855652749538422, -0.18655811250209808, 0.5401728749275208, -0.6302311420440674, -0.2905263900756836, -0.4373611807823181, -0.04586783051490784, -0.27803272008895874, 0.5049157738685608, 0.1408933401107788, 1.1076611280441284, -1.1296392679214478, 0.7752262949943542, 0.5223178863525391, -0.2810618579387665, -0.2498786747455597, 0.15813636779785156, 0.06306298077106476, -0.4988115727901459, 0.34223636984825134, 0.17901389300823212, -0.35890331864356995, 0.10509679466485977, -0.7390236258506775, -0.9799509048461914, 1.2782782316207886, 0.3907501697540283, -0.4812915027141571, -0.10614379495382309, -0.45504313707351685, 0.5877370834350586, -0.39085865020751953, 0.38487422466278076, 0.30326610803604126, 0.3039436936378479, 0.29116642475128174, -0.4330614507198334, -0.0032393401488661766, -0.4956470727920532, 0.3197833299636841, -0.02940206788480282, -1.078991413116455, 0.8395178914070129, -0.36127668619155884, -0.13790518045425415, 0.6731605529785156, 1.0387945175170898, 0.5055962800979614, 0.49315014481544495, 0.6201508045196533, 0.9100401401519775, 0.6671263575553894, -0.018666250631213188, 1.0187017917633057, -0.22694438695907593, 0.230925053358078, 0.6004631519317627, -0.0024145350325852633, 0.8191375136375427, 0.32000717520713806, 0.09648516029119492, 1.044063687324524, 1.0599395036697388, -0.04313058406114578, 0.8217358589172363, 0.04989004507660866, -0.2927303612232208, -0.03415042906999588, -0.04152119159698486, -0.6273602843284607, -0.04313259571790695, 0.33326175808906555, -0.31228649616241455, -0.10443931818008423, 0.41879522800445557, 0.0015332202892750502, -0.10825607180595398, -0.13216130435466766, 0.3346456289291382, -0.09675173461437225, -0.22184395790100098, 0.61998450756073, 0.04162745177745819, 0.9150869250297546, -0.546619176864624, -0.17397138476371765, -0.11513633280992508, 0.1963677555322647, -0.009587974287569523, -1.0922870635986328, 0.20284885168075562, -0.33851224184036255, -0.2145662158727646, -0.5621631741523743, 0.4452514052391052, -0.38316598534584045, -0.6363549828529358, 0.3691291809082031, 0.0745769813656807, 0.4347500205039978, 0.28694024682044983, -1.0039451122283936, 0.15012101829051971, -0.10442396253347397, -0.14554744958877563, 0.1616085171699524, -0.05252615362405777, 0.1446436643600464, 0.6408031582832336, 0.31156474351882935, 0.07070892304182053, -0.18898190557956696, -0.10695996135473251, 0.6087799072265625, -0.36389660835266113, -0.6155356168746948, -0.7906726598739624, 0.7070675492286682, -0.010896658524870872, -0.44328877329826355, 0.48001545667648315, 0.830112874507904, 0.6716580986976624, -0.17698636651039124, 0.6298792958259583, -0.10629605501890182, 0.3782043159008026, -0.5201049447059631, 1.0619122982025146, -0.8730785250663757, -0.0005620595766231418, -0.277243971824646, -0.8240678906440735, -0.03505733609199524, 0.6975290775299072, 0.044981762766838074, 0.47282588481903076, 0.32017990946769714, 0.8883441090583801, 0.05096868425607681, 0.02657952718436718, 0.14965935051441193, 0.18716587126255035, 0.3480095863342285, 0.46173733472824097, 0.7071446180343628, -0.35323596000671387, 0.019116220995783806, -0.27440401911735535, -0.28633907437324524, -0.031391043215990067, -0.6489839553833008, -0.8458847999572754, -0.850602388381958, -0.5244240760803223, -0.9648556709289551, 0.12079043686389923, 0.6071838736534119, 1.1346992254257202, -0.5258949995040894, -0.036959826946258545, -0.40225285291671753, -0.13015134632587433, 0.006808048114180565, -0.22871217131614685, 0.07449361681938171, 0.3352934718132019, -0.8906069993972778, 0.29271799325942993, 0.27956217527389526, 0.9153878092765808, -0.5948427319526672, -0.19450953602790833, 0.027153369039297104, -0.22480036318302155, 0.473450630903244, 0.04660704731941223, -0.5600441694259644, -0.02898232266306877, -0.09265226125717163, 0.0650106817483902, 0.08513162285089493, 0.2473936527967453, -0.852662205696106, 0.3386383652687073, 0.4024718403816223, -0.04203423485159874, 0.6458830237388611, -0.10890133678913116, 0.49464699625968933, -0.21842879056930542, 0.2819126844406128, 0.2746877074241638, 0.3103061020374298, 0.26022931933403015, -0.7007489800453186, 0.21275785565376282, 0.4965824484825134, -0.6098735332489014, -0.46489953994750977, 0.37924784421920776, -1.0246378183364868, -0.4367017149925232, 1.2932147979736328, 0.23280608654022217, -0.21780477464199066, -0.29611462354660034, -0.3654780983924866, 0.09606568515300751, -0.5589271187782288, 0.516294538974762, 0.5895810723304749, -0.33789700269699097, -0.3404460847377777, -0.513045608997345, 0.38448771834373474, 0.15730637311935425, -0.5292305946350098, -0.07416975498199463, 0.8508437871932983, 0.5078834891319275, 0.42412057518959045, 0.9146004915237427, -0.36188915371894836, 0.1811349093914032, 0.23008398711681366, -0.14979946613311768, 0.1430380940437317, -0.30882182717323303, -0.6800376772880554, 0.16795285046100616, -0.2877092659473419, -0.211539164185524 ]
timm/convnext_tiny.in12k_ft_in1k
timm
2023-03-31T22:39:14Z
10,521
1
timm
[ "timm", "pytorch", "safetensors", "image-classification", "dataset:imagenet-1k", "dataset:imagenet-12k", "arxiv:2201.03545", "license:apache-2.0", "region:us" ]
image-classification
2023-01-11T22:35:26Z
--- tags: - image-classification - timm library_tag: timm license: apache-2.0 datasets: - imagenet-1k - imagenet-12k --- # Model card for convnext_tiny.in12k_ft_in1k A ConvNeXt image classification model. Pretrained in `timm` on ImageNet-12k (a 11821 class subset of full ImageNet-22k) and fine-tuned on ImageNet-1k by Ross Wightman. ImageNet-12k training done on TPUs thanks to support of the [TRC](https://sites.research.google/trc/about/) program. Fine-tuning performed on 8x GPU [Lambda Labs](https://lambdalabs.com/) cloud instances. ## Model Details - **Model Type:** Image classification / feature backbone - **Model Stats:** - Params (M): 28.6 - GMACs: 4.5 - Activations (M): 13.4 - Image size: train = 224 x 224, test = 288 x 288 - **Papers:** - A ConvNet for the 2020s: https://arxiv.org/abs/2201.03545 - **Original:** https://github.com/huggingface/pytorch-image-models - **Dataset:** ImageNet-1k - **Pretrain Dataset:** ImageNet-12k ## Model Usage ### Image Classification ```python from urllib.request import urlopen from PIL import Image import timm img = Image.open(urlopen( 'https://huggingface.co/datasets/huggingface/documentation-images/resolve/main/beignets-task-guide.png' )) model = timm.create_model('convnext_tiny.in12k_ft_in1k', pretrained=True) model = model.eval() # get model specific transforms (normalization, resize) data_config = timm.data.resolve_model_data_config(model) transforms = timm.data.create_transform(**data_config, is_training=False) output = model(transforms(img).unsqueeze(0)) # unsqueeze single image into batch of 1 top5_probabilities, top5_class_indices = torch.topk(output.softmax(dim=1) * 100, k=5) ``` ### Feature Map Extraction ```python from urllib.request import urlopen from PIL import Image import timm img = Image.open(urlopen( 'https://huggingface.co/datasets/huggingface/documentation-images/resolve/main/beignets-task-guide.png' )) model = timm.create_model( 'convnext_tiny.in12k_ft_in1k', pretrained=True, features_only=True, ) model = model.eval() # get model specific transforms (normalization, resize) data_config = timm.data.resolve_model_data_config(model) transforms = timm.data.create_transform(**data_config, is_training=False) output = model(transforms(img).unsqueeze(0)) # unsqueeze single image into batch of 1 for o in output: # print shape of each feature map in output # e.g.: # torch.Size([1, 96, 56, 56]) # torch.Size([1, 192, 28, 28]) # torch.Size([1, 384, 14, 14]) # torch.Size([1, 768, 7, 7]) print(o.shape) ``` ### Image Embeddings ```python from urllib.request import urlopen from PIL import Image import timm img = Image.open(urlopen( 'https://huggingface.co/datasets/huggingface/documentation-images/resolve/main/beignets-task-guide.png' )) model = timm.create_model( 'convnext_tiny.in12k_ft_in1k', pretrained=True, num_classes=0, # remove classifier nn.Linear ) model = model.eval() # get model specific transforms (normalization, resize) data_config = timm.data.resolve_model_data_config(model) transforms = timm.data.create_transform(**data_config, is_training=False) output = model(transforms(img).unsqueeze(0)) # output is (batch_size, num_features) shaped tensor # or equivalently (without needing to set num_classes=0) output = model.forward_features(transforms(img).unsqueeze(0)) # output is unpooled, a (1, 768, 7, 7) shaped tensor output = model.forward_head(output, pre_logits=True) # output is a (1, num_features) shaped tensor ``` ## Model Comparison Explore the dataset and runtime metrics of this model in timm [model results](https://github.com/huggingface/pytorch-image-models/tree/main/results). All timing numbers from eager model PyTorch 1.13 on RTX 3090 w/ AMP. | model |top1 |top5 |img_size|param_count|gmacs |macts |samples_per_sec|batch_size| |------------------------------------------------------------------------------------------------------------------------------|------|------|--------|-----------|------|------|---------------|----------| | [convnextv2_huge.fcmae_ft_in22k_in1k_512](https://huggingface.co/timm/convnextv2_huge.fcmae_ft_in22k_in1k_512) |88.848|98.742|512 |660.29 |600.81|413.07|28.58 |48 | | [convnextv2_huge.fcmae_ft_in22k_in1k_384](https://huggingface.co/timm/convnextv2_huge.fcmae_ft_in22k_in1k_384) |88.668|98.738|384 |660.29 |337.96|232.35|50.56 |64 | | [convnext_xxlarge.clip_laion2b_soup_ft_in1k](https://huggingface.co/timm/convnext_xxlarge.clip_laion2b_soup_ft_in1k) |88.612|98.704|256 |846.47 |198.09|124.45|122.45 |256 | | [convnext_large_mlp.clip_laion2b_soup_ft_in12k_in1k_384](https://huggingface.co/timm/convnext_large_mlp.clip_laion2b_soup_ft_in12k_in1k_384) |88.312|98.578|384 |200.13 |101.11|126.74|196.84 |256 | | [convnextv2_large.fcmae_ft_in22k_in1k_384](https://huggingface.co/timm/convnextv2_large.fcmae_ft_in22k_in1k_384) |88.196|98.532|384 |197.96 |101.1 |126.74|128.94 |128 | | [convnext_large_mlp.clip_laion2b_soup_ft_in12k_in1k_320](https://huggingface.co/timm/convnext_large_mlp.clip_laion2b_soup_ft_in12k_in1k_320) |87.968|98.47 |320 |200.13 |70.21 |88.02 |283.42 |256 | | [convnext_xlarge.fb_in22k_ft_in1k_384](https://huggingface.co/timm/convnext_xlarge.fb_in22k_ft_in1k_384) |87.75 |98.556|384 |350.2 |179.2 |168.99|124.85 |192 | | [convnextv2_base.fcmae_ft_in22k_in1k_384](https://huggingface.co/timm/convnextv2_base.fcmae_ft_in22k_in1k_384) |87.646|98.422|384 |88.72 |45.21 |84.49 |209.51 |256 | | [convnext_large.fb_in22k_ft_in1k_384](https://huggingface.co/timm/convnext_large.fb_in22k_ft_in1k_384) |87.476|98.382|384 |197.77 |101.1 |126.74|194.66 |256 | | [convnext_large_mlp.clip_laion2b_augreg_ft_in1k](https://huggingface.co/timm/convnext_large_mlp.clip_laion2b_augreg_ft_in1k) |87.344|98.218|256 |200.13 |44.94 |56.33 |438.08 |256 | | [convnextv2_large.fcmae_ft_in22k_in1k](https://huggingface.co/timm/convnextv2_large.fcmae_ft_in22k_in1k) |87.26 |98.248|224 |197.96 |34.4 |43.13 |376.84 |256 | | [convnext_base.clip_laion2b_augreg_ft_in12k_in1k_384](https://huggingface.co/timm/convnext_base.clip_laion2b_augreg_ft_in12k_in1k_384) |87.138|98.212|384 |88.59 |45.21 |84.49 |365.47 |256 | | [convnext_xlarge.fb_in22k_ft_in1k](https://huggingface.co/timm/convnext_xlarge.fb_in22k_ft_in1k) |87.002|98.208|224 |350.2 |60.98 |57.5 |368.01 |256 | | [convnext_base.fb_in22k_ft_in1k_384](https://huggingface.co/timm/convnext_base.fb_in22k_ft_in1k_384) |86.796|98.264|384 |88.59 |45.21 |84.49 |366.54 |256 | | [convnextv2_base.fcmae_ft_in22k_in1k](https://huggingface.co/timm/convnextv2_base.fcmae_ft_in22k_in1k) |86.74 |98.022|224 |88.72 |15.38 |28.75 |624.23 |256 | | [convnext_large.fb_in22k_ft_in1k](https://huggingface.co/timm/convnext_large.fb_in22k_ft_in1k) |86.636|98.028|224 |197.77 |34.4 |43.13 |581.43 |256 | | [convnext_base.clip_laiona_augreg_ft_in1k_384](https://huggingface.co/timm/convnext_base.clip_laiona_augreg_ft_in1k_384) |86.504|97.97 |384 |88.59 |45.21 |84.49 |368.14 |256 | | [convnext_base.clip_laion2b_augreg_ft_in12k_in1k](https://huggingface.co/timm/convnext_base.clip_laion2b_augreg_ft_in12k_in1k) |86.344|97.97 |256 |88.59 |20.09 |37.55 |816.14 |256 | | [convnextv2_huge.fcmae_ft_in1k](https://huggingface.co/timm/convnextv2_huge.fcmae_ft_in1k) |86.256|97.75 |224 |660.29 |115.0 |79.07 |154.72 |256 | | [convnext_small.in12k_ft_in1k_384](https://huggingface.co/timm/convnext_small.in12k_ft_in1k_384) |86.182|97.92 |384 |50.22 |25.58 |63.37 |516.19 |256 | | [convnext_base.clip_laion2b_augreg_ft_in1k](https://huggingface.co/timm/convnext_base.clip_laion2b_augreg_ft_in1k) |86.154|97.68 |256 |88.59 |20.09 |37.55 |819.86 |256 | | [convnext_base.fb_in22k_ft_in1k](https://huggingface.co/timm/convnext_base.fb_in22k_ft_in1k) |85.822|97.866|224 |88.59 |15.38 |28.75 |1037.66 |256 | | [convnext_small.fb_in22k_ft_in1k_384](https://huggingface.co/timm/convnext_small.fb_in22k_ft_in1k_384) |85.778|97.886|384 |50.22 |25.58 |63.37 |518.95 |256 | | [convnextv2_large.fcmae_ft_in1k](https://huggingface.co/timm/convnextv2_large.fcmae_ft_in1k) |85.742|97.584|224 |197.96 |34.4 |43.13 |375.23 |256 | | [convnext_small.in12k_ft_in1k](https://huggingface.co/timm/convnext_small.in12k_ft_in1k) |85.174|97.506|224 |50.22 |8.71 |21.56 |1474.31 |256 | | [convnext_tiny.in12k_ft_in1k_384](https://huggingface.co/timm/convnext_tiny.in12k_ft_in1k_384) |85.118|97.608|384 |28.59 |13.14 |39.48 |856.76 |256 | | [convnextv2_tiny.fcmae_ft_in22k_in1k_384](https://huggingface.co/timm/convnextv2_tiny.fcmae_ft_in22k_in1k_384) |85.112|97.63 |384 |28.64 |13.14 |39.48 |491.32 |256 | | [convnextv2_base.fcmae_ft_in1k](https://huggingface.co/timm/convnextv2_base.fcmae_ft_in1k) |84.874|97.09 |224 |88.72 |15.38 |28.75 |625.33 |256 | | [convnext_small.fb_in22k_ft_in1k](https://huggingface.co/timm/convnext_small.fb_in22k_ft_in1k) |84.562|97.394|224 |50.22 |8.71 |21.56 |1478.29 |256 | | [convnext_large.fb_in1k](https://huggingface.co/timm/convnext_large.fb_in1k) |84.282|96.892|224 |197.77 |34.4 |43.13 |584.28 |256 | | [convnext_tiny.in12k_ft_in1k](https://huggingface.co/timm/convnext_tiny.in12k_ft_in1k) |84.186|97.124|224 |28.59 |4.47 |13.44 |2433.7 |256 | | [convnext_tiny.fb_in22k_ft_in1k_384](https://huggingface.co/timm/convnext_tiny.fb_in22k_ft_in1k_384) |84.084|97.14 |384 |28.59 |13.14 |39.48 |862.95 |256 | | [convnextv2_tiny.fcmae_ft_in22k_in1k](https://huggingface.co/timm/convnextv2_tiny.fcmae_ft_in22k_in1k) |83.894|96.964|224 |28.64 |4.47 |13.44 |1452.72 |256 | | [convnext_base.fb_in1k](https://huggingface.co/timm/convnext_base.fb_in1k) |83.82 |96.746|224 |88.59 |15.38 |28.75 |1054.0 |256 | | [convnextv2_nano.fcmae_ft_in22k_in1k_384](https://huggingface.co/timm/convnextv2_nano.fcmae_ft_in22k_in1k_384) |83.37 |96.742|384 |15.62 |7.22 |24.61 |801.72 |256 | | [convnext_small.fb_in1k](https://huggingface.co/timm/convnext_small.fb_in1k) |83.142|96.434|224 |50.22 |8.71 |21.56 |1464.0 |256 | | [convnextv2_tiny.fcmae_ft_in1k](https://huggingface.co/timm/convnextv2_tiny.fcmae_ft_in1k) |82.92 |96.284|224 |28.64 |4.47 |13.44 |1425.62 |256 | | [convnext_tiny.fb_in22k_ft_in1k](https://huggingface.co/timm/convnext_tiny.fb_in22k_ft_in1k) |82.898|96.616|224 |28.59 |4.47 |13.44 |2480.88 |256 | | [convnext_nano.in12k_ft_in1k](https://huggingface.co/timm/convnext_nano.in12k_ft_in1k) |82.282|96.344|224 |15.59 |2.46 |8.37 |3926.52 |256 | | [convnext_tiny_hnf.a2h_in1k](https://huggingface.co/timm/convnext_tiny_hnf.a2h_in1k) |82.216|95.852|224 |28.59 |4.47 |13.44 |2529.75 |256 | | [convnext_tiny.fb_in1k](https://huggingface.co/timm/convnext_tiny.fb_in1k) |82.066|95.854|224 |28.59 |4.47 |13.44 |2346.26 |256 | | [convnextv2_nano.fcmae_ft_in22k_in1k](https://huggingface.co/timm/convnextv2_nano.fcmae_ft_in22k_in1k) |82.03 |96.166|224 |15.62 |2.46 |8.37 |2300.18 |256 | | [convnextv2_nano.fcmae_ft_in1k](https://huggingface.co/timm/convnextv2_nano.fcmae_ft_in1k) |81.83 |95.738|224 |15.62 |2.46 |8.37 |2321.48 |256 | | [convnext_nano_ols.d1h_in1k](https://huggingface.co/timm/convnext_nano_ols.d1h_in1k) |80.866|95.246|224 |15.65 |2.65 |9.38 |3523.85 |256 | | [convnext_nano.d1h_in1k](https://huggingface.co/timm/convnext_nano.d1h_in1k) |80.768|95.334|224 |15.59 |2.46 |8.37 |3915.58 |256 | | [convnextv2_pico.fcmae_ft_in1k](https://huggingface.co/timm/convnextv2_pico.fcmae_ft_in1k) |80.304|95.072|224 |9.07 |1.37 |6.1 |3274.57 |256 | | [convnext_pico.d1_in1k](https://huggingface.co/timm/convnext_pico.d1_in1k) |79.526|94.558|224 |9.05 |1.37 |6.1 |5686.88 |256 | | [convnext_pico_ols.d1_in1k](https://huggingface.co/timm/convnext_pico_ols.d1_in1k) |79.522|94.692|224 |9.06 |1.43 |6.5 |5422.46 |256 | | [convnextv2_femto.fcmae_ft_in1k](https://huggingface.co/timm/convnextv2_femto.fcmae_ft_in1k) |78.488|93.98 |224 |5.23 |0.79 |4.57 |4264.2 |256 | | [convnext_femto_ols.d1_in1k](https://huggingface.co/timm/convnext_femto_ols.d1_in1k) |77.86 |93.83 |224 |5.23 |0.82 |4.87 |6910.6 |256 | | [convnext_femto.d1_in1k](https://huggingface.co/timm/convnext_femto.d1_in1k) |77.454|93.68 |224 |5.22 |0.79 |4.57 |7189.92 |256 | | [convnextv2_atto.fcmae_ft_in1k](https://huggingface.co/timm/convnextv2_atto.fcmae_ft_in1k) |76.664|93.044|224 |3.71 |0.55 |3.81 |4728.91 |256 | | [convnext_atto_ols.a2_in1k](https://huggingface.co/timm/convnext_atto_ols.a2_in1k) |75.88 |92.846|224 |3.7 |0.58 |4.11 |7963.16 |256 | | [convnext_atto.d2_in1k](https://huggingface.co/timm/convnext_atto.d2_in1k) |75.664|92.9 |224 |3.7 |0.55 |3.81 |8439.22 |256 | ## Citation ```bibtex @misc{rw2019timm, author = {Ross Wightman}, title = {PyTorch Image Models}, year = {2019}, publisher = {GitHub}, journal = {GitHub repository}, doi = {10.5281/zenodo.4414861}, howpublished = {\url{https://github.com/huggingface/pytorch-image-models}} } ``` ```bibtex @article{liu2022convnet, author = {Zhuang Liu and Hanzi Mao and Chao-Yuan Wu and Christoph Feichtenhofer and Trevor Darrell and Saining Xie}, title = {A ConvNet for the 2020s}, journal = {Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition (CVPR)}, year = {2022}, } ```
[ -0.9250326156616211, -0.45175349712371826, -0.030832277610898018, 0.4674690067768097, -0.4398750066757202, -0.20925112068653107, -0.17802707850933075, -0.498738557100296, 0.8660561442375183, 0.2242705523967743, -0.6183105111122131, -0.5616530776023865, -0.7024662494659424, -0.03716994449496269, 0.10059601068496704, 0.9556743502616882, -0.031561434268951416, -0.13661865890026093, 0.2489246279001236, -0.40872058272361755, -0.2256542295217514, -0.3632799983024597, -0.8817744851112366, -0.24290794134140015, 0.29729264974594116, 0.3329882323741913, 0.793971598148346, 0.603604793548584, 0.41301098465919495, 0.5495073795318604, -0.25339004397392273, 0.1652507483959198, -0.1946037858724594, -0.35733911395072937, 0.5633220076560974, -0.4357461929321289, -0.9203912019729614, 0.23744387924671173, 0.840644896030426, 0.553460955619812, 0.053171418607234955, 0.2231561839580536, 0.35323014855384827, 0.48184892535209656, 0.015725960955023766, -0.06629142165184021, -0.10828440636396408, 0.18046994507312775, -0.2779330313205719, 0.04605667293071747, 0.04034251719713211, -0.7169080972671509, 0.35732129216194153, -0.6062129139900208, 0.06161148101091385, 0.006490672472864389, 1.3813860416412354, -0.08520554006099701, -0.20037086308002472, 0.013039718382060528, 0.1384994387626648, 0.7376375794410706, -0.791985809803009, 0.3118347227573395, 0.4329390823841095, -0.10916213691234589, -0.16778318583965302, -0.7003904581069946, -0.6187649369239807, -0.07421346753835678, -0.3867532014846802, 0.234650656580925, -0.3690291941165924, -0.045527249574661255, 0.5691816210746765, 0.4710119366645813, -0.515976071357727, -0.048515137284994125, -0.34536731243133545, -0.11622977256774902, 0.7815060615539551, -0.0767364650964737, 0.6245813965797424, -0.3443453907966614, -0.6334709525108337, -0.27226242423057556, -0.25592997670173645, 0.42590057849884033, 0.2175166755914688, -0.021059157326817513, -1.0180318355560303, 0.531215488910675, 0.15758781135082245, 0.29910558462142944, 0.36202284693717957, -0.19234727323055267, 0.7649832367897034, -0.24816134572029114, -0.5691096782684326, -0.3052557706832886, 1.2166258096694946, 0.6560000777244568, 0.40586555004119873, 0.11092539876699448, 0.027859902009367943, -0.07209376245737076, -0.4534760117530823, -1.0458073616027832, -0.18411949276924133, 0.3790406882762909, -0.5657385587692261, -0.177007794380188, 0.33654099702835083, -0.8233194947242737, 0.09895239025354385, -0.12982277572155, 0.2344888150691986, -0.8485363721847534, -0.3810510039329529, -0.11825613677501678, -0.33756014704704285, 0.4044068157672882, 0.31585898995399475, -0.3774442970752716, 0.3324812054634094, 0.30063220858573914, 1.0355886220932007, 0.2983590364456177, -0.182533860206604, -0.43499085307121277, -0.16989557445049286, -0.39511680603027344, 0.3664107024669647, 0.14544212818145752, -0.1535053700208664, -0.2913505434989929, 0.4379715621471405, -0.19177402555942535, -0.4486481845378876, 0.4085192382335663, 0.271158367395401, 0.12298770993947983, -0.3657527267932892, -0.36479026079177856, -0.252983421087265, 0.39431166648864746, -0.5239898562431335, 1.0953038930892944, 0.4925968050956726, -1.0720713138580322, 0.31816330552101135, -0.49881964921951294, -0.05399337410926819, -0.264760285615921, 0.06879694014787674, -0.8084073066711426, -0.08357066661119461, 0.2339073121547699, 0.7219005823135376, -0.16215555369853973, -0.1627156287431717, -0.3987782895565033, -0.0678505152463913, 0.3450908362865448, 0.1394902765750885, 0.9757286906242371, 0.18272314965724945, -0.4945167303085327, 0.042161159217357635, -0.6465502977371216, 0.3280632197856903, 0.40371719002723694, -0.02086802013218403, -0.07389666140079498, -0.8560596108436584, 0.05124511197209358, 0.5406539440155029, 0.1748811900615692, -0.5414679050445557, 0.3113113045692444, -0.25274139642715454, 0.4100525379180908, 0.6699946522712708, -0.06065714359283447, 0.3268854022026062, -0.6156855821609497, 0.5797103643417358, 0.09781678020954132, 0.2601189911365509, -0.04631758853793144, -0.4211524724960327, -0.8123875856399536, -0.7009668350219727, 0.2680042088031769, 0.45719045400619507, -0.5044006109237671, 0.7410114407539368, 0.14663854241371155, -0.6414142847061157, -0.7817978262901306, 0.19425752758979797, 0.5427544116973877, 0.2656971514225006, 0.21343933045864105, -0.3787648677825928, -0.6797835230827332, -0.9542747139930725, -0.1113467887043953, 0.06976243108510971, -0.04643891006708145, 0.6197711229324341, 0.41147616505622864, -0.09967926889657974, 0.5686649680137634, -0.4311843514442444, -0.3111761510372162, -0.160147562623024, -0.07486144453287125, 0.413815975189209, 0.798649787902832, 1.1656277179718018, -0.8287466168403625, -0.9236369132995605, 0.021680423989892006, -1.115792989730835, 0.03169070556759834, -0.044298991560935974, -0.42380955815315247, 0.29456132650375366, 0.2546359598636627, -1.0124565362930298, 0.7112665772438049, 0.3738660514354706, -0.6277767419815063, 0.4679510295391083, -0.30140766501426697, 0.3185124695301056, -0.9941426515579224, 0.24334485828876495, 0.292173832654953, -0.32318010926246643, -0.5306804776191711, 0.09436840564012527, -0.08789278566837311, 0.1285727471113205, -0.6653946042060852, 0.9300931096076965, -0.6903333067893982, 0.08188334852457047, 0.0257671270519495, 0.1038450300693512, 0.007831860333681107, 0.5096274018287659, -0.035708215087652206, 0.49421387910842896, 0.8041031360626221, -0.32249993085861206, 0.4382185637950897, 0.5329509377479553, -0.053047649562358856, 0.7576701641082764, -0.6593190431594849, 0.15942516922950745, 0.11350574344396591, 0.47136300802230835, -0.938525378704071, -0.41969776153564453, 0.5811702013015747, -0.7626920342445374, 0.49979278445243835, -0.2761378884315491, -0.4030608534812927, -0.8122717142105103, -0.876851499080658, 0.2536533772945404, 0.610400915145874, -0.6715830564498901, 0.20042084157466888, 0.2892802059650421, 0.08253850042819977, -0.58829265832901, -0.7009271383285522, -0.07595934718847275, -0.45098841190338135, -0.8938730359077454, 0.4381268620491028, 0.0956193134188652, -0.12300360947847366, 0.008547919802367687, -0.03960563987493515, -0.03485414385795593, -0.16574835777282715, 0.5247666239738464, 0.4368703067302704, -0.2588944137096405, -0.3517214059829712, -0.33981114625930786, -0.1313142031431198, 0.003957307431846857, -0.14010372757911682, 0.5765087604522705, -0.36915379762649536, 0.15846550464630127, -1.0708149671554565, 0.17785707116127014, 0.6825394630432129, -0.015962058678269386, 0.9570701122283936, 1.0483561754226685, -0.48013997077941895, 0.14306415617465973, -0.40765106678009033, -0.18755847215652466, -0.5234895944595337, -0.1437799334526062, -0.5579305291175842, -0.6553221344947815, 0.8497373461723328, 0.18530571460723877, -0.09800972044467926, 0.7308739423751831, 0.3342492878437042, -0.2441517859697342, 0.8679980039596558, 0.5550283789634705, -0.08971220999956131, 0.621850311756134, -0.9398686289787292, 0.009606991894543171, -0.857758104801178, -0.6154295206069946, -0.16320134699344635, -0.6045442223548889, -0.7685278654098511, -0.38070499897003174, 0.3116711378097534, 0.4695543348789215, -0.15742696821689606, 0.6742817163467407, -0.6077391505241394, -0.0638473629951477, 0.5247332453727722, 0.35529211163520813, -0.2562539875507355, -0.20456039905548096, -0.17131175100803375, -0.23100213706493378, -0.6162521839141846, -0.16439656913280487, 0.7237764596939087, 0.6585797667503357, 0.42846524715423584, -0.014947296120226383, 0.5367726683616638, -0.08100589364767075, 0.32402002811431885, -0.5345239639282227, 0.7431842088699341, -0.06284737586975098, -0.5209712386131287, -0.18351110816001892, -0.4777454733848572, -1.0297324657440186, 0.1387569010257721, -0.3704341650009155, -0.8756243586540222, -0.13512076437473297, 0.22490084171295166, -0.3253577947616577, 0.5649770498275757, -0.7424606680870056, 0.8167847990989685, -0.07824260741472244, -0.5157126784324646, 0.08378433436155319, -0.8957657814025879, 0.258975625038147, 0.41186195611953735, -0.0916881114244461, -0.16554789245128632, 0.126546248793602, 0.848412275314331, -0.864826500415802, 0.5128032565116882, -0.41040924191474915, 0.06804227083921432, 0.5564507842063904, -0.049782682210206985, 0.4465843737125397, 0.1330031454563141, 0.0025405720807611942, 0.05019384250044823, 0.1537071019411087, -0.6533204317092896, -0.38960838317871094, 0.6918815970420837, -0.7303774952888489, -0.37525272369384766, -0.566480815410614, -0.2930331826210022, 0.16358424723148346, 0.013241884298622608, 0.668513834476471, 0.5768067240715027, -0.1160087138414383, 0.2017153650522232, 0.5616416335105896, -0.384143590927124, 0.521858274936676, -0.1679922640323639, -0.029023639857769012, -0.5270638465881348, 0.8072850704193115, 0.059232693165540695, 0.11157235503196716, 0.03648655489087105, 0.10539368540048599, -0.429797500371933, -0.17722192406654358, -0.18149463832378387, 0.6974954009056091, -0.22856074571609497, -0.38700956106185913, -0.6503373980522156, -0.4468027353286743, -0.5875931978225708, -0.3245851695537567, -0.43425747752189636, -0.2968703508377075, -0.345805287361145, 0.09273655712604523, 0.745638370513916, 0.5686430931091309, -0.34793418645858765, 0.4775731861591339, -0.6719303727149963, 0.33676785230636597, 0.06336338818073273, 0.4534951448440552, -0.2722664475440979, -0.6268072128295898, 0.016184719279408455, -0.003730199998244643, -0.264281302690506, -0.7886655330657959, 0.6437429785728455, 0.16797351837158203, 0.3830949366092682, 0.5253541469573975, -0.31913742423057556, 0.8222715854644775, -0.10043969750404358, 0.5209017992019653, 0.5688488483428955, -0.882980227470398, 0.48760682344436646, -0.3889743685722351, 0.13015006482601166, 0.181263729929924, 0.3753247857093811, -0.514663815498352, -0.33195391297340393, -1.0507787466049194, -0.5925711989402771, 0.7513383030891418, 0.17357537150382996, -0.034813396632671356, 0.10800609737634659, 0.6523317098617554, -0.08103930950164795, 0.1503911167383194, -0.5582284927368164, -0.739738404750824, -0.20386487245559692, -0.1558370590209961, -0.09114494919776917, -0.05182955786585808, -0.05176461488008499, -0.71148681640625, 0.5152605175971985, -0.13833466172218323, 0.6111435890197754, 0.24212826788425446, -0.0008389651775360107, -0.058723606169223785, -0.31487783789634705, 0.5699259638786316, 0.3745214343070984, -0.3033979535102844, -0.11287064850330353, 0.38443267345428467, -0.5402613878250122, 0.028964554890990257, 0.28220611810684204, 0.05518125370144844, 0.1990145742893219, 0.34535863995552063, 0.6648499965667725, 0.26239579916000366, -0.17940111458301544, 0.5767369866371155, -0.2396882176399231, -0.39179450273513794, -0.2942720651626587, -0.027117770165205002, 0.16597305238246918, 0.44079503417015076, 0.1990465372800827, 0.07827164977788925, -0.3310002386569977, -0.5861359238624573, 0.535068690776825, 0.780552864074707, -0.4526664912700653, -0.5940638780593872, 0.6718774437904358, -0.09312042593955994, -0.09144212305545807, 0.5768597722053528, -0.07690030336380005, -0.7235425710678101, 1.021187424659729, 0.27558884024620056, 0.6098345518112183, -0.549046516418457, 0.22906218469142914, 0.8977053761482239, 0.02829410880804062, 0.12863248586654663, 0.3375389277935028, 0.36130252480506897, -0.45044583082199097, 0.06860008090734482, -0.6363618969917297, 0.159197136759758, 0.5926893949508667, -0.46848151087760925, 0.37812167406082153, -0.8006694316864014, -0.36061519384384155, 0.2129485011100769, 0.4893670082092285, -0.895142138004303, 0.3236897587776184, 0.05992471054196358, 1.1333259344100952, -0.8101940751075745, 0.9485755562782288, 0.7913265228271484, -0.3829103410243988, -0.9844228029251099, -0.15682744979858398, 0.22171339392662048, -0.8143842220306396, 0.3991064429283142, 0.24848686158657074, 0.2411457747220993, -0.19891886413097382, -0.6293516755104065, -0.49160826206207275, 1.2411473989486694, 0.5167492628097534, -0.15772615373134613, 0.11938394606113434, -0.3439277112483978, 0.41133466362953186, -0.28214991092681885, 0.48965534567832947, 0.5807052254676819, 0.5374693870544434, 0.23140284419059753, -0.9491947889328003, 0.3489185571670532, -0.41008055210113525, -0.1644027680158615, 0.3061036169528961, -1.3850791454315186, 1.047966718673706, -0.37479135394096375, -0.05697312206029892, 0.19790726900100708, 0.8327362537384033, 0.4223777949810028, 0.07223605364561081, 0.4249376952648163, 0.7761897444725037, 0.5146709680557251, -0.22501420974731445, 1.1154741048812866, -0.008390759117901325, 0.41788241267204285, 0.30219191312789917, 0.559202253818512, 0.3943304717540741, 0.3926145136356354, -0.43922096490859985, 0.10951203852891922, 0.9380213022232056, -0.18320778012275696, 0.15461434423923492, 0.2043098509311676, -0.19433577358722687, -0.1362469345331192, -0.23281072080135345, -0.6355470418930054, 0.40638092160224915, 0.1763346642255783, -0.2761531174182892, 0.008409669622778893, -0.07218432426452637, 0.4684593081474304, -0.045855481177568436, -0.19160018861293793, 0.48334845900535583, 0.2746082544326782, -0.593097984790802, 0.5539785027503967, -0.062232330441474915, 1.0268285274505615, -0.39443427324295044, 0.04834720864892006, -0.3495955765247345, 0.3294565975666046, -0.2739093601703644, -1.178958535194397, 0.3284507095813751, -0.13501670956611633, 0.20206834375858307, -0.07930176705121994, 0.6714857220649719, -0.45488443970680237, -0.24729403853416443, 0.5121483206748962, 0.3688446879386902, 0.4055025279521942, 0.06527111679315567, -1.1831293106079102, 0.25750696659088135, 0.1296808421611786, -0.554300844669342, 0.45755696296691895, 0.5156037211418152, 0.26109278202056885, 0.7145615220069885, 0.41340452432632446, 0.1905587911605835, 0.1077112928032875, -0.33092084527015686, 0.8212732672691345, -0.6589343547821045, -0.48052674531936646, -0.8892298340797424, 0.4472317695617676, -0.29799169301986694, -0.6649842858314514, 0.8119602203369141, 0.4716658890247345, 0.5585835576057434, 0.09765356779098511, 0.5144066214561462, -0.5008230209350586, 0.3662932217121124, -0.4451843500137329, 0.7260299324989319, -0.8397811055183411, -0.2868950366973877, -0.43056103587150574, -0.8461965322494507, -0.28350669145584106, 0.7550942897796631, 0.02765730395913124, 0.2597133219242096, 0.39774930477142334, 0.6120233535766602, -0.07094243913888931, -0.234707310795784, -0.051964253187179565, 0.24750478565692902, 0.05185423046350479, 0.8361281752586365, 0.5619887709617615, -0.7980427145957947, 0.2348896712064743, -0.675629198551178, -0.3006948232650757, -0.31483080983161926, -0.7397906184196472, -1.1045624017715454, -0.7943675518035889, -0.5484181642532349, -0.6984719634056091, -0.323911190032959, 1.1563124656677246, 0.9947299361228943, -0.5755375027656555, -0.15231916308403015, 0.2889789044857025, 0.11660949140787125, -0.22110959887504578, -0.2662341296672821, 0.551604688167572, 0.28973332047462463, -1.0438506603240967, -0.28638070821762085, 0.0728055089712143, 0.5920447111129761, 0.31550076603889465, -0.3998314142227173, -0.21835878491401672, -0.10561994463205338, 0.4177026152610779, 0.8157044649124146, -0.7027130722999573, -0.47733038663864136, 0.02637212723493576, -0.2815048396587372, 0.2690557539463043, 0.3459753394126892, -0.44521185755729675, -0.08299408107995987, 0.5202301740646362, 0.16492651402950287, 0.8100898265838623, 0.11071387678384781, 0.22698214650154114, -0.6872246265411377, 0.6908789873123169, -0.018186980858445168, 0.36949068307876587, 0.37615683674812317, -0.3908308744430542, 0.778548538684845, 0.517990231513977, -0.4699096083641052, -0.999923050403595, -0.30792516469955444, -1.4493181705474854, 0.011334736831486225, 0.7912649512290955, -0.19177629053592682, -0.5567224025726318, 0.5661177635192871, -0.3297962546348572, 0.5354092717170715, -0.25213223695755005, 0.2990719974040985, 0.3953396677970886, -0.32968202233314514, -0.5233673453330994, -0.554965615272522, 0.741638720035553, 0.3576897084712982, -0.730512797832489, -0.36393260955810547, -0.012203444726765156, 0.5004361271858215, 0.220616415143013, 0.802015483379364, -0.2003132551908493, 0.16833406686782837, 0.03139090910553932, 0.16688980162143707, 0.03380974009633064, -0.005973496474325657, -0.19359830021858215, -0.20290055871009827, -0.30525824427604675, -0.6238337755203247 ]
KoboldAI/OPT-2.7B-Erebus
KoboldAI
2022-09-19T07:38:12Z
10,502
32
transformers
[ "transformers", "pytorch", "opt", "text-generation", "en", "arxiv:2205.01068", "license:other", "has_space", "text-generation-inference", "region:us" ]
text-generation
2022-09-19T06:41:21Z
--- language: en license: other commercial: no inference: false --- # OPT 2.7B - Erebus ## Model description This is the second generation of the original Shinen made by Mr. Seeker. The full dataset consists of 6 different sources, all surrounding the "Adult" theme. The name "Erebus" comes from the greek mythology, also named "darkness". This is in line with Shin'en, or "deep abyss". For inquiries, please contact the KoboldAI community. **Warning: THIS model is NOT suitable for use by minors. The model will output X-rated content.** ## Training data The data can be divided in 6 different datasets: - Literotica (everything with 4.5/5 or higher) - Sexstories (everything with 90 or higher) - Dataset-G (private dataset of X-rated stories) - Doc's Lab (all stories) - Pike Dataset (novels with "adult" rating) - SoFurry (collection of various animals) The dataset uses `[Genre: <comma-separated list of genres>]` for tagging. ### 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/OPT-2.7B-Erebus') >>> 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). **Warning: This model has a very strong NSFW bias!** ### License OPT-6.7B is licensed under the OPT-175B license, Copyright (c) Meta Platforms, Inc. All Rights Reserved. ### BibTeX entry and citation info ``` @misc{zhang2022opt, title={OPT: Open Pre-trained Transformer Language Models}, author={Susan Zhang and Stephen Roller and Naman Goyal and Mikel Artetxe and Moya Chen and Shuohui Chen and Christopher Dewan and Mona Diab and Xian Li and Xi Victoria Lin and Todor Mihaylov and Myle Ott and Sam Shleifer and Kurt Shuster and Daniel Simig and Punit Singh Koura and Anjali Sridhar and Tianlu Wang and Luke Zettlemoyer}, year={2022}, eprint={2205.01068}, archivePrefix={arXiv}, primaryClass={cs.CL} } ```
[ -0.3627135455608368, -0.604710578918457, 0.14319255948066711, 0.17796538770198822, -0.2780388295650482, -0.4178638756275177, -0.3603116273880005, -0.44185447692871094, 0.2987372875213623, 0.7561727166175842, -0.7869078516960144, -0.37154513597488403, -0.393527090549469, 0.22761593759059906, -0.2154969573020935, 1.0710638761520386, 0.11361484974622726, -0.13021597266197205, 0.278621107339859, 0.07568255811929703, -0.45378971099853516, -0.3672413229942322, -0.7314188480377197, -0.33628085255622864, 0.5132789015769958, 0.39623576402664185, 0.8343881368637085, 0.4875060021877289, 0.5322380661964417, 0.2527658939361572, -0.2880299985408783, 0.09775147587060928, -0.6621572375297546, -0.03626244515180588, -0.027671117335557938, -0.6158660650253296, -0.5153005123138428, -0.11227381974458694, 0.6151494383811951, 0.5507571697235107, -0.02400621771812439, 0.25074753165245056, -0.17025963962078094, 0.5589004158973694, -0.49296265840530396, -0.14126262068748474, -0.5419551730155945, 0.1983879655599594, -0.3537076413631439, 0.05385567620396614, -0.8127699494361877, -0.10827543586492538, 0.16168709099292755, -0.4851751923561096, 0.5584167838096619, 0.29223963618278503, 1.3179875612258911, 0.25613728165626526, -0.3468915820121765, -0.11698233336210251, -0.7146484851837158, 0.9024219512939453, -0.990466833114624, 0.4404948055744171, 0.29154130816459656, 0.055465564131736755, -0.04708601534366608, -0.9729577898979187, -0.45269858837127686, 0.051958974450826645, -0.14905166625976562, 0.4573083817958832, -0.1180700808763504, -0.2182183563709259, 0.26388081908226013, 0.3312951922416687, -0.629246711730957, 0.11137125641107559, -0.7619929909706116, -0.04256942495703697, 0.6877657175064087, 0.1580379754304886, 0.2486860752105713, -0.510782778263092, -0.5498211979866028, -0.3203428089618683, -0.5971819758415222, 0.022642318159341812, 0.639235258102417, 0.4176206588745117, -0.27445870637893677, 0.538322925567627, 0.21419274806976318, 0.6004753708839417, 0.08844343572854996, 0.19483044743537903, 0.6255339980125427, -0.27150318026542664, -0.17675672471523285, 0.11011883616447449, 0.9112638831138611, 0.4621812403202057, 0.08065491169691086, 0.07551782578229904, -0.13983437418937683, -0.17368090152740479, 0.599266767501831, -0.7039476037025452, -0.23939251899719238, 0.2953261435031891, -0.6853463053703308, -0.5407564640045166, 0.23319076001644135, -1.0460994243621826, -0.2716476023197174, -0.06022918224334717, 0.19433875381946564, -0.5165840983390808, -0.5235443115234375, 0.05869770422577858, 0.004192798398435116, 0.5556030869483948, -0.14328667521476746, -0.9820168614387512, 0.19785623252391815, 0.33208611607551575, 0.6051588654518127, -0.10643870383501053, -0.39059916138648987, 0.16585855185985565, -0.1335631012916565, -0.514548122882843, 0.509689450263977, -0.2925342619419098, -0.16659896075725555, 0.1100820004940033, 0.293069452047348, -0.10824726521968842, -0.37429001927375793, 1.0640954971313477, -0.5726752281188965, 0.44303351640701294, 0.16123490035533905, -0.3967025876045227, -0.3951704800128937, -0.3939163386821747, -0.7466239929199219, 1.127258539199829, 0.31681787967681885, -0.9423564076423645, 0.45846423506736755, -0.6531649827957153, -0.3679085969924927, 0.11800708621740341, 0.18348293006420135, -0.7359945178031921, 0.2787629961967468, 0.11691323667764664, 0.14121796190738678, -0.10314063727855682, 0.3108921945095062, -0.2247174233198166, -0.17471183836460114, 0.21205322444438934, -0.4175602197647095, 1.0054562091827393, 0.4315785765647888, -0.4268108904361725, 0.08729095757007599, -0.7888371348381042, 0.18688246607780457, 0.5678764581680298, -0.1507309377193451, -0.2665165066719055, 0.11670971661806107, 0.1871616542339325, 0.13138185441493988, 0.2933556139469147, -0.4553097188472748, -0.05488624796271324, -0.6811374425888062, 0.29904642701148987, 0.6955244541168213, -0.16913463175296783, 0.432255357503891, -0.26370856165885925, 0.46513986587524414, 0.07723379135131836, 0.3351151645183563, -0.35511890053749084, -0.5656126737594604, -1.2160028219223022, -0.06309080868959427, 0.4552430808544159, 0.5406444668769836, -0.4775635898113251, 0.6857351064682007, -0.25916317105293274, -0.6382061243057251, -0.792877733707428, -0.29012414813041687, 0.23489196598529816, 0.04390013962984085, 0.4620581567287445, 0.060227520763874054, -0.8457943797111511, -1.039930820465088, -0.3434106707572937, -0.053767941892147064, -0.030556630343198776, 0.4401801526546478, 0.6738957762718201, -0.36920496821403503, 0.9579672813415527, -0.6557610034942627, -0.2508668601512909, -0.47952085733413696, -0.010053778067231178, 0.5111943483352661, 0.40932804346084595, 0.5938418507575989, -0.9783964157104492, -0.4563616216182709, -0.17380967736244202, -0.7723410129547119, -0.2522863745689392, -0.17865444719791412, -0.37622925639152527, 0.11542358994483948, 0.25857236981391907, -0.3155354857444763, 0.4139786958694458, 0.5031963586807251, -0.5401488542556763, 0.5808261036872864, -0.182595893740654, -0.07682935148477554, -1.5103124380111694, 0.10130054503679276, -0.044151898473501205, -0.16889213025569916, -0.8760404586791992, 0.1801639199256897, 0.14244277775287628, -0.20123061537742615, -0.599727988243103, 0.5940681099891663, -0.4171329438686371, 0.19621780514717102, -0.22803662717342377, 0.275468647480011, -0.15043610334396362, 0.5322575569152832, 0.17084425687789917, 0.542086124420166, 0.5389781594276428, -0.7326712012290955, 0.3682508170604706, 0.5469121336936951, -0.10991393774747849, 0.40922561287879944, -0.8485484719276428, 0.1099156066775322, -0.15259136259555817, -0.027704952284693718, -0.6757116317749023, -0.38466453552246094, 0.317587286233902, -0.6913540363311768, 0.4763883650302887, -0.05024799332022667, -0.4139770269393921, -0.694091260433197, -0.17659573256969452, 0.11243897676467896, 0.7722011804580688, -0.6566763520240784, 0.6137000918388367, 0.22411198914051056, -0.27833542227745056, -0.5965471267700195, -0.7719423770904541, -0.011016364209353924, -0.366321325302124, -0.8395927548408508, 0.5138192176818848, 0.019244972616434097, 0.03533289581537247, -0.17726732790470123, 0.16555282473564148, -0.03228534013032913, -0.19326381385326385, 0.10574926435947418, 0.456287682056427, -0.053234897553920746, 0.0017170587088912725, 0.2943861484527588, -0.24533048272132874, 0.06617871671915054, -0.08155103027820587, 0.6130720376968384, -0.17799963057041168, -0.05231654644012451, -0.1695300191640854, 0.2593860924243927, 0.2677013576030731, -0.24320381879806519, 0.8976595401763916, 0.8540478348731995, -0.48472633957862854, -0.34519779682159424, -0.2715687155723572, -0.3261660635471344, -0.49744781851768494, 0.683875322341919, -0.2384200394153595, -0.5345693230628967, 0.5554308891296387, 0.0789220929145813, 0.4285140037536621, 0.7880385518074036, 0.47678953409194946, 0.16319791972637177, 1.0731087923049927, 0.8392736315727234, 0.3441145718097687, 0.4709905683994293, -0.3295884132385254, 0.2557927668094635, -1.045259714126587, -0.29088112711906433, -0.4223804771900177, -0.2550235390663147, -0.629725456237793, -0.1416327804327011, 0.018006835132837296, 0.041874755173921585, -0.4331015646457672, 0.6128931641578674, -0.5641574263572693, 0.1756235510110855, 0.6481679081916809, 0.2517096698284149, -0.06206098943948746, 0.1409626603126526, -0.059502843767404556, -0.27413874864578247, -0.8043104410171509, -0.637919008731842, 1.2376879453659058, 0.640220046043396, 0.8624598383903503, 0.17666475474834442, 0.7912737131118774, 0.2168673425912857, 0.1820525825023651, -0.41241705417633057, 0.5611703991889954, -0.28612157702445984, -1.1041710376739502, -0.20627811551094055, -0.3903485834598541, -1.0535237789154053, 0.33800017833709717, -0.13283611834049225, -0.6369707584381104, 0.3148139715194702, -0.1746339201927185, -0.24634817242622375, 0.4164847731590271, -0.7657901048660278, 0.8621004819869995, -0.3337932229042053, -0.3376756012439728, 0.13883264362812042, -0.8798222541809082, 0.3365020453929901, -0.09808800369501114, 0.12855535745620728, 0.15976980328559875, -0.031007934361696243, 1.084730863571167, -0.3528103232383728, 0.9291162490844727, 0.08715583384037018, -0.13165123760700226, 0.4244246482849121, -0.2395222932100296, 0.38594359159469604, 0.06995254755020142, 0.0072507248260080814, 0.21120600402355194, -0.2722001075744629, -0.26644954085350037, -0.04744444787502289, 0.5710651278495789, -0.9729993939399719, -0.13476400077342987, -0.5331228375434875, -0.20101168751716614, 0.27735137939453125, 0.6110255718231201, 0.850374698638916, 0.4743165671825409, 0.00555766886100173, 0.3495156764984131, 0.7391278743743896, -0.49063533544540405, 0.3811226189136505, 0.5172225832939148, -0.5531236529350281, -0.7759344577789307, 0.8276218771934509, -0.043641913682222366, 0.24539342522621155, 0.07011856883764267, 0.07964599877595901, -0.43168437480926514, -0.18616364896297455, -0.4041741192340851, 0.4494655728340149, -0.7292502522468567, -0.1685960590839386, -0.682099461555481, -0.49235421419143677, -0.3806349039077759, -0.23846763372421265, -0.5655869841575623, 0.023530980572104454, -0.5089185833930969, -0.03417642414569855, 0.12837064266204834, 0.6062451004981995, -0.002735984278842807, 0.4551768898963928, -0.7336954474449158, 0.31855201721191406, 0.024147484451532364, 0.4532355070114136, -0.12609539926052094, -0.9925374388694763, -0.33411163091659546, 0.21681196987628937, -0.4225899577140808, -1.1301791667938232, 0.6342855095863342, 0.15221822261810303, 0.7012426853179932, 0.49784141778945923, 0.31206202507019043, 0.20262479782104492, -0.5422074198722839, 1.0382386445999146, 0.29244181513786316, -0.5653422474861145, 0.5602651238441467, -0.41989800333976746, 0.15361611545085907, 0.46198800206184387, 0.30123260617256165, -0.3134933412075043, -0.4288158118724823, -0.9849898219108582, -1.1512495279312134, 1.1617511510849, 0.552367627620697, 0.2143096625804901, 0.03378770872950554, 0.2516922056674957, 0.26540783047676086, 0.16653560101985931, -1.2527682781219482, -0.8347675204277039, -0.3362016975879669, -0.2945864200592041, -0.09094695001840591, -0.41106563806533813, 0.019813932478427887, -0.03376074880361557, 0.9696016907691956, 0.08417801558971405, 0.6521599292755127, 0.23230691254138947, -0.20771174132823944, -0.1808452606201172, 0.29561731219291687, 0.6194519996643066, 0.43071526288986206, -0.32975414395332336, -0.043865855783224106, 0.22031983733177185, -0.7808453440666199, -0.13745440542697906, 0.17175711691379547, -0.6391656398773193, 0.25769856572151184, 0.16844578087329865, 1.3240604400634766, 0.16752950847148895, -0.31808823347091675, 0.2901660203933716, 0.017101269215345383, -0.22592218220233917, -0.7196946740150452, -0.04867281764745712, -0.0901847779750824, 0.18747460842132568, 0.4171655476093292, 0.1883467137813568, 0.053214944899082184, -0.2799299359321594, 0.0862584114074707, -0.08851931989192963, -0.4749425947666168, -0.30333590507507324, 0.964686930179596, 0.23909412324428558, -0.5313968658447266, 0.8327701687812805, -0.3398316502571106, -0.5308792591094971, 0.5919724106788635, 0.9055253863334656, 1.1079646348953247, -0.17072464525699615, 0.32585152983665466, 0.7806227207183838, 0.6317659616470337, 0.07128465175628662, 0.3743511736392975, 0.6507238745689392, -0.6985824108123779, -0.19469742476940155, -0.8241685628890991, -0.12923896312713623, 0.34727755188941956, -0.678858757019043, 0.6670000553131104, -0.039669256657361984, -0.5516438484191895, -0.15496155619621277, -0.1894664764404297, -0.5636762976646423, 0.22115886211395264, 0.4400469958782196, 0.8112006783485413, -0.8832190036773682, 0.12980438768863678, 0.9210636019706726, -0.5445702075958252, -0.7168548107147217, -0.11633168160915375, -0.4091118574142456, -0.38988611102104187, 0.3857729732990265, 0.33495184779167175, 0.2757178544998169, 0.25222137570381165, -0.7616757154464722, -0.9168363213539124, 0.9241049885749817, 0.08729448914527893, -0.34378528594970703, -0.08907443284988403, 0.026866761967539787, 0.5654306411743164, -0.4014185070991516, 0.5184845328330994, 0.45236462354660034, 0.5977681279182434, -0.28063350915908813, -0.6611021757125854, -0.0950620025396347, -0.47332763671875, 0.19920188188552856, 0.1705494374036789, -0.8053645491600037, 0.9965744018554688, -0.45355114340782166, -0.2975768446922302, 0.2002515196800232, 0.8546404838562012, 0.33713245391845703, 0.2629251480102539, 0.367692232131958, 0.5937416553497314, 0.4713113307952881, -0.3669613301753998, 0.8174251914024353, -0.34335654973983765, 0.7379397749900818, 0.9799502491950989, -0.055536605417728424, 0.6935038566589355, 0.20132313668727875, -0.5784229040145874, 0.6817755699157715, 0.8560096025466919, -0.3281431496143341, 0.5230714082717896, -0.053130730986595154, 0.16269302368164062, -0.24481146037578583, 0.10398650914430618, -0.6121193766593933, 0.2285815328359604, 0.2634187638759613, -0.689239501953125, 0.006229624152183533, 0.04106339067220688, 0.10962385684251785, -0.1280919313430786, -0.20383408665657043, 0.6028330326080322, 0.21108563244342804, -0.6049880981445312, 0.6480708122253418, 0.08609533309936523, 0.8134055733680725, -0.8320832848548889, 0.15374185144901276, 0.026644591242074966, 0.28403565287590027, -0.23952104151248932, -0.7470268607139587, -0.07614174485206604, -0.08066406846046448, -0.3296065926551819, 0.007936643436551094, 0.8594685792922974, -0.37348508834838867, -0.6771121621131897, 0.22708873450756073, 0.2674456834793091, 0.3602607846260071, 0.3042146563529968, -0.7340068221092224, -0.10896798223257065, 0.2155187577009201, -0.5245385766029358, 0.00367637537419796, 0.09731975942850113, 0.311708927154541, 0.6410093307495117, 0.5352365374565125, 0.04073982685804367, 0.49440330266952515, 0.11620045453310013, 0.6296634078025818, -0.588947057723999, -0.6637557744979858, -0.5058956742286682, 0.6450402736663818, -0.3256158232688904, -0.5751211643218994, 0.7878023982048035, 0.5903142094612122, 0.7704504132270813, -0.45327502489089966, 0.9174031615257263, -0.4272189736366272, 0.6172099113464355, -0.26768529415130615, 0.8724364042282104, -0.6344835162162781, -0.15051183104515076, -0.33271899819374084, -1.253827452659607, 0.03137490525841713, 0.7836444973945618, -0.14257501065731049, 0.4465622305870056, 0.8199124932289124, 0.6311225891113281, 0.005649988539516926, 0.13604353368282318, 0.1550389677286148, 0.24997152388095856, 0.19934889674186707, 0.34720200300216675, 0.6835018992424011, -0.8612103462219238, 0.5242514610290527, -0.42721831798553467, -0.2208835333585739, -0.47984394431114197, -0.5997067093849182, -0.9504395723342896, -0.5011537671089172, -0.272763729095459, -0.42351362109184265, -0.18339569866657257, 0.6066152453422546, 0.6016013026237488, -0.7765413522720337, 0.05914934352040291, -0.14150883257389069, -0.07508646696805954, -0.30008435249328613, -0.3010188937187195, 0.3830150067806244, -0.2929143011569977, -0.8342186808586121, 0.22242969274520874, -0.12771077454090118, 0.15730376541614532, -0.25881290435791016, -0.19510336220264435, -0.18614517152309418, 0.12854959070682526, 0.3318493664264679, 0.10805518180131912, -0.6341753005981445, -0.024271856993436813, 0.32671836018562317, -0.018297594040632248, -0.13209235668182373, 0.32641881704330444, -0.4346509575843811, 0.524303674697876, 0.5596574544906616, 0.060541022568941116, 0.22126972675323486, -0.07205551862716675, 0.44164174795150757, -0.6032381057739258, 0.05859238654375076, 0.22426889836788177, 0.4438711106777191, 0.2687724530696869, -0.23334506154060364, 0.5884808301925659, 0.19682005047798157, -0.7547810673713684, -0.976229190826416, 0.32377344369888306, -0.8319695591926575, -0.11825677752494812, 1.406095027923584, -0.11003272235393524, -0.2479581981897354, 0.03223846107721329, -0.3899277448654175, 0.4053522050380707, -0.2814900577068329, 0.3098842203617096, 0.47619760036468506, 0.31393954157829285, -0.17502744495868683, -0.7081809043884277, 0.2327445149421692, 0.2781628370285034, -0.5510350465774536, 0.11638837307691574, 0.21619975566864014, 0.18901614844799042, 0.46266353130340576, 0.26467573642730713, -0.21886347234249115, 0.22283963859081268, 0.3806837499141693, 0.4193514585494995, -0.07278383523225784, -0.44019562005996704, -0.16690245270729065, -0.14391304552555084, -0.27664101123809814, 0.08680865913629532 ]
TheBloke/Xwin-LM-70B-V0.1-GPTQ
TheBloke
2023-09-27T12:53:53Z
10,495
38
transformers
[ "transformers", "safetensors", "llama", "text-generation", "base_model:Xwin-LM/Xwin-LM-70b-V0.1", "license:llama2", "text-generation-inference", "4-bit", "region:us" ]
text-generation
2023-09-21T08:50:07Z
--- license: llama2 model_name: Xwin-LM 70B V0.1 base_model: Xwin-LM/Xwin-LM-70b-V0.1 inference: false model_creator: Xwin-LM model_type: llama prompt_template: 'A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user''s questions. USER: {prompt} ASSISTANT: ' quantized_by: TheBloke --- <!-- header start --> <!-- 200823 --> <div style="width: auto; margin-left: auto; margin-right: auto"> <img src="https://i.imgur.com/EBdldam.jpg" alt="TheBlokeAI" style="width: 100%; min-width: 400px; display: block; margin: auto;"> </div> <div style="display: flex; justify-content: space-between; width: 100%;"> <div style="display: flex; flex-direction: column; align-items: flex-start;"> <p style="margin-top: 0.5em; margin-bottom: 0em;"><a href="https://discord.gg/theblokeai">Chat & support: TheBloke's Discord server</a></p> </div> <div style="display: flex; flex-direction: column; align-items: flex-end;"> <p style="margin-top: 0.5em; margin-bottom: 0em;"><a href="https://www.patreon.com/TheBlokeAI">Want to contribute? TheBloke's Patreon page</a></p> </div> </div> <div style="text-align:center; margin-top: 0em; margin-bottom: 0em"><p style="margin-top: 0.25em; margin-bottom: 0em;">TheBloke's LLM work is generously supported by a grant from <a href="https://a16z.com">andreessen horowitz (a16z)</a></p></div> <hr style="margin-top: 1.0em; margin-bottom: 1.0em;"> <!-- header end --> # Xwin-LM 70B V0.1 - GPTQ - Model creator: [Xwin-LM](https://huggingface.co/Xwin-LM) - Original model: [Xwin-LM 70B V0.1](https://huggingface.co/Xwin-LM/Xwin-LM-70b-V0.1) <!-- description start --> ## Description This repo contains GPTQ model files for [Xwin-LM's Xwin-LM 70B V0.1](https://huggingface.co/Xwin-LM/Xwin-LM-70b-V0.1). Multiple GPTQ parameter permutations are provided; see Provided Files below for details of the options provided, their parameters, and the software used to create them. <!-- description end --> <!-- repositories-available start --> ## Repositories available * [AWQ model(s) for GPU inference.](https://huggingface.co/TheBloke/Xwin-LM-70B-V0.1-AWQ) * [GPTQ models for GPU inference, with multiple quantisation parameter options.](https://huggingface.co/TheBloke/Xwin-LM-70B-V0.1-GPTQ) * [2, 3, 4, 5, 6 and 8-bit GGUF models for CPU+GPU inference](https://huggingface.co/TheBloke/Xwin-LM-70B-V0.1-GGUF) * [Xwin-LM's original unquantised fp16 model in pytorch format, for GPU inference and for further conversions](https://huggingface.co/Xwin-LM/Xwin-LM-70b-V0.1) <!-- repositories-available end --> <!-- prompt-template start --> ## Prompt template: Vicuna ``` A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. USER: {prompt} ASSISTANT: ``` <!-- prompt-template end --> <!-- README_GPTQ.md-provided-files start --> ## Provided files, and GPTQ parameters Multiple quantisation parameters are provided, to allow you to choose the best one for your hardware and requirements. Each separate quant is in a different branch. See below for instructions on fetching from different branches. All recent GPTQ files are made with AutoGPTQ, and all files in non-main branches are made with AutoGPTQ. Files in the `main` branch which were uploaded before August 2023 were made with GPTQ-for-LLaMa. <details> <summary>Explanation of GPTQ parameters</summary> - Bits: The bit size of the quantised model. - GS: GPTQ group size. Higher numbers use less VRAM, but have lower quantisation accuracy. "None" is the lowest possible value. - Act Order: True or False. Also known as `desc_act`. True results in better quantisation accuracy. Some GPTQ clients have had issues with models that use Act Order plus Group Size, but this is generally resolved now. - Damp %: A GPTQ parameter that affects how samples are processed for quantisation. 0.01 is default, but 0.1 results in slightly better accuracy. - GPTQ dataset: The calibration dataset used during quantisation. Using a dataset more appropriate to the model's training can improve quantisation accuracy. Note that the GPTQ calibration dataset is not the same as the dataset used to train the model - please refer to the original model repo for details of the training dataset(s). - Sequence Length: The length of the dataset sequences used for quantisation. Ideally this is the same as the model sequence length. For some very long sequence models (16+K), a lower sequence length may have to be used. Note that a lower sequence length does not limit the sequence length of the quantised model. It only impacts the quantisation accuracy on longer inference sequences. - ExLlama Compatibility: Whether this file can be loaded with ExLlama, which currently only supports Llama models in 4-bit. </details> | Branch | Bits | GS | Act Order | Damp % | GPTQ Dataset | Seq Len | Size | ExLlama | Desc | | ------ | ---- | -- | --------- | ------ | ------------ | ------- | ---- | ------- | ---- | | [main](https://huggingface.co/TheBloke/Xwin-LM-70B-V0.1-GPTQ/tree/main) | 4 | None | Yes | 0.1 | [wikitext](https://huggingface.co/datasets/wikitext/viewer/wikitext-2-v1/test) | 4096 | 35.33 GB | Yes | 4-bit, with Act Order. No group size, to lower VRAM requirements. | | [gptq-4bit-128g-actorder_True](https://huggingface.co/TheBloke/Xwin-LM-70B-V0.1-GPTQ/tree/gptq-4bit-128g-actorder_True) | 4 | 128 | Yes | 0.1 | [wikitext](https://huggingface.co/datasets/wikitext/viewer/wikitext-2-v1/test) | 4096 | 36.65 GB | Yes | 4-bit, with Act Order and group size 128g. Uses even less VRAM than 64g, but with slightly lower accuracy. | | [gptq-4bit-32g-actorder_True](https://huggingface.co/TheBloke/Xwin-LM-70B-V0.1-GPTQ/tree/gptq-4bit-32g-actorder_True) | 4 | 32 | Yes | 0.1 | [wikitext](https://huggingface.co/datasets/wikitext/viewer/wikitext-2-v1/test) | 4096 | 40.66 GB | Yes | 4-bit, with Act Order and group size 32g. Gives highest possible inference quality, with maximum VRAM usage. | | [gptq-3bit--1g-actorder_True](https://huggingface.co/TheBloke/Xwin-LM-70B-V0.1-GPTQ/tree/gptq-3bit--1g-actorder_True) | 3 | None | Yes | 0.1 | [wikitext](https://huggingface.co/datasets/wikitext/viewer/wikitext-2-v1/test) | 4096 | 26.77 GB | No | 3-bit, with Act Order and no group size. Lowest possible VRAM requirements. May be lower quality than 3-bit 128g. | | [gptq-3bit-128g-actorder_True](https://huggingface.co/TheBloke/Xwin-LM-70B-V0.1-GPTQ/tree/gptq-3bit-128g-actorder_True) | 3 | 128 | Yes | 0.1 | [wikitext](https://huggingface.co/datasets/wikitext/viewer/wikitext-2-v1/test) | 4096 | 28.03 GB | No | 3-bit, with group size 128g and act-order. Higher quality than 128g-False. | | [gptq-3bit-32g-actorder_True](https://huggingface.co/TheBloke/Xwin-LM-70B-V0.1-GPTQ/tree/gptq-3bit-32g-actorder_True) | 3 | 32 | Yes | 0.1 | [wikitext](https://huggingface.co/datasets/wikitext/viewer/wikitext-2-v1/test) | 4096 | 31.84 GB | No | 3-bit, with group size 64g and act-order. Highest quality 3-bit option. | <!-- README_GPTQ.md-provided-files end --> <!-- README_GPTQ.md-download-from-branches start --> ## How to download, including from branches ### In text-generation-webui To download from the `main` branch, enter `TheBloke/Xwin-LM-70B-V0.1-GPTQ` in the "Download model" box. To download from another branch, add `:branchname` to the end of the download name, eg `TheBloke/Xwin-LM-70B-V0.1-GPTQ:gptq-4bit-128g-actorder_True` ### From the command line I recommend using the `huggingface-hub` Python library: ```shell pip3 install huggingface-hub ``` To download the `main` branch to a folder called `Xwin-LM-70B-V0.1-GPTQ`: ```shell mkdir Xwin-LM-70B-V0.1-GPTQ huggingface-cli download TheBloke/Xwin-LM-70B-V0.1-GPTQ --local-dir Xwin-LM-70B-V0.1-GPTQ --local-dir-use-symlinks False ``` To download from a different branch, add the `--revision` parameter: ```shell mkdir Xwin-LM-70B-V0.1-GPTQ huggingface-cli download TheBloke/Xwin-LM-70B-V0.1-GPTQ --revision gptq-4bit-128g-actorder_True --local-dir Xwin-LM-70B-V0.1-GPTQ --local-dir-use-symlinks False ``` <details> <summary>More advanced huggingface-cli download usage</summary> If you remove the `--local-dir-use-symlinks False` parameter, the files will instead be stored in the central Huggingface cache directory (default location on Linux is: `~/.cache/huggingface`), and symlinks will be added to the specified `--local-dir`, pointing to their real location in the cache. This allows for interrupted downloads to be resumed, and allows you to quickly clone the repo to multiple places on disk without triggering a download again. The downside, and the reason why I don't list that as the default option, is that the files are then hidden away in a cache folder and it's harder to know where your disk space is being used, and to clear it up if/when you want to remove a download model. The cache location can be changed with the `HF_HOME` environment variable, and/or the `--cache-dir` parameter to `huggingface-cli`. For more documentation on downloading with `huggingface-cli`, please see: [HF -> Hub Python Library -> Download files -> Download from the CLI](https://huggingface.co/docs/huggingface_hub/guides/download#download-from-the-cli). To accelerate downloads on fast connections (1Gbit/s or higher), install `hf_transfer`: ```shell pip3 install hf_transfer ``` And set environment variable `HF_HUB_ENABLE_HF_TRANSFER` to `1`: ```shell mkdir Xwin-LM-70B-V0.1-GPTQ HF_HUB_ENABLE_HF_TRANSFER=1 huggingface-cli download TheBloke/Xwin-LM-70B-V0.1-GPTQ --local-dir Xwin-LM-70B-V0.1-GPTQ --local-dir-use-symlinks False ``` Windows Command Line users: You can set the environment variable by running `set HF_HUB_ENABLE_HF_TRANSFER=1` before the download command. </details> ### With `git` (**not** recommended) To clone a specific branch with `git`, use a command like this: ```shell git clone --single-branch --branch gptq-4bit-128g-actorder_True https://huggingface.co/TheBloke/Xwin-LM-70B-V0.1-GPTQ ``` Note that using Git with HF repos is strongly discouraged. It will be much slower than using `huggingface-hub`, and will use twice as much disk space as it has to store the model files twice (it stores every byte both in the intended target folder, and again in the `.git` folder as a blob.) <!-- README_GPTQ.md-download-from-branches end --> <!-- README_GPTQ.md-text-generation-webui start --> ## How to easily download and use this model in [text-generation-webui](https://github.com/oobabooga/text-generation-webui). Please make sure you're using the latest version of [text-generation-webui](https://github.com/oobabooga/text-generation-webui). It is strongly recommended to use the text-generation-webui one-click-installers unless you're sure you know how to make a manual install. 1. Click the **Model tab**. 2. Under **Download custom model or LoRA**, enter `TheBloke/Xwin-LM-70B-V0.1-GPTQ`. - To download from a specific branch, enter for example `TheBloke/Xwin-LM-70B-V0.1-GPTQ:gptq-4bit-128g-actorder_True` - see Provided Files above for the list of branches for each option. 3. Click **Download**. 4. The model will start downloading. Once it's finished it will say "Done". 5. In the top left, click the refresh icon next to **Model**. 6. In the **Model** dropdown, choose the model you just downloaded: `Xwin-LM-70B-V0.1-GPTQ` 7. The model will automatically load, and is now ready for use! 8. If you want any custom settings, set them and then click **Save settings for this model** followed by **Reload the Model** in the top right. * Note that you do not need to and should not set manual GPTQ parameters any more. These are set automatically from the file `quantize_config.json`. 9. Once you're ready, click the **Text Generation tab** and enter a prompt to get started! <!-- README_GPTQ.md-text-generation-webui end --> <!-- README_GPTQ.md-use-from-python start --> ## How to use this GPTQ model from Python code ### Install the necessary packages Requires: Transformers 4.33.0 or later, Optimum 1.12.0 or later, and AutoGPTQ 0.4.2 or later. ```shell pip3 install transformers optimum pip3 install auto-gptq --extra-index-url https://huggingface.github.io/autogptq-index/whl/cu118/ # Use cu117 if on CUDA 11.7 ``` If you have problems installing AutoGPTQ using the pre-built wheels, install it from source instead: ```shell pip3 uninstall -y auto-gptq git clone https://github.com/PanQiWei/AutoGPTQ cd AutoGPTQ git checkout v0.4.2 pip3 install . ``` ### You can then use the following code ```python from transformers import AutoModelForCausalLM, AutoTokenizer, pipeline model_name_or_path = "TheBloke/Xwin-LM-70B-V0.1-GPTQ" # To use a different branch, change revision # For example: revision="gptq-4bit-128g-actorder_True" model = AutoModelForCausalLM.from_pretrained(model_name_or_path, device_map="auto", trust_remote_code=False, revision="main") tokenizer = AutoTokenizer.from_pretrained(model_name_or_path, use_fast=True) prompt = "Tell me about AI" prompt_template=f'''A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. USER: {prompt} ASSISTANT: ''' print("\n\n*** Generate:") input_ids = tokenizer(prompt_template, return_tensors='pt').input_ids.cuda() output = model.generate(inputs=input_ids, temperature=0.7, do_sample=True, top_p=0.95, top_k=40, max_new_tokens=512) print(tokenizer.decode(output[0])) # Inference can also be done using transformers' pipeline print("*** Pipeline:") pipe = pipeline( "text-generation", model=model, tokenizer=tokenizer, max_new_tokens=512, do_sample=True, temperature=0.7, top_p=0.95, top_k=40, repetition_penalty=1.1 ) print(pipe(prompt_template)[0]['generated_text']) ``` <!-- README_GPTQ.md-use-from-python end --> <!-- README_GPTQ.md-compatibility start --> ## Compatibility The files provided are tested to work with AutoGPTQ, both via Transformers and using AutoGPTQ directly. They should also work with [Occ4m's GPTQ-for-LLaMa fork](https://github.com/0cc4m/KoboldAI). [ExLlama](https://github.com/turboderp/exllama) is compatible with Llama models in 4-bit. Please see the Provided Files table above for per-file compatibility. [Huggingface Text Generation Inference (TGI)](https://github.com/huggingface/text-generation-inference) is compatible with all GPTQ models. <!-- README_GPTQ.md-compatibility end --> <!-- footer start --> <!-- 200823 --> ## Discord For further support, and discussions on these models and AI in general, join us at: [TheBloke AI's Discord server](https://discord.gg/theblokeai) ## Thanks, and how to contribute Thanks to the [chirper.ai](https://chirper.ai) team! Thanks to Clay from [gpus.llm-utils.org](llm-utils)! I've had a lot of people ask if they can contribute. I enjoy providing models and helping people, and would love to be able to spend even more time doing it, as well as expanding into new projects like fine tuning/training. If you're able and willing to contribute it will be most gratefully received and will help me to keep providing more models, and to start work on new AI projects. Donaters will get priority support on any and all AI/LLM/model questions and requests, access to a private Discord room, plus other benefits. * Patreon: https://patreon.com/TheBlokeAI * Ko-Fi: https://ko-fi.com/TheBlokeAI **Special thanks to**: Aemon Algiz. **Patreon special mentions**: Alicia Loh, Stephen Murray, K, Ajan Kanaga, RoA, Magnesian, Deo Leter, Olakabola, Eugene Pentland, zynix, Deep Realms, Raymond Fosdick, Elijah Stavena, Iucharbius, Erik Bjäreholt, Luis Javier Navarrete Lozano, Nicholas, theTransient, John Detwiler, alfie_i, knownsqashed, Mano Prime, Willem Michiel, Enrico Ros, LangChain4j, OG, Michael Dempsey, Pierre Kircher, Pedro Madruga, James Bentley, Thomas Belote, Luke @flexchar, Leonard Tan, Johann-Peter Hartmann, Illia Dulskyi, Fen Risland, Chadd, S_X, Jeff Scroggin, Ken Nordquist, Sean Connelly, Artur Olbinski, Swaroop Kallakuri, Jack West, Ai Maven, David Ziegler, Russ Johnson, transmissions 11, John Villwock, Alps Aficionado, Clay Pascal, Viktor Bowallius, Subspace Studios, Rainer Wilmers, Trenton Dambrowitz, vamX, Michael Levine, 준교 김, Brandon Frisco, Kalila, Trailburnt, Randy H, Talal Aujan, Nathan Dryer, Vadim, 阿明, ReadyPlayerEmma, Tiffany J. Kim, George Stoitzev, Spencer Kim, Jerry Meng, Gabriel Tamborski, Cory Kujawski, Jeffrey Morgan, Spiking Neurons AB, Edmond Seymore, Alexandros Triantafyllidis, Lone Striker, Cap'n Zoog, Nikolai Manek, danny, ya boyyy, Derek Yates, usrbinkat, Mandus, TL, Nathan LeClaire, subjectnull, Imad Khwaja, webtim, Raven Klaugh, Asp the Wyvern, Gabriel Puliatti, Caitlyn Gatomon, Joseph William Delisle, Jonathan Leane, Luke Pendergrass, SuperWojo, Sebastain Graf, Will Dee, Fred von Graf, Andrey, Dan Guido, Daniel P. Andersen, Nitin Borwankar, Elle, Vitor Caleffi, biorpg, jjj, NimbleBox.ai, Pieter, Matthew Berman, terasurfer, Michael Davis, Alex, Stanislav Ovsiannikov Thank you to all my generous patrons and donaters! And thank you again to a16z for their generous grant. <!-- footer end --> # Original model card: Xwin-LM's Xwin-LM 70B V0.1 <h3 align="center"> Xwin-LM: Powerful, Stable, and Reproducible LLM Alignment </h3> <p align="center"> <a href="https://github.com/Xwin-LM/Xwin-LM"> <img src="https://img.shields.io/badge/GitHub-yellow.svg?style=social&logo=github"> </a> <a href="https://huggingface.co/Xwin-LM"> <img src="https://img.shields.io/badge/%F0%9F%A4%97%20Hugging%20Face-Models-blue"> </a> </p> **Step up your LLM alignment with Xwin-LM!** Xwin-LM aims to develop and open-source alignment technologies for large language models, including supervised fine-tuning (SFT), reward models (RM), reject sampling, reinforcement learning from human feedback (RLHF), etc. Our first release, built-upon on the Llama2 base models, ranked **TOP-1** on [AlpacaEval](https://tatsu-lab.github.io/alpaca_eval/). Notably, it's **the first to surpass GPT-4** on this benchmark. The project will be continuously updated. ## News - 💥 [Sep, 2023] We released [Xwin-LM-70B-V0.1](https://huggingface.co/Xwin-LM/Xwin-LM-70B-V0.1), which has achieved a win-rate against Davinci-003 of **95.57%** on [AlpacaEval](https://tatsu-lab.github.io/alpaca_eval/) benchmark, ranking as **TOP-1** on AlpacaEval. **It was the FIRST model surpassing GPT-4** on [AlpacaEval](https://tatsu-lab.github.io/alpaca_eval/). Also note its winrate v.s. GPT-4 is **60.61**. - 🔍 [Sep, 2023] RLHF plays crucial role in the strong performance of Xwin-LM-V0.1 release! - 💥 [Sep, 2023] We released [Xwin-LM-13B-V0.1](https://huggingface.co/Xwin-LM/Xwin-LM-13B-V0.1), which has achieved **91.76%** win-rate on [AlpacaEval](https://tatsu-lab.github.io/alpaca_eval/), ranking as **top-1** among all 13B models. - 💥 [Sep, 2023] We released [Xwin-LM-7B-V0.1](https://huggingface.co/Xwin-LM/Xwin-LM-7B-V0.1), which has achieved **87.82%** win-rate on [AlpacaEval](https://tatsu-lab.github.io/alpaca_eval/), ranking as **top-1** among all 7B models. ## Model Card | Model | Checkpoint | Report | License | |------------|------------|-------------|------------------| |Xwin-LM-7B-V0.1| 🤗 <a href="https://huggingface.co/Xwin-LM/Xwin-LM-7B-V0.1" target="_blank">HF Link</a> | 📃**Coming soon (Stay tuned)** | <a href="https://ai.meta.com/resources/models-and-libraries/llama-downloads/" target="_blank">Llama 2 License| |Xwin-LM-13B-V0.1| 🤗 <a href="https://huggingface.co/Xwin-LM/Xwin-LM-13B-V0.1" target="_blank">HF Link</a> | | <a href="https://ai.meta.com/resources/models-and-libraries/llama-downloads/" target="_blank">Llama 2 License| |Xwin-LM-70B-V0.1| 🤗 <a href="https://huggingface.co/Xwin-LM/Xwin-LM-70B-V0.1" target="_blank">HF Link</a> | | <a href="https://ai.meta.com/resources/models-and-libraries/llama-downloads/" target="_blank">Llama 2 License| ## Benchmarks ### Xwin-LM performance on [AlpacaEval](https://tatsu-lab.github.io/alpaca_eval/). The table below displays the performance of Xwin-LM on [AlpacaEval](https://tatsu-lab.github.io/alpaca_eval/), where evaluates its win-rate against Text-Davinci-003 across 805 questions. To provide a comprehensive evaluation, we present, for the first time, the win-rate against ChatGPT and GPT-4 as well. Our Xwin-LM model family establish a new state-of-the-art performance across all metrics. Notably, Xwin-LM-70B-V0.1 has eclipsed GPT-4 for the first time, achieving an impressive win-rate of **95.57%** to Text-Davinci-003 and **60.61%** to GPT-4. | **Model** | **AlpacaEval (winrate %)** | **AlpacaEval (winrate %)** |**AlpacaEval (winrate %)** | |----------------------------------|------------|----------|-------------| | | **v.s. Text-Davinci-003** | **v.s. ChatGPT** | **v.s. GPT4**| | **Xwin-LM-70B-V0.1** | **95.57** | **87.50** | **60.61** | | GPT-4 | 95.28 | 84.66 | 50.00 | | WizardLM-70B-V1.0 | 92.91 | 80.19 | 46.70 | | Llama-2-70B-Chat | 92.66 | 81.97 | 51.19 | | **Xwin-LM-13B-V0.1** | **91.76** | **81.79** | **55.30** | | ChatGPT | 89.37 | 50.00 | 16.60 | | WizardLM-13B-V1.2 | 89.17 | 75.75 | 41.91 | | **Xwin-LM-7B-V0.1** | **87.35** | **76.40** | **47.57** | | Llama-2-13B-Chat | 81.09 | 64.22 | 30.92 | ### Case study on [AlpacaEval](https://tatsu-lab.github.io/alpaca_eval/) | Prompts | GTP4 response | Xwin-LM response | |----------------|------------|--------| |I've put a plate on top of an apple, and take the plate from kitchen to dinning room. Where is the apple now|The apple is now in the dining room, as it was underneath the plate when you moved the plate from the kitchen to the dining room.|The apple is still in the kitchen, as you have only moved the plate. The apple is under the plate, so if you want to bring the apple to the dining room, you should either move the apple directly or put the apple on the plate and then move the plate to the dining room.| | Answer the following question.<br> How do you say "good evening" in French. | In French, "good evening" is said as "bonsoir." | In French, "good evening" is translated to "bonsoir." This greeting is used in the evening and nighttime hours, typically after 6 p.m. It is a combination of "bon," which means "good," and "soir," which means "evening." To pronounce it, say "bone-swahr." | ### Xwin-LM performance on NLP foundation tasks. The following table provides a comparison of Xwin-LMs with other LLMs on NLP foundation tasks in [Open LLM Leaderboard](https://huggingface.co/spaces/HuggingFaceH4/open_llm_leaderboard). | Model | MMLU 5-shot | ARC 25-shot | TruthfulQA 0-shot | HellaSwag 10-shot | Average | |------------------|-------------|-------------|-------------------|-------------------|------------| | Text-davinci-003 | 56.9 | **85.2** | 59.3 | 82.2 | 70.9 | |Vicuna-13b 1.1 | 51.3 | 53.0 | 51.8 | 80.1 | 59.1 | |Guanaco 30B | 57.6 | 63.7 | 50.7 | 85.1 | 64.3 | | WizardLM-7B 1.0 | 42.7 | 51.6 | 44.7 | 77.7 | 54.2 | | WizardLM-13B 1.0 | 52.3 | 57.2 | 50.5 | 81.0 | 60.2 | | WizardLM-30B 1.0 | 58.8 | 62.5 | 52.4 | 83.3 | 64.2| | Llama-2-7B-Chat | 48.3 | 52.9 | 45.6 | 78.6 | 56.4 | | Llama-2-13B-Chat | 54.6 | 59.0 | 44.1 | 81.9 | 59.9 | | Llama-2-70B-Chat | 63.9 | 64.6 | 52.8 | 85.9 | 66.8 | | **Xwin-LM-7B-V0.1** | 49.7 | 56.2 | 48.1 | 79.5 | 58.4 | | **Xwin-LM-13B-V0.1** | 56.6 | 62.4 | 45.5 | 83.0 | 61.9 | | **Xwin-LM-70B-V0.1** | **69.6** | 70.5 | **60.1** | **87.1** | **71.8** | ## Inference ### Conversation templates To obtain desired results, please strictly follow the conversation templates when utilizing our model for inference. Our model adopts the prompt format established by [Vicuna](https://github.com/lm-sys/FastChat) and is equipped to support **multi-turn** conversations. ``` A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. USER: Hi! ASSISTANT: Hello.</s>USER: Who are you? ASSISTANT: I am Xwin-LM.</s>...... ``` ### HuggingFace Example ```python from transformers import AutoTokenizer, AutoModelForCausalLM model = AutoModelForCausalLM.from_pretrained("Xwin-LM/Xwin-LM-7B-V0.1") tokenizer = AutoTokenizer.from_pretrained("Xwin-LM/Xwin-LM-7B-V0.1") ( prompt := "A chat between a curious user and an artificial intelligence assistant. " "The assistant gives helpful, detailed, and polite answers to the user's questions. " "USER: Hello, can you help me? " "ASSISTANT:" ) inputs = tokenizer(prompt, return_tensors="pt") samples = model.generate(**inputs, max_new_tokens=4096, temperature=0.7) output = tokenizer.decode(samples[0][inputs["input_ids"].shape[1]:], skip_special_tokens=True) print(output) # Of course! I'm here to help. Please feel free to ask your question or describe the issue you're having, and I'll do my best to assist you. ``` ### vllm Example Because Xwin-LM is based on Llama2, it also offers support for rapid inference using [vllm](https://github.com/vllm-project/vllm). Please refer to [vllm](https://github.com/vllm-project/vllm) for detailed installation instructions. ```python from vllm import LLM, SamplingParams ( prompt := "A chat between a curious user and an artificial intelligence assistant. " "The assistant gives helpful, detailed, and polite answers to the user's questions. " "USER: Hello, can you help me? " "ASSISTANT:" ) sampling_params = SamplingParams(temperature=0.7, max_tokens=4096) llm = LLM(model="Xwin-LM/Xwin-LM-7B-V0.1") outputs = llm.generate([prompt,], sampling_params) for output in outputs: prompt = output.prompt generated_text = output.outputs[0].text print(generated_text) ``` ## TODO - [ ] Release the source code - [ ] Release more capabilities, such as math, reasoning, and etc. ## Citation Please consider citing our work if you use the data or code in this repo. ``` @software{xwin-lm, title = {Xwin-LM}, author = {Xwin-LM Team}, url = {https://github.com/Xwin-LM/Xwin-LM}, version = {pre-release}, year = {2023}, month = {9}, } ``` ## Acknowledgements Thanks to [Llama 2](https://ai.meta.com/llama/), [FastChat](https://github.com/lm-sys/FastChat), [AlpacaFarm](https://github.com/tatsu-lab/alpaca_farm), and [vllm](https://github.com/vllm-project/vllm).
[ -0.5785779356956482, -0.7215403318405151, 0.20433521270751953, 0.17962568998336792, -0.21090352535247803, -0.0859406366944313, 0.0928565263748169, -0.5405353903770447, 0.3000800311565399, 0.3597051799297333, -0.6900494694709778, -0.49578529596328735, -0.3324264585971832, -0.06770752370357513, -0.21967057883739471, 1.080733060836792, 0.0039335316978394985, -0.2790555953979492, -0.17598854005336761, -0.33103489875793457, -0.21684551239013672, -0.39344584941864014, -0.7187564373016357, -0.20425954461097717, 0.41412508487701416, 0.1189936175942421, 0.9090368747711182, 0.5926318764686584, 0.1723921298980713, 0.3465898334980011, -0.027128856629133224, -0.060109496116638184, -0.5088767409324646, -0.12167888879776001, 0.14088484644889832, -0.2788959741592407, -0.6141474843025208, 0.1739293485879898, 0.45458468794822693, 0.21452346444129944, -0.2955169677734375, 0.1868693083524704, -0.00018245061801280826, 0.7433398365974426, -0.42601296305656433, 0.12935566902160645, -0.2471378594636917, 0.05954001098871231, -0.15277160704135895, 0.1795511543750763, -0.012752188369631767, -0.4917207658290863, 0.0573943667113781, -0.8540064692497253, 0.17320890724658966, 0.039425820112228394, 1.1368473768234253, 0.11039366573095322, -0.5439770221710205, 0.20477484166622162, -0.3203163743019104, 0.5833654999732971, -0.9396097660064697, 0.36104434728622437, 0.46963393688201904, 0.18649758398532867, -0.252177894115448, -0.8217308521270752, -0.5634965896606445, -0.058175161480903625, -0.1888536661863327, 0.3147405683994293, -0.4848357141017914, 0.11560079455375671, 0.5041102170944214, 0.7415792942047119, -0.9361829161643982, -0.2261299043893814, -0.23469278216362, -0.2413848638534546, 0.8761618137359619, 0.1845649629831314, 0.42580661177635193, -0.22355355322360992, -0.30968934297561646, -0.5384035706520081, -0.5891156792640686, 0.18246324360370636, 0.31836989521980286, -0.01538335531949997, -0.6596487760543823, 0.4134367108345032, -0.3584296405315399, 0.46599411964416504, 0.177805095911026, -0.1483309119939804, 0.40448787808418274, -0.5139181613922119, -0.38743290305137634, -0.377504825592041, 1.1937907934188843, 0.4184485673904419, -0.26785507798194885, 0.1595490574836731, -0.06078756973147392, -0.10236640274524689, -0.023291926831007004, -0.9955043196678162, -0.5459007620811462, 0.508595883846283, -0.44917479157447815, -0.2673364579677582, -0.02139878086745739, -0.696813702583313, -0.05832643806934357, -0.11023976653814316, 0.5224999785423279, -0.6243762969970703, -0.4157615303993225, 0.049990683794021606, -0.49653276801109314, 0.49075883626937866, 0.3415025472640991, -0.6428897380828857, 0.48745739459991455, 0.38530680537223816, 0.7368655800819397, 0.08272911608219147, -0.1271047592163086, -0.3264445662498474, 0.07051882147789001, -0.09252053499221802, 0.38421326875686646, -0.12128623574972153, -0.417283296585083, -0.31616467237472534, 0.38597342371940613, 0.09943887591362, -0.2533680498600006, 0.44228509068489075, -0.24663490056991577, 0.45174726843833923, -0.5607394576072693, -0.5266376733779907, -0.4236880838871002, 0.09970121830701828, -0.6278992295265198, 1.2562944889068604, 0.5619890689849854, -0.8723304867744446, 0.16155536472797394, -0.5115256905555725, -0.25225046277046204, 0.01922273449599743, -0.04422438144683838, -0.5763538479804993, -0.021912526339292526, 0.18207289278507233, 0.2953336238861084, -0.24164365231990814, 0.05177678167819977, -0.38975387811660767, -0.2041018307209015, 0.11518605053424835, -0.4405946433544159, 1.3868671655654907, 0.06891555339097977, -0.5982154011726379, -0.01804432086646557, -0.6087312698364258, 0.14185470342636108, 0.459186851978302, -0.17384691536426544, -0.12398753315210342, -0.22611625492572784, 0.1111895814538002, 0.2131420224905014, 0.276906818151474, -0.46255719661712646, 0.4806692898273468, -0.2595706284046173, 0.5397088527679443, 0.6813551187515259, -0.012780793942511082, 0.26145264506340027, -0.5300214290618896, 0.4935269355773926, 0.04104410484433174, 0.5859041810035706, 0.15149688720703125, -0.7130699753761292, -0.6021325588226318, -0.26800674200057983, 0.24689823389053345, 0.6215125322341919, -0.7451018691062927, 0.4130791425704956, -0.10128629952669144, -0.7110864520072937, -0.27889713644981384, -0.07943177968263626, 0.3375893235206604, 0.27832743525505066, 0.40478014945983887, -0.40877044200897217, -0.28678107261657715, -0.8329343795776367, 0.11662892252206802, -0.47464942932128906, -0.060720182955265045, 0.5655672550201416, 0.7167350053787231, -0.24391551315784454, 0.8089073896408081, -0.6553435325622559, -0.05314089357852936, 0.07381297647953033, 0.06818340718746185, 0.30998122692108154, 0.5839223861694336, 0.8709349036216736, -0.7828170657157898, -0.528214156627655, -0.0445566289126873, -0.6380413770675659, -0.0920443907380104, -0.006827699951827526, -0.4417587220668793, 0.2682662606239319, 0.016585076227784157, -1.1035480499267578, 0.6468608975410461, 0.5348692536354065, -0.6239778399467468, 0.8843158483505249, -0.24646098911762238, 0.18058641254901886, -1.0141959190368652, 0.11055489629507065, 0.10445673763751984, -0.4137755036354065, -0.3855304419994354, 0.15087850391864777, -0.031489841639995575, 0.14257563650608063, -0.3665979504585266, 0.7532333135604858, -0.516072154045105, -0.03242369741201401, 0.10795768350362778, 0.013638097792863846, 0.31065884232521057, 0.5420502424240112, -0.19725583493709564, 0.8015764951705933, 0.496365487575531, -0.3763611316680908, 0.648804247379303, 0.41051962971687317, 0.08642596751451492, 0.3174174129962921, -0.8332147598266602, 0.12346164137125015, 0.1076689288020134, 0.3509477972984314, -0.9617653489112854, -0.2599124014377594, 0.5531480312347412, -0.5879948735237122, 0.5131758451461792, -0.27749374508857727, -0.3271724581718445, -0.41463685035705566, -0.6978453993797302, 0.3171813488006592, 0.7675839066505432, -0.3758963644504547, 0.4447649419307709, 0.47254955768585205, -0.0414290651679039, -0.5797264575958252, -0.5909878015518188, -0.1747884899377823, -0.23835213482379913, -0.6376761198043823, 0.4942696988582611, -0.21588367223739624, -0.10645416378974915, 0.05223821848630905, -0.058367129415273666, 0.028140289708971977, -0.10091808438301086, 0.39689385890960693, 0.317224383354187, -0.16300229728221893, -0.25053131580352783, 0.17884929478168488, 0.024627545848488808, 0.07306130230426788, -0.3302397131919861, 0.34398865699768066, -0.28093060851097107, -0.0221922118216753, -0.32983630895614624, 0.31901758909225464, 0.5527960658073425, 0.10277125239372253, 0.6516534686088562, 0.9166988730430603, -0.3028944134712219, 0.1457625776529312, -0.5066297054290771, -0.18007276952266693, -0.4959133267402649, 0.15207764506340027, -0.17792154848575592, -0.7842152118682861, 0.6199802756309509, 0.36992907524108887, 0.2900615632534027, 0.6963711380958557, 0.3768976032733917, -0.10193584859371185, 1.0441006422042847, 0.43705835938453674, -0.2821439206600189, 0.47721225023269653, -0.5411822199821472, -0.2700565755367279, -0.7813171148300171, -0.124225914478302, -0.3324138820171356, -0.3141438663005829, -0.8610959053039551, -0.4678240120410919, 0.416107177734375, 0.24851644039154053, -0.6981636881828308, 0.5782706141471863, -0.7266126871109009, 0.1623152643442154, 0.6145160794258118, 0.32908034324645996, 0.06062711775302887, 0.03776426985859871, -0.17052049934864044, 0.08263672888278961, -0.5783756971359253, -0.16738659143447876, 0.9610053896903992, 0.38239237666130066, 0.5665159225463867, 0.28670138120651245, 0.4825822412967682, 0.17142295837402344, 0.2528844475746155, -0.5037443041801453, 0.5540386438369751, -0.031211232766509056, -0.6718826293945312, -0.37370163202285767, -0.6749527454376221, -0.9078948497772217, 0.15969395637512207, -0.09904617816209793, -0.8314993977546692, 0.3626924455165863, 0.03457073122262955, -0.2954535186290741, 0.32569968700408936, -0.6047526001930237, 1.043108582496643, -0.17796465754508972, -0.5230839848518372, -0.014660585671663284, -0.8342426419258118, 0.3438646197319031, 0.2776077091693878, -0.02143729291856289, -0.20579317212104797, -0.17683491110801697, 0.7901356220245361, -0.9050762057304382, 0.6661961674690247, -0.3835933804512024, 0.014583569951355457, 0.4441941976547241, -0.04032182693481445, 0.5751387476921082, 0.17351920902729034, 0.062028028070926666, 0.395111083984375, 0.4687541127204895, -0.524151086807251, -0.40468043088912964, 0.5254879593849182, -1.0119733810424805, -0.5083847641944885, -0.48552554845809937, -0.5189762711524963, -0.005678939633071423, 0.09016808867454529, 0.45603466033935547, 0.4902898967266083, -0.02468099817633629, 0.059180885553359985, 0.7044987082481384, -0.4140433073043823, 0.4072284400463104, 0.27553242444992065, -0.3394527733325958, -0.6084913015365601, 0.859125018119812, 0.03879304602742195, 0.2231847196817398, 0.23525770008563995, 0.13792404532432556, -0.43776729702949524, -0.3853836953639984, -0.7055422067642212, 0.3971211314201355, -0.4751569330692291, -0.4540833532810211, -0.5624163150787354, -0.2794113755226135, -0.38129690289497375, 0.16886913776397705, -0.3469780385494232, -0.6589415669441223, -0.33175063133239746, 0.06695937365293503, 0.9446976780891418, 0.4326092004776001, -0.28071337938308716, 0.2919404208660126, -0.8013378977775574, 0.2706557810306549, 0.35208943486213684, 0.2518557012081146, -0.10636488348245621, -0.593059778213501, -0.06520961970090866, 0.24578842520713806, -0.5846836566925049, -0.9582822322845459, 0.6501885056495667, 0.1773909479379654, 0.4339149296283722, 0.404130756855011, 0.20028787851333618, 0.7193183302879333, -0.204924076795578, 0.9866737127304077, 0.22742165625095367, -0.8543553352355957, 0.49003154039382935, -0.5580508708953857, 0.2519958019256592, 0.4653835594654083, 0.5880250930786133, -0.3154241740703583, -0.32937729358673096, -0.7295638918876648, -0.7952035069465637, 0.5145940780639648, 0.3661809265613556, 0.021139943972229958, 0.11665041744709015, 0.6087895631790161, -0.007350798696279526, 0.11509597301483154, -0.8004648089408875, -0.636894702911377, -0.33119529485702515, -0.12595811486244202, 0.19289878010749817, -0.01122966967523098, -0.2824033796787262, -0.6832632422447205, 1.0127967596054077, -0.18726147711277008, 0.7241439819335938, 0.3517061173915863, 0.14848797023296356, -0.09117148816585541, -0.03317572921514511, 0.33716195821762085, 0.5345283150672913, -0.2849213182926178, -0.2185424268245697, 0.13616454601287842, -0.8265270590782166, 0.12801852822303772, 0.3867013156414032, -0.16424420475959778, -0.0519397035241127, 0.07785291224718094, 0.7363854050636292, -0.05494048446416855, -0.28541669249534607, 0.6010841727256775, -0.36402881145477295, -0.34885770082473755, -0.30050763487815857, 0.20513005554676056, 0.18057987093925476, 0.41783684492111206, 0.3317469358444214, -0.2294275164604187, 0.3038547933101654, -0.5280447602272034, 0.2496485710144043, 0.6289732456207275, -0.29861927032470703, -0.3327772319316864, 0.7792540788650513, -0.09619484841823578, 0.1822030246257782, 0.7654890418052673, -0.34294000267982483, -0.47434210777282715, 0.7241714596748352, 0.38755637407302856, 0.7748450040817261, -0.14655666053295135, 0.27920156717300415, 0.5365099310874939, 0.1803184598684311, 0.016849232837557793, 0.40575578808784485, -0.13139677047729492, -0.5874576568603516, -0.31618672609329224, -0.636846125125885, -0.3274649381637573, 0.23346151411533356, -0.7442664504051208, 0.14996260404586792, -0.45066630840301514, -0.4306532144546509, -0.12349927425384521, 0.4454132318496704, -0.5196011662483215, 0.22846190631389618, 0.06602636724710464, 1.0054851770401, -0.7387608289718628, 0.7715218663215637, 0.6094180941581726, -0.4264269769191742, -0.9774705171585083, -0.19590581953525543, 0.24327121675014496, -0.584270715713501, 0.09978190809488297, 0.02609003148972988, 0.23860342800617218, 0.024314625188708305, -0.7566835284233093, -0.8134016990661621, 1.4294058084487915, 0.3452054560184479, -0.524772584438324, -0.092652827501297, -0.05401364713907242, 0.2185538113117218, -0.014623338356614113, 0.6686708331108093, 0.5473062992095947, 0.44557392597198486, 0.1389291137456894, -0.9170259237289429, 0.5016294717788696, -0.4859946668148041, -0.012787934392690659, 0.2922739088535309, -0.9502301812171936, 0.9210978150367737, -0.027140062302350998, -0.14597779512405396, 0.18671643733978271, 0.6107993125915527, 0.42751985788345337, 0.1202225461602211, 0.4149662256240845, 0.8085623383522034, 0.7276560068130493, -0.4361071288585663, 1.1734375953674316, -0.2020501047372818, 0.5840573310852051, 0.7250155806541443, 0.08002180606126785, 0.6162449717521667, 0.2597035765647888, -0.7438126802444458, 0.5742053389549255, 0.9510720372200012, -0.03612203896045685, 0.297759473323822, 0.005689980927854776, -0.38238516449928284, -0.07356029003858566, 0.21214549243450165, -0.6933578848838806, 0.04496964067220688, 0.36070847511291504, -0.15148094296455383, 0.07780832797288895, -0.1368737816810608, 0.10631707310676575, -0.674378514289856, -0.21965181827545166, 0.6220929622650146, 0.2423807680606842, -0.23046886920928955, 0.7834547758102417, -0.1153743788599968, 0.6818727254867554, -0.5911903977394104, -0.11527527868747711, -0.4199153482913971, -0.06208240985870361, -0.32478952407836914, -0.8388196229934692, 0.23255790770053864, -0.31847935914993286, -0.1758728176355362, 0.06179696321487427, 0.7125260829925537, -0.1879245787858963, -0.37001287937164307, 0.37361201643943787, 0.4247862696647644, 0.33279669284820557, -0.15069614350795746, -1.1445008516311646, 0.265921950340271, 0.06916804611682892, -0.7173859477043152, 0.5056793689727783, 0.414773166179657, 0.13594579696655273, 0.6202137470245361, 0.6102238297462463, -0.08099336177110672, -0.04605434089899063, -0.252936989068985, 1.0275495052337646, -0.7832596302032471, -0.3000597357749939, -0.7529529929161072, 0.6361016631126404, -0.18340015411376953, -0.3737628161907196, 0.7503647208213806, 0.5737281441688538, 0.7421486973762512, 0.09731476753950119, 0.7041383385658264, -0.4852074384689331, 0.14877791702747345, -0.2729055881500244, 0.7530828714370728, -0.7582966685295105, 0.0027935735415667295, -0.43376582860946655, -0.7383371591567993, -0.050516556948423386, 0.7327290177345276, -0.10827790200710297, 0.2802485525608063, 0.3012219965457916, 0.8656940460205078, -0.051306016743183136, 0.12953771650791168, 0.23448479175567627, 0.3985723555088043, 0.08675454556941986, 0.8424513339996338, 0.6016411781311035, -0.9147098064422607, 0.43133947253227234, -0.45037126541137695, -0.3367514908313751, -0.039815645664930344, -0.7860866785049438, -0.6698898673057556, -0.48550665378570557, -0.6302565932273865, -0.6834867596626282, -0.03519010171294212, 0.8894252181053162, 0.8968071341514587, -0.6729186773300171, -0.2939477562904358, -0.04450596868991852, 0.03906218335032463, -0.2893396317958832, -0.3432510793209076, 0.3441570997238159, 0.28285297751426697, -0.6131134629249573, 0.10674559324979782, 0.151688814163208, 0.30501896142959595, -0.15425390005111694, -0.35357874631881714, -0.159953773021698, -0.017592715099453926, 0.6027350425720215, 0.5885812044143677, -0.5168019533157349, -0.18010328710079193, -0.12000026553869247, -0.0801590234041214, 0.2605842649936676, 0.24303603172302246, -0.7979297041893005, 0.01093797106295824, 0.5030837655067444, 0.1951906979084015, 0.8671470284461975, 0.03493015840649605, 0.3845372796058655, -0.516594648361206, 0.06271592527627945, 0.056904178112745285, 0.3589062988758087, 0.07410747557878494, -0.5694197416305542, 0.5820229053497314, 0.4147632122039795, -0.7122873663902283, -0.6970247626304626, -0.15748919546604156, -1.2350983619689941, -0.24883778393268585, 1.0296186208724976, -0.23175014555454254, -0.3889595568180084, -0.02097867615520954, -0.2776464819908142, 0.3509662449359894, -0.4973962903022766, 0.2666851282119751, 0.3979804217815399, -0.33644384145736694, -0.4491409361362457, -0.7925905585289001, 0.6284645795822144, 0.22079817950725555, -0.7958627939224243, 0.07543188333511353, 0.5581739544868469, 0.49710536003112793, 0.0877130925655365, 0.7666924595832825, -0.3084235191345215, 0.36734938621520996, 0.14423343539237976, 0.06184862181544304, 0.00018682055815588683, 0.15752507746219635, -0.33737820386886597, -0.04911231994628906, -0.2879253029823303, 0.024001630023121834 ]
hirotasoshu/tiny-random-prophetnet
hirotasoshu
2023-03-30T10:45:15Z
10,494
0
transformers
[ "transformers", "pytorch", "prophetnet", "text2text-generation", "autotrain_compatible", "endpoints_compatible", "region:us" ]
text2text-generation
2023-03-27T08:26:02Z
Same as `hf-internal-testing/tiny-random-prophetnet`, but with higher max_length and max_position_embedding
[ -0.48295581340789795, -0.9579107761383057, 0.015950175002217293, 0.4242763817310333, -0.2500099837779999, -0.3272445797920227, -0.45200133323669434, -0.26523658633232117, 0.5526595711708069, 0.4294425845146179, -0.3241683542728424, -0.35380515456199646, -0.3916194438934326, 0.35286787152290344, -0.6195833683013916, 0.3280499577522278, 0.253405898809433, -0.14658670127391815, 0.002883862005546689, -0.3737277090549469, 0.05758439749479294, -0.4800209701061249, -0.6381250619888306, -0.20146548748016357, 0.8467612266540527, 0.5873913764953613, 1.2513723373413086, 0.9444336891174316, 0.9890570044517517, 0.09790443629026413, 0.08567704260349274, -0.37111759185791016, -0.28168848156929016, -0.09665339440107346, 0.2607858180999756, 0.19926783442497253, -0.2166217565536499, -0.5530056953430176, 1.234472393989563, 0.5474798679351807, -0.42301931977272034, 0.4282049834728241, -0.04964121803641319, 0.5635260343551636, -0.825867235660553, -0.4685271084308624, -0.05419440194964409, 0.42857903242111206, -0.2812749445438385, -0.19570192694664001, -0.5265021324157715, -0.2018606960773468, 0.03983980044722557, -0.34876346588134766, 0.07251966744661331, 0.535935640335083, 1.5161383152008057, 0.27036768198013306, -0.6705209612846375, 0.4828674793243408, -0.41356706619262695, 0.3965033292770386, -0.6867913603782654, 0.8829441666603088, 0.30082809925079346, 0.75764000415802, -0.07253783941268921, -0.3907642364501953, -0.6778367161750793, -0.3047381043434143, -0.1466786414384842, -0.18817469477653503, 0.02857964299619198, 0.18378879129886627, 0.6664415001869202, 0.3601544499397278, -0.7452505826950073, 0.25985023379325867, -0.22560735046863556, -0.05054287984967232, 0.8268328905105591, 0.05416154861450195, -0.17733299732208252, -0.2977294325828552, -0.43724751472473145, -0.42682328820228577, -1.40670907497406, -0.3728349804878235, 0.6386323571205139, 0.3620014786720276, -0.37760239839553833, 0.7171587944030762, -0.5260902643203735, 0.8167320489883423, 0.21743877232074738, -0.10489113628864288, 0.5673978328704834, -0.38800209760665894, -0.7360039353370667, 0.24281984567642212, 0.8215154409408569, -0.10111833363771439, -0.08155570179224014, 0.3492701053619385, -0.09395653754472733, -0.7098838090896606, 0.22116146981716156, -1.1373751163482666, -0.36728841066360474, -0.08563936501741409, -0.903127133846283, -0.32160401344299316, 0.41613319516181946, -0.326580673456192, -0.341298907995224, 0.3159934878349304, 0.5627037882804871, -0.42539483308792114, -0.0018644894007593393, -0.10616515576839447, -0.5529311299324036, 0.5591092109680176, -0.19850187003612518, -0.5371328592300415, 0.4062046706676483, 0.6081981658935547, 0.9615577459335327, -0.3199581801891327, -0.33131375908851624, -0.5425254106521606, 0.11690147966146469, -0.36992210149765015, 0.5103290677070618, -0.3955041468143463, -0.19325698912143707, 0.12966106832027435, 0.06332993507385254, 0.2352772206068039, -0.41249415278434753, 0.21054846048355103, -0.5411739945411682, 0.18406207859516144, -0.577179491519928, -0.47398167848587036, -0.3199227750301361, 0.3963378965854645, -0.4745299816131592, 1.483977198600769, 0.5253690481185913, -0.6610054969787598, 0.739362359046936, -0.6810677647590637, -0.5312485694885254, -0.03434286266565323, -0.029817573726177216, -0.5891439318656921, -0.2857727110385895, -0.31966614723205566, 0.49719029664993286, -0.3721008002758026, -0.11087093502283096, -0.8905797004699707, -0.7635014653205872, 0.44020673632621765, -0.5733768343925476, 0.7073286771774292, 0.19017429649829865, -0.36006784439086914, 0.2514880299568176, -0.7717498540878296, 0.07933327555656433, 0.30928879976272583, -0.24698908627033234, -0.35981473326683044, -0.29702526330947876, -0.03884931653738022, 0.033700235188007355, 0.1840859055519104, -0.7815718650817871, 0.1698445975780487, -0.35999274253845215, 0.289299875497818, 0.46777865290641785, 0.2835659384727478, 0.31689807772636414, -0.6432456970214844, 0.1405644416809082, -0.21193480491638184, 0.6724293828010559, -0.1537657380104065, -0.6437229514122009, -0.8919320106506348, -0.6344560384750366, 0.3183687925338745, 0.5007304549217224, -0.22742429375648499, 0.8777456879615784, -0.20638924837112427, -0.3795068860054016, -0.13759085536003113, 0.10021396726369858, 0.6120794415473938, -0.054402098059654236, 0.030585570260882378, -0.18681487441062927, -0.5314114093780518, -0.9996629357337952, 0.31717929244041443, -0.11141563951969147, 0.19878268241882324, -0.015488184988498688, 0.8695123791694641, -0.32914111018180847, 0.39511600136756897, -0.5633735060691833, -0.41189104318618774, 0.0847446620464325, -0.5425397157669067, 0.7585096955299377, 0.5286084413528442, 0.7135388851165771, -0.7126474380493164, -1.0164278745651245, -0.268224835395813, -0.24803699553012848, 0.24977801740169525, 0.060500312596559525, -0.15752674639225006, -0.20511175692081451, -0.1377744823694229, -0.9773749113082886, 0.6921008825302124, 0.4959943890571594, -0.5002285838127136, 0.6481597423553467, -0.33721923828125, 0.09877004474401474, -1.2818800210952759, -0.35653969645500183, -0.1265510767698288, -0.4392298758029938, -0.11677395552396774, 0.5963762998580933, 0.5043390989303589, 0.1825186312198639, -0.528876781463623, 0.4124387204647064, -0.5384990572929382, -0.4373641312122345, -0.4288944900035858, -0.24977770447731018, -0.3441849648952484, 0.32088249921798706, -0.4239383339881897, 1.1021244525909424, 0.7276995182037354, -0.5002172589302063, 0.7615624666213989, 0.31227365136146545, -0.18464447557926178, 0.5780124664306641, -0.7866191267967224, -0.14485076069831848, 0.257580041885376, 0.2093501091003418, -0.7960505485534668, -0.7346143126487732, 0.2578108310699463, -0.31425151228904724, -0.012544422410428524, -0.23023198544979095, -0.9930749535560608, -0.9230806827545166, -0.770531177520752, 0.45604443550109863, 1.0130696296691895, -0.8074472546577454, -0.0731416866183281, 0.08851582556962967, 0.03777215629816055, -0.852552056312561, -0.6869282722473145, -0.05213245749473572, -0.43891727924346924, -0.6600128412246704, 0.5741051435470581, 0.014991788193583488, -0.014525242149829865, -0.044186752289533615, 0.4880144000053406, -0.26490867137908936, -0.20874612033367157, 0.7752681970596313, 0.08214365690946579, -0.5209749341011047, 0.30172663927078247, 0.06773845851421356, 0.1664031744003296, -0.25583159923553467, -0.5810675024986267, 0.6944745182991028, -0.28476962447166443, -0.7643892765045166, -0.36464568972587585, 0.3983953595161438, 0.09486717730760574, -0.03124394454061985, 0.833419680595398, 0.89369797706604, -0.7611167430877686, -0.28703856468200684, -0.39256295561790466, -0.6770910620689392, -0.60725998878479, 0.2668876647949219, -0.6031225919723511, -1.0778043270111084, 0.4537794589996338, 0.37971732020378113, -0.16292239725589752, 0.5374530553817749, 0.473064661026001, -0.23427271842956543, 1.0947880744934082, 0.7613638043403625, 0.12764453887939453, 0.33032047748565674, -0.3364928066730499, -0.08218365907669067, -0.7718930840492249, 0.2928753197193146, -0.5206371545791626, -0.31297096610069275, -0.32441508769989014, -0.29772451519966125, 0.3811611831188202, -0.1117466390132904, -1.1635500192642212, 0.8058104515075684, -0.5424460172653198, 0.39384275674819946, 0.7377042174339294, -0.10507429391145706, 0.20620200037956238, 0.09339865297079086, -0.45232465863227844, 0.22208601236343384, -0.684842586517334, 0.06335436552762985, 1.081126093864441, 0.10850382596254349, 0.501670777797699, 0.21029777824878693, 0.8962767124176025, 0.3047846853733063, 0.7770937085151672, -0.6466527581214905, 0.32035407423973083, -0.18166014552116394, -1.2031452655792236, -0.6949886083602905, -0.5166720747947693, -1.005852222442627, 0.4699884355068207, -0.4314241409301758, -0.715991735458374, 0.06554917991161346, 0.11080203950405121, -0.7449088096618652, 0.5962415933609009, -0.3653459846973419, 0.6741328239440918, 0.17173130810260773, 0.37343403697013855, -0.013204993680119514, -0.2828347682952881, 0.22219550609588623, 0.07801897078752518, -0.13777625560760498, -0.12168973684310913, -0.13801170885562897, 0.7488225698471069, -0.7721661329269409, 0.509280264377594, -0.14608828723430634, 0.02125994861125946, 0.3957154154777527, 0.05511726438999176, 0.4433744251728058, 0.6273528933525085, -0.15365666151046753, -0.18690089881420135, 0.06888014823198318, -0.5387381911277771, -0.45477110147476196, 0.8094913959503174, -0.7085548043251038, -0.4502699077129364, -0.47050705552101135, -0.29748275876045227, 0.19461579620838165, 0.3503257930278778, 0.5080636739730835, 0.7425061464309692, -0.4084307849407196, 0.5707083940505981, 0.8942578434944153, -0.11062365770339966, 0.6857621669769287, 0.613988995552063, -0.11534715443849564, -0.6087563633918762, 0.6754220724105835, -0.47886332869529724, 0.05720369517803192, 0.7275341749191284, 0.5555099248886108, -0.2235751748085022, -0.7343581914901733, -0.567579448223114, 0.260983407497406, -0.36708617210388184, -0.5476780533790588, -0.45249900221824646, -0.4208891987800598, -0.32739660143852234, -0.15599744021892548, -0.7891441583633423, -0.5448039174079895, 0.09982394427061081, -0.2896360456943512, 0.6555712223052979, 0.26936545968055725, -0.39297524094581604, 0.8337222337722778, -1.0550328493118286, 0.14270949363708496, 0.1930258721113205, 0.4930717945098877, -0.10006054490804672, -0.8018661737442017, -0.25202909111976624, -0.12756605446338654, -0.40933531522750854, -1.340636968612671, 0.05466297268867493, 0.5397207736968994, 0.06109418720006943, 0.9928230047225952, -0.09647483378648758, 0.605053722858429, -0.6659880876541138, 0.7394152283668518, 0.776570737361908, -0.33687952160835266, 0.0848667100071907, -0.5654711127281189, 0.19456635415554047, 0.622110903263092, 0.3805323839187622, -0.2586241662502289, -0.05486740171909332, -0.6207120418548584, -0.5550779700279236, -0.004644134547561407, 0.3694011867046356, 0.2854204773902893, -0.12540273368358612, 0.42621827125549316, 0.5126318335533142, -0.11341478675603867, -0.28631243109703064, -0.534203052520752, 0.31863799691200256, -0.3327430188655853, -0.03795477747917175, -0.19858910143375397, -0.4742174744606018, -0.5901872515678406, 0.4394095838069916, 0.040909651666879654, 1.0629442930221558, 0.15100955963134766, -0.08253534138202667, -0.15809716284275055, 0.003787147579714656, 0.35213422775268555, 0.5197340846061707, -0.37709274888038635, 0.28484806418418884, 0.6039303541183472, -0.5358545780181885, 0.4634362757205963, 0.29921504855155945, -0.4865317642688751, 0.03689224645495415, 0.42583808302879333, 0.557151734828949, 0.25539976358413696, -0.30740171670913696, 0.9589510560035706, 0.10081800818443298, -0.24598827958106995, -0.9778258204460144, 0.3809976577758789, 0.07086652517318726, 0.1700907051563263, 0.3785655200481415, 0.010140417143702507, 0.2783811092376709, -0.6109644770622253, 0.6046014428138733, -0.04367038235068321, -0.7936301231384277, -0.22615523636341095, 0.5348783135414124, 0.008410046808421612, -0.6305645704269409, 0.691447377204895, -0.706680178642273, -0.18389998376369476, 0.8243406414985657, 0.6708111763000488, 0.7510669231414795, -0.09266028553247452, 0.5552518367767334, 0.344529390335083, 0.34508204460144043, -0.18701140582561493, 1.0320038795471191, -0.18899613618850708, -0.7834984064102173, -0.44504252076148987, -0.41717836260795593, -0.12319887429475784, -0.44883689284324646, -0.7799027562141418, -0.15658995509147644, -0.7555984258651733, -0.9083675742149353, -0.12643861770629883, -0.3150689899921417, -0.9432011842727661, 0.09925329685211182, -0.19978325068950653, 1.1601084470748901, -0.00453992560505867, 1.2251750230789185, 0.9762749671936035, 0.20105290412902832, -0.7622225284576416, -0.08876341581344604, 0.009776839055120945, -0.5687963962554932, 0.5014208555221558, 0.09495503455400467, 0.4734186828136444, -0.34085291624069214, -0.36628395318984985, -1.1887072324752808, 1.5296847820281982, 0.19027957320213318, -0.4436197876930237, 0.09067367762327194, 0.08377352356910706, 0.26058849692344666, -0.32203423976898193, 0.47227153182029724, 0.2853018045425415, 0.6203388571739197, -0.5955988168716431, -1.0119770765304565, 0.33446335792541504, -0.2051182985305786, 0.009109782055020332, 0.34455037117004395, -1.084100365638733, 0.6513721346855164, -0.2721538543701172, 0.07601161301136017, 0.4102199673652649, 1.0009961128234863, 0.5262149572372437, 0.21647733449935913, 0.733697235584259, 0.8228897452354431, 0.6581959128379822, -0.5221371650695801, 1.401082992553711, -0.0720299705862999, 0.3461182415485382, 1.132298469543457, -0.26886099576950073, 1.1211148500442505, 0.3861404359340668, -0.2816874384880066, 0.4079316556453705, 0.8038865923881531, -0.09597624838352203, 0.5655303001403809, 0.20174092054367065, 0.27478814125061035, -0.03938959166407585, 0.14657127857208252, -0.7568768858909607, 0.16741196811199188, 0.3635910153388977, -0.23922426998615265, 0.3719181418418884, 0.08643035590648651, -0.06348613649606705, -0.45043882727622986, 0.07359272241592407, 0.1312050074338913, 0.5849536657333374, -0.03757040947675705, 0.6053388714790344, 0.5396925806999207, 1.0454659461975098, -0.2700580358505249, 0.3748600482940674, 0.03097635880112648, 0.05963188782334328, 0.3467381000518799, -0.8466412425041199, 0.05941618233919144, -0.35129314661026, 0.016853051260113716, -0.11723543703556061, 1.0457481145858765, -0.028733329847455025, -0.1470412015914917, 0.4417458772659302, 0.05778912082314491, -0.13349944353103638, -0.228985995054245, -0.693557858467102, -0.16110855340957642, -0.6244750022888184, -0.3212153911590576, 0.24733327329158783, 0.04624250903725624, 0.33638453483581543, 0.815708577632904, 0.5072422027587891, 0.055742207914590836, 0.5897055268287659, 0.31790024042129517, 0.13947448134422302, -0.9232607483863831, -0.926998496055603, -0.7059579491615295, -0.2893543839454651, -0.5898638367652893, -0.8426880836486816, 0.8680984377861023, 0.4477313160896301, 0.9245774745941162, -0.38972023129463196, 0.2629547119140625, -0.18996702134609222, -0.1258411407470703, -0.14874792098999023, 0.5302613973617554, -0.7140235304832458, -0.500294029712677, -0.22658571600914001, -1.5381642580032349, -0.23332898318767548, 0.40592074394226074, 0.4728623628616333, -0.08090586215257645, 1.1840331554412842, 0.6743214130401611, -0.36640235781669617, 0.1896047294139862, 0.389589786529541, 0.3288883864879608, -0.038373492658138275, 0.7407572269439697, 1.023195505142212, -0.3723396062850952, 0.5009934902191162, -0.897763729095459, -0.0209669079631567, -0.44803547859191895, -0.39922547340393066, -1.2814358472824097, -0.5459907054901123, -0.4401150345802307, -0.15461057424545288, 0.4101094603538513, 1.0016340017318726, 1.3500720262527466, -0.786111056804657, -0.09083196520805359, 0.4514431059360504, 0.046994391828775406, -0.6373353600502014, -0.22950804233551025, 0.6726928353309631, 0.7487597465515137, -0.037085920572280884, 0.4163132905960083, 0.5812209248542786, 0.2614763379096985, -0.16666454076766968, -0.35490238666534424, 0.2835051715373993, 0.16702066361904144, 0.3730897009372711, 0.23129236698150635, -0.24544544517993927, -0.8228998780250549, 0.021388692781329155, -0.3281746506690979, 0.05102550610899925, 0.3677487075328827, 0.06955675780773163, -0.2522571384906769, 0.9984111785888672, 0.4614085555076599, 0.44868260622024536, -0.30145660042762756, 0.30028384923934937, -0.7854599356651306, 0.5638712644577026, -0.21133314073085785, 0.5834470391273499, 0.23455464839935303, -0.611113965511322, 0.35010090470314026, 0.19435256719589233, -0.018867751583456993, -0.7486867308616638, 0.4667770266532898, -1.1147743463516235, 0.21492400765419006, 1.2156716585159302, -0.05519000068306923, -0.32371315360069275, 0.5069186091423035, 0.3022312521934509, 0.44149941205978394, -0.398388534784317, 0.7883967161178589, 0.46157482266426086, 0.3643644452095032, 0.042394232004880905, -0.6215347051620483, 0.1973055899143219, 0.49386563897132874, -0.620101273059845, -0.9078521728515625, -0.21928609907627106, 0.37501290440559387, 0.074058897793293, 0.49856141209602356, -0.43505656719207764, 0.5507788062095642, -0.09125540405511856, -0.3615659773349762, -0.3285297453403473, -0.7665669918060303, 0.13931773602962494, 0.42908644676208496, -0.15699602663516998, -0.1966163069009781 ]
cross-encoder/nli-MiniLM2-L6-H768
cross-encoder
2021-08-05T08:40:39Z
10,489
2
transformers
[ "transformers", "pytorch", "roberta", "text-classification", "MiniLMv2", "zero-shot-classification", "en", "dataset:multi_nli", "dataset:snli", "license:apache-2.0", "endpoints_compatible", "region:us" ]
zero-shot-classification
2022-03-02T23:29:05Z
--- language: en pipeline_tag: zero-shot-classification license: apache-2.0 tags: - MiniLMv2 datasets: - multi_nli - snli metrics: - accuracy --- # Cross-Encoder for Natural Language Inference This model was trained using [SentenceTransformers](https://sbert.net) [Cross-Encoder](https://www.sbert.net/examples/applications/cross-encoder/README.html) class. ## Training Data The model was trained on the [SNLI](https://nlp.stanford.edu/projects/snli/) and [MultiNLI](https://cims.nyu.edu/~sbowman/multinli/) datasets. For a given sentence pair, it will output three scores corresponding to the labels: contradiction, entailment, neutral. ## Performance For evaluation results, see [SBERT.net - Pretrained Cross-Encoder](https://www.sbert.net/docs/pretrained_cross-encoders.html#nli). ## Usage Pre-trained models can be used like this: ```python from sentence_transformers import CrossEncoder model = CrossEncoder('cross-encoder/nli-MiniLM2-L6-H768') scores = model.predict([('A man is eating pizza', 'A man eats something'), ('A black race car starts up in front of a crowd of people.', 'A man is driving down a lonely road.')]) #Convert scores to labels label_mapping = ['contradiction', 'entailment', 'neutral'] labels = [label_mapping[score_max] for score_max in scores.argmax(axis=1)] ``` ## Usage with Transformers AutoModel You can use the model also directly with Transformers library (without SentenceTransformers library): ```python from transformers import AutoTokenizer, AutoModelForSequenceClassification import torch model = AutoModelForSequenceClassification.from_pretrained('cross-encoder/nli-MiniLM2-L6-H768') tokenizer = AutoTokenizer.from_pretrained('cross-encoder/nli-MiniLM2-L6-H768') features = tokenizer(['A man is eating pizza', 'A black race car starts up in front of a crowd of people.'], ['A man eats something', 'A man is driving down a lonely road.'], padding=True, truncation=True, return_tensors="pt") model.eval() with torch.no_grad(): scores = model(**features).logits label_mapping = ['contradiction', 'entailment', 'neutral'] labels = [label_mapping[score_max] for score_max in scores.argmax(dim=1)] print(labels) ``` ## Zero-Shot Classification This model can also be used for zero-shot-classification: ```python from transformers import pipeline classifier = pipeline("zero-shot-classification", model='cross-encoder/nli-MiniLM2-L6-H768') sent = "Apple just announced the newest iPhone X" candidate_labels = ["technology", "sports", "politics"] res = classifier(sent, candidate_labels) print(res) ```
[ -0.21923142671585083, -0.7302529811859131, 0.27574530243873596, 0.1689824014902115, 0.01958581991493702, -0.13393345475196838, -0.11098761856555939, -0.30316710472106934, 0.1488967388868332, 0.43205755949020386, -0.5679775476455688, -0.473430335521698, -0.5052645206451416, 0.19041968882083893, -0.53757244348526, 1.1676830053329468, -0.0039923605509102345, 0.02500602975487709, -0.17025987803936005, -0.12531527876853943, -0.22926418483257294, -0.3998265862464905, -0.462499737739563, -0.5914619565010071, 0.3653387129306793, 0.1955460160970688, 0.6001391410827637, 0.39641380310058594, 0.1473352462053299, 0.3698100447654724, 0.0801515132188797, -0.1778150051832199, -0.2040036916732788, -0.16384123265743256, 0.01746280863881111, -0.5880958437919617, -0.07171211391687393, 0.1878686100244522, 0.31637245416641235, 0.37806546688079834, -0.01761486753821373, 0.3093603849411011, -0.10454454272985458, 0.1603149175643921, -0.5367520451545715, 0.09580186754465103, -0.511023998260498, 0.1836840808391571, 0.06633013486862183, 0.017061859369277954, -0.46081921458244324, -0.32339417934417725, 0.08526991307735443, -0.4841720461845398, 0.37612274289131165, 0.14368748664855957, 1.2795748710632324, 0.41525426506996155, -0.29731783270835876, -0.43072959780693054, -0.47390297055244446, 0.9209107756614685, -0.9969953298568726, 0.25856444239616394, 0.2115534096956253, 0.032060444355010986, 0.12084575742483139, -0.7958737015724182, -0.9334115386009216, -0.1595061868429184, -0.32020094990730286, 0.3843693733215332, -0.3378347158432007, -0.05456167086958885, 0.42072659730911255, 0.36030879616737366, -0.8241497874259949, 0.018678169697523117, -0.39581409096717834, -0.20835967361927032, 0.7493625283241272, 0.17532770335674286, 0.24198943376541138, -0.5073986649513245, -0.3685033321380615, -0.14260771870613098, -0.16474267840385437, 0.17395949363708496, 0.26612454652786255, 0.02337087132036686, -0.3147044777870178, 0.8501941561698914, -0.3471333980560303, 0.7846556901931763, 0.2185438722372055, -0.11438321322202682, 0.6659418940544128, -0.38613295555114746, -0.4724237620830536, 0.29519122838974, 1.0485868453979492, 0.3994448184967041, 0.2712235450744629, -0.05541685223579407, -0.11020363867282867, 0.41230353713035583, -0.13877373933792114, -0.73073810338974, -0.312587171792984, 0.3481549918651581, -0.3734636604785919, -0.34669259190559387, 0.005872465670108795, -0.8286142349243164, -0.03741729259490967, -0.1002303957939148, 0.8138602375984192, -0.5135817527770996, 0.2056485116481781, 0.2987070679664612, -0.33197325468063354, 0.4302280843257904, -0.19262738525867462, -0.7969582676887512, 0.03924226760864258, 0.29165321588516235, 0.7824999094009399, 0.22527915239334106, -0.4548257887363434, -0.34879812598228455, 0.029233869165182114, 0.043084096163511276, 0.5041884183883667, -0.371858686208725, -0.04350365325808525, -0.1804029494524002, 0.0866476520895958, -0.31628984212875366, -0.35365593433380127, 0.6513229608535767, -0.2555132806301117, 0.6152522563934326, 0.32987740635871887, -0.7803119421005249, -0.3020605444908142, 0.25721675157546997, -0.4130179286003113, 1.1947368383407593, 0.06064721569418907, -0.8535029292106628, 0.1560070961713791, -0.579004168510437, -0.4578073024749756, -0.28823861479759216, -0.09157960116863251, -0.6167677044868469, 0.08536233007907867, 0.3970034420490265, 0.38424497842788696, -0.23947261273860931, 0.3973765969276428, -0.27299562096595764, -0.36442604660987854, 0.28075432777404785, -0.5086109638214111, 1.1468801498413086, 0.09234379976987839, -0.532198429107666, 0.23461811244487762, -0.7632924318313599, 0.13442590832710266, 0.1522054523229599, -0.2577167749404907, -0.03645697981119156, -0.29607826471328735, 0.1332140564918518, 0.3209155201911926, 0.007973309606313705, -0.7282351851463318, -0.005947653204202652, -0.5097422003746033, 0.5906797051429749, 0.4014005661010742, -0.058965180069208145, 0.3529754877090454, -0.27025580406188965, 0.242055743932724, -0.03752795234322548, 0.07550211995840073, -0.08082552254199982, -0.7024659514427185, -1.0860401391983032, -0.022716443985700607, 0.4474310874938965, 0.8489304780960083, -0.9385729432106018, 0.8948968052864075, -0.23451553285121918, -0.5983254909515381, -0.766597330570221, -0.1896268129348755, 0.24015435576438904, 0.5651450753211975, 0.6074425578117371, 0.010502754710614681, -0.7519798278808594, -0.771647572517395, -0.3850918412208557, -0.0627148225903511, -0.1651061475276947, 0.019404930993914604, 0.8115712404251099, -0.4334396719932556, 1.111907958984375, -0.5208301544189453, -0.2513944208621979, -0.5335725545883179, 0.3811018168926239, 0.48977020382881165, 0.6638693809509277, 0.35277292132377625, -0.5630216002464294, -0.41695037484169006, -0.2860869765281677, -0.8334352374076843, -0.14696064591407776, -0.3354337811470032, -0.0010235897498205304, 0.07880981266498566, 0.31559881567955017, -0.594203531742096, 0.6640541553497314, 0.41258591413497925, -0.4668683111667633, 0.5335127711296082, -0.11959994584321976, -0.0486227311193943, -0.974038302898407, -0.16007161140441895, 0.18639856576919556, -0.15744613111019135, -0.7854187488555908, -0.14872948825359344, -0.1144421398639679, -0.07508523017168045, -0.4479650855064392, 0.5918630957603455, -0.28512832522392273, 0.09517477452754974, -0.04531785845756531, 0.12865599989891052, 0.19280633330345154, 0.5749690532684326, 0.23902469873428345, 0.49267616868019104, 0.7159757614135742, -0.5235856175422668, 0.4998800456523895, 0.3100948631763458, -0.43824225664138794, 0.2480117231607437, -0.7935150861740112, -0.04476314038038254, -0.15543392300605774, 0.22193719446659088, -0.9070473909378052, -0.17376045882701874, 0.38031840324401855, -0.6411274075508118, -0.013647031038999557, 0.16650359332561493, -0.4858948886394501, -0.5067832469940186, -0.11724662780761719, 0.34404146671295166, 0.5275068283081055, -0.4566231667995453, 0.7500510215759277, 0.1291186362504959, 0.36591222882270813, -0.4693014323711395, -1.1275923252105713, -0.04244163632392883, -0.17520453035831451, -0.5075214505195618, 0.24010537564754486, 0.016189148649573326, 0.0017882882384583354, 0.13118484616279602, 0.025589700788259506, -0.12677150964736938, -0.1284875124692917, 0.20231443643569946, 0.28253066539764404, -0.2546888291835785, -0.02396738901734352, -0.09256434440612793, -0.206431582570076, 0.142979234457016, -0.2699868381023407, 0.5550821423530579, -0.303158700466156, -0.24187172949314117, -0.6283438801765442, 0.26739153265953064, 0.24386438727378845, -0.12077778577804565, 0.7203466892242432, 0.9566969275474548, -0.4131392538547516, -0.034410350024700165, -0.4386140704154968, -0.253932923078537, -0.42362266778945923, 0.42830440402030945, -0.308031290769577, -0.6659135818481445, 0.3345184922218323, 0.2865813672542572, -0.18622726202011108, 0.6529806852340698, 0.4893632233142853, -0.07568150758743286, 0.9568067193031311, 0.40895789861679077, -0.22016200423240662, 0.26382797956466675, -0.5984337329864502, 0.32802778482437134, -0.6298772096633911, -0.24143251776695251, -0.4732606112957001, -0.2708647549152374, -0.5724024772644043, -0.3535301685333252, 0.1775939166545868, 0.09989558160305023, -0.29614096879959106, 0.446766197681427, -0.48924803733825684, 0.44637545943260193, 0.7384467720985413, 0.06410403549671173, 0.06811168789863586, 0.021004267036914825, -0.12407354265451431, 0.011983403004705906, -0.8905701041221619, -0.4460034966468811, 0.8174310922622681, 0.29674509167671204, 0.783068835735321, -0.14542648196220398, 0.8146967887878418, 0.038385793566703796, 0.2577672302722931, -0.7564377784729004, 0.4984666705131531, -0.2724590599536896, -0.7841460704803467, -0.238922119140625, -0.4708966314792633, -0.831411600112915, 0.24727196991443634, -0.3791903853416443, -0.760746419429779, 0.24873346090316772, -0.12974847853183746, -0.527889609336853, 0.30007773637771606, -0.84511798620224, 1.2248891592025757, -0.3643868863582611, -0.23991462588310242, 0.1611107587814331, -0.7855972647666931, 0.3771333694458008, 0.12495050579309464, 0.09848453849554062, -0.2037227302789688, 0.26092883944511414, 0.8568304181098938, -0.19956621527671814, 0.9687770009040833, -0.0457519106566906, 0.2525305151939392, 0.4366281032562256, -0.2925916016101837, 0.18408149480819702, 0.08857817947864532, -0.3466821312904358, 0.3786035180091858, -0.10160741209983826, -0.3652525544166565, -0.6029890179634094, 0.47585365176200867, -0.917178750038147, -0.35646653175354004, -0.5587570071220398, -0.441070556640625, 0.1989976465702057, 0.23333831131458282, 0.7350696325302124, 0.4601345956325531, 0.05405173450708389, 0.06238119676709175, 0.35116562247276306, -0.3364229202270508, 0.7347425222396851, 0.1190067008137703, -0.1489122360944748, -0.45634907484054565, 0.8287476301193237, -0.04880097508430481, 0.18910908699035645, 0.40408506989479065, 0.3304171562194824, -0.5392323732376099, -0.18454672396183014, -0.42739707231521606, 0.2904127538204193, -0.5763612985610962, -0.2112089842557907, -0.6531181931495667, -0.5992680788040161, -0.6101886034011841, -0.1089843139052391, -0.20575329661369324, -0.28549811244010925, -0.4914195239543915, -0.10385851562023163, 0.29979607462882996, 0.4749992787837982, -0.04953693971037865, 0.4300699830055237, -0.6882610321044922, 0.4599743187427521, 0.18979141116142273, 0.05609763786196709, -0.11384671181440353, -0.740125298500061, -0.18164949119091034, 0.01016890350729227, -0.3690585494041443, -0.9506205916404724, 0.6166332364082336, 0.3104005753993988, 0.6316007971763611, 0.24482181668281555, 0.24242545664310455, 0.7017537355422974, -0.3500576615333557, 0.7473586201667786, 0.3775562644004822, -1.2395081520080566, 0.5978368520736694, 0.14468078315258026, 0.40940362215042114, 0.4343222677707672, 0.4164756238460541, -0.7035672664642334, -0.44876953959465027, -0.5837196707725525, -0.8238776326179504, 0.7494819760322571, 0.47418615221977234, 0.09986216574907303, -0.06069384515285492, 0.16544339060783386, 0.05856971815228462, 0.19599883258342743, -1.3632841110229492, -0.52641761302948, -0.6206753253936768, -0.5776553153991699, -0.30629655718803406, -0.0033522588200867176, 0.06529422104358673, -0.6181601881980896, 0.8353446125984192, -0.01966298557817936, 0.4329974055290222, 0.5248198509216309, -0.22444404661655426, 0.32328420877456665, 0.3128059208393097, 0.5322778820991516, 0.17977401614189148, -0.2550232410430908, 0.1599164754152298, 0.3943963050842285, -0.2566026747226715, 0.2616029679775238, 0.20929305255413055, -0.42525678873062134, 0.2268698364496231, 0.5733863711357117, 1.2465050220489502, -0.02142851985991001, -0.45878157019615173, 0.5355173349380493, 0.046298157423734665, -0.2177494317293167, -0.403417706489563, 0.061922404915094376, -0.059351224452257156, 0.31123098731040955, 0.22925515472888947, 0.2098880559206009, 0.08771359175443649, -0.6260729432106018, 0.33451223373413086, 0.13012748956680298, -0.5496153235435486, -0.1914941668510437, 0.7991438508033752, 0.023246007040143013, -0.46021807193756104, 0.6620509624481201, -0.3367163836956024, -0.6788440346717834, 0.6292997002601624, 0.5854272246360779, 0.954393744468689, 0.027842236682772636, 0.31857484579086304, 0.6324688196182251, 0.46899476647377014, -0.02325039729475975, 0.10966400802135468, 0.054957810789346695, -0.9663171768188477, -0.29975447058677673, -0.6886447072029114, -0.04743538051843643, 0.11288906633853912, -0.6650091409683228, 0.1818034052848816, -0.20393703877925873, -0.08299919217824936, 0.08133132755756378, -0.18216407299041748, -0.6731743216514587, 0.3149676024913788, 0.25908637046813965, 0.8621224761009216, -1.0873184204101562, 1.0063198804855347, 0.5125330090522766, -0.6566779017448425, -0.8279938101768494, 0.15850132703781128, -0.15062621235847473, -0.703205406665802, 0.6401896476745605, 0.5011668801307678, 0.08092601597309113, 0.1458987593650818, -0.4057333767414093, -0.6948056221008301, 0.9619202017784119, 0.10517528653144836, -0.4403117001056671, -0.11832917481660843, 0.30043306946754456, 0.6231079697608948, -0.39511632919311523, 0.7343201041221619, 0.7460692524909973, 0.4441249668598175, -0.058838460594415665, -0.671457052230835, 0.061600662767887115, -0.14965195953845978, -0.05832231044769287, -0.15762360394001007, -0.4061467945575714, 0.900969386100769, -0.2960027754306793, -0.01735217124223709, 0.1853712499141693, 0.7514371275901794, 0.31670212745666504, 0.5619907975196838, 0.5060995817184448, 0.7832207679748535, 0.5862599015235901, -0.2560732960700989, 0.9380055069923401, -0.12970587611198425, 0.7734475135803223, 1.0798215866088867, -0.16041423380374908, 0.8629846572875977, 0.46368297934532166, -0.13022232055664062, 0.7086523175239563, 0.6663592457771301, -0.3701956570148468, 0.5507904291152954, 0.2523869574069977, -0.08250892907381058, -0.2603778541088104, 0.15804581344127655, -0.3166043162345886, 0.7079916000366211, 0.11673825979232788, -0.41000914573669434, -0.2337079495191574, 0.17731940746307373, -0.23285140097141266, -0.05006183683872223, -0.17420169711112976, 0.5449378490447998, -0.07380306720733643, -0.5770951509475708, 0.6740821599960327, 0.09522397071123123, 0.9650575518608093, -0.39880993962287903, 0.11798251420259476, -0.023314302787184715, 0.268008291721344, -0.3034040033817291, -0.8811675310134888, 0.3211105167865753, -0.052080605179071426, -0.14166729152202606, -0.05721348524093628, 0.508297324180603, -0.6869257688522339, -0.8129221200942993, 0.47234272956848145, 0.26300907135009766, 0.2506546676158905, 0.11920839548110962, -1.016708254814148, -0.07330939173698425, 0.24363186955451965, -0.20033372938632965, -0.10330654680728912, 0.3694257438182831, 0.325429230928421, 0.46140703558921814, 0.505315899848938, -0.118735171854496, 0.4164927303791046, 0.16682928800582886, 0.569463312625885, -0.8292437791824341, -0.3723996579647064, -0.9598840475082397, 0.6481944918632507, -0.1661890298128128, -0.49650412797927856, 0.9013290405273438, 0.8335053324699402, 0.9674064517021179, -0.2939956784248352, 0.680321455001831, -0.23751038312911987, 0.32447299361228943, -0.6214547753334045, 0.6563007831573486, -0.6206332445144653, 0.07193183898925781, -0.06625530868768692, -0.6371553540229797, -0.4518054127693176, 0.883529543876648, -0.3825136721134186, 0.1330360621213913, 0.6647164225578308, 0.9491268992424011, -0.055730678141117096, 0.09117089956998825, 0.16737805306911469, 0.33817997574806213, 0.07865080237388611, 0.6783199310302734, 0.7988522052764893, -0.9220241904258728, 0.7186514139175415, -0.5523994565010071, -0.024427106603980064, -0.08093477040529251, -0.6609323024749756, -0.9181464314460754, -0.3799625039100647, -0.5074434876441956, -0.3865438401699066, -0.15706035494804382, 0.7657023668289185, 0.7408503890037537, -1.0650765895843506, -0.27644073963165283, -0.18363533914089203, 0.27092117071151733, -0.2511599063873291, -0.3458426296710968, 0.23476694524288177, -0.2327050417661667, -0.7980952262878418, 0.2846342921257019, -0.0162358321249485, 0.05911906063556671, -0.04725446552038193, -0.1201966404914856, -0.5537212491035461, 0.022704562172293663, 0.44970640540122986, 0.17314422130584717, -1.0079741477966309, -0.39062613248825073, -0.058980319648981094, -0.24185597896575928, 0.17073224484920502, 0.45229965448379517, -0.8196930885314941, 0.22967368364334106, 0.45577242970466614, 0.59869384765625, 0.7040130496025085, -0.1704966425895691, 0.26746705174446106, -0.7360376119613647, 0.12169822305440903, 0.150498166680336, 0.4303099811077118, 0.29340606927871704, -0.20190981030464172, 0.48425883054733276, 0.5009173154830933, -0.5309298038482666, -0.6365763545036316, 0.050653018057346344, -0.942801296710968, -0.2971544563770294, 1.052746057510376, -0.0826641246676445, -0.4350268542766571, -0.15287669003009796, -0.14219675958156586, 0.568421483039856, -0.2713937759399414, 0.5564553141593933, 0.43132832646369934, -0.29236045479774475, -0.27163729071617126, -0.48715323209762573, 0.30396026372909546, 0.5361723303794861, -0.797299861907959, -0.3084392845630646, 0.13899752497673035, 0.4221624433994293, 0.34402012825012207, 0.39731165766716003, 0.2206442505121231, 0.0036602295003831387, 0.2502303123474121, 0.343949556350708, 0.10292598605155945, -0.10264571756124496, -0.47836440801620483, 0.15899360179901123, -0.5952073335647583, -0.5682216882705688 ]
sonoisa/t5-base-japanese
sonoisa
2022-07-31T08:20:41Z
10,480
35
transformers
[ "transformers", "pytorch", "jax", "t5", "feature-extraction", "text2text-generation", "seq2seq", "ja", "dataset:wikipedia", "dataset:oscar", "dataset:cc100", "license:cc-by-sa-4.0", "endpoints_compatible", "has_space", "text-generation-inference", "region:us" ]
feature-extraction
2022-03-02T23:29:05Z
--- language: ja tags: - t5 - text2text-generation - seq2seq license: cc-by-sa-4.0 datasets: - wikipedia - oscar - cc100 --- # 日本語T5事前学習済みモデル This is a T5 (Text-to-Text Transfer Transformer) model pretrained on Japanese corpus. 次の日本語コーパス(約100GB)を用いて事前学習を行ったT5 (Text-to-Text Transfer Transformer) モデルです。 * [Wikipedia](https://ja.wikipedia.org)の日本語ダンプデータ (2020年7月6日時点のもの) * [OSCAR](https://oscar-corpus.com)の日本語コーパス * [CC-100](http://data.statmt.org/cc-100/)の日本語コーパス このモデルは事前学習のみを行なったものであり、特定のタスクに利用するにはファインチューニングする必要があります。 本モデルにも、大規模コーパスを用いた言語モデルにつきまとう、学習データの内容の偏りに由来する偏った(倫理的ではなかったり、有害だったり、バイアスがあったりする)出力結果になる問題が潜在的にあります。 この問題が発生しうることを想定した上で、被害が発生しない用途にのみ利用するよう気をつけてください。 SentencePieceトークナイザーの学習には上記Wikipediaの全データを用いました。 # 転移学習のサンプルコード https://github.com/sonoisa/t5-japanese # ベンチマーク ## livedoorニュース分類タスク livedoorニュースコーパスを用いたニュース記事のジャンル予測タスクの精度は次の通りです。 Google製多言語T5モデルに比べて、モデルサイズが25%小さく、6ptほど精度が高いです。 日本語T5 ([t5-base-japanese](https://huggingface.co/sonoisa/t5-base-japanese), パラメータ数は222M, [再現用コード](https://github.com/sonoisa/t5-japanese/blob/main/t5_japanese_classification.ipynb)) | label | precision | recall | f1-score | support | | ----------- | ----------- | ------- | -------- | ------- | | 0 | 0.96 | 0.94 | 0.95 | 130 | | 1 | 0.98 | 0.99 | 0.99 | 121 | | 2 | 0.96 | 0.96 | 0.96 | 123 | | 3 | 0.86 | 0.91 | 0.89 | 82 | | 4 | 0.96 | 0.97 | 0.97 | 129 | | 5 | 0.96 | 0.96 | 0.96 | 141 | | 6 | 0.98 | 0.98 | 0.98 | 127 | | 7 | 1.00 | 0.99 | 1.00 | 127 | | 8 | 0.99 | 0.97 | 0.98 | 120 | | accuracy | | | 0.97 | 1100 | | macro avg | 0.96 | 0.96 | 0.96 | 1100 | | weighted avg | 0.97 | 0.97 | 0.97 | 1100 | 比較対象: 多言語T5 ([google/mt5-small](https://huggingface.co/google/mt5-small), パラメータ数は300M) | label | precision | recall | f1-score | support | | ----------- | ----------- | ------- | -------- | ------- | | 0 | 0.91 | 0.88 | 0.90 | 130 | | 1 | 0.84 | 0.93 | 0.89 | 121 | | 2 | 0.93 | 0.80 | 0.86 | 123 | | 3 | 0.82 | 0.74 | 0.78 | 82 | | 4 | 0.90 | 0.95 | 0.92 | 129 | | 5 | 0.89 | 0.89 | 0.89 | 141 | | 6 | 0.97 | 0.98 | 0.97 | 127 | | 7 | 0.95 | 0.98 | 0.97 | 127 | | 8 | 0.93 | 0.95 | 0.94 | 120 | | accuracy | | | 0.91 | 1100 | | macro avg | 0.91 | 0.90 | 0.90 | 1100 | | weighted avg | 0.91 | 0.91 | 0.91 | 1100 | ## JGLUEベンチマーク [JGLUE](https://github.com/yahoojapan/JGLUE)ベンチマークの結果は次のとおりです(順次追加)。 - MARC-ja: 準備中 - JSTS: 準備中 - JNLI: 準備中 - JSQuAD: EM=0.900, F1=0.945, [再現用コード](https://github.com/sonoisa/t5-japanese/blob/main/t5_JSQuAD.ipynb) - JCommonsenseQA: 準備中 # 免責事項 本モデルの作者は本モデルを作成するにあたって、その内容、機能等について細心の注意を払っておりますが、モデルの出力が正確であるかどうか、安全なものであるか等について保証をするものではなく、何らの責任を負うものではありません。本モデルの利用により、万一、利用者に何らかの不都合や損害が発生したとしても、モデルやデータセットの作者や作者の所属組織は何らの責任を負うものではありません。利用者には本モデルやデータセットの作者や所属組織が責任を負わないことを明確にする義務があります。 # ライセンス [CC-BY SA 4.0](https://creativecommons.org/licenses/by-sa/4.0/deed.ja) [Common Crawlの利用規約](http://commoncrawl.org/terms-of-use/)も守るようご注意ください。
[ -0.5471565127372742, -0.5666025280952454, 0.3364217281341553, 0.13463084399700165, -0.4486207365989685, 0.1379901021718979, -0.12243830412626266, -0.5304654240608215, 0.623079776763916, 0.11445287615060806, -0.5638148188591003, -0.9578962326049805, -0.768875002861023, -0.06991533935070038, -0.07226581126451492, 0.8941341638565063, -0.27188435196876526, -0.1551348716020584, 0.04319511726498604, -0.22501596808433533, -0.6399213671684265, -0.15657536685466766, -0.7422317862510681, -0.34945014119148254, 0.14609074592590332, 0.455970823764801, 0.6084406971931458, 0.4640336036682129, 0.6135422587394714, 0.27583587169647217, -0.10821293294429779, -0.03943391516804695, -0.26096516847610474, -0.10831736773252487, 0.11898521333932877, -0.5231268405914307, -0.5492613315582275, -0.26938316226005554, 0.5947673320770264, 0.5768997669219971, 0.11371666193008423, 0.3365660011768341, 0.1151898205280304, 0.7171007990837097, -0.5303370356559753, 0.26258012652397156, -0.33383333683013916, 0.010198581032454967, -0.2160366326570511, -0.28143617510795593, -0.08421581983566284, -0.5837740898132324, -0.19034244120121002, -0.7749900221824646, 0.13345353305339813, -0.08592189848423004, 1.329840898513794, -0.04666488245129585, -0.26648271083831787, -0.1551569700241089, -0.4330799877643585, 0.9022003412246704, -0.665153443813324, 0.49000978469848633, 0.3964090347290039, 0.26712876558303833, -0.04061546549201012, -0.6672413945198059, -0.692189633846283, 0.1119655966758728, -0.20332203805446625, 0.5090577602386475, -0.08820237964391708, -0.3257283568382263, 0.36515501141548157, 0.28746747970581055, -0.6426583528518677, -0.09640613198280334, -0.45830556750297546, -0.1785597950220108, 0.8428781628608704, 0.034734878689050674, 0.684378445148468, -0.5849725604057312, -0.3380606770515442, -0.31420987844467163, -0.5021178126335144, 0.588784396648407, 0.22682076692581177, 0.211457297205925, -0.6258747577667236, 0.4145295023918152, -0.1444353312253952, 0.33515480160713196, 0.17014417052268982, -0.8676838874816895, 0.8703826069831848, -0.33760711550712585, -0.12894022464752197, 0.13232743740081787, 1.2280875444412231, 0.7131577730178833, -0.031173476949334145, 0.05266992002725601, -0.317330539226532, -0.27016448974609375, 0.008319687098264694, -0.8199191689491272, 0.12363132834434509, 0.2747671902179718, -0.559634804725647, -0.4031796455383301, 0.12489048391580582, -1.0262304544448853, 0.13672925531864166, -0.003450731746852398, 0.645844042301178, -0.750761866569519, -0.17615759372711182, -0.03151428699493408, -0.004503891337662935, 0.1396442949771881, 0.2958354651927948, -1.1077609062194824, 0.23513582348823547, 0.3628609776496887, 0.7926489114761353, -0.05444379895925522, -0.2193252593278885, 0.15900729596614838, 0.4128657877445221, -0.44311782717704773, 0.7371246814727783, -0.19329692423343658, -0.7218194603919983, -0.1525058150291443, 0.4310970902442932, -0.5295156836509705, -0.2721080183982849, 0.8834582567214966, -0.2771635353565216, 0.5842916965484619, -0.12356140464544296, -0.2305442988872528, -0.4153106212615967, 0.32649609446525574, -0.4707506597042084, 1.216547966003418, 0.0937981903553009, -1.070412516593933, 0.10702916234731674, -0.5908623933792114, -0.663394570350647, -0.06868497282266617, -0.058181993663311005, -0.7532513737678528, -0.32739558815956116, 0.38032370805740356, 0.40452998876571655, -0.3321647644042969, 0.17813611030578613, -0.18070389330387115, -0.3001836836338043, 0.2521880567073822, -0.2762164771556854, 1.1623380184173584, 0.3270430862903595, -0.5377079248428345, -0.00895882397890091, -0.9171774387359619, 0.12520477175712585, 0.48013314604759216, -0.09610679000616074, -0.2334803193807602, -0.26524606347084045, -0.0963275358080864, 0.2850703001022339, 0.7002649307250977, -0.5998174548149109, 0.14715476334095, -0.3813702464103699, 0.4063113331794739, 0.7346444725990295, 0.27136147022247314, 0.1930285096168518, -0.6373425722122192, 0.6628330945968628, 0.10883753001689911, 0.06864629685878754, -0.1611219048500061, -0.41517138481140137, -0.9306582808494568, -0.36978739500045776, 0.04701611027121544, 0.7025057673454285, -0.7939208745956421, 0.6451706886291504, -0.4326062500476837, -0.8489995002746582, -0.5543519854545593, -0.10269026458263397, 0.34548598527908325, 0.6831541061401367, 0.6469097137451172, -0.047243181616067886, -0.3648431897163391, -0.8703593015670776, -0.12408120930194855, -0.19507057964801788, 0.16431687772274017, 0.4147188365459442, 0.656374454498291, -0.37162747979164124, 0.5571770071983337, -0.7182410955429077, -0.4100019931793213, -0.548048734664917, 0.09182518720626831, 0.6171303391456604, 0.7450829148292542, 0.605105996131897, -0.7464564442634583, -0.7726706266403198, 0.1039387658238411, -1.0192052125930786, -0.1749461442232132, -0.16936293244361877, -0.07565096020698547, 0.21232862770557404, 0.26682335138320923, -0.596060037612915, 0.3505367636680603, 0.29837891459465027, -0.36416158080101013, 0.5117495656013489, -0.2734611928462982, 0.4136386811733246, -1.648215651512146, 0.5334951877593994, -0.021109702065587044, -0.1599247306585312, -0.520789623260498, 0.06174818426370621, 0.2441515177488327, 0.051846154034137726, -0.5073446035385132, 0.644699215888977, -0.4560582637786865, 0.1052190288901329, 0.1274411529302597, 0.2557072639465332, 0.025922970846295357, 0.46070370078086853, -0.1324354112148285, 1.1231732368469238, 0.5787470936775208, -0.6302335858345032, 0.3091988265514374, 0.16129504144191742, -0.20739977061748505, 0.5910963416099548, -0.7105991244316101, -0.23240125179290771, -0.041876740753650665, -0.007622268050909042, -1.007069706916809, -0.4072125554084778, 0.32983335852622986, -0.7356521487236023, 0.6101760864257812, 0.02987312339246273, -0.3516647517681122, -0.8080803155899048, -0.8111196756362915, 0.271745890378952, 0.5619319081306458, -0.4974118769168854, 0.4841083586215973, 0.49436089396476746, -0.08370085060596466, -0.6937699913978577, -0.7627545595169067, -0.19117726385593414, -0.25343042612075806, -0.7393040060997009, 0.4835900366306305, -0.16115596890449524, 0.09003302454948425, -0.15063461661338806, -0.17901937663555145, -0.15003745257854462, 0.13721872866153717, 0.22946009039878845, 0.5424744486808777, -0.2163584977388382, 0.06423265486955643, 0.2503584027290344, -0.25306957960128784, -0.0059886230155825615, -0.0394650436937809, 0.6054726839065552, -0.20000059902668, -0.24206076562404633, -1.0067654848098755, -0.11020000278949738, 0.8290678262710571, -0.17584818601608276, 0.5529217720031738, 0.6237061619758606, -0.24319340288639069, 0.118085116147995, -0.4360560178756714, 0.0094046201556921, -0.5138039588928223, 0.10344378650188446, -0.707430899143219, -0.7439175844192505, 0.7164726853370667, 0.15230479836463928, -0.12473469227552414, 1.0699342489242554, 0.3390026390552521, -0.4660458564758301, 1.1618437767028809, 0.3881438374519348, -0.11230792850255966, 0.36323031783103943, -0.6763975620269775, 0.20971806347370148, -1.0126482248306274, -0.5307851433753967, -0.6047390103340149, -0.3371618092060089, -1.008324384689331, -0.08545441925525665, 0.5664288997650146, 0.06607060879468918, -0.20093193650245667, 0.46627458930015564, -0.699518620967865, 0.2581389248371124, 0.3958717882633209, 0.19937846064567566, 0.24494564533233643, -0.2155621349811554, -0.39342838525772095, -0.1993323117494583, -0.551794707775116, -0.6103840470314026, 1.119564175605774, 0.415213018655777, 0.6855546832084656, 0.30047765374183655, 0.8532913327217102, -0.006014924496412277, -0.06584339588880539, -0.6878178119659424, 0.7488225102424622, -0.1758900284767151, -0.73414546251297, -0.1808062195777893, -0.29512134194374084, -1.3514362573623657, 0.4007938504219055, -0.3727423846721649, -1.0270740985870361, 0.12179475277662277, -0.11750686168670654, -0.31940096616744995, 0.5183007717132568, -0.8195006251335144, 1.062630534172058, -0.38519805669784546, -0.6659871339797974, 0.011649456806480885, -0.658889651298523, 0.5676277875900269, -0.0147376898676157, 0.5121955871582031, -0.27537763118743896, -0.01977367140352726, 1.0706777572631836, -0.6219414472579956, 0.5755622386932373, -0.13612902164459229, -0.0261859018355608, 0.43107789754867554, 0.021887799724936485, 0.5226496458053589, 0.05595295876264572, 0.16121388971805573, -0.03599055856466293, 0.3754616677761078, -0.500236451625824, -0.3394063413143158, 1.0116122961044312, -1.0499621629714966, -0.4505567252635956, -0.7246182560920715, -0.19133210182189941, -0.0703996941447258, 0.7623085379600525, 0.5105876922607422, 0.4001963138580322, 0.06854796409606934, 0.2617292106151581, 0.8366765975952148, -0.3542197644710541, 0.752478301525116, 0.47066614031791687, -0.23493705689907074, -0.5564252138137817, 1.260205864906311, 0.2355375438928604, 0.1682717204093933, 0.5962104797363281, 0.2348811775445938, -0.3249242603778839, -0.36821532249450684, -0.46259236335754395, 0.4716132581233978, -0.5114909410476685, -0.1688017100095749, -0.6568911671638489, -0.15762777626514435, -0.7555255889892578, -0.3081985116004944, -0.33432045578956604, -0.5796300768852234, -0.4254714846611023, -0.07852750271558762, 0.29612988233566284, 0.4363367259502411, 0.16735577583312988, 0.1674635410308838, -0.8839746117591858, 0.487713098526001, 0.08620139211416245, 0.28524988889694214, -0.04357374832034111, -0.6395092010498047, -0.15193907916545868, -0.07515288889408112, -0.5271199941635132, -0.8708688616752625, 0.7296978235244751, -0.25694739818573, 0.5381420850753784, 0.3851698935031891, -0.023289082571864128, 0.7014519572257996, -0.1832921952009201, 1.1288292407989502, 0.5005898475646973, -0.9913424849510193, 0.7227251529693604, -0.5061379075050354, 0.5855270624160767, 0.7130363583564758, 0.7083803415298462, -0.778832733631134, -0.3133696913719177, -1.0163193941116333, -0.7804950475692749, 0.8518449664115906, -0.018473511561751366, -0.07335390150547028, 0.20969797670841217, -0.16553467512130737, -0.03885113075375557, 0.21533767879009247, -0.861291229724884, -0.6044658422470093, -0.31003135442733765, -0.5947780013084412, 0.023467447608709335, 0.009547393769025803, 0.08866407722234726, -0.40984758734703064, 1.036013126373291, -0.10182755440473557, 0.4635639190673828, 0.3450676202774048, -0.06754319369792938, -0.2867194414138794, 0.4093962609767914, 0.8471575379371643, 0.4804748296737671, -0.3469659090042114, 0.19979776442050934, 0.34430861473083496, -0.7608053088188171, 0.08751772344112396, 0.032601334154605865, -0.774320125579834, 0.09133806824684143, 0.6215999722480774, 0.7514682412147522, 0.2708684504032135, -0.5123485922813416, 0.7736759781837463, -0.04347655549645424, -0.4557158052921295, -0.33596470952033997, 0.19259586930274963, -0.03129536658525467, -0.05283582583069801, 0.41710764169692993, -0.08215846121311188, 0.04547511786222458, -0.4920053482055664, -0.0782436951994896, 0.46093887090682983, -0.3436521589756012, -0.25767213106155396, 0.828403890132904, 0.012338370084762573, -0.020149702206254005, 0.05002116411924362, -0.05927665904164314, -0.9253865480422974, 0.7003616690635681, 0.5487664341926575, 0.8698379993438721, -0.26794853806495667, 0.04222838580608368, 1.1783939599990845, 0.4357876479625702, 0.19208383560180664, 0.5044753551483154, 0.10564371198415756, -0.47191712260246277, 0.06714978069067001, -0.6458564400672913, -0.15735666453838348, 0.26232582330703735, -0.44299954175949097, 0.3604739308357239, -0.7106809020042419, -0.2227565050125122, -0.06341131776571274, 0.3690854012966156, -0.27586227655410767, 0.6308979392051697, -0.04776425287127495, 0.8455944657325745, -0.715136706829071, 0.8936869502067566, 0.6276372075080872, -0.7217290997505188, -1.1071627140045166, 0.08960473537445068, -0.12717877328395844, -0.7920025587081909, 0.5972096920013428, 0.13751819729804993, -0.18457360565662384, -0.141294464468956, -0.5222616195678711, -1.172512173652649, 1.5517042875289917, -0.11219517141580582, -0.38719794154167175, 0.26820501685142517, 0.20661669969558716, 0.6647167205810547, -0.03447406738996506, 0.5521146655082703, 0.4085560142993927, 0.6332166194915771, 0.10176996886730194, -1.1054056882858276, 0.3573932349681854, -0.4746318459510803, -0.03632848337292671, 0.20626279711723328, -1.299972653388977, 0.6781457662582397, -0.08361923694610596, -0.1741286814212799, -0.25158196687698364, 0.7035199403762817, 0.2631818354129791, 0.5118396878242493, 0.2701639235019684, 0.8096680045127869, 0.8734762668609619, -0.15816490352153778, 1.0144163370132446, -0.6070600152015686, 0.6239954829216003, 0.8306868672370911, 0.1880759447813034, 0.7263921499252319, 0.45064619183540344, -0.5363057255744934, 0.6250943541526794, 0.7060139775276184, 0.011988119222223759, 0.5081466436386108, -0.3586544394493103, -0.3303352892398834, 0.013259760104119778, 0.019092686474323273, -0.6960650086402893, 0.1804666668176651, 0.2509102523326874, -0.34200042486190796, 0.057954419404268265, 0.11109167337417603, 0.2381674349308014, -0.02852601744234562, -0.31657731533050537, 0.6734443306922913, -0.04125424101948738, -0.7637507319450378, 1.0399445295333862, 0.10037130862474442, 0.7328615784645081, -0.5749690532684326, 0.3745325803756714, -0.2910844683647156, 0.1239287480711937, -0.5570041537284851, -1.1730293035507202, 0.11808602511882782, -0.02844734862446785, -0.11640241742134094, -0.23221156001091003, 0.7961641550064087, -0.298826664686203, -0.536040723323822, 0.1851600557565689, 0.12720130383968353, 0.2274843156337738, 0.8060898184776306, -0.8993393182754517, 0.10419869422912598, 0.4114547371864319, -0.3410179316997528, 0.21468302607536316, 0.4083528220653534, -0.043385013937950134, 0.7434264421463013, 0.5661535859107971, 0.05162917450070381, 0.10492394119501114, -0.14590230584144592, 0.8797163367271423, -0.7112929224967957, -0.5550951957702637, -0.5948361754417419, 0.4678052067756653, -0.08097521960735321, -0.414325475692749, 0.8757713437080383, 0.8446535468101501, 0.8084040284156799, -0.019234362989664078, 1.022671103477478, -0.2901926338672638, 0.9840729236602783, -0.5154199600219727, 0.8034566640853882, -0.9942737221717834, -0.010078352876007557, -0.42810213565826416, -0.5729677081108093, -0.41318783164024353, 0.7341278791427612, -0.5316069722175598, 0.09850063920021057, 0.9796754717826843, 0.804364025592804, -0.020366787910461426, -0.09034483879804611, 0.058558389544487, 0.3445475697517395, 0.2760738134384155, 0.9765691757202148, 0.2882744371891022, -0.9630993008613586, 0.48750531673431396, -0.6087400913238525, 0.0349605455994606, -0.42641547322273254, -0.40434300899505615, -0.9036469459533691, -0.43428218364715576, -0.3107091784477234, -0.3262444734573364, -0.19100302457809448, 1.1579365730285645, 0.38851094245910645, -0.96773761510849, -0.36056751012802124, -0.024374669417738914, 0.2872800827026367, -0.08491947501897812, -0.2974390685558319, 0.553089439868927, -0.27623528242111206, -0.8690963983535767, 0.3233267664909363, 0.04085517302155495, 0.3744601011276245, 0.14795494079589844, -0.12888593971729279, -0.27983006834983826, -0.1591842621564865, 0.29865288734436035, 0.3973042666912079, -0.4345053434371948, -0.1449439972639084, -0.07743383944034576, -0.5319978594779968, 0.29872190952301025, 0.11996932327747345, -0.406783789396286, 0.4732191264629364, 0.7265573143959045, 0.3874894380569458, 0.7518943548202515, -0.12481579184532166, -0.0038843031506985426, -0.35231396555900574, 0.14208310842514038, 0.048679497092962265, 0.3288225531578064, 0.17496278882026672, -0.3302781581878662, 0.5190689563751221, 0.8191982507705688, -0.3224894404411316, -0.6783099174499512, -0.2404506951570511, -1.2727057933807373, -0.4570583403110504, 0.9958733320236206, 0.09230344742536545, -0.5887803435325623, 0.31735387444496155, -0.3624873161315918, 0.44298404455184937, -0.5960854887962341, 0.5644522309303284, 0.6745774745941162, -0.04080929979681969, -0.2153124064207077, -0.7298685908317566, 0.3528738021850586, 0.46179625391960144, -0.9359624981880188, -0.4918360412120819, 0.16827043890953064, 0.3470698595046997, 0.45724645256996155, 0.6484450697898865, -0.13346116244792938, 0.3247612714767456, -0.20227043330669403, 0.33095353841781616, 0.17963619530200958, -0.009303928352892399, -0.3286803364753723, 0.31444603204727173, -0.03592458367347717, -0.31615951657295227 ]
KT-AI/midm-bitext-S-7B-inst-v1
KT-AI
2023-11-21T01:41:53Z
10,480
44
transformers
[ "transformers", "pytorch", "safetensors", "midm-bitext-S", "text-generation", "custom_code", "ko", "en", "arxiv:2104.09864", "license:cc-by-nc-4.0", "region:us" ]
text-generation
2023-10-30T15:27:51Z
--- license: cc-by-nc-4.0 language: - ko - en pipeline_tag: text-generation --- # Mi:dm (**M**indful **I**ntelligence that **D**ialogs, Empathizes, Understands and **M**oves, 믿:음) Mi:dm은 KT가 개발한 사전학습 한국어-영어 언어모델 입니다. 문자열을 입력으로 하며, 문자열을 생성합니다. Mi:dm is a pre-trained Korean-English language model developed by KT. It takes text as input and creates text. ## Model Descriptions ### Midm-bitext-S (7B) Hyper Parameters | Hyperparameter | Value | |:---------------------|--------------:| | \\(n_{layers}\\) | 32 | | \\(d_{model}\\) | 4,096 | | \\(d_{ff}\\) | 10,880 | | \\(n_{heads}\\) | 32 | | \\(d_{head}\\) | 128 | | \\(n_{ctx}\\) | 2,048 | | \\(n_{vocab}\\) | 72,154 | | Positional Encoding | [Rotary Position Embedding (RoPE)](https://arxiv.org/abs/2104.09864) | 위 파라미터로 계산하면, 모델 로딩에는 약 30GB의 GPU 메모리가 필요합니다. 모델 추론에는 입출력 토큰 수에 비례하여 추가 메모리가 더 소요됩니다. ### Architecture Mi:dm 은 Transformer 구조를 활용한 Auto-regressive Language Model 입니다. 선정된 Task 수행을 위해 supervised fine-tuning (SFT) 되었습니다. Mi:dm is a transformer based auto-regressive Language Model. It was supervised fine-tuned (SFT). ### Tokenizer [google sentencepiece](https://github.com/google/sentencepiece) 에 기반한 토크나이저를 사용하고 있습니다. 한국어 복합어를 고려한 형태소 기반 학습을 하였으며 bi-lingual tokenization 성능 향상을 위하여 영어 어휘를 같이 학습하였습니다. Tokenizer was trained with [google sentencepiece](https://github.com/google/sentencepiece). ### Prompt Template ``` ###System;{System} ###User;{User} ###Midm; ``` ### Requirements Mi:dm을 실행하기 위해 필요한 라이브러리는 아래 pip 명령어를 통해 설치할 수 있습니다. To run Mi:dm, please make sure you meet the above requirements, and then execute the following pip commands to install the dependent libraries. ```bash pip install transformers einops ``` ### Usage ```python import torch from transformers import AutoTokenizer, AutoModelForCausalLM, TextStreamer def main(): tokenizer = AutoTokenizer.from_pretrained( "KT-AI/midm-bitext-S-7B-inst-v1", trust_remote_code = True ) model = AutoModelForCausalLM.from_pretrained( "KT-AI/midm-bitext-S-7B-inst-v1", trust_remote_code=True ) model.cuda() model.eval() dummy_data = "###User;AI란?\n###Midm;" data = tokenizer(dummy_data, return_tensors="pt") streamer = TextStreamer(tokenizer, skip_prompt=True, skip_special_tokens=True) pred = model.generate( input_ids=data.input_ids[..., :-1].cuda(), streamer=streamer, use_cache=True, max_new_tokens=float('inf') ) decoded_text = tokenizer.batch_decode(pred[0], skip_special_tokens=True) if __name__ == "__main__": main() ``` ### Training Data Mi:dm-bitext-S 모델은 한국어/영어 공개 데이터를 이용하여 사전 학습하였습니다. 미세 조정 학습을 위해서도 공개되었거나 자체 구축한 데이터를 이용하였으며 이를 일부 가공하거나 다시 정제하는 과정을 거쳤습니다. KT는 공개 데이터를 직접 수집하거나 적법한 사용 허가 조건 하에 확보하였습니다. AI-HUB(https://www.aihub.or.kr/) 의 말뭉치 데이터와 국립국어원 모두의 말뭉치 데이터 (https://corpus.korean.go.kr/) 를 사전 학습 단계에서 이용하였습니다. KT가 보유한 고객 데이터는 이용하지 않았습니다. The Mi:dm-bitext-S model was pre-trained using Korean/English publicly available data. For fine-tuning, we used also publicly available data and went through some processing or refining. KT collected public data directly or obtained it under legal permission conditions. The korean corpus data from AI-HUB (https://www.aihub.or.kr/) and the National Institute of Korean Language (https://corpus.korean.go.kr/) were used in the pre-training stage. We did not use any customer data held by KT. ### Evaluation Results TBA ## Limitations KT는 Mi:dm 학습 데이터에서 욕설, 비속어, 편견, 차별 등 비윤리적 표현을 제거하려고 노력하였습니다. 그럼에도 불구하고 위와 같은 바람직하지 않은 표현 또는 부정확한 사실이 생성될 가능성을 완전히 제거하지 못하였습니다. 본 모델을 사용하기 전 이러한 한계를 인식하고 올바른 사용을 위해 필요한 조치를 취하는 것은 사용자의 책임이며, KT는 본 모델의 활용이 야기하는 위험이나 손해에 대해 책임을 지지 않습니다. Mi:dm 학습 데이터의 대부분은 한국어와 영어로 구성되어 있습니다. 그 외 언어에 대한 이해와 생성 기능은 제공하지 않습니다. We tried to remove unethical expressions such as profanity, slang, prejudice, and discrimination from training data. Nevertheless, the possibility of creating undesirable and inaccurate expressions such as the above has not been completely eliminated. It is the user's responsibility to be aware of these limitations before utilizing this model and take the necessary actions for proper use, and KT is not responsible for any risks or damages resulting from the use of this model. Most of Mi:dm's training data consists of Korean and English. ## Licence Mi:dm 모델 (Midm-bitext-S) 은 CC-BY-NC 4.0 라이선스 하에 공개되어 있습니다. 사용자는 본 모델의 일부 혹은 전체를 재학습하거나 일부만을 이용하는 것이 가능합니다. 다만 반드시 저작자를 표시하여야 하며, 영리 목적으로 이용할 수 없습니다. 또한 본 모델을 재배포하거나 본 모델의 2차적저작물을 작성하여 공유할 때는 본 모델과 동일한 CC-BY-NC 4.0 라이선스를 적용하여야 합니다. Mi:dm (Midm-bitext-S) is released under the CC-BY-NC 4.0 license. Users can retrain part or all of this model or use only part of it. However, the author must be indicated and cannot be used for commercial purposes. Additionally, when sharing secondary works using this model, they must be distributed under the same CC-BY-NC 4.0 license. ## Citations Mi:dm을 이용한 2차 저작물을 배포할 경우 아래 내용을 인용하여 출처를 명시해야 합니다. When distributing secondary works using Mi:dm, the source must be indicated by citing the content below. ``` @misc{kt-mi:dm, title = {Mi:dm: KT Bilingual (Korean,English) Generative Pre-trained Transformer}, author = {KT}, year = {2023}, url = {https://huggingface.co/KT-AT/midm-bitext-S-7B-inst-v1} howpublished = {\url{https://genielabs.ai}}, } ``` ## Contacts 본 모델의 다양한 연구 목적의 활용과 개선 의견을 기대 합니다. [email protected] We look forward to receiving any suggestions for improvement. [email protected]
[ -0.41845300793647766, -0.701400637626648, 0.12996667623519897, 0.37410229444503784, -0.5642542243003845, -0.042660363018512726, -0.23544347286224365, -0.26095709204673767, 0.3543122112751007, 0.1987985521554947, -0.5324261784553528, -0.7237651944160461, -0.6369072794914246, 0.1967492699623108, -0.12247052788734436, 0.8365679979324341, -0.30331650376319885, 0.12152232229709625, -0.13374975323677063, 0.05685460940003395, -0.6586024165153503, -0.5115719437599182, -0.7423484325408936, -0.3319990932941437, -0.0027393782511353493, 0.30443689227104187, 0.4934876561164856, 0.683720588684082, 0.47148510813713074, 0.4138692319393158, -0.061669640243053436, 0.10280554741621017, -0.34560662508010864, -0.12891623377799988, 0.10565035790205002, -0.4433117210865021, -0.3701896667480469, 0.038627393543720245, 0.5001996159553528, 0.402651846408844, -0.16958676278591156, 0.16329361498355865, 0.24068112671375275, 0.6728453040122986, -0.3045344054698944, 0.35716167092323303, -0.3017938435077667, 0.0199657641351223, -0.16983036696910858, -0.11210422962903976, -0.14974579215049744, -0.5060415267944336, -0.007830742746591568, -0.737015962600708, 0.09137984365224838, 0.10766920447349548, 1.377864956855774, 0.062345169484615326, -0.33630242943763733, -0.21689662337303162, -0.7251492738723755, 0.7795702815055847, -0.9564664363861084, 0.49651461839675903, 0.5064396858215332, 0.14269447326660156, -0.01190841943025589, -0.8775816559791565, -0.8665024042129517, -0.13680735230445862, -0.31916412711143494, 0.5234770774841309, -0.16422796249389648, -0.07444474846124649, 0.28970304131507874, 0.42980074882507324, -0.5804004669189453, 0.2855282127857208, -0.26669955253601074, -0.3307979702949524, 0.7527710199356079, 0.1910334676504135, 0.5861446261405945, -0.6800132393836975, -0.7255390882492065, -0.2747897803783417, -0.41381943225860596, 0.34028252959251404, 0.47174906730651855, 0.0010521580697968602, -0.587287962436676, 0.44904306530952454, -0.20821361243724823, 0.4716113805770874, 0.2066269814968109, -0.24813002347946167, 0.6694913506507874, -0.5514116287231445, -0.4926621615886688, 0.013946696184575558, 1.202657699584961, 0.3756394386291504, 0.1498018205165863, 0.058427102863788605, -0.23913051187992096, -0.024258868768811226, 0.06143663078546524, -0.905031681060791, -0.2022913098335266, 0.324369877576828, -0.5516542196273804, -0.35714688897132874, 0.09787167608737946, -0.9755305051803589, 0.054412826895713806, -0.45803192257881165, 0.5792173147201538, -0.6649718284606934, -0.5742835402488708, 0.25917091965675354, 0.05321193113923073, 0.2736125886440277, 0.17541255056858063, -0.6739360094070435, 0.23658393323421478, 0.15503549575805664, 0.876478910446167, -0.005599684547632933, -0.3047850728034973, 0.24591101706027985, 0.016575997695326805, -0.1232805922627449, 0.6784058809280396, 0.09917549043893814, -0.4432581663131714, -0.1567753255367279, 0.19301143288612366, -0.6346095204353333, -0.3631022870540619, 0.530345618724823, -0.3689158856868744, 0.4585927128791809, 0.0937914103269577, -0.6481854319572449, -0.27268505096435547, 0.27683213353157043, -0.46933355927467346, 1.2161811590194702, 0.15133920311927795, -0.9424923658370972, 0.24329084157943726, -0.6512441039085388, -0.36809393763542175, 0.01219461765140295, -0.22689594328403473, -0.6554974913597107, -0.3544516861438751, 0.5102150440216064, 0.6676638722419739, -0.03969080001115799, 0.274838924407959, -0.04138655588030815, -0.35623830556869507, 0.33312222361564636, -0.4020737409591675, 1.0194282531738281, 0.21196459233760834, -0.6756096482276917, 0.06794057041406631, -0.8103631138801575, 0.08704474568367004, 0.6332231760025024, -0.44474223256111145, -0.21302063763141632, -0.3824034035205841, 0.12906000018119812, 0.567214846611023, 0.2667016386985779, -0.5228212475776672, 0.16635675728321075, -0.8540604710578918, 0.48507243394851685, 0.9768404960632324, 0.0709400326013565, 0.39235520362854004, -0.39023274183273315, 0.6667459607124329, 0.3408641517162323, 0.1335666924715042, -0.13115690648555756, -0.24249118566513062, -0.8969637155532837, -0.33376190066337585, 0.4613322913646698, 0.6750177145004272, -1.0474759340286255, 0.6351518034934998, -0.3062562942504883, -0.7230637073516846, -0.70598304271698, -0.17212142050266266, 0.5887596607208252, 0.6435312032699585, 0.5090593695640564, -0.10036050528287888, -0.7383798956871033, -0.694057822227478, -0.016670402139425278, -0.12053830921649933, -0.027384601533412933, 0.48861706256866455, 0.6856088638305664, -0.2613201439380646, 0.8711202144622803, -0.6877216100692749, -0.33200743794441223, -0.2993648052215576, -0.11582871526479721, 0.41214242577552795, 0.8148818612098694, 0.7323333621025085, -0.9468804001808167, -0.8827807307243347, -0.15024514496326447, -0.8350496292114258, 0.1521761119365692, -0.09224312007427216, -0.15501470863819122, 0.3827306032180786, 0.5781710147857666, -0.7184485197067261, 0.6023339033126831, 0.5175148248672485, -0.47258633375167847, 1.012346863746643, -0.24419882893562317, 0.195175439119339, -1.5910242795944214, 0.2884540259838104, 0.05972260981798172, -0.037387724965810776, -0.7084619998931885, -0.1841438263654709, -0.013702568598091602, -0.003800839651376009, -0.6763126254081726, 0.9002352356910706, -0.6070337891578674, 0.45242559909820557, -0.16859500110149384, 0.23257218301296234, 0.031192392110824585, 0.8391019105911255, 0.03403012827038765, 0.8008068799972534, 0.7014143466949463, -0.7964606881141663, 0.2626836597919464, 0.475321888923645, -0.4003715217113495, 0.32068684697151184, -0.8921919465065002, -0.0350026972591877, -0.03180256485939026, 0.05963237211108208, -1.2850978374481201, -0.18630990386009216, 0.6351340413093567, -0.8056061267852783, 0.5730443596839905, -0.1177128478884697, -0.3611201345920563, -0.6099116206169128, -0.40642398595809937, 0.13007156550884247, 0.44694411754608154, -0.4735678732395172, 0.48996734619140625, 0.23288163542747498, -0.07403869181871414, -0.661026656627655, -0.7405411601066589, -0.18665874004364014, -0.37022507190704346, -0.8216900825500488, 0.6827498078346252, -0.15985926985740662, 0.13040687143802643, -0.16112792491912842, -0.08175813406705856, 0.045771487057209015, -0.09003641456365585, 0.3346637189388275, 0.5229735374450684, -0.18378879129886627, -0.030330685898661613, 0.002170679857954383, -0.25348424911499023, 0.03451426327228546, -0.14099696278572083, 0.9347342252731323, -0.12215692549943924, -0.326341450214386, -0.8492903709411621, 0.1124778538942337, 0.531607449054718, -0.11893289536237717, 0.8909459710121155, 0.9035237431526184, -0.30207952857017517, 0.18195517361164093, -0.5566883683204651, -0.21065200865268707, -0.5519418120384216, 0.4465476870536804, -0.35256654024124146, -0.7112082839012146, 0.7078264355659485, -0.06513497233390808, -0.31553909182548523, 0.7608901262283325, 0.6056234836578369, -0.2049531191587448, 1.0876970291137695, 0.5113111138343811, -0.22570981085300446, 0.5252029299736023, -0.7838029265403748, 0.2477092295885086, -1.054461121559143, -0.569483757019043, -0.4032052755355835, -0.28226494789123535, -0.7724225521087646, -0.16068902611732483, 0.252331018447876, 0.1611005663871765, -0.28756803274154663, 0.5004482269287109, -0.6631869673728943, -0.03495560586452484, 0.4522797465324402, 0.39820313453674316, -0.09296905249357224, -0.042864199727773666, -0.5207608342170715, -0.013238312676548958, -0.8419698476791382, -0.42896464467048645, 1.0549767017364502, 0.5761075615882874, 0.6317212581634521, -0.028643539175391197, 0.6367707848548889, -0.03127996250987053, -0.16715465486049652, -0.784392237663269, 0.5434078574180603, 0.07605599611997604, -0.5252684354782104, -0.3955680727958679, -0.4698410630226135, -1.1981778144836426, 0.29895490407943726, -0.21153303980827332, -0.8741550445556641, 0.3410024344921112, -0.0008326584938913584, -0.40322673320770264, 0.38553884625434875, -0.8846982717514038, 1.1097502708435059, -0.22075434029102325, -0.3353182375431061, 0.07134056091308594, -0.7797380089759827, 0.19597409665584564, 0.09894252568483353, 0.1498337984085083, 0.023084944114089012, 0.13030362129211426, 1.0687049627304077, -0.6472336053848267, 0.7920792102813721, -0.3495481610298157, 0.07774069160223007, 0.42752134799957275, -0.1655239462852478, 0.6133109331130981, 0.10943987220525742, 0.12758512794971466, 0.336600661277771, -0.10079476237297058, -0.32844406366348267, -0.38902947306632996, 0.6878119707107544, -1.1164690256118774, -0.49873653054237366, -0.4842076003551483, -0.2916161119937897, 0.015180573798716068, 0.40258243680000305, 0.6046010851860046, 0.38267552852630615, 0.20436570048332214, 0.2011934518814087, 0.607279360294342, -0.38570383191108704, 0.7031930088996887, 0.43389439582824707, -0.11853805929422379, -0.4567037522792816, 0.8598596453666687, 0.23098668456077576, 0.21264813840389252, 0.15186011791229248, 0.3107326030731201, -0.6114242672920227, -0.6440412998199463, -0.4790365397930145, 0.4677122235298157, -0.5661569237709045, -0.36358603835105896, -0.7955594062805176, -0.4303983747959137, -0.6985673308372498, -0.009658066555857658, -0.36657658219337463, -0.23868481814861298, -0.4285617172718048, -0.2253539115190506, 0.4068194031715393, 0.2802307605743408, -0.03391364961862564, 0.5176597237586975, -0.7124343514442444, 0.10646042227745056, -0.042750805616378784, 0.4058525860309601, 0.14078935980796814, -0.8255982398986816, -0.48250612616539, 0.16807153820991516, -0.34122902154922485, -0.7845144271850586, 0.6814820170402527, -0.25696492195129395, 0.6957008242607117, 0.4494590163230896, 0.011050841771066189, 0.623221218585968, -0.3372148275375366, 0.9322801232337952, 0.3774328827857971, -0.859669029712677, 0.6600143313407898, -0.43750640749931335, 0.38151440024375916, 0.44376683235168457, 0.8059701919555664, -0.7116370797157288, -0.14541056752204895, -0.781634509563446, -1.0813488960266113, 1.0312998294830322, 0.32082730531692505, 0.14013969898223877, 0.10040698200464249, 0.20087112486362457, -0.2661639451980591, 0.20541471242904663, -0.8943600058555603, -0.6847891211509705, -0.27667590975761414, -0.28262776136398315, 0.12395081669092178, -0.16199614107608795, 0.14117595553398132, -0.5180361866950989, 0.9972081184387207, 0.12216135114431381, 0.669126033782959, 0.44135767221450806, -0.1425527036190033, 0.2091858834028244, 0.0970141813158989, 0.6568926572799683, 0.6341623067855835, -0.14280785620212555, -0.1094435527920723, 0.19566303491592407, -1.0259851217269897, 0.19542236626148224, 0.18384499847888947, -0.390566349029541, 0.08710601925849915, 0.18619181215763092, 1.2192935943603516, 0.16235359013080597, -0.36485835909843445, 0.657727062702179, -0.02512446790933609, -0.37530195713043213, -0.3879530727863312, -0.09741205722093582, 0.21104250848293304, 0.15069155395030975, 0.20676200091838837, -0.05021383613348007, -0.1190701574087143, -0.1113787367939949, 0.17182959616184235, 0.1021769568324089, -0.39489081501960754, -0.20563597977161407, 0.7896849513053894, 0.00661499286070466, -0.12455615401268005, 0.6970018744468689, -0.20043835043907166, -0.7175254225730896, 0.8186196684837341, 0.8018527626991272, 0.7769156694412231, -0.4877281188964844, 0.1665646880865097, 0.9034761786460876, 0.12875238060951233, 0.05672693997621536, 0.1914556622505188, 0.2722996473312378, -0.7940557599067688, -0.2814584970474243, -0.663979709148407, 0.10061395168304443, 0.47740206122398376, -0.6843559741973877, 0.4114792048931122, -0.4072612226009369, -0.1923074871301651, -0.028771786019206047, 0.16569410264492035, -0.776118814945221, 0.45479974150657654, -0.0389213040471077, 0.8464065194129944, -0.8422305583953857, 0.8615368008613586, 0.7132595181465149, -0.8698956966400146, -1.250177025794983, 0.11658730357885361, -0.06760495156049728, -1.0346522331237793, 0.6299091577529907, 0.17800462245941162, 0.11320903897285461, 0.19163653254508972, -0.39089784026145935, -1.0369288921356201, 1.4932031631469727, 0.05828277766704559, -0.42424434423446655, 0.04538067802786827, 0.3131415545940399, 0.4772427976131439, -0.060483016073703766, 0.4337981343269348, 0.4475592374801636, 0.4189266860485077, 0.05551968514919281, -1.0168266296386719, 0.3052304983139038, -0.36792510747909546, 0.09384894371032715, 0.1522226780653, -0.9008955359458923, 0.9695126414299011, -0.05440736934542656, -0.29972273111343384, -0.2689904272556305, 0.6142498850822449, 0.2619084417819977, 0.32020992040634155, 0.5348045825958252, 0.5804956555366516, 0.5742789506912231, -0.14214123785495758, 0.8783206939697266, -0.46223539113998413, 0.5519030690193176, 0.8262330889701843, 0.25909093022346497, 0.5459268689155579, 0.3540681004524231, -0.5159392356872559, 0.5004948377609253, 0.7642145752906799, -0.22527509927749634, 0.5522593259811401, 0.0740809366106987, -0.1834852546453476, 0.04594949260354042, 0.1280950903892517, -0.4256030023097992, 0.5932096242904663, 0.20691058039665222, -0.3097991347312927, -0.02230294793844223, 0.5116881132125854, 0.3249598443508148, -0.03500722348690033, -0.36278584599494934, 0.7794680595397949, 0.09447844326496124, -0.4605225920677185, 0.742529034614563, 0.16369442641735077, 0.9869837164878845, -0.6586810350418091, 0.22038543224334717, -0.2376566231250763, 0.12430766224861145, -0.3202083110809326, -0.8427186608314514, 0.1523018330335617, -0.045250918716192245, -0.2011902779340744, -0.24309907853603363, 0.9246737957000732, -0.3394634425640106, -0.5664716362953186, 0.3619006276130676, 0.37211233377456665, 0.3213253915309906, -0.09359575808048248, -0.9753105044364929, -0.1881413757801056, 0.21115867793560028, -0.6303316950798035, 0.3357313871383667, 0.32115432620048523, 0.11801258474588394, 0.7079896330833435, 0.7175162434577942, 0.03286982700228691, 0.0840163454413414, 0.003649480640888214, 1.0693706274032593, -0.609743058681488, -0.6680227518081665, -1.0512046813964844, 0.8723477125167847, -0.16483783721923828, -0.3322519063949585, 1.0247819423675537, 0.7275466918945312, 1.163845181465149, -0.1769847422838211, 0.8931363224983215, -0.2619503140449524, 0.5958796739578247, -0.6879453063011169, 1.0307612419128418, -0.5860095024108887, -0.017587393522262573, -0.4206051826477051, -0.5746806859970093, -0.07898791879415512, 0.7092658877372742, -0.40517598390579224, 0.36981844902038574, 0.6749119758605957, 0.8383023142814636, -0.013522839173674583, -0.1571199595928192, 0.19526168704032898, 0.36696332693099976, 0.16560503840446472, 0.5777868032455444, 0.5562508702278137, -0.8960955142974854, 0.6957322955131531, -0.5800516605377197, -0.012545229867100716, -0.3206442892551422, -0.5014728903770447, -0.9785500168800354, -0.5670727491378784, -0.44505107402801514, -0.43381282687187195, -0.3744165897369385, 0.9738295674324036, 0.5877458453178406, -0.76603102684021, -0.24041813611984253, 0.026439258828759193, 0.02593105472624302, -0.4430445730686188, -0.32102346420288086, 0.8544199466705322, -0.2623206675052643, -0.9636788368225098, 0.07023023068904877, -0.12399816513061523, 0.4302302300930023, -0.15724588930606842, -0.14453773200511932, -0.7105880379676819, -0.03288835287094116, 0.5818367004394531, 0.022277314215898514, -0.4446028172969818, -0.1396542340517044, 0.30840012431144714, -0.3829239308834076, 0.3394664525985718, 0.31622961163520813, -0.5493819117546082, 0.32978206872940063, 0.4512379765510559, 0.3713483512401581, 0.8027704358100891, -0.04221871495246887, 0.17629435658454895, -0.7095421552658081, 0.32448843121528625, 0.11952352523803711, 0.4062897562980652, 0.07780880481004715, -0.5755688548088074, 0.5502089262008667, 0.554847776889801, -0.6367297172546387, -0.8090988993644714, -0.038796015083789825, -1.0534324645996094, -0.3892843425273895, 1.2494962215423584, -0.2965856194496155, -0.3610704243183136, -0.07119224965572357, -0.43011799454689026, 0.6581599116325378, -0.22453153133392334, 0.717958927154541, 0.7744923233985901, -0.07020649313926697, -0.047337356954813004, -0.6088363528251648, 0.5755419731140137, 0.3588547706604004, -0.8382778167724609, -0.3514757454395294, 0.15029361844062805, 0.4862128794193268, 0.10081999748945236, 0.8753138184547424, -0.08278807997703552, 0.026713836938142776, -0.04103054851293564, 0.35367727279663086, -0.2732761800289154, -0.006487731821835041, -0.3538636863231659, -0.25771695375442505, -0.43712177872657776, -0.6687602400779724 ]
qanastek/51-languages-classifier
qanastek
2022-05-19T12:56:56Z
10,466
23
transformers
[ "transformers", "pytorch", "Transformers", "text-classification", "multi-class-classification", "dataset:qanastek/MASSIVE", "arxiv:1911.02116", "license:cc-by-4.0", "endpoints_compatible", "has_space", "region:us" ]
text-classification
2022-05-06T07:43:20Z
--- tags: - Transformers - text-classification - multi-class-classification languages: - af-ZA - am-ET - ar-SA - az-AZ - bn-BD - cy-GB - da-DK - de-DE - el-GR - en-US - es-ES - fa-IR - fi-FI - fr-FR - he-IL - hi-IN - hu-HU - hy-AM - id-ID - is-IS - it-IT - ja-JP - jv-ID - ka-GE - km-KH - kn-IN - ko-KR - lv-LV - ml-IN - mn-MN - ms-MY - my-MM - nb-NO - nl-NL - pl-PL - pt-PT - ro-RO - ru-RU - sl-SL - sq-AL - sv-SE - sw-KE - ta-IN - te-IN - th-TH - tl-PH - tr-TR - ur-PK - vi-VN - zh-CN - zh-TW multilinguality: - af-ZA - am-ET - ar-SA - az-AZ - bn-BD - cy-GB - da-DK - de-DE - el-GR - en-US - es-ES - fa-IR - fi-FI - fr-FR - he-IL - hi-IN - hu-HU - hy-AM - id-ID - is-IS - it-IT - ja-JP - jv-ID - ka-GE - km-KH - kn-IN - ko-KR - lv-LV - ml-IN - mn-MN - ms-MY - my-MM - nb-NO - nl-NL - pl-PL - pt-PT - ro-RO - ru-RU - sl-SL - sq-AL - sv-SE - sw-KE - ta-IN - te-IN - th-TH - tl-PH - tr-TR - ur-PK - vi-VN - zh-CN - zh-TW datasets: - qanastek/MASSIVE widget: - text: "wake me up at five am this week" - text: "je veux écouter la chanson de jacques brel encore une fois" - text: "quiero escuchar la canción de arijit singh una vez más" - text: "olly onde é que á um parque por perto onde eu possa correr" - text: "פרק הבא בפודקאסט בבקשה" - text: "亚马逊股价" - text: "найди билет на поезд в санкт-петербург" license: cc-by-4.0 --- **People Involved** * [LABRAK Yanis](https://www.linkedin.com/in/yanis-labrak-8a7412145/) (1) **Affiliations** 1. [LIA, NLP team](https://lia.univ-avignon.fr/), Avignon University, Avignon, France. ## Model XLM-Roberta : [https://huggingface.co/xlm-roberta-base](https://huggingface.co/xlm-roberta-base) Paper : [Unsupervised Cross-lingual Representation Learning at Scale](https://arxiv.org/pdf/1911.02116.pdf) ## Demo: How to use in HuggingFace Transformers Pipeline Requires [transformers](https://pypi.org/project/transformers/): ```pip install transformers``` ```python from transformers import AutoTokenizer, AutoModelForSequenceClassification, TextClassificationPipeline model_name = 'qanastek/51-languages-classifier' tokenizer = AutoTokenizer.from_pretrained(model_name) model = AutoModelForSequenceClassification.from_pretrained(model_name) classifier = TextClassificationPipeline(model=model, tokenizer=tokenizer) res = classifier("פרק הבא בפודקאסט בבקשה") print(res) ``` Outputs: ```python [{'label': 'he-IL', 'score': 0.9998375177383423}] ``` ## Training data [MASSIVE](https://huggingface.co/datasets/qanastek/MASSIVE) is a parallel dataset of > 1M utterances across 51 languages with annotations for the Natural Language Understanding tasks of intent prediction and slot annotation. Utterances span 60 intents and include 55 slot types. MASSIVE was created by localizing the SLURP dataset, composed of general Intelligent Voice Assistant single-shot interactions. ### Languages Thee model is capable of distinguish 51 languages : - `Afrikaans - South Africa (af-ZA)` - `Amharic - Ethiopia (am-ET)` - `Arabic - Saudi Arabia (ar-SA)` - `Azeri - Azerbaijan (az-AZ)` - `Bengali - Bangladesh (bn-BD)` - `Chinese - China (zh-CN)` - `Chinese - Taiwan (zh-TW)` - `Danish - Denmark (da-DK)` - `German - Germany (de-DE)` - `Greek - Greece (el-GR)` - `English - United States (en-US)` - `Spanish - Spain (es-ES)` - `Farsi - Iran (fa-IR)` - `Finnish - Finland (fi-FI)` - `French - France (fr-FR)` - `Hebrew - Israel (he-IL)` - `Hungarian - Hungary (hu-HU)` - `Armenian - Armenia (hy-AM)` - `Indonesian - Indonesia (id-ID)` - `Icelandic - Iceland (is-IS)` - `Italian - Italy (it-IT)` - `Japanese - Japan (ja-JP)` - `Javanese - Indonesia (jv-ID)` - `Georgian - Georgia (ka-GE)` - `Khmer - Cambodia (km-KH)` - `Korean - Korea (ko-KR)` - `Latvian - Latvia (lv-LV)` - `Mongolian - Mongolia (mn-MN)` - `Malay - Malaysia (ms-MY)` - `Burmese - Myanmar (my-MM)` - `Norwegian - Norway (nb-NO)` - `Dutch - Netherlands (nl-NL)` - `Polish - Poland (pl-PL)` - `Portuguese - Portugal (pt-PT)` - `Romanian - Romania (ro-RO)` - `Russian - Russia (ru-RU)` - `Slovanian - Slovania (sl-SL)` - `Albanian - Albania (sq-AL)` - `Swedish - Sweden (sv-SE)` - `Swahili - Kenya (sw-KE)` - `Hindi - India (hi-IN)` - `Kannada - India (kn-IN)` - `Malayalam - India (ml-IN)` - `Tamil - India (ta-IN)` - `Telugu - India (te-IN)` - `Thai - Thailand (th-TH)` - `Tagalog - Philippines (tl-PH)` - `Turkish - Turkey (tr-TR)` - `Urdu - Pakistan (ur-PK)` - `Vietnamese - Vietnam (vi-VN)` - `Welsh - United Kingdom (cy-GB)` ## Evaluation results ```plain precision recall f1-score support af-ZA 0.9821 0.9805 0.9813 2974 am-ET 1.0000 1.0000 1.0000 2974 ar-SA 0.9809 0.9822 0.9815 2974 az-AZ 0.9946 0.9845 0.9895 2974 bn-BD 0.9997 0.9990 0.9993 2974 cy-GB 0.9970 0.9929 0.9949 2974 da-DK 0.9575 0.9617 0.9596 2974 de-DE 0.9906 0.9909 0.9908 2974 el-GR 0.9997 0.9973 0.9985 2974 en-US 0.9712 0.9866 0.9788 2974 es-ES 0.9825 0.9842 0.9834 2974 fa-IR 0.9940 0.9973 0.9956 2974 fi-FI 0.9943 0.9946 0.9945 2974 fr-FR 0.9963 0.9923 0.9943 2974 he-IL 1.0000 0.9997 0.9998 2974 hi-IN 1.0000 0.9980 0.9990 2974 hu-HU 0.9983 0.9950 0.9966 2974 hy-AM 1.0000 0.9993 0.9997 2974 id-ID 0.9319 0.9291 0.9305 2974 is-IS 0.9966 0.9943 0.9955 2974 it-IT 0.9698 0.9926 0.9811 2974 ja-JP 0.9987 0.9963 0.9975 2974 jv-ID 0.9628 0.9744 0.9686 2974 ka-GE 0.9993 0.9997 0.9995 2974 km-KH 0.9867 0.9963 0.9915 2974 kn-IN 1.0000 0.9993 0.9997 2974 ko-KR 0.9917 0.9997 0.9956 2974 lv-LV 0.9990 0.9950 0.9970 2974 ml-IN 0.9997 0.9997 0.9997 2974 mn-MN 0.9987 0.9966 0.9976 2974 ms-MY 0.9359 0.9418 0.9388 2974 my-MM 1.0000 0.9993 0.9997 2974 nb-NO 0.9600 0.9533 0.9566 2974 nl-NL 0.9850 0.9748 0.9799 2974 pl-PL 0.9946 0.9923 0.9934 2974 pt-PT 0.9885 0.9798 0.9841 2974 ro-RO 0.9919 0.9916 0.9918 2974 ru-RU 0.9976 0.9983 0.9980 2974 sl-SL 0.9956 0.9939 0.9948 2974 sq-AL 0.9936 0.9896 0.9916 2974 sv-SE 0.9902 0.9842 0.9872 2974 sw-KE 0.9867 0.9953 0.9910 2974 ta-IN 1.0000 1.0000 1.0000 2974 te-IN 1.0000 0.9997 0.9998 2974 th-TH 1.0000 0.9983 0.9992 2974 tl-PH 0.9929 0.9899 0.9914 2974 tr-TR 0.9869 0.9872 0.9871 2974 ur-PK 0.9983 0.9929 0.9956 2974 vi-VN 0.9993 0.9973 0.9983 2974 zh-CN 0.9812 0.9832 0.9822 2974 zh-TW 0.9832 0.9815 0.9823 2974 accuracy 0.9889 151674 macro avg 0.9889 0.9889 0.9889 151674 weighted avg 0.9889 0.9889 0.9889 151674 ``` Keywords : language identification ; language identification ; multilingual ; classification
[ -0.6604528427124023, -0.3835390508174896, 0.19214147329330444, 0.30022215843200684, -0.18393383920192719, 0.08885269612073898, -0.0894712507724762, -0.3872102200984955, 0.6541357040405273, 0.1807546317577362, -0.485666424036026, -0.8133784532546997, -0.6842407584190369, 0.3695034682750702, 0.07543107122182846, 0.6758686304092407, -0.08470788598060608, 0.16334432363510132, 0.2691134214401245, -0.4426075220108032, -0.24267004430294037, -0.2104628086090088, -0.5180356502532959, -0.0146849500015378, 0.24917036294937134, 0.5707876086235046, 0.6628720760345459, 0.5864998698234558, 0.44072410464286804, 0.4190579354763031, -0.1510339081287384, 0.09447835385799408, -0.028739267960190773, -0.39519232511520386, -0.011899436824023724, -0.4779394268989563, -0.48961141705513, -0.06345243006944656, 0.4962991178035736, 0.8246678709983826, -0.09790515899658203, 0.5475714206695557, 0.04966365545988083, 0.9719457626342773, -0.42787840962409973, 0.4001317322254181, -0.10059753060340881, 0.05881451442837715, -0.09791623055934906, -0.08925148844718933, -0.1043727770447731, -0.5699486136436462, 0.11606787145137787, -0.8274868726730347, 0.06792957335710526, 0.10218463838100433, 1.4027506113052368, -0.002530858153477311, -0.11158343404531479, -0.3330424726009369, -0.41090935468673706, 0.8847358822822571, -0.8291590213775635, 0.2646070718765259, 0.706486165523529, 0.07288455963134766, -0.09169495105743408, -0.5191331505775452, -0.8477288484573364, 0.19251011312007904, -0.4448336958885193, 0.3965863883495331, -0.181553915143013, -0.34770485758781433, 0.18314237892627716, 0.4416539669036865, -0.8717130422592163, -0.058016810566186905, -0.5522856712341309, -0.20446227490901947, 0.8847358822822571, 0.16597875952720642, 0.5447577238082886, -0.5244172215461731, -0.34670642018318176, -0.21104179322719574, -0.28693050146102905, 0.608930766582489, 0.3510721027851105, 0.34150347113609314, -0.6423473358154297, 0.7448064684867859, -0.3578304350376129, 0.5100953578948975, 0.18872608244419098, -0.4126935601234436, 1.0503865480422974, -0.726319432258606, -0.2888036072254181, 0.06040610000491142, 1.041929841041565, 0.4347141981124878, 0.010357930324971676, 0.27384713292121887, 0.09251417964696884, -0.0076068006455898285, -0.2590404152870178, -0.6928350329399109, -0.03645985573530197, 0.5298854112625122, -0.6045433282852173, -0.10099183022975922, 0.22970251739025116, -1.1088231801986694, 0.06650177389383316, -0.12837013602256775, 0.4039657711982727, -0.44331011176109314, -0.7045122981071472, 0.15981443226337433, -0.10230577737092972, 0.4982050359249115, 0.27734091877937317, -0.9778658747673035, 0.19352318346500397, 0.22455990314483643, 0.9760968089103699, -0.17912757396697998, -0.31938254833221436, 0.0036636830773204565, 0.11721301823854446, -0.5388634204864502, 0.8682220578193665, -0.40550342202186584, -0.6866984367370605, -0.20181600749492645, 0.4828506410121918, -0.4925383925437927, -0.3976667821407318, 0.7626790404319763, -0.09749799221754074, 0.4572770595550537, -0.33676815032958984, -0.2883690297603607, -0.3608681559562683, 0.46455666422843933, -0.8654305338859558, 1.537961483001709, 0.4913283884525299, -0.993049681186676, 0.5032702088356018, -0.5193104147911072, -0.26046377420425415, 0.06823255121707916, -0.24693767726421356, -0.7873286008834839, -0.4383068084716797, 0.5888487100601196, 0.3018640875816345, -0.36000895500183105, 0.34313851594924927, -0.013824645429849625, -0.3223094940185547, -0.22707028687000275, -0.2407735139131546, 1.2649247646331787, 0.36768126487731934, -0.6470121145248413, 0.12981031835079193, -1.0705233812332153, 0.18619580566883087, 0.267259418964386, -0.49770277738571167, -0.05168243125081062, -0.5470812320709229, 0.00634743133559823, 0.4528507888317108, 0.224079892039299, -0.7395266890525818, 0.22959917783737183, -0.5676786303520203, 0.2825799286365509, 0.6798860430717468, 0.10076961666345596, 0.4503553807735443, -0.5947601199150085, 0.7541865110397339, 0.36539125442504883, 0.10560056567192078, 0.016345709562301636, -0.7385576367378235, -0.8077029585838318, -0.34475472569465637, 0.2130114734172821, 0.8465527892112732, -0.6756184101104736, 0.8254783749580383, -0.34607797861099243, -0.7149028182029724, -0.6208212971687317, -0.160999596118927, 0.47589319944381714, 0.5754159688949585, 0.24429523944854736, -0.18935881555080414, -0.7693246006965637, -0.9865800738334656, -0.15462766587734222, -0.2640311121940613, 0.2132166475057602, 0.5176734924316406, 0.9967716336250305, -0.17242027819156647, 0.9996232986450195, -0.5737411379814148, -0.6114521026611328, -0.3811291456222534, -0.21619996428489685, 0.571663498878479, 0.6435425877571106, 0.7995862364768982, -0.8766327500343323, -1.1436017751693726, 0.11857940256595612, -0.8080888390541077, 0.2004024088382721, 0.009788344614207745, -0.10588525235652924, 0.5474279522895813, 0.29745978116989136, -0.6790717840194702, 0.796760082244873, 0.6634775400161743, -0.6632925868034363, 0.6922627687454224, -0.44920477271080017, 0.41125601530075073, -1.2550264596939087, 0.32536306977272034, -0.08844530582427979, 0.2504191994667053, -0.5251641869544983, -0.3723747730255127, 0.006800989154726267, -0.21177202463150024, -0.5261703729629517, 0.8326563835144043, -0.6738047003746033, 0.13770894706249237, 0.3944713771343231, 0.11640432476997375, -0.02820373885333538, 0.7456349730491638, 0.21890327334403992, 1.1649785041809082, 0.9112512469291687, -0.5226987600326538, 0.07068970799446106, 0.3821580410003662, -0.6426575779914856, 0.42608535289764404, -0.5680474042892456, -0.3737950921058655, -0.17647618055343628, 0.1647852212190628, -1.3725597858428955, -0.3687596619129181, 0.39547789096832275, -0.8454322814941406, 0.1924615502357483, 0.049863871186971664, -0.26264142990112305, -0.8257467746734619, -0.5302181243896484, 0.1810302436351776, 0.3610486686229706, -0.42079004645347595, 0.7636681795120239, 0.3320927917957306, -0.2378300279378891, -0.7611387372016907, -0.8266825079917908, -0.1415388584136963, -0.3141212463378906, -0.7383478879928589, 0.31992995738983154, -0.07206422090530396, -0.03648359701037407, 0.15005284547805786, -0.21052202582359314, -0.08493328094482422, -0.09769181162118912, 0.2271398901939392, 0.21327269077301025, -0.30437737703323364, -0.26518866419792175, -0.2705266773700714, -0.1886991262435913, -0.09814304858446121, 0.07944530248641968, 0.723493218421936, -0.1512514054775238, -0.17203934490680695, -0.7258961796760559, 0.2921278476715088, 0.5871142148971558, -0.4483538866043091, 1.1064152717590332, 0.9369691610336304, -0.3325870931148529, 0.21066628396511078, -0.5089633464813232, 0.16617608070373535, -0.4907520115375519, 0.3872118294239044, -0.6267996430397034, -0.8517328500747681, 0.9839038252830505, -0.06534503400325775, -0.11948797106742859, 0.9104803800582886, 0.5694477558135986, 0.09322848916053772, 1.181045413017273, 0.4408155679702759, -0.19899238646030426, 0.21603091061115265, -0.7090420722961426, 0.14079536497592926, -0.8155749440193176, -0.7816348671913147, -0.7632027864456177, -0.12032236158847809, -0.8277856111526489, -0.5220040082931519, 0.4883771240711212, 0.005721817258745432, -0.5095755457878113, 0.3165856897830963, -0.6931167840957642, 0.36752355098724365, 0.7264808416366577, 0.16978687047958374, 0.10798429697751999, 0.09577050805091858, -0.5095118284225464, -0.17457450926303864, -0.5458252429962158, -0.5457290410995483, 1.377233862876892, 0.23488034307956696, 0.44464975595474243, 0.37785157561302185, 0.8149429559707642, 0.1961611956357956, -0.04146170616149902, -0.6096912026405334, 0.4470275640487671, -0.09098398685455322, -0.8915178179740906, -0.6218364834785461, -0.34781843423843384, -1.259681224822998, 0.510343611240387, -0.20378778874874115, -1.0032074451446533, 0.44389036297798157, -0.1670876294374466, -0.6217478513717651, 0.327971875667572, -0.9028108716011047, 0.882948100566864, -0.28677666187286377, -0.3730989992618561, 0.15999619662761688, -0.7824847102165222, 0.35932230949401855, -0.005053861532360315, 0.6101680994033813, -0.3387930691242218, 0.07800698280334473, 0.9810075163841248, -0.5976787209510803, 0.6606413722038269, -0.33350884914398193, 0.17396540939807892, 0.5273652672767639, -0.15588857233524323, 0.429115355014801, 0.2525710165500641, -0.3191376030445099, 0.1596604883670807, 0.1269584596157074, -0.5409619212150574, -0.3021059036254883, 0.8530571460723877, -1.209898829460144, -0.7585993409156799, -0.9704583883285522, -0.5007680058479309, 0.08059883862733841, 0.6386415958404541, 0.3144799768924713, 0.3324449062347412, 0.10201316326856613, 0.1252337545156479, 0.6138918995857239, -0.47940436005592346, 0.6239181756973267, 0.5300363302230835, -0.19977901875972748, -0.8496075868606567, 0.9705148935317993, 0.32732537388801575, 0.16244620084762573, 0.2709885239601135, 0.5551785826683044, -0.5298571586608887, -0.3532852232456207, -0.676822304725647, 0.362001895904541, -0.3727673590183258, -0.13904348015785217, -0.8626598715782166, -0.2215651571750641, -0.8243048191070557, -0.29384440183639526, -0.18228648602962494, -0.5073434710502625, -0.1702776998281479, -0.15162798762321472, 0.4672256112098694, 0.6385989785194397, -0.1689610481262207, 0.18538197875022888, -0.7223204970359802, 0.43095484375953674, 0.021714869886636734, 0.335832417011261, -0.09533949941396713, -0.6776949763298035, -0.2419246882200241, 0.04629082977771759, -0.2502952516078949, -0.923130214214325, 0.9023036360740662, 0.21053852140903473, 0.8158360719680786, 0.34529048204421997, -0.04649514704942703, 1.0415105819702148, -0.21335460245609283, 1.1797730922698975, 0.3024523854255676, -0.9484366178512573, 0.7067912220954895, -0.4295662045478821, 0.5428235530853271, 0.7684205770492554, 0.779566764831543, -0.4902789890766144, -0.3410053253173828, -0.8168053030967712, -1.073126196861267, 1.0697362422943115, 0.32682737708091736, -0.2021217942237854, 0.09006398171186447, 0.12743447721004486, -0.13063473999500275, 0.10854577273130417, -0.851067304611206, -0.9295949935913086, -0.054364413022994995, -0.35669752955436707, -0.14875847101211548, -0.10928504914045334, -0.055754464119672775, -0.8528044819831848, 0.7030910849571228, 0.17025752365589142, 0.30509153008461, 0.43238067626953125, 0.04905024915933609, -0.15225958824157715, 0.2894907295703888, 0.8014420866966248, 0.8389682769775391, -0.33042111992836, -0.12774991989135742, 0.22774076461791992, -0.9551272392272949, 0.3618943989276886, 0.03551959618926048, -0.4192793071269989, 0.1233104020357132, 0.4697396159172058, 0.5143675208091736, 0.1206420361995697, -0.43263131380081177, 0.5195453763008118, -0.14423272013664246, -0.5160068273544312, -0.6777773499488831, -0.050186190754175186, 0.22710898518562317, 0.0765235647559166, 0.5428882837295532, 0.06591877341270447, -0.02305704914033413, -0.5957504510879517, 0.21045748889446259, 0.3334534466266632, -0.31808537244796753, -0.08631633967161179, 0.6979360580444336, 0.14361540973186493, -0.17419564723968506, 0.49052342772483826, -0.36979374289512634, -0.6673505902290344, 0.9842119216918945, 0.5944089889526367, 0.6038675308227539, -0.6582674384117126, 0.34013158082962036, 1.288360595703125, 0.4404391050338745, 0.013812271878123283, 0.7316493988037109, 0.1905542016029358, -0.5334819555282593, 0.08406901359558105, -0.8547636866569519, -0.15204927325248718, 0.2933999001979828, -0.8717983961105347, 0.25163719058036804, -0.319551944732666, -0.2240339070558548, -0.08044806867837906, 0.46697649359703064, -0.7939912676811218, 0.3871156871318817, -0.02439326047897339, 1.0149649381637573, -1.1844522953033447, 0.9484801292419434, 0.8674727082252502, -0.8201361894607544, -1.403576135635376, -0.27072370052337646, -0.051424235105514526, -0.9064669013023376, 0.7561551332473755, 0.19722412526607513, 0.09903623908758163, -0.03698822483420372, -0.23590624332427979, -1.5330150127410889, 1.46644926071167, -0.14195643365383148, -0.5722615122795105, 0.2222699373960495, 0.40570831298828125, 0.5702020525932312, -0.13437317311763763, 0.5688076019287109, 0.8987656831741333, 0.7278330326080322, 0.10204566270112991, -1.2315421104431152, 0.0648328959941864, -0.7070388197898865, -0.1527620404958725, 0.2577948570251465, -1.0457847118377686, 1.0892614126205444, -0.28076907992362976, -0.1777631789445877, -0.1774231493473053, 0.6670981049537659, 0.5731205344200134, 0.37762734293937683, 0.4784298241138458, 0.9127896428108215, 0.7696583867073059, -0.20185230672359467, 0.7124532461166382, -0.415033757686615, 0.48190760612487793, 0.8457953929901123, -0.04179086163640022, 0.8340744376182556, 0.4238254129886627, -0.625595211982727, 0.5254477262496948, 0.7297925353050232, -0.1294783651828766, 0.5637204647064209, -0.06975860893726349, -0.18072327971458435, 0.03270664066076279, -0.1114010140299797, -0.5605151653289795, 0.510819673538208, 0.5650534629821777, -0.31837552785873413, -0.10640298575162888, 0.004066361580044031, 0.28632161021232605, 0.04536661133170128, -0.46192798018455505, 0.6373675465583801, -0.10965554416179657, -0.8022238612174988, 0.8076944947242737, -0.13381560146808624, 0.9043701887130737, -0.7469652891159058, -0.003811810165643692, -0.19723770022392273, 0.3341521918773651, -0.5958831310272217, -1.2063632011413574, 0.21469196677207947, -0.09248036891222, -0.2421547919511795, 0.12230711430311203, 0.3587685525417328, -0.563444972038269, -0.8562940955162048, 0.3074304759502411, 0.26679685711860657, 0.15275117754936218, 0.4122483432292938, -1.0736445188522339, 0.13042253255844116, 0.3742017149925232, -0.6588810682296753, 0.30526500940322876, 0.44456803798675537, -0.058041032403707504, 0.7202068567276001, 0.6422522068023682, 0.18129944801330566, 0.2651054859161377, -0.15541817247867584, 0.9346206784248352, -0.7288704514503479, -0.5911586880683899, -0.735442578792572, 0.6081951260566711, -0.0907379612326622, -0.6470414400100708, 1.2892709970474243, 0.9992151856422424, 0.9638354182243347, -0.1301323026418686, 1.0581419467926025, -0.4120681881904602, 0.8160115480422974, -0.36742573976516724, 0.8231790065765381, -0.7396284341812134, -0.1567802131175995, -0.3677166700363159, -0.7414010763168335, -0.46792587637901306, 0.977446436882019, -0.45984023809432983, 0.21150730550289154, 0.7945380806922913, 0.9417101740837097, 0.15185686945915222, -0.020106116309762, 0.16061319410800934, 0.09690190106630325, 0.20928603410720825, 0.7500219941139221, 0.20824751257896423, -0.69815993309021, 0.5732780694961548, -0.7939969301223755, -0.1417621523141861, -0.09972337633371353, -0.6750158667564392, -0.9087598323822021, -0.6723836660385132, -0.4582410752773285, -0.4469083547592163, -0.3718545734882355, 1.054682731628418, 0.5283908843994141, -0.9626426100730896, -0.49456024169921875, 0.11041273921728134, -0.025133419781923294, -0.17144867777824402, -0.23976296186447144, 1.1885619163513184, 0.07062839716672897, -0.8817583322525024, 0.1393691748380661, 0.1122320145368576, 0.21437698602676392, -0.14814195036888123, -0.21353459358215332, -0.6313092708587646, -0.05012736842036247, 0.4973294734954834, 0.41074085235595703, -0.8768335580825806, -0.1260197013616562, 0.011755981482565403, -0.32033443450927734, 0.3177391290664673, 0.1771056056022644, -0.3864234983921051, 0.5268697142601013, 0.5851314663887024, 0.33410435914993286, 0.5977980494499207, 0.21100929379463196, 0.08066541701555252, -0.43336960673332214, 0.45806995034217834, 0.06314389407634735, 0.3506739139556885, 0.10723553597927094, -0.4897013306617737, 0.7507111430168152, 0.3359219431877136, -0.6424226760864258, -0.9461559653282166, -0.2719843089580536, -1.362465739250183, -0.06154165044426918, 1.3130801916122437, -0.3169040381908417, -0.7189873456954956, -0.2965419292449951, -0.22177277505397797, 0.2560529112815857, -0.5892378687858582, 0.44013914465904236, 0.7397336363792419, -0.25457054376602173, -0.037365060299634933, -0.6768275499343872, 0.4959920346736908, 0.41803431510925293, -0.9831770062446594, -0.26352638006210327, 0.04053075239062309, 0.4487832188606262, 0.4566039443016052, 0.9196345806121826, -0.30308035016059875, 0.19769588112831116, 0.20201550424098969, 0.2593180239200592, 0.08673078566789627, -0.010473930276930332, -0.251700222492218, 0.007417422253638506, -0.12943169474601746, -0.384161114692688 ]
apple/DFN5B-CLIP-ViT-H-14-378
apple
2023-10-31T18:02:40Z
10,466
9
open_clip
[ "open_clip", "pytorch", "clip", "arxiv:2309.17425", "license:other", "region:us" ]
null
2023-10-30T23:08:21Z
--- license: other license_name: apple-sample-code-license license_link: LICENSE --- A CLIP (Contrastive Language-Image Pre-training) model trained on DFN-5B. Data Filtering Networks (DFNs) are small networks used to automatically filter large pools of uncurated data. This model was trained on 5B images that were filtered from a pool of 43B uncurated image-text pairs (12.8B image-text pairs from CommonPool-12.8B + 30B additional public image-text pairs). This model has been converted to PyTorch from the original JAX checkpoints from Axlearn (https://github.com/apple/axlearn). These weights are directly usable in OpenCLIP (image + text). ## Model Details - **Model Type:** Contrastive Image-Text, Zero-Shot Image Classification. - **Dataset:** DFN-5b - **Papers:** - Data Filtering Networks: https://arxiv.org/abs/2309.17425 - **Samples Seen:** 39B (224 x 224) + 5B (384 x 384) ## Model Metrics | dataset | metric | |:-----------------------|---------:| | ImageNet 1k | 0.84218 | | Caltech-101 | 0.954479 | | CIFAR-10 | 0.9879 | | CIFAR-100 | 0.9041 | | CLEVR Counts | 0.362467 | | CLEVR Distance | 0.206067 | | Country211 | 0.37673 | | Describable Textures | 0.71383 | | EuroSAT | 0.608333 | | FGVC Aircraft | 0.719938 | | Food-101 | 0.963129 | | GTSRB | 0.679018 | | ImageNet Sketch | 0.73338 | | ImageNet v2 | 0.7837 | | ImageNet-A | 0.7992 | | ImageNet-O | 0.3785 | | ImageNet-R | 0.937633 | | KITTI Vehicle Distance | 0.38256 | | MNIST | 0.8372 | | ObjectNet <sup>1</sup> | 0.796867 | | Oxford Flowers-102 | 0.896834 | | Oxford-IIIT Pet | 0.966841 | | Pascal VOC 2007 | 0.826255 | | PatchCamelyon | 0.695953 | | Rendered SST2 | 0.566722 | | RESISC45 | 0.755079 | | Stanford Cars | 0.959955 | | STL-10 | 0.991125 | | SUN397 | 0.772799 | | SVHN | 0.671251 | | Flickr | 0.8808 | | MSCOCO | 0.636889 | | WinoGAViL | 0.571813 | | iWildCam | 0.224911 | | Camelyon17 | 0.711536 | | FMoW | 0.209024 | | Dollar Street | 0.71729 | | GeoDE | 0.935699 | | **Average** | **0.709421** | [1]: Center-crop pre-processing used for ObjectNet (squashing results in lower accuracy of 0.737) ## Model Usage ### With OpenCLIP ``` import torch import torch.nn.functional as F from urllib.request import urlopen from PIL import Image from open_clip import create_model_from_pretrained, get_tokenizer model, preprocess = create_model_from_pretrained('hf-hub:apple/DFN5B-CLIP-ViT-H-14-384') tokenizer = get_tokenizer('ViT-H-14') image = Image.open(urlopen( 'https://huggingface.co/datasets/huggingface/documentation-images/resolve/main/beignets-task-guide.png' )) image = preprocess(image).unsqueeze(0) labels_list = ["a dog", "a cat", "a donut", "a beignet"] text = tokenizer(labels_list, context_length=model.context_length) with torch.no_grad(), torch.cuda.amp.autocast(): image_features = model.encode_image(image) text_features = model.encode_text(text) image_features = F.normalize(image_features, dim=-1) text_features = F.normalize(text_features, dim=-1) text_probs = torch.sigmoid(image_features @ text_features.T * model.logit_scale.exp() + model.logit_bias) zipped_list = list(zip(labels_list, [round(p.item(), 3) for p in text_probs[0]])) print("Label probabilities: ", zipped_list) ``` ## Citation ```bibtex @article{fang2023data, title={Data Filtering Networks}, author={Fang, Alex and Jose, Albin Madappally and Jain, Amit and Schmidt, Ludwig and Toshev, Alexander and Shankar, Vaishaal}, journal={arXiv preprint arXiv:2309.17425}, year={2023} } ```
[ -0.7174625396728516, -0.5180675387382507, 0.22891530394554138, 0.13142463564872742, -0.34910503029823303, -0.14260949194431305, -0.0010798696894198656, -0.41760140657424927, 0.47666290402412415, 0.3760102093219757, -0.6608116030693054, -0.723915696144104, -0.705608606338501, -0.07362952083349228, -0.41389235854148865, 1.081620693206787, -0.046993277966976166, -0.17375941574573517, 0.04315527155995369, -0.31790831685066223, -0.2527340352535248, -0.40353924036026, -0.528846025466919, -0.482693076133728, 0.4392617642879486, 0.22472013533115387, 0.8962430357933044, 0.8153679370880127, 0.7747982740402222, 0.2851984202861786, -0.20686697959899902, -0.03276866301894188, -0.4199586510658264, -0.47563230991363525, 0.05377225577831268, -0.25344133377075195, -0.32715287804603577, 0.16368155181407928, 0.5274215936660767, 0.5728510618209839, 0.1704314798116684, 0.327121764421463, -0.013216604478657246, 0.663592517375946, -0.5773544907569885, -0.038668520748615265, -0.38411039113998413, 0.12614385783672333, -0.3047119975090027, 0.08796481788158417, -0.11128690838813782, -0.2173067182302475, 0.17069518566131592, -0.6861729025840759, 0.49782049655914307, 0.14831990003585815, 1.6766471862792969, 0.2608720064163208, -0.18892502784729004, -0.11049969494342804, -0.3747195303440094, 0.7419469356536865, -0.73452228307724, 0.24463355541229248, 0.42011529207229614, 0.021306822076439857, -0.18194036185741425, -0.9646424055099487, -0.7323106527328491, 0.10628405213356018, -0.12150280177593231, 0.16667497158050537, -0.37030500173568726, -0.007782905362546444, 0.38855358958244324, 0.5430595278739929, -0.4812331199645996, 0.04161503165960312, -0.7195858955383301, -0.1745152771472931, 0.8009936213493347, 0.059902530163526535, 0.30996277928352356, -0.47075337171554565, -0.47856321930885315, -0.4173142910003662, -0.41946786642074585, 0.3365071713924408, 0.429857075214386, -0.006751638371497393, -0.3900632858276367, 0.5107094645500183, -0.2435424029827118, 0.9266394972801208, 0.1048634871840477, -0.22415800392627716, 0.7072896361351013, -0.29668745398521423, -0.4055245518684387, -0.07163073122501373, 1.1923127174377441, 0.6665493845939636, 0.17496755719184875, 0.2109697312116623, -0.03063517063856125, -0.19826740026474, -0.1051938459277153, -1.131543517112732, -0.9131551384925842, 0.1231888011097908, -0.6288480162620544, -0.4223681390285492, 0.33666175603866577, -0.6845776438713074, -0.04639413580298424, -0.06931939721107483, 0.5749543905258179, -0.4246754050254822, -0.23945388197898865, 0.10243596136569977, -0.2715873122215271, 0.20686426758766174, 0.10585805773735046, -0.6237228512763977, 0.1928761899471283, 0.16580945253372192, 1.2895267009735107, -0.015242354944348335, -0.37777331471443176, -0.019444147124886513, -0.17627744376659393, -0.2465686947107315, 0.840701162815094, -0.21405307948589325, -0.30223727226257324, -0.4046092629432678, 0.3758901059627533, -0.14868135750293732, -0.5437660217285156, 0.6302804350852966, -0.40224090218544006, 0.13937459886074066, -0.25005385279655457, -0.4193113446235657, -0.525391161441803, 0.2860698401927948, -0.8176234364509583, 1.4188294410705566, 0.12525172531604767, -1.1999146938323975, 0.586117684841156, -0.5622984766960144, -0.09245751798152924, -0.2745820879936218, -0.15223558247089386, -0.9517847895622253, -0.34848928451538086, 0.7360456585884094, 0.6146188974380493, -0.2619788944721222, 0.09877748042345047, -0.7112049460411072, -0.40763574838638306, 0.2825891375541687, -0.2202060967683792, 1.2122899293899536, 0.11434109508991241, -0.38486191630363464, 0.18221955001354218, -0.8389284610748291, 0.05815925821661949, 0.3749066889286041, -0.15995915234088898, -0.20154926180839539, -0.37597233057022095, 0.10499382019042969, 0.4353254437446594, -0.1256374567747116, -0.7364019155502319, 0.1135757714509964, -0.395393431186676, 0.5471668243408203, 0.7155165076255798, 0.15384629368782043, 0.19109733402729034, -0.4724664092063904, 0.29232221841812134, 0.359822154045105, 0.17551517486572266, -0.2832796573638916, -0.5937720537185669, -0.7343672513961792, -0.7361364960670471, 0.27766674757003784, 0.3086205720901489, -0.6394883394241333, 0.5355404615402222, -0.23737406730651855, -0.5986611843109131, -0.3627247214317322, -0.0304269976913929, 0.3426707684993744, 0.8210684657096863, 0.43886733055114746, -0.5291975140571594, -0.6097533702850342, -0.9488820433616638, 0.1858782321214676, 0.11903895437717438, -0.005675472319126129, 0.47191759943962097, 0.8753355741500854, -0.06087598204612732, 1.1960482597351074, -0.9504187107086182, -0.47716742753982544, -0.11416593194007874, -0.000518995919264853, 0.6018555164337158, 0.5984702110290527, 0.9157479405403137, -0.7338084578514099, -0.5483711957931519, -0.27707716822624207, -0.7688129544258118, -0.06005265563726425, 0.17185784876346588, -0.3519052267074585, -0.040947843343019485, 0.4475845992565155, -0.5029398798942566, 0.8983068466186523, 0.49587562680244446, -0.3728468716144562, 0.7485752105712891, -0.20862165093421936, 0.14556574821472168, -1.0792157649993896, 0.29045814275741577, 0.20352524518966675, -0.21889238059520721, -0.4936480224132538, -0.3073876202106476, -0.07733916491270065, -0.1372685581445694, -0.6136260032653809, 0.8333328366279602, -0.5958520770072937, -0.15234923362731934, -0.20119789242744446, 0.028195856139063835, 0.3469880521297455, 0.6961874961853027, 0.1583988219499588, 0.7900492548942566, 0.6933035850524902, -0.5836944580078125, 0.4738285541534424, 0.46766117215156555, -0.6082737445831299, 0.4470352828502655, -0.8505940437316895, 0.004015698563307524, -0.05504985898733139, 0.4396432936191559, -1.0432442426681519, -0.46669724583625793, 0.418613076210022, -0.40564581751823425, 0.12836866080760956, -0.3369808495044708, -0.2907297611236572, -0.8502142429351807, -0.40586498379707336, 0.6883633732795715, 0.4308816194534302, -0.6929959058761597, 0.06889797747135162, 0.3633907735347748, 0.22084850072860718, -0.6941398978233337, -0.8202437162399292, -0.3516308665275574, -0.1384478509426117, -0.6936705112457275, 0.5643211603164673, 0.1787513792514801, 0.18938575685024261, 0.2314710170030594, -0.01306985504925251, -0.3233795464038849, -0.11465199291706085, 0.5139455795288086, 0.4715559184551239, -0.11094681918621063, -0.16423499584197998, -0.22705474495887756, 0.14911139011383057, -0.005684581585228443, -0.2898477017879486, 0.6734523177146912, -0.037575870752334595, -0.3647828996181488, -0.6549780368804932, -0.10420440137386322, 0.29941466450691223, -0.17685192823410034, 0.8378865718841553, 0.8210442662239075, -0.4571094810962677, 0.11448710411787033, -0.4443233013153076, -0.24252547323703766, -0.49955469369888306, 0.5076277852058411, -0.42205220460891724, -0.5606794357299805, 0.8513885736465454, 0.13058504462242126, 0.03274552524089813, 0.7097265720367432, 0.41729483008384705, -0.1842714250087738, 0.8712809681892395, 0.49370625615119934, -0.08624604344367981, 0.7644209861755371, -0.8752964735031128, 0.03341788426041603, -1.0792720317840576, -0.41616329550743103, -0.3761698007583618, -0.5734245181083679, -0.4189581274986267, -0.5464872717857361, 0.4192848801612854, 0.37208864092826843, -0.6127011775970459, 0.4160289764404297, -0.8089471459388733, 0.3811371326446533, 0.7734081149101257, 0.7186766862869263, -0.09282683581113815, 0.10213395953178406, -0.4014512300491333, -0.10330725461244583, -0.8546143770217896, -0.15587195754051208, 1.242026925086975, 0.39368104934692383, 0.7007775902748108, -0.2692102789878845, 0.6913021802902222, 0.10144523531198502, 0.18012170493602753, -0.5324029922485352, 0.3578959107398987, -0.22499532997608185, -0.8212156295776367, -0.2084227055311203, -0.3907833397388458, -0.9780036807060242, 0.2544955015182495, -0.2589236795902252, -1.0010420083999634, 0.49618226289749146, 0.26887276768684387, -0.3565002679824829, 0.6440151929855347, -0.5946357250213623, 1.0224372148513794, -0.11957986652851105, -0.4577046036720276, 0.24094738066196442, -0.583324670791626, 0.5096629858016968, 0.31712013483047485, 0.07073607295751572, -0.344277948141098, 0.3670431673526764, 1.3131898641586304, -0.7375013828277588, 0.7358589768409729, -0.23580510914325714, 0.4781522750854492, 0.6226319074630737, -0.16047804057598114, 0.42834198474884033, -0.01630587875843048, -0.10179266333580017, 0.4183463156223297, 0.13736124336719513, -0.576013445854187, -0.42832890152931213, 0.5119429230690002, -1.0185599327087402, -0.3279939591884613, -0.6065285205841064, -0.4412182867527008, 0.3016153872013092, 0.39431703090667725, 0.7271191477775574, 0.5958578586578369, 0.12504525482654572, 0.2089962512254715, 0.5449506044387817, -0.3043140769004822, 0.5873321294784546, -0.0745127946138382, -0.4079308807849884, -0.7582643032073975, 0.9138656854629517, 0.14696121215820312, 0.19373644888401031, 0.01457730121910572, 0.1418335735797882, -0.3673224449157715, -0.3943276107311249, -0.4950457811355591, 0.48468318581581116, -0.7097558975219727, -0.4415363669395447, -0.66677325963974, -0.4971327483654022, -0.39330047369003296, -0.2731376886367798, -0.5024489760398865, -0.3341969847679138, -0.6141622066497803, 0.03845423832535744, 0.6506984829902649, 0.5349702835083008, -0.05956556275486946, 0.5405997633934021, -0.48230189085006714, 0.11517032235860825, 0.012459649704396725, 0.3714792728424072, 0.04426255822181702, -0.9332359433174133, -0.26362907886505127, -0.0007934201275929809, -0.5979714393615723, -0.8632935285568237, 0.6433994174003601, 0.27916568517684937, 0.4508667588233948, 0.4661743640899658, 0.08180278539657593, 0.9773448705673218, -0.20329338312149048, 0.7893434762954712, 0.6184391975402832, -0.8679909706115723, 0.5991678237915039, -0.18649932742118835, 0.400867223739624, 0.4548488259315491, 0.507452130317688, -0.4145137369632721, -0.17993126809597015, -0.8057821989059448, -1.0830042362213135, 1.1086939573287964, 0.3139598071575165, -0.2047346532344818, 0.21258671581745148, 0.5246496200561523, -0.24470685422420502, 0.15575674176216125, -0.9859665036201477, -0.4105396270751953, -0.5145062208175659, -0.3256702721118927, 0.10114195942878723, -0.07123258709907532, -0.15680114924907684, -0.6262572407722473, 0.7434336543083191, -0.11140824854373932, 0.5821215510368347, 0.5390920042991638, -0.02520500309765339, 0.23245467245578766, -0.3548400104045868, 0.5594630241394043, 0.5536761283874512, -0.3590046763420105, 0.059668440371751785, 0.040622785687446594, -0.7444969415664673, 0.058503374457359314, 0.030744990333914757, -0.35623112320899963, 0.11351633816957474, 0.3998647928237915, 1.1939970254898071, 0.18764257431030273, -0.22951355576515198, 0.7761235237121582, 0.1367134004831314, -0.5347715616226196, -0.2828793227672577, -0.04418204352259636, -0.2133391946554184, 0.20655371248722076, 0.3339501619338989, 0.1561102718114853, 0.16369597613811493, -0.2742297649383545, 0.42634645104408264, 0.40975210070610046, -0.47206172347068787, -0.3330887258052826, 0.8243235945701599, -0.01648695021867752, 0.0034604216925799847, 0.7165496945381165, -0.09090445935726166, -0.8184475302696228, 0.9183350801467896, 0.45677170157432556, 0.7274619340896606, 0.10776909440755844, 0.258247047662735, 0.9655457139015198, 0.21568244695663452, -0.13384561240673065, -0.007406139746308327, 0.1150733008980751, -0.7338636517524719, -0.06559789925813675, -0.6863483786582947, -0.2066229283809662, 0.2857888340950012, -0.7333034873008728, 0.4651640057563782, -0.5068691372871399, -0.47249284386634827, 0.14251454174518585, 0.1867946982383728, -0.9596524238586426, 0.42112496495246887, -0.07947277277708054, 0.9821406006813049, -0.9562899470329285, 0.852724015712738, 0.7266931533813477, -0.6526287794113159, -1.1873639822006226, -0.1756487935781479, -0.1961333155632019, -0.7514848113059998, 0.8456651568412781, 0.38330143690109253, 0.09755370020866394, -0.004534303676337004, -0.6563519835472107, -1.1954947710037231, 1.3183538913726807, 0.3074250817298889, -0.33940061926841736, 0.012458517216145992, -0.1076374426484108, 0.2536684572696686, -0.28949007391929626, 0.7573464512825012, 0.47574204206466675, 0.1945008486509323, 0.3300068974494934, -0.9468704462051392, 0.1547376662492752, -0.24342648684978485, 0.09588515758514404, 0.23329678177833557, -0.8953176140785217, 1.2110955715179443, -0.17240482568740845, -0.06081914156675339, -0.2276061326265335, 0.7388373017311096, 0.3473042845726013, 0.3482467234134674, 0.5215011835098267, 0.7193486094474792, 0.73382967710495, -0.2663203179836273, 0.8937020897865295, -0.22953762114048004, 0.8247867822647095, 1.0386033058166504, 0.10333400219678879, 0.6946310997009277, 0.41835319995880127, -0.29228895902633667, 0.5704050660133362, 0.9556082487106323, -0.29743385314941406, 0.66680508852005, 0.09415918588638306, -0.04251081496477127, -0.03578526899218559, 0.1691828966140747, -0.38950103521347046, 0.3821813464164734, 0.07870272547006607, -0.6076867580413818, -0.23220233619213104, 0.30653631687164307, 0.20477047562599182, -0.24650275707244873, -0.35810843110084534, 0.45130279660224915, -0.0070991842076182365, -0.374204158782959, 0.7117642760276794, 0.07299478352069855, 0.8090420365333557, -0.3081391751766205, 0.17360782623291016, -0.07664947211742401, 0.30945244431495667, -0.5161560773849487, -1.1670933961868286, 0.3780278265476227, -0.006366052199155092, -0.23016251623630524, 0.14956168830394745, 0.6481893062591553, -0.19099342823028564, -0.7584158182144165, 0.242047518491745, -0.07159560173749924, 0.41640418767929077, -0.0187492985278368, -0.988702118396759, 0.3191145658493042, 0.11646077781915665, -0.6295352578163147, 0.07642287015914917, 0.21294209361076355, 0.002311047865077853, 0.6994060277938843, 0.6742224097251892, 0.03573065996170044, 0.4214913845062256, -0.28257572650909424, 1.250289797782898, -0.6296244263648987, -0.6403989195823669, -0.8461588025093079, 0.44648805260658264, -0.4648442566394806, -0.5775431394577026, 0.6698471903800964, 0.7330860495567322, 1.0682865381240845, 0.038134410977363586, 0.5967594981193542, -0.40798160433769226, 0.3284469246864319, -0.5867547392845154, 0.7712835669517517, -0.6641991138458252, -0.04058200865983963, -0.45643848180770874, -0.8493143320083618, -0.3970409035682678, 0.9515155553817749, -0.5794312357902527, 0.18761669099330902, 0.5770244598388672, 0.9014871120452881, -0.2869011461734772, -0.20344945788383484, 0.09600553661584854, 0.010883241891860962, 0.3731275200843811, 0.5549596548080444, 0.2770177721977234, -0.9205019474029541, 0.7014318704605103, -0.8676776885986328, -0.24427975714206696, -0.23237740993499756, -0.8739582300186157, -1.0271172523498535, -0.7239407896995544, -0.5918044447898865, -0.5318629145622253, -0.13402992486953735, 0.9581249952316284, 1.2058072090148926, -0.8162472248077393, -0.1306234747171402, -0.08474577963352203, 0.08204291760921478, -0.1587965339422226, -0.2726808488368988, 0.7369849681854248, 0.04894743114709854, -0.7276749014854431, -0.24561484158039093, -0.014744165353477001, 0.2539069354534149, -0.08057437837123871, -0.06363072991371155, -0.36980441212654114, -0.11528240144252777, 0.2833522856235504, 0.418059378862381, -0.6501742005348206, -0.33781898021698, -0.07689163088798523, -0.11165579408407211, 0.4314000606536865, 0.4973927438259125, -0.7093400955200195, 0.4729534089565277, 0.3285081684589386, 0.35090044140815735, 1.0914232730865479, 0.0652431920170784, 0.04816411808133125, -0.8199965357780457, 0.6616368293762207, 0.052237965166568756, 0.3537847399711609, 0.33454105257987976, -0.2704150676727295, 0.4912804663181305, 0.45939093828201294, -0.7784598469734192, -1.0535106658935547, -0.05791692063212395, -1.1201852560043335, -0.08403585106134415, 0.9380467534065247, -0.5391054749488831, -0.6573327779769897, 0.0971001461148262, -0.3229362666606903, 0.3135608732700348, -0.33768031001091003, 0.6070645451545715, 0.6779167056083679, -0.27952781319618225, -0.4850172996520996, -0.4773610830307007, 0.47046467661857605, 0.06913532316684723, -0.6007704138755798, -0.3593446910381317, 0.2949219048023224, 0.6658324599266052, 0.2148153930902481, 0.8445717692375183, 0.0007145281415432692, 0.15084534883499146, 0.19865398108959198, 0.2914072871208191, -0.28179389238357544, -0.241151362657547, -0.15568694472312927, 0.023014677688479424, -0.15274424850940704, -0.6704453825950623 ]
Helsinki-NLP/opus-mt-fr-de
Helsinki-NLP
2023-08-16T11:36:16Z
10,459
0
transformers
[ "transformers", "pytorch", "tf", "rust", "marian", "text2text-generation", "translation", "fr", "de", "license:apache-2.0", "autotrain_compatible", "endpoints_compatible", "has_space", "region:us" ]
translation
2022-03-02T23:29:04Z
--- tags: - translation license: apache-2.0 --- ### opus-mt-fr-de * source languages: fr * target languages: de * OPUS readme: [fr-de](https://github.com/Helsinki-NLP/OPUS-MT-train/blob/master/models/fr-de/README.md) * dataset: opus * model: transformer-align * pre-processing: normalization + SentencePiece * download original weights: [opus-2020-01-09.zip](https://object.pouta.csc.fi/OPUS-MT-models/fr-de/opus-2020-01-09.zip) * test set translations: [opus-2020-01-09.test.txt](https://object.pouta.csc.fi/OPUS-MT-models/fr-de/opus-2020-01-09.test.txt) * test set scores: [opus-2020-01-09.eval.txt](https://object.pouta.csc.fi/OPUS-MT-models/fr-de/opus-2020-01-09.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | euelections_dev2019.transformer-align.fr | 26.4 | 0.571 | | newssyscomb2009.fr.de | 22.1 | 0.524 | | news-test2008.fr.de | 22.1 | 0.524 | | newstest2009.fr.de | 21.6 | 0.520 | | newstest2010.fr.de | 22.6 | 0.527 | | newstest2011.fr.de | 21.5 | 0.518 | | newstest2012.fr.de | 22.4 | 0.516 | | newstest2013.fr.de | 24.2 | 0.532 | | newstest2019-frde.fr.de | 27.9 | 0.595 | | Tatoeba.fr.de | 49.1 | 0.676 |
[ -0.5136610269546509, -0.3894611597061157, 0.2919727861881256, 0.4544941186904907, -0.36046093702316284, -0.4253779947757721, -0.34549155831336975, -0.06854179501533508, 0.10193420201539993, 0.49249762296676636, -0.929266631603241, -0.6373801231384277, -0.7184712886810303, 0.24292895197868347, -0.1279427856206894, 0.796170711517334, -0.15214505791664124, 0.3994024097919464, 0.30801090598106384, -0.48290783166885376, -0.4365626573562622, -0.3370506167411804, -0.4225170910358429, -0.5190681219100952, 0.34749072790145874, 0.5782496929168701, 0.5581910014152527, 0.4293745756149292, 0.9909200072288513, 0.2950443625450134, -0.1260695904493332, 0.01852158084511757, -0.47954416275024414, -0.20262883603572845, 0.17265546321868896, -0.5573582053184509, -0.8876339197158813, -0.12224715203046799, 1.1119269132614136, 0.5421048402786255, -0.039133138954639435, 0.4154406785964966, 0.004852610174566507, 1.0797042846679688, -0.17089146375656128, 0.00391376530751586, -0.6094250679016113, 0.1630205512046814, -0.2634345591068268, -0.33414146304130554, -0.6515104174613953, -0.23674015700817108, -0.02366708219051361, -0.6413413286209106, 0.15808163583278656, 0.1425144076347351, 1.6582913398742676, 0.3925040364265442, -0.38374561071395874, 0.011530614458024502, -0.6843534708023071, 1.1632413864135742, -0.8305252194404602, 0.7172317504882812, 0.39757803082466125, 0.3059866726398468, 0.14151743054389954, -0.6442081928253174, -0.47058647871017456, 0.2727784514427185, -0.3699946999549866, 0.38992369174957275, -0.3049642741680145, -0.30847832560539246, 0.3861407935619354, 0.852411687374115, -0.8457680344581604, 0.016040397807955742, -0.7042932510375977, 0.02052866667509079, 0.7562888264656067, 0.18279455602169037, 0.15002109110355377, -0.23925457894802094, -0.5656176805496216, -0.6116856336593628, -0.7739616632461548, 0.12163681536912918, 0.46708613634109497, 0.2232058048248291, -0.5608381032943726, 0.7587714791297913, -0.1468859612941742, 0.7210736870765686, 0.10988613218069077, -0.06045059114694595, 1.097238540649414, -0.3298833668231964, -0.3229677081108093, -0.15599603950977325, 1.3908865451812744, 0.4523896872997284, -0.0036416540388017893, 0.11251794546842575, -0.21623171865940094, -0.23973752558231354, 0.14338886737823486, -1.0241687297821045, -0.10680977255105972, 0.17241069674491882, -0.48758551478385925, -0.14703069627285004, 0.12548182904720306, -0.8308342099189758, 0.28158751130104065, -0.46706852316856384, 0.6415973901748657, -0.6228086352348328, -0.29274800419807434, 0.3452826738357544, 0.006175214424729347, 0.38989898562431335, -0.0018207249231636524, -0.7434349656105042, 0.2721482813358307, 0.3954773545265198, 0.7911527752876282, -0.39902791380882263, -0.27091357111930847, -0.33220013976097107, -0.22110188007354736, -0.1389784812927246, 0.7767055630683899, -0.06795153021812439, -0.5118163228034973, -0.14223571121692657, 0.5911974310874939, -0.3783659040927887, -0.412102073431015, 1.4995322227478027, -0.3599407970905304, 0.8781132698059082, -0.40224844217300415, -0.5516471862792969, -0.31028392910957336, 0.43711432814598083, -0.7013648748397827, 1.4618786573410034, 0.21631240844726562, -0.9742898941040039, 0.2400343418121338, -0.8830849528312683, -0.17812858521938324, -0.13526581227779388, 0.03438202291727066, -0.8031691312789917, 0.056501664221286774, 0.16772808134555817, 0.4328478276729584, -0.4052756428718567, 0.3320990800857544, 0.03309675678610802, -0.36892005801200867, -0.03657802194356918, -0.573180079460144, 1.2900147438049316, 0.327656090259552, -0.4064553678035736, 0.288015753030777, -1.1831148862838745, -0.08600226789712906, 0.11822996288537979, -0.489256888628006, -0.08507180958986282, 0.004099613521248102, 0.22157824039459229, 0.15279051661491394, 0.2439267933368683, -0.7448984384536743, 0.32031258940696716, -0.6647719144821167, 0.21062564849853516, 0.7223347425460815, -0.3095419704914093, 0.4818153977394104, -0.5109376907348633, 0.45599010586738586, 0.1312953382730484, 0.21178960800170898, 0.11354319006204605, -0.5525153875350952, -0.9091124534606934, -0.3505023717880249, 0.46949121356010437, 1.125325322151184, -0.7392748594284058, 1.059302806854248, -0.7619467973709106, -0.9161503911018372, -0.762836754322052, -0.17688113451004028, 0.33401158452033997, 0.6208913326263428, 0.6228334903717041, -0.06320159882307053, -0.47878262400627136, -1.2640661001205444, -0.07974699139595032, -0.030013658106327057, -0.2856042981147766, 0.19093818962574005, 0.6723020076751709, -0.19754908978939056, 0.7371847629547119, -0.7366774678230286, -0.527656078338623, -0.17492195963859558, 0.2200501710176468, 0.7494409084320068, 0.6891424059867859, 0.6343263983726501, -1.0181703567504883, -0.6747471690177917, -0.05515751242637634, -0.6922205090522766, -0.27350881695747375, 0.08851687610149384, -0.27812010049819946, 0.06229216977953911, 0.09472136199474335, -0.4482683837413788, 0.09101390093564987, 0.7322478294372559, -0.7117958664894104, 0.6236662268638611, -0.13159684836864471, 0.3195174038410187, -1.5884026288986206, 0.16100436449050903, -0.22590391337871552, -0.11333231627941132, -0.559334397315979, -0.2051529735326767, 0.29475826025009155, 0.12223955988883972, -0.782017171382904, 0.6757791042327881, -0.3579007387161255, 0.0056086815893650055, 0.3348895013332367, -0.011670242063701153, 0.09881346672773361, 0.835116446018219, -0.05792505294084549, 0.8584849238395691, 0.7550557851791382, -0.5057254433631897, 0.22820237278938293, 0.6574757695198059, -0.559731662273407, 0.46251896023750305, -0.8228585720062256, -0.3215048015117645, 0.24999479949474335, -0.07463202625513077, -0.8420425653457642, 0.049309153109788895, 0.3752046227455139, -0.6818242073059082, 0.46142467856407166, -0.06746172904968262, -0.7424482107162476, -0.2433987259864807, -0.271741658449173, 0.3958134651184082, 0.7648205161094666, -0.324811726808548, 0.69330894947052, 0.14480920135974884, -0.03020111471414566, -0.6071258783340454, -1.080007791519165, -0.19568856060504913, -0.49522873759269714, -0.9264026880264282, 0.45313209295272827, -0.40928563475608826, -0.013688847422599792, 0.046728264540433884, 0.25420427322387695, -0.10557416826486588, -0.00945432111620903, 0.11765997856855392, 0.30285874009132385, -0.3931977450847626, -0.08012332767248154, -0.015884947031736374, -0.33438587188720703, -0.05277763679623604, -0.0483747273683548, 0.7242040634155273, -0.42911624908447266, -0.3282986879348755, -0.6147959232330322, 0.04394784942269325, 0.6612691283226013, -0.3447791337966919, 0.9202161431312561, 0.768641471862793, -0.13031738996505737, 0.15120413899421692, -0.44723430275917053, 0.02863302268087864, -0.5218680500984192, 0.137929305434227, -0.49855396151542664, -0.9626336693763733, 0.715151846408844, 0.14230243861675262, 0.49688369035720825, 1.0668132305145264, 0.7379866242408752, 0.10503582656383514, 0.9862840175628662, 0.3646543025970459, 0.16323737800121307, 0.5496045351028442, -0.6015352010726929, -0.02140923961997032, -1.0443229675292969, -0.014375503174960613, -0.7340720295906067, -0.45738548040390015, -0.9333757758140564, -0.268432080745697, 0.43625903129577637, 0.1466105580329895, -0.3225064277648926, 0.8265067338943481, -0.7486613392829895, 0.23047307133674622, 0.6638244986534119, -0.15012343227863312, 0.3468259274959564, 0.09938932955265045, -0.5241239666938782, -0.26411014795303345, -0.5193893313407898, -0.452873170375824, 1.2700244188308716, 0.4123413562774658, 0.4078051447868347, 0.34109655022621155, 0.6855113506317139, -0.03987516835331917, 0.30867359042167664, -0.7082460522651672, 0.5221562385559082, -0.26398006081581116, -0.8529204726219177, -0.3690907657146454, -0.6718922853469849, -0.8603917956352234, 0.5540018081665039, -0.2449406534433365, -0.6278803944587708, 0.3450971841812134, 0.0023108439054340124, -0.18761469423770905, 0.5258172750473022, -0.7123365998268127, 1.240945816040039, -0.04980088025331497, -0.1002107635140419, 0.2777336835861206, -0.6095736622810364, 0.360402375459671, 0.0029165849555283785, 0.32716482877731323, -0.23128725588321686, 0.25683847069740295, 0.7887294292449951, -0.18532273173332214, 0.3961126208305359, -0.061660878360271454, -0.17861470580101013, 0.11409363895654678, -0.026408718898892403, 0.44811293482780457, -0.16354422271251678, -0.3915821611881256, 0.43631985783576965, 0.09507226943969727, -0.40296441316604614, -0.20223824679851532, 0.6588208675384521, -0.8072413206100464, -0.2227359116077423, -0.5502146482467651, -0.7064420580863953, 0.018288349732756615, 0.49466606974601746, 0.8268058896064758, 0.6714307069778442, -0.2609693109989166, 0.6956253051757812, 0.9302622079849243, -0.31224703788757324, 0.47674891352653503, 0.7591042518615723, -0.18451784551143646, -0.6867175698280334, 0.8962738513946533, 0.0748508870601654, 0.3500203788280487, 0.6637802124023438, 0.19334442913532257, -0.3067898154258728, -0.5999121069908142, -0.7153427004814148, 0.2580671012401581, -0.4056066870689392, -0.2778201997280121, -0.67253178358078, -0.11095072329044342, -0.402716726064682, 0.12386588007211685, -0.5075082778930664, -0.6727538108825684, -0.2515048086643219, -0.23079515993595123, 0.29618415236473083, 0.3137621283531189, -0.2118164747953415, 0.5257486701011658, -1.1485952138900757, 0.28907114267349243, -0.08775123953819275, 0.3799857199192047, -0.5022391676902771, -0.9291534423828125, -0.37419673800468445, 0.016217589378356934, -0.7760398983955383, -0.8064607977867126, 0.6427003145217896, 0.07836706936359406, 0.31688690185546875, 0.4758302569389343, 0.17010517418384552, 0.5074841380119324, -0.8970774412155151, 1.0446339845657349, 0.2210453748703003, -0.7244029641151428, 0.4767470061779022, -0.45611128211021423, 0.5175144672393799, 0.877319872379303, 0.3204006552696228, -0.3651460111141205, -0.532583475112915, -0.8951388001441956, -0.9954624772071838, 1.0459078550338745, 0.7348847389221191, -0.10646980255842209, 0.1838470846414566, -0.18984273076057434, -0.058793433010578156, 0.06611192971467972, -1.186307668685913, -0.6414816975593567, 0.05350446701049805, -0.4796682596206665, -0.13483315706253052, -0.2919638752937317, -0.37102699279785156, -0.3429703712463379, 1.1340166330337524, 0.1767021119594574, 0.3573693037033081, 0.41061243414878845, -0.00555920647457242, -0.21601812541484833, 0.4538530707359314, 1.077433466911316, 0.6429638862609863, -0.5879895091056824, -0.09202393144369125, 0.3901230990886688, -0.5361638069152832, -0.13277539610862732, 0.24706722795963287, -0.38411352038383484, 0.33285027742385864, 0.38652682304382324, 1.1058790683746338, 0.17772206664085388, -0.5843556523323059, 0.545947253704071, -0.35368412733078003, -0.6065869331359863, -0.7866126894950867, -0.20240503549575806, 0.15732888877391815, 0.13668926060199738, 0.3370929956436157, 0.22684423625469208, 0.14211374521255493, -0.12286826968193054, 0.2677519619464874, 0.18548007309436798, -0.6960868835449219, -0.5345117449760437, 0.6597662568092346, 0.007620817981660366, -0.2906326651573181, 0.43935078382492065, -0.3675038814544678, -0.6731659173965454, 0.4789363741874695, 0.1809561848640442, 1.1083511114120483, -0.3131694197654724, -0.223188117146492, 0.8334315419197083, 0.6762378215789795, -0.24715591967105865, 0.5618853569030762, 0.17633503675460815, -0.7088053822517395, -0.5237336158752441, -0.9456256031990051, -0.047641996294260025, 0.14403870701789856, -0.9960532784461975, 0.5763962864875793, 0.39592263102531433, -0.10250826925039291, -0.3262307345867157, 0.2252979874610901, -0.7056167125701904, 0.17294000089168549, -0.303850382566452, 1.177153468132019, -1.133786678314209, 1.0294760465621948, 0.5030081272125244, -0.29492637515068054, -0.9613850116729736, -0.3785078227519989, -0.2447626292705536, -0.5483091473579407, 0.7356287837028503, 0.1145055964589119, 0.23060157895088196, -0.0737852156162262, -0.26342707872390747, -1.034783959388733, 1.350550889968872, 0.19145193696022034, -0.673319399356842, 0.0833488255739212, 0.22254954278469086, 0.5491223931312561, -0.2775588035583496, 0.1855129599571228, 0.494613379240036, 0.907177746295929, 0.17521770298480988, -1.1543465852737427, -0.16864167153835297, -0.5691834092140198, -0.4311853349208832, 0.7379680871963501, -0.7189631462097168, 1.1294960975646973, 0.45080268383026123, -0.15175986289978027, 0.007274204399436712, 0.6983776688575745, 0.3041406571865082, 0.2223997563123703, 0.6772055625915527, 1.3721075057983398, 0.39157867431640625, -0.6581926345825195, 1.0115928649902344, -0.48390135169029236, 0.7467547655105591, 1.2266123294830322, 0.05672493949532509, 0.8979915380477905, 0.347181111574173, -0.3067961633205414, 0.5410130620002747, 0.6441807150840759, -0.42770203948020935, 0.5813083052635193, -0.08698014169931412, 0.15808510780334473, -0.20433303713798523, 0.27851900458335876, -0.7865946292877197, 0.19147157669067383, 0.24801518023014069, -0.2633824646472931, -0.07879754155874252, -0.09168188273906708, 0.13170339167118073, -0.14905516803264618, -0.07413800060749054, 0.5649065971374512, 0.018442075699567795, -0.5935292840003967, 0.8339930176734924, -0.06359034031629562, 0.6900748610496521, -0.7515793442726135, 0.04887622967362404, -0.0692037045955658, 0.3716184198856354, -0.17200741171836853, -0.7474348545074463, 0.6544495224952698, 0.016169417649507523, -0.4152471125125885, -0.5715863704681396, 0.2257019728422165, -0.5795940160751343, -1.0402655601501465, 0.3934440314769745, 0.35731321573257446, 0.25239667296409607, 0.08825380355119705, -0.9191591739654541, -0.04540177062153816, 0.19275766611099243, -0.7865538001060486, 0.005475337151437998, 0.7585851550102234, 0.3781525790691376, 0.45833417773246765, 0.6115268468856812, 0.14051416516304016, 0.2566615343093872, -0.012439809739589691, 0.7830005884170532, -0.5089200139045715, -0.47279343008995056, -0.8337936401367188, 0.9268016219139099, -0.1419423222541809, -0.6902023553848267, 0.7671772241592407, 1.0217158794403076, 1.0501784086227417, -0.10714640468358994, 0.25622642040252686, -0.22791573405265808, 0.8903287649154663, -0.6495966911315918, 0.7381114363670349, -1.134320855140686, 0.24282503128051758, -0.13561314344406128, -1.163836121559143, -0.34033721685409546, 0.3536674678325653, -0.26085028052330017, -0.34391456842422485, 0.8272143006324768, 0.7305700182914734, -0.16650357842445374, -0.14461104571819305, 0.30415764451026917, 0.39949461817741394, 0.25718310475349426, 0.5706492066383362, 0.486515611410141, -1.0681860446929932, 0.6360636353492737, -0.5069623589515686, -0.17829254269599915, -0.07702679187059402, -0.8291798830032349, -0.8557331562042236, -0.6729176640510559, -0.1469171792268753, -0.25940367579460144, -0.4982471466064453, 0.923521101474762, 0.5455435514450073, -1.0646039247512817, -0.5035310387611389, 0.012921543791890144, 0.06587537378072739, -0.2960452735424042, -0.3290060758590698, 0.7644675374031067, -0.22090838849544525, -1.1349942684173584, 0.5335755944252014, 0.0027941397856920958, -0.05514876917004585, -0.02312767505645752, -0.31068092584609985, -0.5057733058929443, -0.15014515817165375, 0.40331774950027466, -0.016395961865782738, -0.6146743893623352, 0.02868371456861496, 0.1681574434041977, -0.05998217314481735, 0.4928267300128937, 0.26873597502708435, -0.22244247794151306, 0.16875775158405304, 1.0346935987472534, 0.22714221477508545, 0.5538426637649536, -0.06451002508401871, 0.45001715421676636, -0.8123774528503418, 0.3278796374797821, 0.23952530324459076, 0.6872665882110596, 0.3273080289363861, -0.08382678776979446, 0.8570452928543091, 0.2175542414188385, -0.7580296993255615, -1.117232322692871, 0.05048255994915962, -1.4079989194869995, -0.05080178380012512, 1.0505354404449463, -0.1848771572113037, -0.2800314724445343, 0.36785081028938293, -0.17221897840499878, 0.16357804834842682, -0.3810533583164215, 0.5032403469085693, 1.0115500688552856, 0.1961793452501297, 0.09728307276964188, -0.8099886178970337, 0.4096633791923523, 0.4799102246761322, -0.7287323474884033, -0.23906812071800232, 0.2670292854309082, 0.18036368489265442, 0.5942388772964478, 0.47534385323524475, -0.37931448221206665, -0.0811595469713211, -0.28161510825157166, 0.4599800109863281, -0.09718498587608337, -0.2810622453689575, -0.37354105710983276, 0.006497770082205534, -0.19410493969917297, -0.23392556607723236 ]
ku-nlp/deberta-v2-base-japanese-char-wwm
ku-nlp
2023-03-26T03:32:27Z
10,429
0
transformers
[ "transformers", "pytorch", "safetensors", "deberta-v2", "fill-mask", "deberta", "character", "wwm", "ja", "dataset:wikipedia", "dataset:cc100", "dataset:oscar", "license:cc-by-sa-4.0", "autotrain_compatible", "endpoints_compatible", "region:us" ]
fill-mask
2023-01-18T13:55:30Z
--- language: ja license: cc-by-sa-4.0 library_name: transformers tags: - deberta - deberta-v2 - fill-mask - character - wwm datasets: - wikipedia - cc100 - oscar metrics: - accuracy mask_token: "[MASK]" widget: - text: "京都大学で自然言語処理を[MASK][MASK]する。" --- # Model Card for Japanese character-level DeBERTa V2 base ## Model description This is a Japanese DeBERTa V2 base model pre-trained on Japanese Wikipedia, the Japanese portion of CC-100, and the Japanese portion of OSCAR. This model is trained with character-level tokenization and whole word masking. ## How to use You can use this model for masked language modeling as follows: ```python from transformers import AutoTokenizer, AutoModelForMaskedLM tokenizer = AutoTokenizer.from_pretrained('ku-nlp/deberta-v2-base-japanese-char-wwm') model = AutoModelForMaskedLM.from_pretrained('ku-nlp/deberta-v2-base-japanese-char-wwm') sentence = '京都大学で自然言語処理を[MASK][MASK]する。' encoding = tokenizer(sentence, return_tensors='pt') ... ``` You can also fine-tune this model on downstream tasks. ## Tokenization There is no need to tokenize texts in advance, and you can give raw texts to the tokenizer. The texts are tokenized into character-level tokens by [sentencepiece](https://github.com/google/sentencepiece). ## Training data We used the following corpora for pre-training: - Japanese Wikipedia (as of 20221020, 3.2GB, 27M sentences, 1.3M documents) - Japanese portion of CC-100 (85GB, 619M sentences, 66M documents) - Japanese portion of OSCAR (54GB, 326M sentences, 25M documents) Note that we filtered out documents annotated with "header", "footer", or "noisy" tags in OSCAR. Also note that Japanese Wikipedia was duplicated 10 times to make the total size of the corpus comparable to that of CC-100 and OSCAR. As a result, the total size of the training data is 171GB. ## Training procedure We first segmented texts in the corpora into words using [Juman++ 2.0.0-rc3](https://github.com/ku-nlp/jumanpp/releases/tag/v2.0.0-rc3) for whole word masking. Then, we built a sentencepiece model with 22,012 tokens including all characters that appear in the training corpus. We tokenized raw corpora into character-level subwords using the sentencepiece model and trained the Japanese DeBERTa model using [transformers](https://github.com/huggingface/transformers) library. The training took 20 days using 8 NVIDIA A100-SXM4-40GB GPUs. The following hyperparameters were used during pre-training: - learning_rate: 2e-4 - per_device_train_batch_size: 46 - distributed_type: multi-GPU - num_devices: 8 - gradient_accumulation_steps: 6 - total_train_batch_size: 2,208 - max_seq_length: 512 - optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-06 - lr_scheduler_type: linear schedule with warmup (lr = 0 at 500k steps) - training_steps: 320,000 - warmup_steps: 10,000 ## Acknowledgments This work was supported by Joint Usage/Research Center for Interdisciplinary Large-scale Information Infrastructures (JHPCN) through General Collaboration Project no. jh221004, "Developing a Platform for Constructing and Sharing of Large-Scale Japanese Language Models". For training models, we used the mdx: a platform for the data-driven future.
[ -0.4892054796218872, -0.8219245076179504, 0.22482489049434662, 0.10297462344169617, -0.5649446845054626, 0.09420546144247055, -0.15097282826900482, -0.42324158549308777, 0.441893607378006, 0.5393217206001282, -0.6412548422813416, -0.578082799911499, -0.7916218638420105, 0.10473614931106567, -0.03305238112807274, 0.9142016768455505, -0.10297117382287979, 0.224840447306633, 0.23498061299324036, 0.11496313661336899, -0.648888111114502, -0.5786831974983215, -0.8569653034210205, -0.38068175315856934, 0.41208288073539734, 0.4822870194911957, 0.6155252456665039, 0.7092333436012268, 0.2795773148536682, 0.2298697531223297, -0.07711906731128693, 0.027978796511888504, -0.36227482557296753, -0.09660493582487106, 0.023871226236224174, -0.6847291588783264, -0.3398338854312897, 0.09672091901302338, 0.6725846529006958, 0.5871791243553162, 0.09795865416526794, 0.1200333908200264, -0.07889239490032196, 0.5921472311019897, -0.6572015881538391, 0.4019809067249298, -0.6753033995628357, 0.34626513719558716, -0.31063365936279297, 0.1049318015575409, -0.3099263608455658, 0.1786479651927948, -0.20357568562030792, -0.8723267316818237, -0.017969666048884392, -0.061425451189279556, 1.0968756675720215, 0.17957653105258942, -0.15006107091903687, -0.14635984599590302, -0.5827479958534241, 0.6451361775398254, -0.7277555465698242, 0.26468411087989807, 0.7129883170127869, 0.17353935539722443, -0.05208751931786537, -0.6615711450576782, -0.8350207805633545, -0.18368026614189148, -0.16599737107753754, 0.3077195882797241, -0.16728900372982025, -0.05764487758278847, 0.7151402235031128, 0.2335343211889267, -0.7765206694602966, 0.4393390119075775, -0.5245752334594727, -0.02545938454568386, 0.5299426317214966, 0.19328811764717102, 0.4581502079963684, -0.3567841351032257, -0.3297293484210968, -0.4252253770828247, -0.5968268513679504, -0.0015079909935593605, 0.5886862277984619, 0.04345500469207764, -0.19884134829044342, 0.42322537302970886, -0.34297212958335876, 0.3264785706996918, 0.12713968753814697, -0.1725575029850006, 0.448579877614975, -0.09604710340499878, -0.31856197118759155, 0.16712327301502228, 1.1102726459503174, 0.06452233344316483, 0.15481607615947723, -0.03827609866857529, 0.06333798170089722, 0.14586812257766724, 0.28663861751556396, -0.9503947496414185, -0.250916451215744, 0.061436474323272705, -0.28658726811408997, -0.31886523962020874, -0.08995384722948074, -0.7375348210334778, -0.1514056921005249, -0.4715965986251831, 0.5403620004653931, -0.5945882201194763, -0.27536940574645996, 0.17712417244911194, -0.1281801462173462, 0.2997724413871765, 0.10013649612665176, -1.0779893398284912, 0.2357894480228424, 0.4895881116390228, 0.7639701962471008, -0.04295166954398155, -0.4612814486026764, -0.35112518072128296, -0.021730029955506325, -0.3621508479118347, 0.3520699739456177, -0.3972509205341339, -0.3005935549736023, -0.18493159115314484, 0.3135043680667877, -0.2975163757801056, -0.30411073565483093, 0.5774813294410706, -0.46491435170173645, 0.4287792146205902, 0.06783024221658707, -0.5289179086685181, -0.19060294330120087, 0.29900676012039185, -0.6663476228713989, 1.0233505964279175, 0.2918573021888733, -0.9526522159576416, 0.31320276856422424, -0.6541537046432495, -0.26026663184165955, 0.3159489929676056, -0.09773750603199005, -0.36480939388275146, -0.09906349331140518, 0.4095742702484131, 0.4588225185871124, -0.01352730207145214, 0.4079863727092743, -0.20192667841911316, -0.5513238310813904, 0.19522371888160706, -0.40638095140457153, 1.0433769226074219, 0.24895809590816498, -0.7255150675773621, -0.23741742968559265, -0.9817354679107666, -0.1582668423652649, 0.30011069774627686, -0.1751704216003418, -0.4600420594215393, -0.3730039894580841, 0.0849383994936943, 0.3810286521911621, 0.24544481933116913, -0.625167727470398, 0.3718430995941162, -0.6088436841964722, 0.4314121901988983, 0.4911996126174927, -0.17349979281425476, 0.2965973913669586, 0.07057423889636993, 0.7892638444900513, 0.305282324552536, 0.28927889466285706, -0.3448507487773895, -0.4070606231689453, -1.0916097164154053, -0.36200249195098877, 0.4460636079311371, 0.6207859516143799, -0.8304533958435059, 0.8173390030860901, -0.2944548726081848, -0.7895132303237915, -0.7557692527770996, -0.13931791484355927, 0.4892551898956299, 0.49447545409202576, 0.3405834436416626, -0.5216392278671265, -0.7007209658622742, -1.076613187789917, 0.2281782478094101, -0.10489784181118011, -0.04283091425895691, -0.05943015590310097, 0.7723280787467957, -0.49242860078811646, 0.6548027992248535, -0.4842251241207123, -0.37742626667022705, -0.25929179787635803, 0.1747785210609436, 0.27602580189704895, 0.6694542765617371, 0.4071444272994995, -0.5283914804458618, -0.5495554804801941, -0.2241351455450058, -0.6916393041610718, 0.036980319768190384, -0.05413796007633209, -0.3225370943546295, 0.3737468719482422, 0.5722973346710205, -0.5971093773841858, 0.28669053316116333, 0.5691701173782349, -0.30064645409584045, 0.31563225388526917, -0.32080575823783875, 0.041090112179517746, -1.4911623001098633, 0.502021312713623, -0.19361364841461182, -0.20943093299865723, -0.6290966272354126, 0.19140157103538513, -0.019920427352190018, -0.4399960935115814, -0.48003169894218445, 0.5074754953384399, -0.4384784996509552, 0.13892114162445068, -0.5287015438079834, 0.27983716130256653, 0.11125104874372482, 0.9451580047607422, 0.4132515490055084, 0.6545179486274719, 0.6592017412185669, -0.4926378130912781, 0.11670517176389694, 0.42530614137649536, -0.6056243181228638, 0.3257717788219452, -0.8234032392501831, 0.21335510909557343, -0.24112781882286072, 0.29039815068244934, -0.8670613169670105, -0.15121369063854218, 0.6227640509605408, -0.4513833820819855, 0.5429466962814331, -0.13545794785022736, -0.703035295009613, -0.38908690214157104, -0.20439667999744415, 0.22405090928077698, 0.7063711285591125, -0.4729035198688507, 0.38595107197761536, 0.5177336931228638, -0.13138128817081451, -0.7409343719482422, -0.7271278500556946, 0.1982712745666504, -0.2512979209423065, -0.3383379876613617, 0.529606819152832, -0.10374435782432556, 0.14275509119033813, -0.1936035454273224, 0.17806711792945862, -0.06994316726922989, 0.2853885591030121, 0.30023378133773804, 0.3254367411136627, 0.10154936462640762, -0.07333950698375702, 0.25885656476020813, -0.2625199556350708, -0.009631849825382233, -0.05853511393070221, 0.9638781547546387, 0.0962589904665947, 0.03203318268060684, -0.6571031808853149, 0.24169644713401794, 0.5134401917457581, -0.14583782851696014, 0.9913620948791504, 0.9249056577682495, -0.3985876739025116, 0.08239956200122833, -0.39005014300346375, -0.060798246413469315, -0.4082026779651642, 0.5676966905593872, -0.5658766627311707, -0.7603331804275513, 0.535805881023407, 0.29767102003097534, -0.018032683059573174, 0.8288477659225464, 0.5310947299003601, 0.09575092792510986, 1.2006322145462036, 0.5356605052947998, -0.36144933104515076, 0.5120886564254761, -0.6481143832206726, -0.011193573474884033, -1.0688731670379639, -0.34654560685157776, -0.5244691371917725, -0.23820805549621582, -0.673284113407135, -0.3358887732028961, 0.1786956787109375, 0.3645491302013397, -0.34202003479003906, 0.699525773525238, -0.47195300459861755, 0.5626643300056458, 0.5796411037445068, 0.03709182143211365, 0.13387031853199005, 0.18435439467430115, 0.01604446955025196, -0.12230203300714493, -0.7371677160263062, -0.5057938694953918, 0.9780187010765076, 0.6982305645942688, 0.6074119210243225, -0.28584691882133484, 0.6720357537269592, 0.05343330278992653, -0.11248422414064407, -0.6908894181251526, 0.43619129061698914, -0.27345937490463257, -0.6626335978507996, -0.22472964227199554, -0.33994266390800476, -0.9935764670372009, 0.43412458896636963, -0.2614652216434479, -0.6645643711090088, 0.11433058232069016, -0.13277612626552582, -0.016202468425035477, 0.20558999478816986, -0.42119473218917847, 0.9891906976699829, -0.11295482516288757, -0.02147402986884117, -0.29053616523742676, -0.9170205593109131, 0.33315566182136536, -0.21800953149795532, 0.05541165918111801, -0.020407218486070633, 0.10542917996644974, 1.09633207321167, -0.2399282455444336, 0.8991777896881104, -0.26225197315216064, -0.04650783911347389, 0.12815740704536438, -0.13572487235069275, 0.3887360990047455, 0.1373065561056137, 0.21346548199653625, 0.5878849029541016, 0.09991518408060074, -0.2726396918296814, -0.42060837149620056, 0.6142536997795105, -1.2653430700302124, -0.39440226554870605, -0.6662830710411072, -0.32340186834335327, -0.053980518132448196, 0.2751558721065521, 0.5304860472679138, 0.44758787751197815, -0.10911910235881805, 0.3171108663082123, 0.7329344749450684, -0.3078213334083557, 0.3551315367221832, 0.7140669226646423, -0.15932627022266388, -0.6281011700630188, 0.7470590472221375, 0.19047437608242035, 0.0684557557106018, 0.5332415103912354, 0.16473358869552612, -0.30346134305000305, -0.3334132730960846, -0.7678501605987549, 0.4111603796482086, -0.5863935947418213, -0.024040168151259422, -1.018748164176941, -0.35751786828041077, -0.49187320470809937, 0.18911851942539215, -0.38512107729911804, -0.6145273447036743, -0.4027346968650818, 0.005622186232358217, 0.01391531527042389, 0.33590519428253174, 0.14180514216423035, 0.49332764744758606, -0.740747332572937, 0.1940949410200119, -0.033331967890262604, 0.15166610479354858, -0.07720892876386642, -0.9342657327651978, -0.5341442227363586, 0.24068127572536469, -0.36709389090538025, -0.6720007061958313, 0.5034475922584534, -0.0841372087597847, 0.49832263588905334, 0.3303682506084442, -0.16010108590126038, 0.6603899598121643, -0.5020692944526672, 0.9608949422836304, 0.3080936372280121, -0.9211900234222412, 0.6487340331077576, -0.2558906674385071, 0.5359951853752136, 0.8162587285041809, 0.7756568193435669, -0.7123253345489502, -0.47452008724212646, -0.9091187715530396, -0.796609103679657, 1.0108147859573364, 0.2285008728504181, 0.31983134150505066, -0.07481362670660019, 0.3415530323982239, 0.12845836579799652, 0.2099534571170807, -0.9458058476448059, -0.2757295072078705, -0.3285916745662689, -0.23567020893096924, -0.26090893149375916, -0.251686692237854, 0.10821849852800369, -0.40240851044654846, 1.1990208625793457, -0.09726066887378693, 0.2466173619031906, 0.2015431970357895, -0.31593066453933716, 0.16847099363803864, 0.15792879462242126, 0.6976288557052612, 0.4913279414176941, -0.1939070075750351, -0.09271939098834991, 0.103691965341568, -0.7238679528236389, 0.07415204495191574, 0.2540026605129242, -0.40294918417930603, 0.2651532292366028, 0.28875547647476196, 1.3501931428909302, -0.019419100135564804, -0.684938907623291, 0.495814710855484, -0.11758311837911606, -0.34006497263908386, -0.5970132350921631, 0.1302504986524582, -0.09636075049638748, 0.039078615605831146, 0.0909472405910492, -0.44606703519821167, 0.034287407994270325, -0.7224653959274292, -0.10873515158891678, 0.21388772130012512, -0.42027243971824646, -0.2644761800765991, 0.7700018882751465, 0.07488986849784851, -0.16004320979118347, 0.7884820699691772, -0.17777006328105927, -0.6125197410583496, 0.6286962628364563, 0.6943280696868896, 0.9716299176216125, -0.1973685622215271, 0.25767385959625244, 0.8349369168281555, 0.22643139958381653, -0.007358193397521973, -0.0558709055185318, -0.029989466071128845, -0.5977166295051575, -0.3325521945953369, -0.8271059989929199, -0.31718263030052185, 0.602385401725769, -0.5526987910270691, 0.35382401943206787, -0.4186211824417114, 0.014420470222830772, -0.040911559015512466, 0.39374008774757385, -0.5586148500442505, 0.40185025334358215, 0.38260990381240845, 0.8898311257362366, -0.937199056148529, 1.0367377996444702, 0.6158921718597412, -0.7296064496040344, -0.8809636831283569, -0.27566733956336975, -0.4829036593437195, -0.9472237229347229, 0.9165294766426086, 0.4297853410243988, 0.2012842297554016, -0.08676452189683914, -0.40261146426200867, -0.7973250150680542, 1.0853060483932495, 0.19704192876815796, -0.9852022528648376, -0.15538163483142853, 0.37102100253105164, 0.7231751084327698, -0.3993014097213745, 0.3590618073940277, 0.48181238770484924, 0.23340179026126862, -0.005639816168695688, -0.7976869940757751, 0.0020565108861774206, -0.4114437699317932, 0.26753801107406616, 0.19000525772571564, -0.639884352684021, 0.7816230654716492, 0.36070704460144043, -0.08968470245599747, 0.01630798913538456, 0.489772230386734, 0.2281070351600647, 0.041446663439273834, 0.6048925518989563, 0.9099597334861755, 0.6198029518127441, 0.08234556019306183, 0.7504087090492249, -0.47794556617736816, 0.19786697626113892, 0.9623595476150513, -0.06940247863531113, 0.7462816834449768, 0.31332165002822876, -0.07630418241024017, 0.7725456953048706, 0.5182189345359802, -0.3059384524822235, 0.548716127872467, 0.2913137376308441, -0.08801008760929108, -0.036254093050956726, 0.0011373695451766253, -0.3781348466873169, 0.6752722859382629, 0.18913276493549347, -0.5410111546516418, 0.09793941676616669, 0.4332340657711029, 0.4976646900177002, -0.19226180016994476, -0.30130746960639954, 0.9058135747909546, 0.04892932251095772, -0.993363082408905, 0.6431789994239807, 0.33289042115211487, 0.7247865200042725, -0.8598050475120544, 0.1423611044883728, -0.3250487148761749, 0.2745300233364105, 0.13340391218662262, -0.5509822368621826, 0.2165907919406891, 0.1853843629360199, -0.1849433183670044, -0.1114058718085289, 0.5494937300682068, -0.6120365262031555, -0.6190927028656006, 0.1396619975566864, 0.0865231528878212, 0.4121001064777374, -0.06957880407571793, -0.7395013570785522, 0.09801705926656723, -0.0664408802986145, -0.3453064560890198, 0.5298721790313721, 0.12653081119060516, -0.033087357878685, 0.36359649896621704, 0.505162239074707, -0.03260898217558861, -0.18712164461612701, 0.20008701086044312, 0.7573361992835999, -0.44490846991539, -0.5539889335632324, -0.8864379525184631, 0.3887559175491333, -0.20028555393218994, -0.38924089074134827, 0.6859689950942993, 0.7328330874443054, 1.0341298580169678, -0.2787906229496002, 0.6664010882377625, -0.18928590416908264, 0.2833739221096039, -0.754076361656189, 0.7414480447769165, -0.5752490758895874, -0.13788893818855286, -0.3108174800872803, -1.0255348682403564, -0.06790845841169357, 0.7318909764289856, -0.009717637673020363, -0.15681421756744385, 0.6361297965049744, 0.7323333024978638, -0.06038479879498482, -0.1743914633989334, 0.27947989106178284, 0.0548129566013813, 0.34883618354797363, 0.7451883554458618, 0.5960226058959961, -0.8256962895393372, 0.44048160314559937, -0.5243920087814331, -0.17418533563613892, -0.06555096060037613, -0.6496997475624084, -1.0798176527023315, -0.6532644033432007, -0.5552474856376648, -0.3077811002731323, -0.07618261873722076, 0.8608087301254272, 0.6613147258758545, -0.5525525212287903, -0.14427414536476135, -0.2054208666086197, -0.440448522567749, -0.04268981143832207, -0.24100066721439362, 0.5475278496742249, -0.37785604596138, -1.0575844049453735, 0.31276437640190125, -0.0739307701587677, 0.05214685574173927, -0.41705042123794556, -0.011348562315106392, -0.19584715366363525, -0.06903133541345596, 0.6145041584968567, 0.0968138575553894, -0.4555775821208954, -0.06544148176908493, 0.030085327103734016, -0.28574347496032715, 0.015575042925775051, 0.4867144823074341, -0.7730381488800049, 0.4814265966415405, 0.4726007580757141, 0.4665182828903198, 0.9509231448173523, -0.18875333666801453, 0.3662903606891632, -0.6661224961280823, 0.3970559537410736, 0.054288674145936966, 0.45395004749298096, 0.27000051736831665, -0.2738305628299713, 0.6255209445953369, 0.3943762481212616, -0.5367312431335449, -0.688082218170166, 0.11722861230373383, -1.116274356842041, -0.36064186692237854, 1.164130449295044, -0.22897039353847504, -0.34294500946998596, 0.18459312617778778, -0.4933719038963318, 0.4885680377483368, 0.02668941020965576, 0.7373107671737671, 0.8167644143104553, 0.400254487991333, -0.11269539594650269, -0.3915043771266937, 0.36563780903816223, 0.3081321120262146, -0.8196611404418945, -0.11568968743085861, 0.3901478946208954, 0.39867642521858215, 0.35867777466773987, 0.8357362151145935, -0.20789800584316254, 0.09917838126420975, 0.0313074067234993, 0.1785372793674469, -0.294498473405838, -0.40974611043930054, -0.43008583784103394, -0.06469739973545074, -0.11493749171495438, -0.35005906224250793 ]
baichuan-inc/Baichuan-13B-Chat
baichuan-inc
2023-09-01T03:35:56Z
10,396
612
transformers
[ "transformers", "pytorch", "baichuan", "text-generation", "custom_code", "zh", "en", "arxiv:2104.09864", "arxiv:2108.12409", "arxiv:2009.03300", "endpoints_compatible", "has_space", "region:us" ]
text-generation
2023-07-08T05:58:27Z
--- language: - zh - en pipeline_tag: text-generation inference: false --- # Baichuan-13B-Chat <!-- Provide a quick summary of what the model is/does. --> ## 介绍 Baichuan-13B-Chat为Baichuan-13B系列模型中对齐后的版本,预训练模型可见[Baichuan-13B-Base](https://huggingface.co/baichuan-inc/Baichuan-13B-Base)。 [Baichuan-13B](https://github.com/baichuan-inc/Baichuan-13B) 是由百川智能继 [Baichuan-7B](https://github.com/baichuan-inc/baichuan-7B) 之后开发的包含 130 亿参数的开源可商用的大规模语言模型,在权威的中文和英文 benchmark 上均取得同尺寸最好的效果。本次发布包含有预训练 ([Baichuan-13B-Base](https://huggingface.co/baichuan-inc/Baichuan-13B-Base)) 和对齐 ([Baichuan-13B-Chat](https://huggingface.co/baichuan-inc/Baichuan-13B-Chat)) 两个版本。Baichuan-13B 有如下几个特点: 1. **更大尺寸、更多数据**:Baichuan-13B 在 [Baichuan-7B](https://github.com/baichuan-inc/baichuan-7B) 的基础上进一步扩大参数量到 130 亿,并且在高质量的语料上训练了 1.4 万亿 tokens,超过 LLaMA-13B 40%,是当前开源 13B 尺寸下训练数据量最多的模型。支持中英双语,使用 ALiBi 位置编码,上下文窗口长度为 4096。 2. **同时开源预训练和对齐模型**:预训练模型是适用开发者的“基座”,而广大普通用户对有对话功能的对齐模型具有更强的需求。因此本次开源我们同时发布了对齐模型(Baichuan-13B-Chat),具有很强的对话能力,开箱即用,几行代码即可简单的部署。 3. **更高效的推理**:为了支持更广大用户的使用,我们本次同时开源了 int8 和 int4 的量化版本,相对非量化版本在几乎没有效果损失的情况下大大降低了部署的机器资源门槛,可以部署在如 Nvidia 3090 这样的消费级显卡上。 4. **开源免费可商用**:Baichuan-13B 不仅对学术研究完全开放,开发者也仅需邮件申请并获得官方商用许可后,即可以免费商用。 Baichuan-13B-Chat is the aligned version in the Baichuan-13B series of models, and the pre-trained model can be found at [Baichuan-13B-Base](https://huggingface.co/baichuan-inc/Baichuan-13B-Base). [Baichuan-13B](https://github.com/baichuan-inc/Baichuan-13B) is an open-source, commercially usable large-scale language model developed by Baichuan Intelligence, following [Baichuan-7B](https://github.com/baichuan-inc/baichuan-7B). With 13 billion parameters, it achieves the best performance in standard Chinese and English benchmarks among models of its size. This release includes two versions: pre-training (Baichuan-13B-Base) and alignment (Baichuan-13B-Chat). Baichuan-13B has the following features: 1. **Larger size, more data**: Baichuan-13B further expands the parameter volume to 13 billion based on [Baichuan-7B](https://github.com/baichuan-inc/baichuan-7B), and has trained 1.4 trillion tokens on high-quality corpora, exceeding LLaMA-13B by 40%. It is currently the model with the most training data in the open-source 13B size. It supports both Chinese and English, uses ALiBi position encoding, and has a context window length of 4096. 2. **Open-source pre-training and alignment models simultaneously**: The pre-training model is a "base" suitable for developers, while the general public has a stronger demand for alignment models with dialogue capabilities. Therefore, in this open-source release, we also released the alignment model (Baichuan-13B-Chat), which has strong dialogue capabilities and is ready to use. It can be easily deployed with just a few lines of code. 3. **More efficient inference**: To support a wider range of users, we have open-sourced the INT8 and INT4 quantized versions. The model can be conveniently deployed on consumer GPUs like the Nvidia 3090 with almost no performance loss. 4. **Open-source, free, and commercially usable**: Baichuan-13B is not only fully open to academic research, but developers can also use it for free commercially after applying for and receiving official commercial permission via email. ## 使用方式 如下是一个使用Baichuan-13B-Chat进行对话的示例,正确输出为"乔戈里峰。世界第二高峰———乔戈里峰西方登山者称其为k2峰,海拔高度是8611米,位于喀喇昆仑山脉的中巴边境上" ```python import torch from transformers import AutoModelForCausalLM, AutoTokenizer from transformers.generation.utils import GenerationConfig tokenizer = AutoTokenizer.from_pretrained("baichuan-inc/Baichuan-13B-Chat", use_fast=False, trust_remote_code=True) model = AutoModelForCausalLM.from_pretrained("baichuan-inc/Baichuan-13B-Chat", device_map="auto", torch_dtype=torch.float16, trust_remote_code=True) model.generation_config = GenerationConfig.from_pretrained("baichuan-inc/Baichuan-13B-Chat") messages = [] messages.append({"role": "user", "content": "世界上第二高的山峰是哪座"}) response = model.chat(tokenizer, messages) print(response) ``` Here is an example of a conversation using Baichuan-13B-Chat, the correct output is "K2. The world's second highest peak - K2, also known as Mount Godwin-Austen or Chhogori, with an altitude of 8611 meters, is located on the China-Pakistan border in the Karakoram Range." ```python import torch from transformers import AutoModelForCausalLM, AutoTokenizer from transformers.generation.utils import GenerationConfig tokenizer = AutoTokenizer.from_pretrained("baichuan-inc/Baichuan-13B-Chat", use_fast=False, trust_remote_code=True) model = AutoModelForCausalLM.from_pretrained("baichuan-inc/Baichuan-13B-Chat", device_map="auto", torch_dtype=torch.float16, trust_remote_code=True) model.generation_config = GenerationConfig.from_pretrained("baichuan-inc/Baichuan-13B-Chat") messages = [] messages.append({"role": "user", "content": "Which moutain is the second highest one in the world?"}) response = model.chat(tokenizer, messages) print(response) ``` ## 量化部署 Baichuan-13B 支持 int8 和 int4 量化,用户只需在推理代码中简单修改两行即可实现。请注意,如果是为了节省显存而进行量化,应加载原始精度模型到 CPU 后再开始量化;避免在 `from_pretrained` 时添加 `device_map='auto'` 或者其它会导致把原始精度模型直接加载到 GPU 的行为的参数。 Baichuan-13B supports int8 and int4 quantization, users only need to make a simple two-line change in the inference code to implement it. Please note, if quantization is done to save GPU memory, the original precision model should be loaded onto the CPU before starting quantization. Avoid adding parameters such as `device_map='auto'` or others that could cause the original precision model to be loaded directly onto the GPU when executing `from_pretrained`. 使用 int8 量化 (To use int8 quantization): ```python model = AutoModelForCausalLM.from_pretrained("baichuan-inc/Baichuan-13B-Chat", torch_dtype=torch.float16, trust_remote_code=True) model = model.quantize(8).cuda() ``` 同样的,如需使用 int4 量化 (Similarly, to use int4 quantization): ```python model = AutoModelForCausalLM.from_pretrained("baichuan-inc/Baichuan-13B-Chat", torch_dtype=torch.float16, trust_remote_code=True) model = model.quantize(4).cuda() ``` ## 模型详情 ### 模型描述 <!-- Provide a longer summary of what this model is. --> - **Developed by:** 百川智能(Baichuan Intelligent Technology) - **Email**: [email protected] - **Language(s) (NLP):** Chinese/English - **License:** 【Community License for Baichuan-13B Model】([ZH](Baichuan-13B%20模型社区许可协议.pdf)| [EN](Community%20License%20for%20Baichuan-13B%20Model.pdf)) **商业用途(For commercial use):** 请通过 [Email](mailto:[email protected]) 联系申请书面授权。(Contact us via [Email](mailto:[email protected]) above to apply for written authorization.) ### 模型结构 <!-- Provide the basic links for the model. --> 整体模型基于Baichuan-7B,为了获得更好的推理性能,Baichuan-13B 使用了 ALiBi 线性偏置技术,相对于 Rotary Embedding 计算量更小,对推理性能有显著提升;与标准的 LLaMA-13B 相比,生成 2000 个 tokens 的平均推理速度 (tokens/s),实测提升 31.6%: | Model | tokens/s | |-------------|----------| | LLaMA-13B | 19.4 | | Baichuan-13B| 25.4 | 具体参数和见下表 | 模型名称 | 隐含层维度 | 层数 | 头数 |词表大小 | 总参数量 | 训练数据(tokens) | 位置编码 | 最大长度 | |-------------------------|-------|------------|------------|-----------------|--------|--------|----------------|---------| | Baichuan-7B | 4,096 | 32 | 32 | 64,000 | 7,000,559,616 | 1.2万亿 | [RoPE](https://arxiv.org/abs/2104.09864) | 4,096 | | Baichuan-13B | 5,120 | 40 | 40 | 64,000 | 13,264,901,120 | 1.4万亿 | [ALiBi](https://arxiv.org/abs/2108.12409) | 4,096 The overall model is based on Baichuan-7B. In order to achieve better inference performance, Baichuan-13B uses ALiBi linear bias technology, which has a smaller computational load compared to Rotary Embedding, and significantly improves inference performance. Compared with the standard LLaMA-13B, the average inference speed (tokens/s) for generating 2000 tokens has been tested to increase by 31.6%: | Model | tokens/s | |-------------|----------| | LLaMA-13B | 19.4 | | Baichuan-13B| 25.4 | The specific parameters are as follows: | Model Name | Hidden Size | Num Layers | Num Attention Heads |Vocab Size | Total Params | Training Dats(tokens) | Position Embedding | Max Length | |-------------------------|-------|------------|------------|-----------------|--------|--------|----------------|---------| | Baichuan-7B | 4,096 | 32 | 32 | 64,000 | 7,000,559,616 | 1.2万亿 | [RoPE](https://arxiv.org/abs/2104.09864) | 4,096 | | Baichuan-13B | 5,120 | 40 | 40 | 64,000 | 13,264,901,120 | 1.4万亿 | [ALiBi](https://arxiv.org/abs/2108.12409) | 4,096 ## 使用须知 <!-- Address questions around how the model is intended to be used, including the foreseeable users of the model and those affected by the model. --> ### 免责声明 我们在此声明,我们的开发团队并未基于 Baichuan-13B 模型开发任何应用,无论是在 iOS、Android、网页或任何其他平台。我们强烈呼吁所有使用者,不要利用 Baichuan-13B 模型进行任何危害国家社会安全或违法的活动。另外,我们也要求使用者不要将 Baichuan-13B 模型用于未经适当安全审查和备案的互联网服务。我们希望所有的使用者都能遵守这个原则,确保科技的发展能在规范和合法的环境下进行。 我们已经尽我们所能,来确保模型训练过程中使用的数据的合规性。然而,尽管我们已经做出了巨大的努力,但由于模型和数据的复杂性,仍有可能存在一些无法预见的问题。因此,如果由于使用 Baichuan-13B 开源模型而导致的任何问题,包括但不限于数据安全问题、公共舆论风险,或模型被误导、滥用、传播或不当利用所带来的任何风险和问题,我们将不承担任何责任。 We hereby declare that our development team has not developed any applications based on the Baichuan-13B model, whether on iOS, Android, the web, or any other platform. We strongly urge all users not to use the Baichuan-13B model for any activities that harm national social security or are illegal. In addition, we also ask users not to use the Baichuan-13B model for internet services that have not undergone appropriate security review and filing. We hope that all users will adhere to this principle to ensure that technological development takes place in a regulated and legal environment. We have done our utmost to ensure the compliance of the data used in the model training process. However, despite our great efforts, due to the complexity of the model and data, there may still be some unforeseen issues. Therefore, we will not take any responsibility for any issues arising from the use of the Baichuan-13B open-source model, including but not limited to data security issues, public opinion risks, or any risks and problems arising from the model being misled, misused, disseminated, or improperly exploited. ## 训练详情 训练具体设置参见[Baichuan-13B](https://github.com/baichuan-inc/Baichuan-13B)。 For specific training settings, please refer to [Baichuan-13B](https://github.com/baichuan-inc/Baichuan-13B). ## 测评结果 ## [C-Eval](https://cevalbenchmark.com/index.html#home) | Model 5-shot | STEM | Social Sciences | Humanities | Others | Average | |-------------------------|:-----:|:---------------:|:----------:|:------:|:-------:| | Baichuan-7B | 38.2 | 52.0 | 46.2 | 39.3 | 42.8 | | Chinese-Alpaca-Plus-13B | 35.2 | 45.6 | 40.0 | 38.2 | 38.8 | | Vicuna-13B | 30.5 | 38.2 | 32.5 | 32.5 | 32.8 | | Chinese-LLaMA-Plus-13B | 30.3 | 38.0 | 32.9 | 29.1 | 32.1 | | Ziya-LLaMA-13B-Pretrain | 27.6 | 34.4 | 32.0 | 28.6 | 30.0 | | LLaMA-13B | 27.0 | 33.6 | 27.7 | 27.6 | 28.5 | | moss-moon-003-base (16B)| 27.0 | 29.1 | 27.2 | 26.9 | 27.4 | | **Baichuan-13B-Base** | **45.9** | **63.5** | **57.2** | **49.3** | **52.4** | | **Baichuan-13B-Chat** | **43.7** | **64.6** | **56.2** | **49.2** | **51.5** | ## [MMLU](https://arxiv.org/abs/2009.03300) | Model 5-shot | STEM | Social Sciences | Humanities | Others | Average | |-------------------------|:-----:|:---------------:|:----------:|:------:|:-------:| | Vicuna-13B | 40.4 | 60.5 | 49.5 | 58.4 | 52.0 | | LLaMA-13B | 36.1 | 53.0 | 44.0 | 52.8 | 46.3 | | Chinese-Alpaca-Plus-13B | 36.9 | 48.9 | 40.5 | 50.5 | 43.9 | | Ziya-LLaMA-13B-Pretrain | 35.6 | 47.6 | 40.1 | 49.4 | 42.9 | | Baichuan-7B | 35.6 | 48.9 | 38.4 | 48.1 | 42.3 | | Chinese-LLaMA-Plus-13B | 33.1 | 42.8 | 37.0 | 44.6 | 39.2 | | moss-moon-003-base (16B)| 22.4 | 22.8 | 24.2 | 24.4 | 23.6 | | **Baichuan-13B-Base** | **41.6** | **60.9** | **47.4** | **58.5** | **51.6** | | **Baichuan-13B-Chat** | **40.9** | **60.9** | **48.8** | **59.0** | **52.1** | > 说明:我们采用了 MMLU 官方的[评测方案](https://github.com/hendrycks/test)。 ## [CMMLU](https://github.com/haonan-li/CMMLU) | Model 5-shot | STEM | Humanities | Social Sciences | Others | China Specific | Average | |-------------------------|:-----:|:----------:|:---------------:|:------:|:--------------:|:-------:| | Baichuan-7B | 34.4 | 47.5 | 47.6 | 46.6 | 44.3 | 44.0 | | Vicuna-13B | 31.8 | 36.2 | 37.6 | 39.5 | 34.3 | 36.3 | | Chinese-Alpaca-Plus-13B | 29.8 | 33.4 | 33.2 | 37.9 | 32.1 | 33.4 | | Chinese-LLaMA-Plus-13B | 28.1 | 33.1 | 35.4 | 35.1 | 33.5 | 33.0 | | Ziya-LLaMA-13B-Pretrain | 29.0 | 30.7 | 33.8 | 34.4 | 31.9 | 32.1 | | LLaMA-13B | 29.2 | 30.8 | 31.6 | 33.0 | 30.5 | 31.2 | | moss-moon-003-base (16B)| 27.2 | 30.4 | 28.8 | 32.6 | 28.7 | 29.6 | | **Baichuan-13B-Base** | **41.7** | **61.1** | **59.8** | **59.0** | **56.4** | **55.3** | | **Baichuan-13B-Chat** | **42.8** | **62.6** | **59.7** | **59.0** | **56.1** | **55.8** | > 说明:CMMLU 是一个综合性的中文评估基准,专门用于评估语言模型在中文语境下的知识和推理能力。我们采用了其官方的[评测方案](https://github.com/haonan-li/CMMLU)。 ## 微信群组 ![WeChat](https://github.com/baichuan-inc/Baichuan-13B/blob/main/media/wechat.jpeg?raw=true)
[ -0.30660074949264526, -0.7938126921653748, 0.033947091549634933, 0.5679622888565063, -0.361847847700119, -0.2791523039340973, -0.2549965977668762, -0.44827935099601746, 0.09290840476751328, 0.2226431518793106, -0.46428558230400085, -0.5424246191978455, -0.6193841695785522, -0.166296124458313, -0.16326811909675598, 0.8769757747650146, 0.18652775883674622, 0.04896770045161247, 0.26913946866989136, -0.10113337635993958, -0.5178527235984802, -0.4540095925331116, -0.6662910580635071, -0.2449178695678711, 0.15611891448497772, 0.1686362326145172, 0.7260437607765198, 0.7534691691398621, 0.6971561908721924, 0.2921266555786133, -0.2013607770204544, 0.3063238263130188, -0.5607067346572876, -0.35862359404563904, 0.3516491949558258, -0.4730207622051239, -0.7824978232383728, 0.14927998185157776, 0.41463375091552734, 0.33957213163375854, -0.20766064524650574, 0.24460166692733765, 0.30105850100517273, 0.31958815455436707, -0.4070700705051422, 0.31451278924942017, -0.47837796807289124, -0.19573180377483368, -0.2563135325908661, 0.12229780107736588, -0.3255122900009155, -0.37866491079330444, 0.0471423976123333, -0.5412511229515076, 0.14323675632476807, 0.20884862542152405, 1.52174711227417, 0.03227448835968971, -0.4582267701625824, -0.12241894006729126, -0.4143368899822235, 0.9039713144302368, -1.2309987545013428, 0.19949272274971008, 0.27122318744659424, 0.22342950105667114, -0.14065520465373993, -0.8787214756011963, -0.5652071833610535, -0.25836795568466187, -0.37936878204345703, 0.28346672654151917, -0.055447567254304886, -0.007040989585220814, 0.19154241681098938, 0.576531171798706, -0.4952954947948456, 0.050347741693258286, -0.5653607249259949, -0.10968323051929474, 0.9073206186294556, 0.3108994960784912, 0.31571584939956665, -0.5091596841812134, -0.4924149811267853, 0.052518296986818314, -0.6775787472724915, 0.22893399000167847, 0.13166102766990662, 0.22353391349315643, -0.5750105381011963, 0.2916383743286133, -0.0524645671248436, 0.5870522856712341, 0.3415091037750244, -0.14442142844200134, 0.4119887053966522, -0.6496885418891907, -0.4798178970813751, -0.22042083740234375, 1.3383268117904663, 0.44411367177963257, -0.17153410613536835, 0.22420792281627655, -0.21558356285095215, -0.2808779180049896, -0.26928532123565674, -0.9140638709068298, -0.40548649430274963, 0.48315539956092834, -0.8751961588859558, -0.4288575053215027, 0.1987174153327942, -0.4894416928291321, -0.13270729780197144, -0.029562601819634438, 0.42196664214134216, -0.5968998074531555, -0.5831512212753296, -0.004964946303516626, 0.09013980627059937, 0.3908429443836212, 0.2761043608188629, -1.0288901329040527, 0.24468643963336945, 0.654971182346344, 1.041764736175537, -0.024790950119495392, -0.4053495526313782, -0.10499583184719086, -0.05096360668540001, -0.4147575795650482, 0.49753567576408386, -0.07317996025085449, -0.39650434255599976, -0.24289020895957947, 0.2463868260383606, -0.16191650927066803, -0.5015955567359924, 0.4212014079093933, -0.30543720722198486, 0.23536476492881775, -0.337309867143631, -0.5319269895553589, -0.28352344036102295, 0.20759661495685577, -0.6126030683517456, 1.2512857913970947, -0.08625907450914383, -0.8612437844276428, 0.1181664988398552, -0.515339195728302, -0.16921383142471313, -0.03131028264760971, -0.06124846637248993, -0.43205907940864563, -0.27943718433380127, 0.2793654799461365, 0.40756848454475403, -0.5629760026931763, 0.42676493525505066, -0.23062779009342194, -0.35909900069236755, 0.1641925871372223, -0.4117196500301361, 1.3911857604980469, 0.3735488951206207, -0.6067262887954712, 0.38785651326179504, -0.6291443705558777, -0.04204215109348297, 0.392177551984787, -0.10133971273899078, -0.03586519882082939, -0.15254805982112885, 0.0439595989882946, 0.30517399311065674, 0.5473917126655579, -0.3563672602176666, 0.13014625012874603, -0.5667641162872314, 0.7458467483520508, 0.9056495428085327, -0.034601062536239624, 0.42073020339012146, -0.44632992148399353, 0.202980637550354, 0.3069668710231781, 0.5081543326377869, -0.10334328562021255, -0.6997020840644836, -1.0627195835113525, -0.12525826692581177, 0.43246161937713623, 0.7633000612258911, -0.4021024703979492, 0.833460807800293, -0.09477054327726364, -0.7917746901512146, -0.6315083503723145, -0.0495649091899395, 0.40521830320358276, 0.4977564513683319, 0.2952573895454407, -0.040655896067619324, -0.609977662563324, -0.7340521216392517, 0.1715303212404251, -0.3320208191871643, 0.009395980276167393, 0.3314725458621979, 0.6648324728012085, -0.10445132106542587, 0.6410898566246033, -0.5150410532951355, -0.2884911000728607, -0.28860241174697876, -0.016848383471369743, 0.6030033826828003, 0.6649308204650879, 0.7563266158103943, -0.716430127620697, -0.7585051655769348, 0.07673697918653488, -0.9347923398017883, 0.11166620999574661, -0.2426709085702896, -0.5605111718177795, 0.23317483067512512, 0.11782338470220566, -0.6780269145965576, 0.5392596125602722, 0.6111292839050293, -0.22861631214618683, 0.7757274508476257, -0.2679835259914398, 0.1430661976337433, -1.2816507816314697, 0.08479327708482742, -0.13167187571525574, 0.15061329305171967, -0.524553120136261, 0.16689608991146088, 0.28560206294059753, 0.20095138251781464, -0.46126389503479004, 0.7244889736175537, -0.5462904572486877, 0.38056841492652893, -0.10905404388904572, 0.2731894254684448, 0.006836479064077139, 0.6233062744140625, 0.010233796201646328, 0.717212975025177, 0.6506506204605103, -0.7211103439331055, 0.7829616069793701, 0.46029365062713623, -0.39940768480300903, 0.05575992912054062, -0.8756529688835144, 0.009501973167061806, 0.24630075693130493, 0.272200345993042, -1.1168911457061768, -0.08592695742845535, 0.6385341286659241, -0.7354030013084412, 0.01298567745834589, -0.07951484620571136, -0.25297340750694275, -0.6323750019073486, -0.4093116521835327, 0.19665084779262543, 0.6335011720657349, -0.5687086582183838, 0.4529532790184021, 0.19105538725852966, 0.11904817819595337, -0.6956596374511719, -0.9057381749153137, -0.17385056614875793, -0.2423577904701233, -1.067431092262268, 0.42987820506095886, -0.1189868152141571, 0.04399275779724121, -0.12652821838855743, 0.10953433066606522, 0.04839276522397995, -0.02319403551518917, 0.19405333697795868, 0.649677574634552, -0.26156434416770935, -0.1762072741985321, -0.16163386404514313, -0.037139199674129486, 0.0404062382876873, -0.21369075775146484, 0.6319335103034973, -0.17922736704349518, -0.09142546355724335, -0.7329003810882568, 0.04717535525560379, 0.2500780522823334, -0.3569347560405731, 1.0939948558807373, 0.6719962954521179, -0.5196448564529419, 0.13753101229667664, -0.5220463275909424, -0.13985632359981537, -0.521693766117096, 0.35594359040260315, -0.43492117524147034, -0.4549817740917206, 0.8515602350234985, 0.28328073024749756, 0.39764344692230225, 0.6786474585533142, 0.6713534593582153, 0.04912875220179558, 1.0446707010269165, 0.3639664649963379, -0.15805508196353912, 0.5272203087806702, -0.6726910471916199, 0.309306800365448, -0.8328372836112976, -0.5262970328330994, -0.44332650303840637, -0.27278223633766174, -0.5972109436988831, -0.35798919200897217, 0.19495224952697754, 0.09792971611022949, -0.6127687692642212, 0.5235669016838074, -0.547325849533081, -0.023867616429924965, 0.9531485438346863, 0.27976688742637634, 0.04884044826030731, -0.23412969708442688, -0.04203952103853226, 0.00937233678996563, -0.6114247441291809, -0.46683529019355774, 1.0496042966842651, 0.3383446931838989, 0.8856101036071777, 0.08642421662807465, 0.5500260591506958, 0.011780057102441788, 0.264215350151062, -0.5890549421310425, 0.4195150136947632, -0.05451202020049095, -0.8086264729499817, -0.21762889623641968, -0.5123233795166016, -0.7814698219299316, 0.350698322057724, -0.13207469880580902, -0.775429368019104, 0.1759566068649292, 0.16531573235988617, -0.6279045343399048, 0.39443153142929077, -0.8452572226524353, 1.0718034505844116, -0.5362638235092163, -0.38871294260025024, -0.013835223391652107, -0.740181565284729, 0.5613184571266174, 0.22321680188179016, 0.21223501861095428, -0.1963016539812088, 0.16834373772144318, 0.804465651512146, -0.7023583054542542, 0.6475804448127747, -0.25107845664024353, -0.10926274955272675, 0.577206552028656, 0.04596862941980362, 0.675617516040802, 0.1935819387435913, -0.1664348840713501, 0.4740316569805145, 0.0161399245262146, -0.4834679961204529, -0.5378181338310242, 0.7451896667480469, -1.0298097133636475, -0.7525673508644104, -0.4744488000869751, -0.40836337208747864, 0.23157477378845215, 0.3854730427265167, 0.6343088746070862, 0.2801157534122467, 0.03130577504634857, 0.309982568025589, 0.3809996545314789, -0.39303815364837646, 0.44658058881759644, 0.23445501923561096, -0.2669711709022522, -0.5934118628501892, 0.7984557151794434, 0.15935489535331726, 0.3921052813529968, 0.26791247725486755, 0.22227735817432404, -0.31102094054222107, -0.4276980459690094, -0.44257426261901855, 0.3809559941291809, -0.468430757522583, -0.3077976405620575, -0.6338968873023987, -0.6118181943893433, -0.9366645812988281, 0.05410027503967285, -0.337751179933548, -0.21543282270431519, -0.37634962797164917, -0.2635327875614166, 0.35975182056427, 0.3677162230014801, -0.29025399684906006, 0.5220563411712646, -0.7648506760597229, 0.2896440327167511, 0.07962339371442795, 0.17365247011184692, 0.27087515592575073, -0.8190998435020447, -0.5341455340385437, 0.4995322525501251, -0.5892343521118164, -0.6819038391113281, 0.6132673025131226, 0.08907115459442139, 0.5966088175773621, 0.7323220372200012, 0.15433555841445923, 0.8450581431388855, -0.2864932417869568, 1.0307029485702515, 0.2850434184074402, -1.0473487377166748, 0.6379765272140503, -0.2796800434589386, -0.04790792986750603, 0.07591232657432556, 0.3578128218650818, -0.6963484883308411, -0.21169191598892212, -0.6735064387321472, -0.7882806062698364, 1.0702794790267944, 0.4298658072948456, 0.11741771548986435, 0.05128085985779762, 0.1861225962638855, -0.12346528470516205, 0.02133988030254841, -0.9179742932319641, -0.6667285561561584, -0.4079866111278534, -0.21628113090991974, 0.15807294845581055, -0.23884490132331848, -0.13209566473960876, -0.3793412148952484, 0.8615076541900635, 0.22782789170742035, 0.5984327793121338, 0.0655226856470108, 0.009943114593625069, 0.10654740035533905, -0.28287169337272644, 0.3727724850177765, 0.5804694294929504, -0.42971086502075195, -0.19110582768917084, 0.2410190850496292, -0.5982242822647095, -0.05421864613890648, 0.17974525690078735, -0.4079836905002594, -0.14300301671028137, 0.33670973777770996, 1.098185420036316, -0.009461616165935993, -0.35077401995658875, 0.5354163646697998, -0.12195032835006714, -0.1952914148569107, -0.3023783266544342, 0.12604473531246185, 0.1842907816171646, 0.2662706971168518, 0.3202994167804718, -0.08456584066152573, 0.05840063467621803, -0.3359220325946808, -0.008925550617277622, 0.28949180245399475, -0.11253129690885544, -0.3158808946609497, 1.1019889116287231, 0.35339343547821045, -0.1210997998714447, 0.8160305619239807, -0.08059632033109665, -0.4312519431114197, 0.9139841198921204, 0.5452531576156616, 0.661383867263794, -0.2707068920135498, 0.07794135808944702, 0.8305951356887817, 0.37130796909332275, -0.0940609946846962, 0.2039458155632019, 0.21649466454982758, -0.7186324596405029, -0.10732132196426392, -0.36501166224479675, -0.06400854885578156, 0.20017161965370178, -0.6171430945396423, 0.5786257386207581, -0.5428906679153442, -0.3978230655193329, -0.09074988961219788, 0.33180156350135803, -0.47163376212120056, 0.33842089772224426, 0.18502482771873474, 1.0522089004516602, -0.5863728523254395, 0.8947417140007019, 0.405017614364624, -0.689609169960022, -1.0228312015533447, -0.23136501014232635, -0.04026687890291214, -0.94137042760849, 0.5516819953918457, 0.22980447113513947, 0.19554947316646576, -0.13561047613620758, -0.7921399474143982, -1.042113184928894, 1.4453881978988647, 0.2480807602405548, -0.42436742782592773, -0.2901628911495209, -0.030504919588565826, 0.3656132221221924, -0.1875162422657013, 0.642484188079834, 0.47210443019866943, 0.36122632026672363, 0.1731439083814621, -1.0735138654708862, 0.28992974758148193, -0.45186927914619446, 0.11432267725467682, -0.08799143880605698, -1.3418514728546143, 1.3010756969451904, -0.21765999495983124, -0.2014915496110916, 0.35670697689056396, 1.0437960624694824, 0.4374893307685852, 0.08490746468305588, 0.2555592954158783, 0.3998693525791168, 0.7929860353469849, -0.2955222725868225, 0.800122857093811, -0.5388185977935791, 0.7800658345222473, 0.9231206178665161, 0.03786535933613777, 0.6280953288078308, 0.06415142863988876, -0.42153415083885193, 0.4946654438972473, 1.0817550420761108, -0.21216720342636108, 0.557673454284668, -0.12238121032714844, -0.16944807767868042, -0.2740965187549591, 0.15314452350139618, -0.7790611982345581, 0.16506090760231018, 0.41258159279823303, -0.2918858528137207, 0.12121754884719849, -0.1571791172027588, 0.20879685878753662, -0.4132739305496216, -0.10332509875297546, 0.514255166053772, 0.10933362692594528, -0.5648387670516968, 0.9563820362091064, 0.2326783388853073, 1.0171406269073486, -0.746722400188446, 0.13347722589969635, -0.49322402477264404, 0.26452240347862244, -0.3075120449066162, -0.586098849773407, 0.028623757883906364, -0.16369640827178955, 0.08432403951883316, 0.16195540130138397, 0.594959557056427, -0.32651203870773315, -0.49837198853492737, 0.3976191580295563, 0.14150172472000122, 0.13067865371704102, 0.03231438621878624, -0.9646701812744141, 0.08584006875753403, 0.19658488035202026, -0.4739888608455658, 0.11809411644935608, 0.608884334564209, 0.11266837269067764, 0.7554680109024048, 0.6186069250106812, -0.003435390768572688, 0.2774224281311035, -0.18297956883907318, 0.8647115230560303, -0.7904019951820374, -0.4761294424533844, -0.8359565734863281, 0.6100912094116211, -0.18800802528858185, -0.43619441986083984, 0.8988338708877563, 0.65880286693573, 0.9212989211082458, 0.009902565740048885, 0.8652456402778625, -0.549261748790741, 0.3425131142139435, -0.3481373190879822, 0.8658415079116821, -0.5755090713500977, 0.13459914922714233, -0.29983407258987427, -0.6605685949325562, -0.20973585546016693, 0.8334931135177612, -0.39689573645591736, 0.20021966099739075, 0.5535077452659607, 0.9751790165901184, -0.014241378754377365, 0.03552631288766861, 0.15469759702682495, 0.4336126744747162, 0.4771088659763336, 0.9141717553138733, 0.6636707186698914, -1.0285084247589111, 0.8187209963798523, -0.7591461539268494, -0.39598387479782104, -0.35506173968315125, -0.6220279932022095, -0.9290089011192322, -0.5455581545829773, -0.24601678550243378, -0.6676988005638123, -0.2293280065059662, 1.0023877620697021, 0.8933929800987244, -0.9799301624298096, -0.53016197681427, 0.07425433397293091, 0.1096104234457016, -0.4561159908771515, -0.25523796677589417, 0.6763078570365906, -0.23070456087589264, -1.0220186710357666, -0.07455193996429443, -0.04621322825551033, 0.07673130184412003, -0.03219302371144295, -0.35543790459632874, -0.47524407505989075, 0.028264226391911507, 0.41368529200553894, 0.1454409956932068, -0.83012855052948, -0.05269470065832138, 0.39501696825027466, -0.3939443528652191, 0.15416939556598663, 0.33379727602005005, -0.37526485323905945, 0.17323842644691467, 0.5365265607833862, 0.263994961977005, 0.5016710162162781, 0.06268836557865143, 0.42889806628227234, -0.30372747778892517, 0.41336169838905334, -0.18128558993339539, 0.42750439047813416, 0.10025192052125931, -0.4691346287727356, 0.5594200491905212, 0.4567716419696808, -0.5830217003822327, -0.7441172003746033, -0.2018304467201233, -0.9483517408370972, -0.14164189994335175, 1.248382329940796, -0.4624502956867218, -0.3920682370662689, 0.29533037543296814, -0.5421313643455505, 0.5415248870849609, -0.41373783349990845, 0.8233146667480469, 0.7760541439056396, -0.031303200870752335, -0.21248598396778107, -0.400272011756897, 0.3287130296230316, 0.2691613733768463, -0.6849172115325928, 0.04555978998541832, 0.3272751271724701, 0.27465692162513733, 0.007205808535218239, 0.6397587060928345, -0.03731349855661392, 0.366706907749176, 0.1131943017244339, 0.14721475541591644, -0.12543536722660065, -0.023836901411414146, 0.0007974240579642355, -0.35059884190559387, -0.09333329647779465, -0.4776960611343384 ]
amazon/MistralLite
amazon
2023-11-15T03:40:47Z
10,391
339
transformers
[ "transformers", "pytorch", "mistral", "text-generation", "license:apache-2.0", "has_space", "text-generation-inference", "region:us" ]
text-generation
2023-10-16T00:57:56Z
--- license: apache-2.0 inference: false --- # MistralLite Model MistralLite is a fine-tuned [Mistral-7B-v0.1](https://huggingface.co/mistralai/Mistral-7B-v0.1) language model, with enhanced capabilities of processing long context (up to 32K tokens). By utilizing an adapted Rotary Embedding and sliding window during fine-tuning, MistralLite is able to **perform significantly better on several long context retrieve and answering tasks**, while keeping the simple model structure of the original model. MistralLite is useful for applications such as long context line and topic retrieval, summarization, question-answering, and etc. MistralLite can be deployed on a single AWS `g5.2x` instance with Sagemaker [Huggingface Text Generation Inference (TGI)](https://github.com/huggingface/text-generation-inference) endpoint, making it suitable for applications that require high performance in resource-constrained environments. You can also serve the MistralLite model directly using TGI docker containers. Also, MistralLite supports other ways of serving like [vLLM](https://github.com/vllm-project/vllm), and you can use MistralLite in Python by using the [HuggingFace transformers](https://huggingface.co/docs/transformers/index) and [FlashAttention-2](https://github.com/Dao-AILab/flash-attention) library. MistralLite is similar to [Mistral-7B-Instruct-v0.1](https://huggingface.co/mistralai/Mistral-7B-Instruct-v0.1), and their similarities and differences are summarized below: |Model|Fine-tuned on long contexts| Max context length| RotaryEmbedding adaptation| Sliding Window Size| |----------|-------------:|------------:|-----------:|-----------:| | Mistral-7B-Instruct-v0.1 | up to 8K tokens | 32K | rope_theta = 10000 | 4096 | | MistralLite | up to 16K tokens | 32K | **rope_theta = 1000000** | **16384** | **Important - Use the prompt template below for MistralLite:** ```<|prompter|>What are the main challenges to support a long context for LLM?</s><|assistant|>``` ## Motivation of Developing MistralLite Since the release of [Mistral-7B-Instruct-v0.1](https://huggingface.co/mistralai/Mistral-7B-Instruct-v0.1), the model became increasingly popular because its strong performance on a wide range of benchmarks. But most of the benchmarks are evaluated on `short context`, and not much has been investigated on its performance on long context tasks. Then We evaluated `Mistral-7B-Instruct-v0.1` against benchmarks that are specifically designed to assess the capabilities of LLMs in handling longer context. Although the performance of the models on long context was fairly competitive on long context less than 4096 tokens, there were some limitations on its performance on longer context. Motivated by improving its performance on longer context, we finetuned the Mistral 7B model, and produced `Mistrallite`. The model managed to `significantly boost the performance of long context handling` over Mistral-7B-Instruct-v0.1. The detailed `long context evalutaion results` are as below: 1. [Topic Retrieval](https://lmsys.org/blog/2023-06-29-longchat/) |Model Name|Input length| Input length | Input length| Input length| Input length| |----------|-------------:|-------------:|------------:|-----------:|-----------:| | | 2851| 5568 |8313 | 11044 | 13780 | Mistral-7B-Instruct-v0.1 | 100% | 50% | 2% | 0% | 0% | | MistralLite | **100%** | **100%** | **100%** | **100%** | **98%** | 2. [Line Retrieval](https://lmsys.org/blog/2023-06-29-longchat/#longeval-results) |Model Name|Input length| Input length | Input length| Input length| Input length|Input length| |----------|-------------:|-------------:|------------:|-----------:|-----------:|-----------:| | | 3818| 5661 |7505 | 9354 | 11188 | 12657 | Mistral-7B-Instruct-v0.1 | **98%** | 62% | 42% | 42% | 32% | 30% | | MistralLite | **98%** | **92%** | **88%** | **76%** | **70%** | **60%** | 3. [Pass key Retrieval](https://github.com/epfml/landmark-attention/blob/main/llama/run_test.py#L101) |Model Name|Input length| Input length | Input length| Input length| |----------|-------------:|-------------:|------------:|-----------:| | | 3264| 5396 |8329 | 10197 | | Mistral-7B-Instruct-v0.1 | **100%** | 50% | 20% | 30% | | MistralLite | **100%** | **100%** | **100%** | **100%** | 4. [Question Answering with Long Input Texts](https://nyu-mll.github.io/quality/) |Model Name| Test set Accuracy | Hard subset Accuracy| |----------|-------------:|-------------:| | Mistral-7B-Instruct-v0.1 | 44.3% | 39.7% | | MistralLite | **64.4%** | **56.2%** | ### Example test on long context of 13400 tokens - Context is from [Amazon Aurora FAQs](https://aws.amazon.com/rds/aurora/faqs/) - Question: *please tell me how does pgvector help with Generative AI and give me some examples.* - Answer from MistralLite: ```code pgvector is an open-source extension for PostgreSQL supported by Amazon Aurora PostgreSQL-Compatible Edition. You can use pgvector to store, search, index, and query billions of embeddings that are generated from machine learning (ML) and artificial intelligence (AI) models in your database, such as those from Amazon Bedrock (limited preview) or Amazon SageMaker. A vector embedding is a numerical representation that represents the semantic meaning of content such as text, images, and video. With pgvector, you can query embeddings in your Aurora PostgreSQL database to perform efficient semantic similarity searches of these data types, represented as vectors, combined with other tabular data in Aurora. This enables the use of generative AI and other AI/ML systems for new types of applications such as personalized recommendations based on similar text descriptions or images, candidate match based on interview notes, customer service next best action recommendations based on successful transcripts or chat session dialogs, and more. ``` ## Model Details - **Developed by:** [AWS Contributors](https://github.com/orgs/aws-samples/teams/aws-prototype-ml-apac) - **Model type:** [Mistral-7B-v0.1](https://huggingface.co/mistralai/Mistral-7B-v0.1) - **Language:** English - **Finetuned from weights:** [Mistral-7B-v0.1](https://huggingface.co/mistralai/Mistral-7B-v0.1) - **Finetuned on data:** - [SLidingEncoder and Decoder (SLED)](https://huggingface.co/datasets/tau/sled) - [(Long) Natural Questions (NQ)](https://huggingface.co/datasets/togethercomputer/Long-Data-Collections#multi-passage-qa-from-natural-questions) - [OpenAssistant Conversations Dataset (OASST1)](https://huggingface.co/datasets/OpenAssistant/oasst1) - **Supported Serving Framework:** - [Text-Generation-Inference 1.1.0](https://github.com/huggingface/text-generation-inference/tree/v1.1.0) - [vLLM](https://github.com/vllm-project/vllm) - [HuggingFace transformers](https://huggingface.co/docs/transformers/index) - [HuggingFace Text Generation Inference (TGI) container on SageMaker](https://github.com/awslabs/llm-hosting-container) - **Model License:** Apache 2.0 - **Contact:** [GitHub issues](https://github.com/awslabs/extending-the-context-length-of-open-source-llms/issues) - **Inference Code** [Github Repo](https://github.com/awslabs/extending-the-context-length-of-open-source-llms/blob/main/MistralLite/) ## MistralLite LM-Eval Results ### Methodology - Please see https://huggingface.co/spaces/HuggingFaceH4/open_llm_leaderboard - revision=4ececff - Note: we used --model hf-causal-experimental instead of --model hf-causal ### Results |Average|hellaswag| arc_challenge|truthful_qa (mc2)| MMLU (acc)| |----------|-------------:|------------:|-----------:|-----------:| | 0.57221 | 0.81617 | 0.58874 | 0.38275 | 0.5012 | ## How to Use MistralLite from Python Code (HuggingFace transformers) ## **Important** - For an end-to-end example Jupyter notebook, please refer to [this link](https://github.com/awslabs/extending-the-context-length-of-open-source-llms/blob/main/MistralLite/huggingface-transformers/example_usage.ipynb). ### Install the necessary packages Requires: [transformers](https://pypi.org/project/transformers/) 4.34.0 or later, [flash-attn](https://pypi.org/project/flash-attn/) 2.3.1.post1 or later, and [accelerate](https://pypi.org/project/accelerate/) 0.23.0 or later. ```shell pip install transformers==4.34.0 pip install flash-attn==2.3.1.post1 --no-build-isolation pip install accelerate==0.23.0 ``` ### You can then try the following example code ```python from transformers import AutoModelForCausalLM, AutoTokenizer import transformers import torch model_id = "amazon/MistralLite" tokenizer = AutoTokenizer.from_pretrained(model_id) model = AutoModelForCausalLM.from_pretrained(model_id, torch_dtype=torch.bfloat16, use_flash_attention_2=True, device_map="auto",) pipeline = transformers.pipeline( "text-generation", model=model, tokenizer=tokenizer, ) prompt = "<|prompter|>What are the main challenges to support a long context for LLM?</s><|assistant|>" sequences = pipeline( prompt, max_new_tokens=400, do_sample=False, return_full_text=False, num_return_sequences=1, eos_token_id=tokenizer.eos_token_id, ) for seq in sequences: print(f"{seq['generated_text']}") ``` **Important** - Use the prompt template below for MistralLite: ``` <|prompter|>What are the main challenges to support a long context for LLM?</s><|assistant|> ``` ## How to Serve MistralLite on TGI ## **Important:** - For an end-to-end example Jupyter notebook using the native TGI container, please refer to [this link](https://github.com/awslabs/extending-the-context-length-of-open-source-llms/blob/main/MistralLite/tgi/example_usage.ipynb). - If the **input context length is greater than 12K tokens**, it is recommended using a custom TGI container, please refer to [this link](https://github.com/awslabs/extending-the-context-length-of-open-source-llms/blob/main/MistralLite/tgi-custom/example_usage.ipynb). ### Start TGI server ### Use TGI version 1.1.0 or later. The official Docker container is: `ghcr.io/huggingface/text-generation-inference:1.1.0` Example Docker parameters: ```shell docker run -d --gpus all --shm-size 1g -p 443:80 -v $(pwd)/models:/data ghcr.io/huggingface/text-generation-inference:1.1.0 \ --model-id amazon/MistralLite \ --max-input-length 16000 \ --max-total-tokens 16384 \ --max-batch-prefill-tokens 16384 \ --trust-remote-code ``` ### Perform Inference ### Example Python code for inference with TGI (requires `text_generation` 0.6.1 or later): ```shell pip install text_generation==0.6.1 ``` ```python from text_generation import Client SERVER_PORT = 443 SERVER_HOST = "localhost" SERVER_URL = f"{SERVER_HOST}:{SERVER_PORT}" tgi_client = Client(f"http://{SERVER_URL}", timeout=60) def invoke_tgi(prompt, random_seed=1, max_new_tokens=400, print_stream=True, assist_role=True): if (assist_role): prompt = f"<|prompter|>{prompt}</s><|assistant|>" output = "" for response in tgi_client.generate_stream( prompt, do_sample=False, max_new_tokens=max_new_tokens, return_full_text=False, #temperature=None, #truncate=None, #seed=random_seed, #typical_p=0.2, ): if hasattr(response, "token"): if not response.token.special: snippet = response.token.text output += snippet if (print_stream): print(snippet, end='', flush=True) return output prompt = "What are the main challenges to support a long context for LLM?" result = invoke_tgi(prompt) ``` **Important** - When using MistralLite for inference for the first time, it may require a brief 'warm-up' period that can take 10s of seconds. However, subsequent inferences should be faster and return results in a more timely manner. This warm-up period is normal and should not affect the overall performance of the system once the initialisation period has been completed. ## How to Deploy MistralLite on Amazon SageMaker ## **Important:** - For an end-to-end example Jupyter notebook using the SageMaker built-in container, please refer to [this link](https://github.com/awslabs/extending-the-context-length-of-open-source-llms/blob/main/MistralLite/sagemaker-tgi/example_usage.ipynb). - If the **input context length is greater than 12K tokens**, it is recommended using a custom docker container, please refer to [this link](https://github.com/awslabs/extending-the-context-length-of-open-source-llms/blob/main/MistralLite/sagemaker-tgi-custom/example_usage.ipynb). ### Install the necessary packages Requires: [sagemaker](https://pypi.org/project/sagemaker/) 2.192.1 or later. ```shell pip install sagemaker==2.192.1 ``` ### Deploy the Model as A SageMaker Endpoint ### To deploy MistralLite on a SageMaker endpoint, please follow the example code as below. ```python import sagemaker from sagemaker.huggingface import HuggingFaceModel, get_huggingface_llm_image_uri import time sagemaker_session = sagemaker.Session() region = sagemaker_session.boto_region_name role = sagemaker.get_execution_role() image_uri = get_huggingface_llm_image_uri( backend="huggingface", # or lmi region=region, version="1.1.0" ) model_name = "MistralLite-" + time.strftime("%Y-%m-%d-%H-%M-%S", time.gmtime()) hub = { 'HF_MODEL_ID':'amazon/MistralLite', 'HF_TASK':'text-generation', 'SM_NUM_GPUS':'1', "MAX_INPUT_LENGTH": '16000', "MAX_TOTAL_TOKENS": '16384', "MAX_BATCH_PREFILL_TOKENS": '16384', "MAX_BATCH_TOTAL_TOKENS": '16384', } model = HuggingFaceModel( name=model_name, env=hub, role=role, image_uri=image_uri ) predictor = model.deploy( initial_instance_count=1, instance_type="ml.g5.2xlarge", endpoint_name=model_name, ) ``` ### Perform Inference ### To call the endpoint, please follow the example code as below: ```python input_data = { "inputs": "<|prompter|>What are the main challenges to support a long context for LLM?</s><|assistant|>", "parameters": { "do_sample": False, "max_new_tokens": 400, "return_full_text": False, #"typical_p": 0.2, #"temperature":None, #"truncate":None, #"seed": 1, } } result = predictor.predict(input_data)[0]["generated_text"] print(result) ``` or via [boto3](https://pypi.org/project/boto3/), and the example code is shown as below: ```python import boto3 import json def call_endpoint(client, prompt, endpoint_name, paramters): client = boto3.client("sagemaker-runtime") payload = {"inputs": prompt, "parameters": parameters} response = client.invoke_endpoint(EndpointName=endpoint_name, Body=json.dumps(payload), ContentType="application/json") output = json.loads(response["Body"].read().decode()) result = output[0]["generated_text"] return result client = boto3.client("sagemaker-runtime") parameters = { "do_sample": False, "max_new_tokens": 400, "return_full_text": False, #"typical_p": 0.2, #"temperature":None, #"truncate":None, #"seed": 1, } endpoint_name = predictor.endpoint_name prompt = "<|prompter|>What are the main challenges to support a long context for LLM?</s><|assistant|>" result = call_endpoint(client, prompt, endpoint_name, parameters) print(result) ``` ## How to Serve MistralLite on vLLM ## Documentation on installing and using vLLM [can be found here](https://vllm.readthedocs.io/en/latest/). **Important** - For an end-to-end example Jupyter notebook, please refer to [this link](https://github.com/awslabs/extending-the-context-length-of-open-source-llms/blob/main/MistralLite/vllm/example_usage.ipynb). ### Using vLLM as a server ### When using vLLM as a server, pass the --model amazon/MistralLite parameter, for example: ```shell python3 -m vllm.entrypoints.api_server --model amazon/MistralLite ``` ### Using vLLM in Python Code ### When using vLLM from Python code, Please see the example code as below: ```python from vllm import LLM, SamplingParams prompts = [ "<|prompter|>What are the main challenges to support a long context for LLM?</s><|assistant|>", ] sampling_params = SamplingParams(temperature=0, max_tokens=100) llm = LLM(model="amazon/MistralLite",) outputs = llm.generate(prompts, sampling_params) # Print the outputs. for output in outputs: prompt = output.prompt generated_text = output.outputs[0].text print(f"Prompt: {prompt!r}, Generated text: {generated_text!r}") ``` ## Limitations ## Before using the MistralLite model, it is important to perform your own independent assessment, and take measures to ensure that your use would comply with your own specific quality control practices and standards, and that your use would comply with the local rules, laws, regulations, licenses and terms that apply to you, and your content.
[ -0.4607430398464203, -1.0168744325637817, 0.567368745803833, 0.2849542200565338, -0.11279019713401794, -0.32451751828193665, -0.036598190665245056, -0.5058072209358215, 0.05869482457637787, 0.38703590631484985, -0.5182901620864868, -0.7483030557632446, -0.4248254895210266, 0.11581163853406906, -0.5367250442504883, 0.9291620850563049, -0.08966724574565887, -0.16639040410518646, -0.31439894437789917, -0.23172323405742645, -0.37231290340423584, -0.5772387981414795, -0.6383869051933289, -0.25746896862983704, 0.3934027850627899, 0.05051441490650177, 0.6852341294288635, 0.3128384053707123, 0.40157586336135864, 0.2627180814743042, -0.4948156476020813, 0.15399174392223358, -0.6208307147026062, 0.09646669775247574, -0.0672648474574089, -0.4087989032268524, -0.5581467747688293, -0.33704808354377747, 0.6115567088127136, 0.30155307054519653, -0.14254514873027802, 0.21047243475914001, 0.24748755991458893, 0.6952719688415527, -0.5526975393295288, 0.10002552717924118, -0.22688299417495728, 0.056114617735147476, -0.1553468257188797, -0.06611212342977524, -0.1847514659166336, -0.07867962121963501, 0.20554573833942413, -0.6417067646980286, 0.2526589632034302, 0.2462751418352127, 0.9838200211524963, 0.465925395488739, -0.4598667621612549, -0.2393026500940323, -0.5182745456695557, 0.9228706955909729, -0.747159481048584, 0.5110467076301575, 0.354170024394989, 0.30877748131752014, -0.2511073350906372, -1.0192793607711792, -0.5373449921607971, -0.2121349424123764, -0.25805529952049255, 0.2021540254354477, -0.3371637463569641, 0.20770485699176788, 0.37540560960769653, 0.49440160393714905, -0.5544645190238953, 0.043835610151290894, -0.41545355319976807, -0.11576744168996811, 0.5572091937065125, 0.28581398725509644, 0.09492155909538269, -0.48282402753829956, -0.4613262116909027, -0.13988666236400604, -0.6595368981361389, 0.48577380180358887, -0.08736640214920044, 0.01599041000008583, -0.2656637132167816, 0.540767252445221, -0.32694733142852783, 0.7300111055374146, 0.05013713985681534, -0.1958678662776947, 0.31892940402030945, -0.42993417382240295, -0.39064162969589233, -0.15738365054130554, 0.9596582651138306, 0.37957820296287537, -0.19421422481536865, 0.11641687154769897, -0.2619887888431549, -0.0919652208685875, 0.09963996708393097, -1.1458014249801636, 0.02812361530959606, 0.5505155920982361, -0.5304952263832092, -0.3248656392097473, -0.12294431030750275, -0.7229577898979187, -0.2467544972896576, -0.15283682942390442, 0.4940406382083893, -0.6911695003509521, -0.13606572151184082, 0.17055565118789673, -0.29735738039016724, 0.32603389024734497, 0.5623401999473572, -0.6467233300209045, 0.38337668776512146, 0.7700221538543701, 0.9830895066261292, -0.26916050910949707, -0.28916701674461365, -0.32342585921287537, -0.20317721366882324, -0.3019053637981415, 0.48896676301956177, -0.22790619730949402, -0.5047938227653503, -0.05702788755297661, 0.13093911111354828, 0.00899508036673069, -0.5042122006416321, 0.5485420227050781, -0.4372696876525879, 0.45623350143432617, -0.3163689970970154, -0.6884492039680481, -0.2996249198913574, 0.10827118903398514, -0.5776695609092712, 1.5014950037002563, 0.32759082317352295, -0.8971708416938782, 0.11836931854486465, -0.5884281992912292, -0.1433446854352951, -0.0766090527176857, -0.24415357410907745, -0.4701964259147644, -0.03410051017999649, 0.28212428092956543, 0.6133238673210144, -0.5395323634147644, 0.3638439178466797, -0.2060616910457611, -0.5469095706939697, 0.22706298530101776, -0.37905439734458923, 0.9093400835990906, 0.14570708572864532, -0.5375263094902039, 0.24377763271331787, -0.6405393481254578, -0.16045458614826202, 0.11108027398586273, -0.13017532229423523, -0.22216112911701202, -0.0437224805355072, 0.14573946595191956, 0.09995638579130173, 0.32348063588142395, -0.390114426612854, 0.10299059748649597, -0.3817369043827057, 0.46779897809028625, 0.6624990105628967, 0.14545956254005432, 0.3519262671470642, -0.5336291193962097, 0.5380882024765015, 0.04233935475349426, 0.34097784757614136, -0.09926874190568924, -0.5713176727294922, -0.9347245693206787, -0.41345369815826416, 0.08408176153898239, 0.5449370741844177, -0.938632071018219, 0.5338422656059265, -0.32392048835754395, -0.6851391792297363, -0.662321150302887, 0.14757803082466125, 0.5683127045631409, 0.7086074352264404, 0.6395851969718933, -0.07696842402219772, -0.29676127433776855, -1.079856276512146, 0.09333495050668716, -0.09507372975349426, -0.0206890981644392, 0.43533897399902344, 0.6932940483093262, -0.4612084627151489, 1.110106348991394, -0.6257258653640747, -0.29786792397499084, -0.148292675614357, -0.10781727731227875, 0.4577617347240448, 0.326317697763443, 0.7748610377311707, -0.8205796480178833, -0.4134097695350647, -0.06605888903141022, -0.9493998885154724, -0.05004143342375755, 0.1629539132118225, -0.22319771349430084, 0.36079224944114685, 0.5447949767112732, -0.9018693566322327, 0.6134495735168457, 0.5494908690452576, -0.5119116306304932, 0.6222822666168213, -0.0760059803724289, 0.16275441646575928, -1.419175148010254, 0.16935186088085175, 0.07398372143507004, -0.3104625344276428, -0.6495977640151978, 0.1565941572189331, 0.20264336466789246, 0.05510629341006279, -0.678180992603302, 0.8519366979598999, -0.38139697909355164, 0.14553271234035492, -0.1455564945936203, -0.02959955483675003, 0.040965668857097626, 0.5190766453742981, -0.025301847606897354, 1.0348395109176636, 0.6153809428215027, -0.729299783706665, 0.39402690529823303, 0.27197644114494324, -0.33668094873428345, 0.3860214352607727, -0.9570748805999756, -0.10708585381507874, -0.29075223207473755, 0.41380852460861206, -0.7868414521217346, -0.11879619210958481, 0.2237788438796997, -0.405710369348526, 0.10636506974697113, -0.1814165711402893, -0.46974989771842957, -0.30204856395721436, -0.469417929649353, 0.4351957440376282, 0.7976458668708801, -0.7053858041763306, 0.7249557375907898, 0.06479768455028534, -0.08354052156209946, -0.6826728582382202, -0.4431460499763489, -0.18643908202648163, -0.49558714032173157, -0.7676070928573608, 0.6247290968894958, -0.1343211531639099, -0.2343079298734665, -0.006048884708434343, 0.042788393795490265, 0.08496562391519547, 0.1261887103319168, 0.5601200461387634, 0.2777195870876312, -0.1590697169303894, 0.18082860112190247, 0.2478809654712677, -0.0633358508348465, -0.06004837155342102, 0.12659002840518951, 0.7159453630447388, -0.28297150135040283, -0.24244269728660583, -0.535089373588562, 0.18140149116516113, 0.6398736834526062, -0.2311827391386032, 0.8086508512496948, 0.6715961694717407, -0.4457140862941742, -0.24302110075950623, -0.6595467925071716, -0.13527856767177582, -0.5505159497261047, 0.4434700906276703, -0.3650738596916199, -1.107081413269043, 0.586025059223175, 0.07055950164794922, 0.17712658643722534, 0.7529018521308899, 0.5158940553665161, 0.0316876657307148, 0.7376525402069092, 0.5125641226768494, -0.21715383231639862, 0.6162962317466736, -0.4203730821609497, -0.006395820528268814, -1.0239142179489136, -0.19405876100063324, -0.40813538432121277, 0.008403852581977844, -0.41182512044906616, -0.6542494893074036, 0.569140613079071, 0.371590793132782, -0.3092174828052521, 0.2926162779331207, -0.6249439120292664, 0.0720042809844017, 0.5182107090950012, 0.07895620912313461, 0.24839147925376892, -0.02945122867822647, -0.04069339856505394, 0.0014720624312758446, -0.6011644601821899, -0.4361816644668579, 1.041372299194336, 0.5208268165588379, 0.76529461145401, 0.274331659078598, 0.84283047914505, 0.18847832083702087, 0.39210230112075806, -0.7095376253128052, 0.5252266526222229, 0.19127307832241058, -0.559317409992218, -0.3587835729122162, -0.4451952576637268, -1.051819086074829, 0.552118182182312, -0.22127993404865265, -0.8493818044662476, 0.15358904004096985, -0.034804463386535645, -0.47637075185775757, 0.027120934799313545, -0.6040631532669067, 0.7853121161460876, -0.22052471339702606, -0.5165878534317017, -0.11767889559268951, -0.4148333966732025, 0.3445904552936554, -0.0004192058404441923, 0.18243402242660522, 0.056556105613708496, -0.019971875473856926, 0.8304482698440552, -0.4985162019729614, 0.8631837368011475, -0.09164941310882568, -0.13106682896614075, 0.4111163020133972, -0.07791367173194885, 0.3712595999240875, 0.2786763906478882, -0.11710196733474731, 0.2813889980316162, 0.32995036244392395, -0.20485982298851013, -0.6712096929550171, 0.8052027821540833, -0.9024099111557007, -0.7930468320846558, -0.6045234799385071, -0.328594833612442, 0.15150892734527588, 0.2368994951248169, 0.39226990938186646, 0.4610206186771393, -0.3240266442298889, 0.39794763922691345, 0.8074953556060791, -0.44568389654159546, 0.4455607235431671, 0.4333822429180145, -0.6327139735221863, -0.45365944504737854, 0.6114724278450012, -0.008872579783201218, 0.1620708703994751, 0.4246976971626282, 0.02953747846186161, -0.30782872438430786, -0.41736310720443726, -0.4961797595024109, 0.2662666141986847, -0.6335399746894836, -0.35546132922172546, -0.7850934267044067, -0.40276795625686646, -0.4632096290588379, -0.034780364483594894, -0.33795052766799927, -0.32701537013053894, -0.5993596315383911, -0.17616325616836548, 0.6758236289024353, 0.5652528405189514, 0.34915459156036377, 0.2266572117805481, -0.7517890334129333, 0.40003204345703125, 0.23082762956619263, 0.12234501540660858, 0.11930631101131439, -0.6392374038696289, -0.16377097368240356, 0.09965364634990692, -0.5223061442375183, -0.9292222261428833, 0.47792676091194153, 0.1337004452943802, 0.4359092116355896, 0.3424927592277527, 0.03529442474246025, 0.8760285973548889, -0.4775928556919098, 1.0230772495269775, 0.07110463827848434, -0.8843443989753723, 0.5800527334213257, -0.27671530842781067, 0.15925393998622894, 0.4676610231399536, 0.482153981924057, -0.6000503301620483, -0.18107913434505463, -0.6704418063163757, -0.9595547914505005, 0.5140265822410583, 0.5836133360862732, -0.03367433324456215, 0.06609991192817688, 0.5736603736877441, -0.004240165930241346, 0.13853822648525238, -0.660354733467102, -0.4071696996688843, -0.1041254922747612, -0.25918811559677124, -0.3145333230495453, -0.24855345487594604, -0.27461379766464233, -0.4695788621902466, 0.6679466366767883, -0.04320875182747841, 0.38254132866859436, 0.5682504773139954, -0.11721795052289963, 0.11356406658887863, 0.15301507711410522, 0.4491446316242218, 0.6285668015480042, -0.3038395941257477, -0.11207675188779831, 0.40251895785331726, -0.3224678933620453, -0.08580131083726883, 0.4155859351158142, -0.29932597279548645, 0.007582227699458599, 0.5104678869247437, 0.8954859375953674, 0.11335635930299759, -0.7353917360305786, 0.6410248279571533, -0.2725544571876526, -0.1539989858865738, -0.7210473418235779, 0.2691662907600403, 0.21214815974235535, 0.4121454060077667, 0.45573800802230835, -0.34195461869239807, 0.2936464250087738, -0.4660339057445526, 0.05077386647462845, 0.47534409165382385, -0.4216914176940918, -0.21031218767166138, 0.6658520102500916, 0.05000951141119003, -0.271797239780426, 0.6058053374290466, -0.13401520252227783, -0.494882732629776, 0.6941113471984863, 0.5493972897529602, 0.6243169903755188, -0.17294907569885254, 0.025396976619958878, 0.33984625339508057, 0.12273138761520386, -0.22346755862236023, 0.33219054341316223, -0.034811437129974365, -0.5609846711158752, -0.12954553961753845, -0.9057260155677795, -0.24176684021949768, 0.052384376525878906, -0.6655939221382141, 0.3454433083534241, -0.43459129333496094, -0.3510942757129669, -0.1326056569814682, 0.02874211221933365, -0.8669765591621399, 0.057934436947107315, -0.16707724332809448, 1.0736581087112427, -0.6886200308799744, 0.7275747060775757, 0.6642656922340393, -0.43346473574638367, -0.6382339000701904, -0.2762084901332855, 0.048443395644426346, -0.6792483925819397, 0.4884221851825714, 0.3217543661594391, -0.0010087076807394624, -0.06811632215976715, -0.5359841585159302, -1.0843790769577026, 1.7083758115768433, 0.049493011087179184, -0.522662341594696, -0.15929146111011505, 0.10756285488605499, 0.761332631111145, -0.19216126203536987, 0.4347390830516815, 0.46379008889198303, 0.25462815165519714, -0.041876837611198425, -1.1236652135849, 0.34137389063835144, -0.3821301758289337, 0.1493108570575714, 0.14918778836727142, -0.8925877809524536, 0.9944618940353394, 0.12441470474004745, -0.19155772030353546, 0.383944034576416, 0.8724713921546936, 0.5823027491569519, 0.40832656621932983, 0.32838016748428345, 0.8287429213523865, 0.6832113265991211, -0.08557029068470001, 1.331657886505127, -0.4029953181743622, 0.6043650507926941, 0.7872922420501709, 0.029555439949035645, 0.9100751876831055, 0.48850613832473755, -0.21015676856040955, 0.5301270484924316, 0.6843655705451965, 0.15094994008541107, 0.3607451021671295, 0.05980827286839485, -0.2539050877094269, -0.006055518053472042, -0.07224632799625397, -0.6830416917800903, 0.09259140491485596, 0.44146737456321716, -0.370894193649292, 0.0009477160638198256, -0.08350969851016998, 0.17297469079494476, -0.3286080062389374, -0.10678578913211823, 0.6251339912414551, 0.4312141239643097, -0.6586437225341797, 0.9261550903320312, 0.14913471043109894, 0.9411669373512268, -0.5601592063903809, -0.13484328985214233, -0.2748800218105316, 0.14974139630794525, -0.2921217978000641, -0.6229578852653503, -0.0892200693488121, -0.0705907791852951, -0.0020224060863256454, -0.029638107866048813, 0.6470019817352295, -0.20278441905975342, -0.5294772386550903, 0.46309423446655273, 0.5181741714477539, -0.002000145148485899, -0.14866165816783905, -0.7824541926383972, 0.16448479890823364, -0.06269295513629913, -0.46546173095703125, 0.35465529561042786, 0.44181573390960693, -0.11773043125867844, 0.8714684844017029, 0.6278845071792603, -0.17386502027511597, 0.005579050164669752, -0.05520929768681526, 1.0430500507354736, -0.9360084533691406, -0.3678273856639862, -0.8019561171531677, 0.6025031208992004, -0.16414222121238708, -0.5839224457740784, 0.8671007752418518, 0.699845016002655, 0.6368091106414795, 0.12028685212135315, 0.6046977043151855, -0.06078561767935753, 0.3761299252510071, -0.607987105846405, 0.6612135767936707, -0.8342199921607971, 0.19411610066890717, -0.37071332335472107, -1.1079609394073486, -0.09299835562705994, 0.60714191198349, -0.18467049300670624, 0.11562229692935944, 0.7408536076545715, 0.9959864020347595, -0.15771247446537018, -0.11239580065011978, 0.10147403925657272, 0.28091129660606384, 0.6136135458946228, 0.615748405456543, 0.8709682822227478, -0.6143935918807983, 0.2928933799266815, -0.3805784285068512, -0.37084731459617615, -0.27414679527282715, -0.5489779114723206, -1.13671875, -0.7218143939971924, -0.07639135420322418, -0.5582955479621887, 0.06497801095247269, 0.9115413427352905, 0.5472449660301208, -0.4575020670890808, -0.23286457359790802, 0.010906575247645378, -0.02843524143099785, -0.12352970242500305, -0.31838834285736084, 0.5615280270576477, -0.13715365529060364, -0.7367894649505615, 0.3895197808742523, 0.043171681463718414, 0.1892157793045044, -0.28640514612197876, -0.25913307070732117, 0.08419918268918991, -0.08518733829259872, 0.802548348903656, 0.2220323383808136, -0.8124034404754639, -0.2927665412425995, 0.1260174810886383, -0.16646148264408112, -0.023556148633360863, 0.34647125005722046, -0.793411910533905, 0.12987451255321503, 0.544175386428833, 0.5986953973770142, 0.8168391585350037, 0.11739127337932587, 0.2797851860523224, -0.41329285502433777, 0.20967897772789001, 0.2660696804523468, 0.5016342997550964, 0.2425467073917389, -0.48424047231674194, 0.4875810742378235, 0.024845389649271965, -0.6288484334945679, -0.7385398745536804, 0.11841092258691788, -1.164526343345642, -0.3611352741718292, 1.371370553970337, 0.04744768887758255, -0.45172351598739624, 0.10716479271650314, -0.45327022671699524, 0.15822775661945343, -0.5965178608894348, 0.7845839858055115, 0.612436830997467, -0.23479636013507843, -0.16807280480861664, -0.5793262124061584, 0.6635580062866211, 0.6034916043281555, -0.7853584289550781, -0.19617502391338348, 0.5991284847259521, 0.4689551889896393, 0.22453445196151733, 0.8193270564079285, -0.10773439705371857, 0.23621198534965515, -0.3233163356781006, 0.026052597910165787, -0.07674560695886612, -0.17682215571403503, -0.43382105231285095, 0.11258497089147568, 0.029882360249757767, 0.09553088247776031 ]
microsoft/xtremedistil-l6-h256-uncased
microsoft
2021-08-05T17:49:53Z
10,376
24
transformers
[ "transformers", "pytorch", "tf", "bert", "feature-extraction", "text-classification", "en", "arxiv:2106.04563", "license:mit", "endpoints_compatible", "region:us" ]
text-classification
2022-03-02T23:29:05Z
--- language: en thumbnail: https://huggingface.co/front/thumbnails/microsoft.png tags: - text-classification license: mit --- # XtremeDistilTransformers for Distilling Massive Neural Networks XtremeDistilTransformers is a distilled task-agnostic transformer model that leverages task transfer for learning a small universal model that can be applied to arbitrary tasks and languages as outlined in the paper [XtremeDistilTransformers: Task Transfer for Task-agnostic Distillation](https://arxiv.org/abs/2106.04563). We leverage task transfer combined with multi-task distillation techniques from the papers [XtremeDistil: Multi-stage Distillation for Massive Multilingual Models](https://www.aclweb.org/anthology/2020.acl-main.202.pdf) and [MiniLM: Deep Self-Attention Distillation for Task-Agnostic Compression of Pre-Trained Transformers](https://proceedings.neurips.cc/paper/2020/file/3f5ee243547dee91fbd053c1c4a845aa-Paper.pdf) with the following [Github code](https://github.com/microsoft/xtreme-distil-transformers). This l6-h384 checkpoint with **6** layers, **384** hidden size, **12** attention heads corresponds to **22 million** parameters with **5.3x** speedup over BERT-base. Other available checkpoints: [xtremedistil-l6-h384-uncased](https://huggingface.co/microsoft/xtremedistil-l6-h384-uncased) and [xtremedistil-l12-h384-uncased](https://huggingface.co/microsoft/xtremedistil-l12-h384-uncased) The following table shows the results on GLUE dev set and SQuAD-v2. | Models | #Params | Speedup | MNLI | QNLI | QQP | RTE | SST | MRPC | SQUAD2 | Avg | |----------------|--------|---------|------|------|------|------|------|------|--------|-------| | BERT | 109 | 1x | 84.5 | 91.7 | 91.3 | 68.6 | 93.2 | 87.3 | 76.8 | 84.8 | | DistilBERT | 66 | 2x | 82.2 | 89.2 | 88.5 | 59.9 | 91.3 | 87.5 | 70.7 | 81.3 | | TinyBERT | 66 | 2x | 83.5 | 90.5 | 90.6 | 72.2 | 91.6 | 88.4 | 73.1 | 84.3 | | MiniLM | 66 | 2x | 84.0 | 91.0 | 91.0 | 71.5 | 92.0 | 88.4 | 76.4 | 84.9 | | MiniLM | 22 | 5.3x | 82.8 | 90.3 | 90.6 | 68.9 | 91.3 | 86.6 | 72.9 | 83.3 | | XtremeDistil-l6-h256 | 13 | 8.7x | 83.9 | 89.5 | 90.6 | 80.1 | 91.2 | 90.0 | 74.1 | 85.6 | | XtremeDistil-l6-h384 | 22 | 5.3x | 85.4 | 90.3 | 91.0 | 80.9 | 92.3 | 90.0 | 76.6 | 86.6 | | XtremeDistil-l12-h384 | 33 | 2.7x | 87.2 | 91.9 | 91.3 | 85.6 | 93.1 | 90.4 | 80.2 | 88.5 | Tested with `tensorflow 2.3.1, transformers 4.1.1, torch 1.6.0` If you use this checkpoint in your work, please cite: ``` latex @misc{mukherjee2021xtremedistiltransformers, title={XtremeDistilTransformers: Task Transfer for Task-agnostic Distillation}, author={Subhabrata Mukherjee and Ahmed Hassan Awadallah and Jianfeng Gao}, year={2021}, eprint={2106.04563}, archivePrefix={arXiv}, primaryClass={cs.CL} } ```
[ -0.48943641781806946, -0.30138614773750305, 0.37389907240867615, 0.25331592559814453, -0.07224498689174652, 0.31110259890556335, 0.0966583788394928, -0.3228577673435211, 0.418062686920166, 0.2342505007982254, -0.900648295879364, -0.4192330539226532, -0.9227493405342102, -0.11602652817964554, -0.363047331571579, 1.0401939153671265, -0.14441218972206116, -0.17083533108234406, -0.09733177721500397, -0.25599563121795654, -0.2996656894683838, -0.35737279057502747, -0.7676396369934082, -0.34494662284851074, 0.42873477935791016, 0.07379882037639618, 0.7027215957641602, 0.6575437188148499, 0.5137059092521667, 0.4760555326938629, -0.32303568720817566, -0.011976141482591629, -0.4337489902973175, -0.03928565979003906, 0.07204792648553848, -0.44107750058174133, -0.5450727343559265, -0.020315958186984062, 0.48229968547821045, 0.5021263957023621, -0.01472871657460928, 0.44780153036117554, 0.33784377574920654, 0.8372673392295837, -0.5685999393463135, 0.17357684671878815, -0.29186782240867615, 0.2247914969921112, -0.04756483435630798, -0.07303954660892487, -0.16382621228694916, -0.13463349640369415, 0.2419838309288025, -0.39488720893859863, 0.42612648010253906, 0.01874612830579281, 1.047283411026001, 0.6119113564491272, -0.3153194785118103, -0.08077483624219894, -0.5616455078125, 0.8560028076171875, -0.6984508037567139, 0.32620495557785034, 0.06454022973775864, 0.2261384129524231, -0.17893263697624207, -1.056380033493042, -0.487311989068985, 0.1455986350774765, -0.4577597379684448, 0.2002774477005005, -0.6443872451782227, -0.0243687704205513, 0.4488752782344818, 0.6299484968185425, -0.8148658871650696, 0.06293817609548569, -0.4816824793815613, -0.21907870471477509, 0.6087805032730103, 0.3005152642726898, 0.021060960367321968, -0.1670273095369339, -0.7916839122772217, -0.1458618938922882, -0.3601198196411133, 0.3833743631839752, 0.0042886883020401, -0.00479759369045496, -0.25767967104911804, 0.2835710346698761, -0.21492722630500793, 0.7142695188522339, 0.23681902885437012, -0.2893375754356384, 0.7047635316848755, -0.5234701037406921, -0.4897860288619995, 0.17199000716209412, 0.9474736452102661, 0.2684886157512665, -0.2636723518371582, -0.19707728922367096, -0.22961042821407318, -0.128395676612854, 0.19096975028514862, -1.2082319259643555, -0.4336969256401062, 0.5048896074295044, -0.4937306046485901, -0.47265151143074036, -0.07495002448558807, -0.7258028388023376, -0.015815194696187973, -0.22944103181362152, 0.5204526782035828, -0.2488366812467575, -0.052211545407772064, -0.11040595918893814, -0.3269503116607666, -0.00006552928971359506, 0.25145477056503296, -0.7918665409088135, 0.09442351758480072, 0.36180105805397034, 1.1295443773269653, -0.19031067192554474, -0.1452636420726776, -0.33108511567115784, 0.033016033470630646, -0.10764961689710617, 0.7033801674842834, -0.006343606393784285, -0.3301923871040344, -0.21549092233181, 0.37803852558135986, -0.2798554599285126, -0.5317844152450562, 0.7218813300132751, -0.44477540254592896, 0.23041459918022156, -0.4664013385772705, -0.4356537461280823, -0.2416483610868454, 0.33993420004844666, -0.6440311670303345, 1.203346610069275, 0.2515510320663452, -0.6370729804039001, 0.5627561807632446, -0.6605936884880066, -0.17929109930992126, -0.08298918604850769, -0.14508558809757233, -0.7748629450798035, -0.02696863003075123, 0.20386110246181488, 0.5479559898376465, -0.4482462704181671, 0.0595206618309021, -0.16845214366912842, -0.2715202569961548, 0.045436594635248184, -0.35056164860725403, 1.2246522903442383, 0.3501476049423218, -1.00620698928833, 0.1601180136203766, -0.8452907800674438, 0.3281712830066681, 0.12506826221942902, -0.3269121050834656, -0.1241670697927475, -0.33213043212890625, -0.08421317487955093, 0.7735470533370972, 0.12623095512390137, -0.6038476228713989, 0.24939212203025818, -0.0029972875490784645, 0.7387948632240295, 0.846297025680542, 0.006944519933313131, 0.2919277846813202, -0.5998385548591614, 0.4339148700237274, 0.36187654733657837, 0.13494400680065155, -0.009885841980576515, -0.5212923884391785, -0.8778482675552368, -0.8423500657081604, 0.19244977831840515, 0.5281018018722534, -0.6831337213516235, 0.6230740547180176, -0.294756144285202, -0.7210097908973694, -0.4560467600822449, 0.15985219180583954, 0.5434159636497498, 0.6614458560943604, 0.5113608837127686, 0.09197336435317993, -0.7597620487213135, -1.1774581670761108, -0.0003764974244404584, -0.056502312421798706, 0.11749664694070816, 0.016823559999465942, 0.7522712349891663, -0.2677597999572754, 0.9587569832801819, -0.755116879940033, -0.6062009334564209, -0.1832171529531479, 0.1313614845275879, 0.5143221616744995, 0.7244177460670471, 0.9186404347419739, -0.795347273349762, -0.7810073494911194, -0.17822560667991638, -0.758124053478241, 0.09820041805505753, -0.1644386351108551, -0.2510913908481598, 0.273326575756073, 0.5120334029197693, -0.7425681948661804, 0.587638258934021, 0.6965245604515076, -0.5384258031845093, 0.6818874478340149, -0.1824382096529007, 0.4418486952781677, -1.324855089187622, 0.41663041710853577, 0.1267090141773224, -0.5393887758255005, -0.722710907459259, -0.20673617720603943, 0.06399520486593246, 0.17814147472381592, -0.5687201023101807, 0.6491694450378418, -0.7625759243965149, 0.3496731221675873, -0.129660964012146, -0.20861048996448517, 0.0734584629535675, 0.7680709958076477, -0.10699144005775452, 0.9299405217170715, 0.6196109056472778, -0.40823525190353394, 0.2927611172199249, 0.38519513607025146, -0.4294968545436859, 0.5167036652565002, -0.7748622894287109, -0.01266593299806118, 0.004443946294486523, 0.17854349315166473, -1.3826206922531128, 0.1553228348493576, 0.2753671109676361, -0.3603154420852661, 0.436511367559433, -0.43800631165504456, -0.37369754910469055, -0.689246654510498, -0.31073862314224243, 0.28059470653533936, 0.7885178923606873, -0.4482676684856415, 0.3101259768009186, 0.2966819405555725, 0.03438519686460495, -0.6686140298843384, -0.8566600680351257, -0.09283124655485153, -0.28433555364608765, -0.7665931582450867, 0.7581021785736084, -0.19726556539535522, -0.08580327033996582, 0.06288263201713562, -0.3708910346031189, -0.2658828794956207, -0.0956493467092514, 0.4598817229270935, 0.5144978165626526, -0.2324269413948059, -0.32897117733955383, 0.2965511977672577, -0.29642266035079956, 0.21029382944107056, -0.25793153047561646, 0.515830934047699, 0.021783772855997086, -0.2696267068386078, -0.4562280476093292, 0.20049266517162323, 0.8266451954841614, -0.09013476222753525, 0.9259907007217407, 0.6768797636032104, -0.2525036931037903, -0.050068192183971405, -0.6430075168609619, -0.25041648745536804, -0.5461007356643677, 0.43321654200553894, -0.5189257264137268, -0.9088466763496399, 0.8807008266448975, 0.15127520263195038, 0.32654887437820435, 0.702792227268219, 0.8000535368919373, -0.11076308786869049, 1.2000782489776611, 0.4267653524875641, -0.047181736677885056, 0.4034331142902374, -0.8025875687599182, 0.08283695578575134, -0.8566281199455261, -0.4161703586578369, -0.6047530770301819, -0.8100584745407104, -0.44509270787239075, -0.395459920167923, 0.4841095507144928, 0.01487709954380989, -0.24232570827007294, 0.5879868865013123, -0.7664576768875122, 0.23220579326152802, 0.6590354442596436, 0.1778816431760788, 0.22026830911636353, 0.06411473453044891, -0.24543659389019012, -0.06115681305527687, -0.9256546497344971, -0.20806142687797546, 0.8230184316635132, 0.1519034504890442, 0.528396487236023, 0.15183933079242706, 0.8364578485488892, 0.2988542318344116, 0.11222223192453384, -0.6023844480514526, 0.3820784091949463, -0.0778498500585556, -1.0736582279205322, -0.09349314123392105, -0.6066446900367737, -1.0315032005310059, 0.41450199484825134, -0.16961315274238586, -0.9443867802619934, 0.6047137379646301, 0.24451830983161926, -0.6138327717781067, 0.6347424387931824, -0.7192597389221191, 0.97353595495224, -0.06208359822630882, -0.5435291528701782, 0.08127335458993912, -0.7874668836593628, 0.32004597783088684, -0.0024163557682186365, -0.056993160396814346, -0.1272883117198944, 0.017218420282006264, 0.9423329830169678, -0.7168862223625183, 0.6158342361450195, -0.3202512264251709, 0.1562766134738922, 0.33785372972488403, -0.04849656671285629, 0.6671850085258484, -0.049056850373744965, 0.0073629096150398254, 0.1787332445383072, 0.37103748321533203, -0.6105586886405945, -0.6381740570068359, 0.963932454586029, -0.888012707233429, -0.7149173021316528, -0.6685599684715271, -0.7517256736755371, 0.03165796771645546, 0.4054374098777771, 0.540772557258606, 0.4298783242702484, 0.14093464612960815, 0.3554997444152832, 0.8034769296646118, 0.21959955990314484, 0.7240825891494751, 0.35653650760650635, 0.05657648295164108, -0.26202017068862915, 0.7067837119102478, 0.41801339387893677, 0.38733962178230286, 0.32439178228378296, -0.09144439548254013, -0.43222546577453613, -0.5719778537750244, -0.5704177618026733, 0.12251342087984085, -0.5552999973297119, -0.4089479148387909, -0.7632545828819275, -0.40669912099838257, -0.4850262403488159, -0.19271980226039886, -0.4798729121685028, -0.5063263177871704, -0.31347036361694336, 0.04626712203025818, 0.4897517263889313, 0.47931385040283203, -0.05124443396925926, 0.13104668259620667, -1.0650469064712524, 0.13871589303016663, 0.1282675415277481, 0.11916568875312805, -0.05635838583111763, -0.754377007484436, -0.27816224098205566, 0.18258704245090485, -0.42846518754959106, -0.8017603158950806, 0.5444331169128418, 0.08865413814783096, 0.9132823944091797, 0.3759037256240845, 0.20649118721485138, 1.0569028854370117, -0.41479262709617615, 0.6741523742675781, 0.4334120452404022, -0.8545575737953186, 0.4135260581970215, -0.08810590207576752, 0.3779714107513428, 0.7298927307128906, 0.7358093857765198, -0.38514161109924316, -0.11453617364168167, -0.8360846042633057, -0.959744930267334, 0.8213968276977539, 0.5151170492172241, -0.18697459995746613, 0.22410166263580322, 0.3411337435245514, -0.18844741582870483, 0.2937473952770233, -0.5172016024589539, -0.929075300693512, 0.011400869116187096, 0.030894318595528603, -0.18975061178207397, -0.24795138835906982, -0.3430594503879547, -0.4506416320800781, 0.8386613130569458, -0.023862231522798538, 0.4617370367050171, 0.5875177979469299, -0.1538742482662201, 0.16154713928699493, 0.06550963968038559, 0.7292404174804688, 0.7061305642127991, -0.33779871463775635, 0.134817972779274, 0.15292473137378693, -0.6779228448867798, 0.5538777709007263, 0.2735690474510193, -0.07461228221654892, 0.0767320767045021, 0.28239014744758606, 0.7904289960861206, 0.04342472925782204, -0.2883042097091675, 0.4430254399776459, 0.044175684452056885, -0.5486703515052795, -0.2600024938583374, -0.02025740221142769, -0.12951505184173584, 0.5613262057304382, 0.46676936745643616, 0.6216775178909302, 0.2890695035457611, -0.38133183121681213, 0.3073244094848633, 0.46158310770988464, -0.9227251410484314, -0.272955060005188, 0.8296077251434326, 0.042147357016801834, 0.044969592243433, 0.5991553068161011, -0.24504771828651428, -0.5679306387901306, 0.666132390499115, 0.3873254954814911, 1.1024211645126343, -0.18580162525177002, 0.05803656578063965, 0.6364457607269287, 0.3417617380619049, -0.0374954491853714, 0.09917666763067245, 0.013121076859533787, -0.36934423446655273, -0.3387165069580078, -0.588776171207428, 0.07058713585138321, 0.005837022792547941, -0.886307418346405, 0.321123868227005, -0.2085796743631363, -0.43084996938705444, 0.13484399020671844, 0.10987155139446259, -0.815716564655304, 0.21648450195789337, -0.012010086327791214, 1.2100216150283813, -0.9014903903007507, 0.9644942879676819, 0.728362500667572, -0.5080466270446777, -0.9203055500984192, -0.3744140565395355, 0.2294302135705948, -0.8592990636825562, 0.6973817348480225, -0.04688037559390068, 0.09776115417480469, 0.08783922344446182, -0.12879560887813568, -1.0553648471832275, 1.5788862705230713, 0.37177181243896484, -0.6824233531951904, -0.26956120133399963, 0.24610407650470734, 0.42728856205940247, -0.016456689685583115, 0.41471067070961, 0.6815950870513916, 0.4290272891521454, 0.4028044641017914, -0.9746973514556885, 0.57480388879776, -0.6440654993057251, -0.025841547176241875, 0.3793899118900299, -0.8108301162719727, 1.1035065650939941, -0.21132025122642517, 0.1771066039800644, 0.17391270399093628, 0.52619469165802, 0.4253149628639221, 0.024537863209843636, 0.5586601495742798, 0.9742698073387146, 0.5533229112625122, -0.46668004989624023, 1.138594150543213, -0.3712937831878662, 0.7455399036407471, 1.0455622673034668, 0.16233006119728088, 0.5329068899154663, 0.8374095559120178, -0.4419671297073364, 0.5440376996994019, 0.6548013687133789, -0.07393892854452133, 0.5385264158248901, 0.10219701379537582, -0.15966559946537018, -0.1968010812997818, 0.34279265999794006, -0.6765828132629395, 0.11678635329008102, -0.05717012658715248, -0.8094169497489929, -0.34842294454574585, -0.05005614086985588, 0.3614221215248108, -0.53159099817276, -0.248054638504982, 0.598075807094574, -0.045891012996435165, -0.6203745007514954, 0.9587239027023315, -0.3320401906967163, 0.6230324506759644, -0.7316159605979919, 0.04918457567691803, -0.06626301258802414, 0.5367316603660583, -0.5576549172401428, -0.9932830929756165, 0.45388486981391907, -0.2841279208660126, -0.528803288936615, -0.30128005146980286, 0.4745275378227234, -0.1507239043712616, -0.5984579920768738, 0.2464202493429184, 0.4101608097553253, 0.0012838059337809682, -0.23876351118087769, -1.1300082206726074, 0.09420809149742126, 0.3139576017856598, -0.6151377558708191, 0.4970213770866394, 0.4398431181907654, 0.04581695422530174, 0.6709699630737305, 0.7275915145874023, -0.17994973063468933, 0.3335420489311218, -0.4068557620048523, 1.3269457817077637, -0.4697643220424652, -0.5969813466072083, -1.0647505521774292, 0.9654549956321716, -0.21013900637626648, -0.5419524908065796, 1.0660388469696045, 0.8474999666213989, 0.4970395565032959, -0.0854855552315712, 0.6991230845451355, -0.4938076138496399, 0.3763071298599243, -0.380951464176178, 0.9520357251167297, -0.8609774112701416, 0.08500175923109055, -0.3175163269042969, -1.0598963499069214, -0.22019408643245697, 0.47735804319381714, -0.2600265145301819, 0.25898486375808716, 0.7115075588226318, 0.883653461933136, -0.07004860043525696, -0.2711802124977112, 0.32689613103866577, 0.3965650796890259, 0.4974938929080963, 0.5853697657585144, 0.5072746872901917, -0.816848635673523, 0.7653657793998718, -0.6981326937675476, -0.3681122064590454, -0.137453094124794, -0.6910074353218079, -0.9314390420913696, -0.8444773554801941, -0.6525949835777283, -0.6631806492805481, -0.12150437384843826, 0.9534553289413452, 1.2223681211471558, -0.8152046203613281, -0.0756162777543068, -0.20757558941841125, -0.13216595351696014, -0.3352273106575012, -0.20888327062129974, 0.49960488080978394, -0.3739510774612427, -1.0208120346069336, 0.0541834756731987, 0.19891402125358582, 0.17196910083293915, -0.30209460854530334, -0.055292289704084396, -0.28158843517303467, -0.2182280719280243, 0.5316559076309204, 0.25081315636634827, -0.5474903583526611, -0.10992683470249176, 0.12595829367637634, -0.18644899129867554, 0.334923654794693, 0.6402420401573181, -0.8056803941726685, 0.23939009010791779, 0.7010995745658875, 0.23561951518058777, 0.8088380694389343, -0.33568617701530457, 0.20278014242649078, -0.6512537598609924, 0.3176427185535431, 0.08992572873830795, 0.5983341336250305, -0.18027083575725555, -0.400108277797699, 0.44863203167915344, 0.2920258939266205, -0.7871521711349487, -0.9542974233627319, -0.17301641404628754, -1.3452123403549194, -0.13006113469600677, 1.0406824350357056, -0.4384864866733551, -0.49059581756591797, -0.023364536464214325, -0.3057837188243866, 0.0956936776638031, -0.4320563077926636, 0.6972461342811584, 0.42899465560913086, -0.1887069195508957, -0.18113970756530762, -0.5568193793296814, 0.6376346349716187, 0.2938414514064789, -0.7377035617828369, -0.24607032537460327, 0.07668409496545792, 0.41672250628471375, 0.5569486021995544, 0.4201212525367737, -0.22662125527858734, 0.2277454435825348, 0.059487856924533844, 0.05544724687933922, -0.22278520464897156, -0.012324951589107513, -0.12618157267570496, 0.20434781908988953, -0.20704446732997894, -0.526339054107666 ]
timm/vit_small_patch16_224.dino
timm
2023-11-22T16:17:47Z
10,368
0
timm
[ "timm", "pytorch", "safetensors", "feature-extraction", "arxiv:2104.14294", "arxiv:2010.11929", "license:apache-2.0", "region:us" ]
feature-extraction
2022-12-22T07:54:20Z
--- license: apache-2.0 library_name: timm tags: - feature-extraction - timm --- # Model card for vit_small_patch16_224.dino A Vision Transformer (ViT) image feature model. Trained with Self-Supervised DINO method. ## Model Details - **Model Type:** Image classification / feature backbone - **Model Stats:** - Params (M): 21.7 - GMACs: 4.3 - Activations (M): 8.2 - Image size: 224 x 224 - **Papers:** - Emerging Properties in Self-Supervised Vision Transformers: https://arxiv.org/abs/2104.14294 - An Image is Worth 16x16 Words: Transformers for Image Recognition at Scale: https://arxiv.org/abs/2010.11929v2 - **Pretrain Dataset:** ImageNet-1k - **Original:** https://github.com/facebookresearch/dino ## Model Usage ### Image Classification ```python from urllib.request import urlopen from PIL import Image import timm img = Image.open(urlopen( 'https://huggingface.co/datasets/huggingface/documentation-images/resolve/main/beignets-task-guide.png' )) model = timm.create_model('vit_small_patch16_224.dino', pretrained=True) model = model.eval() # get model specific transforms (normalization, resize) data_config = timm.data.resolve_model_data_config(model) transforms = timm.data.create_transform(**data_config, is_training=False) output = model(transforms(img).unsqueeze(0)) # unsqueeze single image into batch of 1 top5_probabilities, top5_class_indices = torch.topk(output.softmax(dim=1) * 100, k=5) ``` ### Image Embeddings ```python from urllib.request import urlopen from PIL import Image import timm img = Image.open(urlopen( 'https://huggingface.co/datasets/huggingface/documentation-images/resolve/main/beignets-task-guide.png' )) model = timm.create_model( 'vit_small_patch16_224.dino', pretrained=True, num_classes=0, # remove classifier nn.Linear ) model = model.eval() # get model specific transforms (normalization, resize) data_config = timm.data.resolve_model_data_config(model) transforms = timm.data.create_transform(**data_config, is_training=False) output = model(transforms(img).unsqueeze(0)) # output is (batch_size, num_features) shaped tensor # or equivalently (without needing to set num_classes=0) output = model.forward_features(transforms(img).unsqueeze(0)) # output is unpooled, a (1, 197, 384) shaped tensor output = model.forward_head(output, pre_logits=True) # output is a (1, num_features) shaped tensor ``` ## Model Comparison Explore the dataset and runtime metrics of this model in timm [model results](https://github.com/huggingface/pytorch-image-models/tree/main/results). ## Citation ```bibtex @inproceedings{caron2021emerging, title={Emerging properties in self-supervised vision transformers}, author={Caron, Mathilde and Touvron, Hugo and Misra, Ishan and J{'e}gou, Herv{'e} and Mairal, Julien and Bojanowski, Piotr and Joulin, Armand}, booktitle={Proceedings of the IEEE/CVF international conference on computer vision}, pages={9650--9660}, year={2021} } ``` ```bibtex @article{dosovitskiy2020vit, title={An Image is Worth 16x16 Words: Transformers for Image Recognition at Scale}, author={Dosovitskiy, Alexey and Beyer, Lucas and Kolesnikov, Alexander and Weissenborn, Dirk and Zhai, Xiaohua and Unterthiner, Thomas and Dehghani, Mostafa and Minderer, Matthias and Heigold, Georg and Gelly, Sylvain and Uszkoreit, Jakob and Houlsby, Neil}, journal={ICLR}, year={2021} } ``` ```bibtex @misc{rw2019timm, author = {Ross Wightman}, title = {PyTorch Image Models}, year = {2019}, publisher = {GitHub}, journal = {GitHub repository}, doi = {10.5281/zenodo.4414861}, howpublished = {\url{https://github.com/huggingface/pytorch-image-models}} } ```
[ -0.586041271686554, -0.3160896301269531, 0.09431172907352448, 0.1258779764175415, -0.35421517491340637, -0.35994473099708557, -0.2774932384490967, -0.5431180596351624, 0.333936870098114, 0.3331924080848694, -0.5181629657745361, -0.4957245886325836, -0.670136034488678, 0.041953492909669876, -0.2260587066411972, 0.9856736063957214, -0.08527880162000656, -0.22555819153785706, -0.24919581413269043, -0.5037870407104492, -0.10426691919565201, -0.28271007537841797, -0.5241398215293884, -0.35101693868637085, 0.3953733444213867, 0.05808640271425247, 0.6621426939964294, 0.8747629523277283, 0.6581222414970398, 0.49930286407470703, -0.046231459826231, 0.08832218497991562, -0.13456062972545624, -0.2578479051589966, 0.18351343274116516, -0.5467319488525391, -0.4491230249404907, 0.31627023220062256, 0.7638197541236877, 0.38216933608055115, 0.055928848683834076, 0.4022515118122101, 0.19126459956169128, 0.49680018424987793, -0.28945109248161316, 0.260820209980011, -0.4910358786582947, 0.2364051789045334, -0.11320889741182327, 0.05067038536071777, -0.20382745563983917, -0.24641551077365875, 0.17516063153743744, -0.5417003631591797, 0.5849862694740295, -0.06781495362520218, 1.3282896280288696, 0.29481175541877747, -0.07659220695495605, 0.08800899237394333, -0.38410326838493347, 0.8264210224151611, -0.6887409687042236, 0.3342532217502594, 0.12950371205806732, 0.17558352649211884, -0.010626415722072124, -1.0363843441009521, -0.7286007404327393, -0.02644624188542366, -0.30396631360054016, 0.03462696820497513, -0.4048096835613251, 0.04460534453392029, 0.2693406045436859, 0.5342928171157837, -0.3481869399547577, 0.08056186884641647, -0.5939650535583496, -0.37488043308258057, 0.6395935416221619, -0.04347921535372734, 0.19352935254573822, -0.4035511910915375, -0.5991782546043396, -0.6030627489089966, -0.3245110511779785, 0.26615479588508606, 0.3093641698360443, 0.15300819277763367, -0.5276707410812378, 0.5695882439613342, 0.07933557778596878, 0.5745283961296082, 0.2720310389995575, -0.3013807535171509, 0.6428381204605103, -0.2096305638551712, -0.28879186511039734, -0.21492360532283783, 1.2292183637619019, 0.4462612271308899, 0.31847667694091797, 0.07729195803403854, -0.13659818470478058, -0.2038249373435974, -0.05338028445839882, -1.1297990083694458, -0.44350168108940125, 0.13330049812793732, -0.5970593690872192, -0.380069375038147, 0.1502012312412262, -0.866847813129425, -0.1170615404844284, -0.07587867230176926, 0.768767774105072, -0.41128891706466675, -0.37969285249710083, -0.02749023400247097, -0.1265411376953125, 0.44228118658065796, 0.17334599792957306, -0.7558771967887878, 0.11241333186626434, 0.19742439687252045, 1.054835557937622, -0.01713443174958229, -0.5771021246910095, -0.1364402323961258, -0.34515658020973206, -0.2935701608657837, 0.6649467945098877, -0.04609263688325882, -0.30506131052970886, -0.3028002381324768, 0.3902542293071747, -0.25288161635398865, -0.6484106779098511, 0.2620898485183716, -0.09168630838394165, 0.34663787484169006, 0.15310023725032806, -0.1305072009563446, -0.29782095551490784, 0.20495793223381042, -0.4455645680427551, 1.3339266777038574, 0.41820693016052246, -0.8398986458778381, 0.4494832456111908, -0.4596925973892212, -0.1309131383895874, -0.20350801944732666, -0.06246776506304741, -1.1712654829025269, -0.023393332958221436, 0.35758325457572937, 0.6386924386024475, -0.21396026015281677, 0.02659587748348713, -0.5821574926376343, -0.1297430694103241, 0.3693329393863678, -0.22592824697494507, 0.9139842987060547, 0.148262619972229, -0.47890976071357727, 0.289480984210968, -0.6799606084823608, 0.09513483941555023, 0.4681563675403595, -0.23619893193244934, -0.0404035858809948, -0.5993709564208984, 0.051275432109832764, 0.37852033972740173, 0.3329981565475464, -0.624010443687439, 0.4071015417575836, -0.21675652265548706, 0.48007211089134216, 0.7414958477020264, -0.24563343822956085, 0.40617436170578003, -0.3078352212905884, 0.3518694341182709, 0.29432734847068787, 0.4173218607902527, -0.13662205636501312, -0.6347876191139221, -0.9144746661186218, -0.6226609945297241, 0.3799276053905487, 0.3185940682888031, -0.5558340549468994, 0.5963802337646484, -0.3287520408630371, -0.7494056820869446, -0.6593835353851318, 0.18437255918979645, 0.4846886098384857, 0.5628955364227295, 0.536015510559082, -0.5138552784919739, -0.4683108627796173, -1.015156865119934, -0.05953425168991089, -0.09138521552085876, -0.05570826306939125, 0.4667963683605194, 0.6421899199485779, -0.24699905514717102, 0.9330640435218811, -0.45932474732398987, -0.4760375916957855, -0.13347531855106354, 0.152858704328537, 0.37582823634147644, 0.7070897221565247, 0.8601082563400269, -0.6567135453224182, -0.45920345187187195, -0.2536408007144928, -0.8986766338348389, 0.11343345791101456, 0.007749179378151894, -0.04907594248652458, 0.33878767490386963, 0.1904866099357605, -0.8063066601753235, 0.6805590987205505, 0.33355018496513367, -0.4230373501777649, 0.44858795404434204, -0.35302284359931946, 0.07383716851472855, -1.202939748764038, 0.029403069987893105, 0.40083152055740356, -0.1490476280450821, -0.3738194406032562, -0.043882399797439575, 0.1377846747636795, 0.01908036880195141, -0.4423345923423767, 0.6335710883140564, -0.613206148147583, -0.29248204827308655, -0.0418422594666481, -0.2118140608072281, 0.029222777113318443, 0.7272047400474548, -0.02709903009235859, 0.615198016166687, 0.7856491208076477, -0.5134835243225098, 0.5357598066329956, 0.46699804067611694, -0.23089639842510223, 0.5553128123283386, -0.6683931350708008, 0.10942984372377396, 0.08560952544212341, 0.16531991958618164, -1.0533949136734009, -0.17758455872535706, 0.30641183257102966, -0.6233893632888794, 0.6639533638954163, -0.5480065941810608, -0.46144378185272217, -0.7264971137046814, -0.4740273058414459, 0.5024682879447937, 0.6718193292617798, -0.8720019459724426, 0.6487228274345398, 0.21365486085414886, 0.24996505677700043, -0.5327994227409363, -0.8612478375434875, -0.15646973252296448, -0.4457005262374878, -0.7107203006744385, 0.5119699835777283, 0.005379998590797186, 0.22848409414291382, 0.1219647228717804, -0.0217713825404644, 0.02431945875287056, -0.20823925733566284, 0.3886341452598572, 0.40653684735298157, -0.2473529577255249, -0.059510357677936554, -0.2827415466308594, -0.19140933454036713, 0.1362449675798416, -0.37098026275634766, 0.536072313785553, -0.34688568115234375, -0.07404722273349762, -0.7228753566741943, -0.2336043268442154, 0.5743101239204407, -0.2769637405872345, 0.6864690780639648, 1.1130731105804443, -0.369020015001297, -0.0028225646819919348, -0.5067384243011475, -0.3556368947029114, -0.5503926873207092, 0.40062323212623596, -0.4452269375324249, -0.4945511817932129, 0.9132582545280457, 0.1094137579202652, -0.15922553837299347, 0.9769560694694519, 0.44406014680862427, -0.11052770167589188, 0.8499468564987183, 0.6744949221611023, 0.15998408198356628, 0.7369545102119446, -0.9818047285079956, -0.03303868696093559, -0.9734103679656982, -0.5105190277099609, -0.2441137731075287, -0.46736204624176025, -0.8932587504386902, -0.49616527557373047, 0.4559316635131836, 0.056888923048973083, -0.1671348214149475, 0.6213257908821106, -0.9539177417755127, -0.008046451024711132, 0.832872748374939, 0.45629963278770447, -0.16779294610023499, 0.2960532307624817, -0.31050539016723633, -0.09335579723119736, -0.7146996855735779, -0.039409834891557693, 1.1725038290023804, 0.4074000120162964, 0.8055177927017212, -0.1845240741968155, 0.7395350933074951, -0.153080552816391, 0.2529945373535156, -0.7460322976112366, 0.6610618829727173, -0.02226521447300911, -0.5356947779655457, -0.35730358958244324, -0.4096503257751465, -1.1540769338607788, 0.1767057329416275, -0.3076956272125244, -0.7839958667755127, 0.46725577116012573, 0.2220420390367508, -0.3030083179473877, 0.7194714546203613, -0.7357009649276733, 1.0115023851394653, -0.12300987541675568, -0.45365646481513977, 0.055450987070798874, -0.6581085324287415, 0.18257205188274384, 0.07570146769285202, -0.21983873844146729, -0.07796259224414825, 0.21453936398029327, 0.9486008882522583, -0.6084769368171692, 0.9049639701843262, -0.3703420162200928, 0.2080477625131607, 0.5767886638641357, -0.15048323571681976, 0.2993289828300476, -0.06777385622262955, 0.09727060794830322, 0.4742662012577057, 0.139793261885643, -0.3388991355895996, -0.5204159617424011, 0.5896096229553223, -1.0644322633743286, -0.5593908429145813, -0.547736644744873, -0.469631552696228, 0.2210370898246765, 0.202751025557518, 0.609481930732727, 0.590668797492981, 0.33047720789909363, 0.3284628093242645, 0.5851549506187439, -0.28006163239479065, 0.6194846630096436, 0.0749131292104721, -0.25265005230903625, -0.5504269599914551, 0.9522373676300049, 0.3003431558609009, 0.13813559710979462, 0.04921646788716316, 0.30999955534935, -0.4605267345905304, -0.5218091607093811, -0.4285639524459839, 0.46401357650756836, -0.6433572173118591, -0.5512651801109314, -0.6201141476631165, -0.5391779541969299, -0.505122184753418, 0.08710113167762756, -0.574889600276947, -0.4390077590942383, -0.4901272654533386, 0.1433601826429367, 0.7729806303977966, 0.5349081158638, -0.3355250954627991, 0.41885706782341003, -0.5243544578552246, 0.22279109060764313, 0.5070570111274719, 0.5449751019477844, -0.26996999979019165, -1.0300335884094238, -0.2642257809638977, -0.05377667769789696, -0.47319620847702026, -0.6501827836036682, 0.598708987236023, 0.23521322011947632, 0.5422059893608093, 0.31249791383743286, -0.15659059584140778, 0.7758452296257019, -0.0717427060008049, 0.5840867161750793, 0.33394837379455566, -0.6637606024742126, 0.6473341584205627, -0.20229052007198334, 0.1432577520608902, 0.10122581571340561, 0.2183317095041275, -0.18384400010108948, -0.027100607752799988, -1.1019207239151, -0.7050492167472839, 0.7645548582077026, 0.2076016515493393, 0.10498284548521042, 0.307261198759079, 0.6513439416885376, -0.10639681667089462, 0.044278476387262344, -0.9463695287704468, -0.4215465486049652, -0.5001822710037231, -0.34416067600250244, -0.0651196539402008, -0.10566624999046326, -0.03610365465283394, -0.7520985007286072, 0.5825828909873962, -0.32014724612236023, 0.8706819415092468, 0.48893168568611145, -0.046348121017217636, -0.13505350053310394, -0.3091101050376892, 0.3747023940086365, 0.27762746810913086, -0.31712377071380615, 0.09156390279531479, 0.20994316041469574, -0.5821915864944458, -0.016623560339212418, 0.4100434184074402, 0.01765444688498974, -0.06216771528124809, 0.38455167412757874, 0.867443859577179, 0.0232172142714262, 0.10593349486589432, 0.6047043800354004, -0.032882869243621826, -0.4472915232181549, -0.3060466945171356, 0.17082272469997406, -0.18286798894405365, 0.46236225962638855, 0.4283106029033661, 0.35759130120277405, -0.03940843418240547, -0.33928975462913513, 0.24628625810146332, 0.5799560546875, -0.4627264440059662, -0.49176207184791565, 0.7166376113891602, -0.24216915667057037, -0.0715208575129509, 0.7860018014907837, -0.09656544029712677, -0.5200358033180237, 1.0114434957504272, 0.4657936990261078, 0.9490277171134949, -0.2624070346355438, 0.06451406329870224, 0.7448479533195496, 0.2327183485031128, -0.015768110752105713, 0.13163022696971893, 0.013065600767731667, -0.8874569535255432, 0.05165703222155571, -0.6569114923477173, -0.006088692229241133, 0.2640865743160248, -0.5324987769126892, 0.3837607204914093, -0.5708833932876587, -0.44518962502479553, 0.2884364426136017, 0.20391087234020233, -0.9601017236709595, 0.3533931076526642, 0.06286510080099106, 0.6827259063720703, -0.7438273429870605, 0.8668440580368042, 0.7492666840553284, -0.6615184545516968, -0.9689552783966064, -0.1828436404466629, -0.07287847250699997, -0.975063145160675, 0.5483524799346924, 0.42100661993026733, 0.005263335537165403, 0.2673051953315735, -0.7777250409126282, -0.8580220341682434, 1.4525164365768433, 0.470834344625473, -0.0874934270977974, 0.12510497868061066, 0.019572660326957703, 0.3906100392341614, -0.4043229818344116, 0.3862757384777069, 0.26947516202926636, 0.36771902441978455, 0.2730049192905426, -0.8321985602378845, 0.13318227231502533, -0.320767343044281, 0.10883793979883194, 0.22572974860668182, -1.0306249856948853, 0.9052714109420776, -0.5103234648704529, -0.15549130737781525, 0.18300585448741913, 0.7334006428718567, 0.2156420201063156, 0.13001281023025513, 0.6024450659751892, 0.8581298589706421, 0.4268972873687744, -0.3776353597640991, 0.8937684893608093, -0.24525484442710876, 0.7971359491348267, 0.5728756785392761, 0.4598172903060913, 0.527737557888031, 0.4264891445636749, -0.4605460464954376, 0.46955394744873047, 0.9745379686355591, -0.6138595342636108, 0.3962900936603546, 0.07628221064805984, 0.055056940764188766, -0.25942885875701904, 0.030488256365060806, -0.4257398843765259, 0.6259444952011108, 0.18434205651283264, -0.6217086911201477, -0.04596811532974243, 0.08562485873699188, -0.1166587546467781, -0.30045655369758606, -0.19814079999923706, 0.5404696464538574, 0.08324144035577774, -0.4499221742153168, 0.7332364916801453, -0.06791186332702637, 0.8575953245162964, -0.3081454038619995, 0.056540489196777344, -0.2908374071121216, 0.40661194920539856, -0.32273226976394653, -0.9877519011497498, 0.24135777354240417, -0.36393502354621887, -0.061525993049144745, -0.03522612899541855, 0.7742772698402405, -0.323294460773468, -0.6284273862838745, 0.2887555956840515, 0.2692369818687439, 0.34281814098358154, -0.0038393044378608465, -1.0959409475326538, -0.11945483088493347, -0.08089084178209305, -0.5949476957321167, 0.255447655916214, 0.5136592388153076, 0.09952200204133987, 0.8043182492256165, 0.6369439959526062, -0.1257949024438858, 0.23840977251529694, -0.2529887855052948, 0.9821791648864746, -0.5969975590705872, -0.34833967685699463, -0.8004869818687439, 0.5518571138381958, -0.09889233112335205, -0.5942847728729248, 0.6702316403388977, 0.6086006164550781, 0.8799648880958557, -0.05412475764751434, 0.34077519178390503, -0.17677991092205048, 0.05199580639600754, -0.31804442405700684, 0.6645031571388245, -0.6977344751358032, -0.06295609474182129, -0.22570966184139252, -0.9244417548179626, -0.36122503876686096, 0.8224408030509949, -0.3131941854953766, 0.5651701092720032, 0.48698246479034424, 0.9549611210823059, -0.36060988903045654, -0.494613379240036, 0.27549222111701965, 0.2265779674053192, 0.09310104697942734, 0.28557494282722473, 0.4969289004802704, -0.8239755034446716, 0.5942953824996948, -0.6279462575912476, -0.10424483567476273, -0.1828763633966446, -0.6837659478187561, -1.0707775354385376, -0.8991385698318481, -0.6567198634147644, -0.6612324714660645, -0.2792685031890869, 0.7931589484214783, 1.083322525024414, -0.6735125780105591, -0.0030838046222925186, -0.02797568403184414, 0.05915592238306999, -0.23752309381961823, -0.2445775419473648, 0.6396902203559875, -0.06178738921880722, -0.7974977493286133, -0.29100993275642395, 0.08673140406608582, 0.5622180104255676, -0.29155680537223816, -0.1548633873462677, -0.08571558445692062, -0.21663427352905273, 0.20798461139202118, 0.4093706011772156, -0.782136857509613, -0.28371500968933105, -0.12498372048139572, -0.13406182825565338, 0.6225834488868713, 0.3381897509098053, -0.8009532690048218, 0.49011993408203125, 0.3698557913303375, 0.23211050033569336, 1.0172652006149292, -0.3102888762950897, 0.06795939058065414, -0.7421613931655884, 0.45991185307502747, -0.16487745940685272, 0.5714808106422424, 0.5571998953819275, -0.3897268772125244, 0.5887283086776733, 0.6392132639884949, -0.4412127733230591, -0.7178007364273071, -0.0833665132522583, -1.0799322128295898, 0.02015591785311699, 0.9403159618377686, -0.3761463165283203, -0.5485813021659851, 0.4682622253894806, 0.016474716365337372, 0.6572123765945435, -0.07260961085557938, 0.6902862787246704, 0.2134748101234436, -0.01639711484313011, -0.7344147562980652, -0.30942094326019287, 0.505033552646637, 0.14052559435367584, -0.6660035252571106, -0.39428403973579407, 0.04747161269187927, 0.6800335645675659, 0.4876127243041992, 0.36735376715660095, -0.27189627289772034, 0.10738711059093475, 0.013250951655209064, 0.5559328198432922, -0.26854410767555237, -0.2083083689212799, -0.4323708117008209, -0.13147108256816864, -0.14004869759082794, -0.5058045983314514 ]
w11wo/indonesian-roberta-base-sentiment-classifier
w11wo
2023-05-13T04:10:11Z
10,360
16
transformers
[ "transformers", "pytorch", "tf", "safetensors", "roberta", "text-classification", "indonesian-roberta-base-sentiment-classifier", "id", "dataset:indonlu", "arxiv:1907.11692", "doi:10.57967/hf/0644", "license:mit", "endpoints_compatible", "has_space", "region:us" ]
text-classification
2022-03-02T23:29:05Z
--- language: id tags: - indonesian-roberta-base-sentiment-classifier license: mit datasets: - indonlu widget: - text: "Jangan sampai saya telpon bos saya ya!" --- ## Indonesian RoBERTa Base Sentiment Classifier Indonesian RoBERTa Base Sentiment Classifier is a sentiment-text-classification model based on the [RoBERTa](https://arxiv.org/abs/1907.11692) model. The model was originally the pre-trained [Indonesian RoBERTa Base](https://hf.co/flax-community/indonesian-roberta-base) model, which is then fine-tuned on [`indonlu`](https://hf.co/datasets/indonlu)'s `SmSA` dataset consisting of Indonesian comments and reviews. After training, the model achieved an evaluation accuracy of 94.36% and F1-macro of 92.42%. On the benchmark test set, the model achieved an accuracy of 93.2% and F1-macro of 91.02%. Hugging Face's `Trainer` class from the [Transformers](https://huggingface.co/transformers) library was used to train the model. PyTorch was used as the backend framework during training, but the model remains compatible with other frameworks nonetheless. ## Model | Model | #params | Arch. | Training/Validation data (text) | | ---------------------------------------------- | ------- | ------------ | ------------------------------- | | `indonesian-roberta-base-sentiment-classifier` | 124M | RoBERTa Base | `SmSA` | ## Evaluation Results The model was trained for 5 epochs and the best model was loaded at the end. | Epoch | Training Loss | Validation Loss | Accuracy | F1 | Precision | Recall | | ----- | ------------- | --------------- | -------- | -------- | --------- | -------- | | 1 | 0.342600 | 0.213551 | 0.928571 | 0.898539 | 0.909803 | 0.890694 | | 2 | 0.190700 | 0.213466 | 0.934127 | 0.901135 | 0.925297 | 0.882757 | | 3 | 0.125500 | 0.219539 | 0.942857 | 0.920901 | 0.927511 | 0.915193 | | 4 | 0.083600 | 0.235232 | 0.943651 | 0.924227 | 0.926494 | 0.922048 | | 5 | 0.059200 | 0.262473 | 0.942063 | 0.920583 | 0.924084 | 0.917351 | ## How to Use ### As Text Classifier ```python from transformers import pipeline pretrained_name = "w11wo/indonesian-roberta-base-sentiment-classifier" nlp = pipeline( "sentiment-analysis", model=pretrained_name, tokenizer=pretrained_name ) nlp("Jangan sampai saya telpon bos saya ya!") ``` ## Disclaimer Do consider the biases which come from both the pre-trained RoBERTa model and the `SmSA` dataset that may be carried over into the results of this model. ## Author Indonesian RoBERTa Base Sentiment Classifier was trained and evaluated by [Wilson Wongso](https://w11wo.github.io/). All computation and development are done on Google Colaboratory using their free GPU access. ## Citation If used, please cite the following: ```bibtex @misc {wilson_wongso_2023, author = { {Wilson Wongso} }, title = { indonesian-roberta-base-sentiment-classifier (Revision e402e46) }, year = 2023, url = { https://huggingface.co/w11wo/indonesian-roberta-base-sentiment-classifier }, doi = { 10.57967/hf/0644 }, publisher = { Hugging Face } } ```
[ -0.4539071321487427, -0.7358273863792419, 0.17101947963237762, 0.31148162484169006, -0.3542141318321228, -0.20776483416557312, -0.47062382102012634, -0.22219713032245636, 0.11109624803066254, 0.4726540446281433, -0.579933762550354, -0.7550657391548157, -1.0018564462661743, 0.1930728703737259, 0.05994593724608421, 1.6746846437454224, 0.18118004500865936, 0.21122024953365326, 0.018916262313723564, -0.34578242897987366, -0.26954999566078186, -0.6878085732460022, -0.6673725247383118, -0.2768141031265259, 0.2434702068567276, 0.12134606391191483, 0.4689728319644928, 0.05381330847740173, 0.5419201850891113, 0.29635706543922424, -0.3427991271018982, -0.09753468632698059, -0.2116515040397644, -0.07946126163005829, 0.13661248981952667, -0.9323053956031799, -0.6011404395103455, 0.22931264340877533, 0.3220396935939789, 0.3837791681289673, 0.21874240040779114, 0.5484727025032043, 0.17971226572990417, 0.8571639657020569, -0.5937706232070923, 0.3446671962738037, -0.43331632018089294, 0.12669868767261505, -0.36963555216789246, -0.1765443980693817, -0.5916991233825684, -0.4603942632675171, 0.383219838142395, -0.1669599860906601, 0.15678547322750092, -0.18692710995674133, 1.4357852935791016, 0.3803117871284485, -0.5153306126594543, -0.23287829756736755, -0.5241273045539856, 1.0859156847000122, -0.710616409778595, -0.0229082852602005, 0.20775945484638214, 0.2880559265613556, 0.12261362373828888, -0.3453085720539093, -0.7525593042373657, 0.1383017748594284, -0.05561305209994316, 0.3268810510635376, -0.10095347464084625, -0.04276961088180542, 0.38564643263816833, 0.7129223942756653, -0.6912780404090881, -0.24721883237361908, -0.41552382707595825, 0.04494578763842583, 0.4456847608089447, -0.09138987213373184, 0.06537551432847977, -0.8132377862930298, -0.48734039068222046, -0.3887704610824585, -0.2844880223274231, 0.2270374894142151, 0.5317292213439941, 0.3880822956562042, -0.4066305458545685, 0.6571937799453735, 0.00834320392459631, 0.7557370662689209, 0.17208372056484222, -0.4286951422691345, 0.9189073443412781, -0.08603671193122864, -0.46388640999794006, -0.14197717607021332, 1.1472465991973877, 0.3183225393295288, 0.5723164081573486, 0.38219964504241943, 0.006060198415070772, 0.334516704082489, 0.12166846543550491, -0.7005598545074463, -0.20839473605155945, 0.3122389018535614, -0.8026175498962402, -0.8416701555252075, 0.22864727675914764, -0.8337124586105347, 0.20278404653072357, -0.1692635715007782, 0.3555864691734314, -0.4500625431537628, -0.6172927618026733, -0.21631953120231628, -0.408659964799881, 0.4261971116065979, 0.08495333790779114, -0.816044807434082, 0.02998613752424717, 0.6659398674964905, 0.9489526748657227, 0.0939410850405693, 0.0018826330779120326, 0.09350664168596268, -0.22254084050655365, -0.1251843422651291, 0.7998904585838318, -0.31898483633995056, -0.559683084487915, -0.10396302491426468, 0.06989972293376923, -0.08265821635723114, -0.4099540412425995, 0.9028498530387878, -0.3415758013725281, 0.9847604632377625, 0.09331592917442322, -0.5404515266418457, -0.5061225295066833, 0.4520030617713928, -0.47461968660354614, 1.4071041345596313, 0.22339312732219696, -1.17581307888031, 0.5129866003990173, -0.76083904504776, -0.2956998646259308, -0.3914511501789093, 0.07614261656999588, -0.9232293963432312, -0.057376205921173096, 0.2554469108581543, 0.5093481540679932, -0.3082135319709778, 0.2636924982070923, -0.24054308235645294, -0.1830422729253769, 0.2781848907470703, -0.7015845775604248, 1.6452667713165283, 0.31328845024108887, -0.43549931049346924, 0.23844341933727264, -1.0624537467956543, 0.09373036026954651, 0.07894108444452286, -0.3745620846748352, -0.4869826138019562, -0.4792427122592926, 0.3237571120262146, 0.2518041431903839, 0.400718092918396, -0.5280284881591797, 0.23473545908927917, -0.5553688406944275, 0.13235904276371002, 0.8830680251121521, 0.050686225295066833, 0.3286840319633484, -0.531893789768219, 0.6302439570426941, 0.18274374306201935, 0.20770135521888733, -0.21144482493400574, -0.8165714740753174, -0.9003511667251587, -0.5434597730636597, 0.4467061161994934, 0.8555868864059448, -0.2506454288959503, 1.049518346786499, -0.39814677834510803, -0.7339578866958618, -0.5158442258834839, -0.03231672942638397, 0.48036885261535645, 0.5945007801055908, 0.4835604131221771, -0.14529256522655487, -0.9637877345085144, -0.6188071370124817, -0.2799835503101349, -0.33999183773994446, 0.023927023634314537, 0.3598318099975586, 0.5599191188812256, -0.26121076941490173, 1.0230811834335327, -0.556078314781189, -0.6386869549751282, -0.41596758365631104, 0.33390817046165466, 0.6750210523605347, 0.5797259211540222, 0.9507662057876587, -0.7589202523231506, -0.7729430198669434, -0.2749003469944, -1.0152777433395386, 0.05476093292236328, -0.025053920224308968, -0.1560635268688202, 0.8582174181938171, 0.04339434951543808, -0.7984391450881958, 0.5941106677055359, 0.7118228077888489, -0.19782862067222595, 0.637251079082489, 0.016934610903263092, 0.13422352075576782, -1.5535898208618164, 0.10070955753326416, 0.20519594848155975, -0.20291154086589813, -0.2856309413909912, -0.0496077835559845, -0.13498874008655548, -0.05286898463964462, -0.29572585225105286, 0.3708702027797699, -0.3011605441570282, 0.02508673444390297, -0.09733831882476807, -0.17379392683506012, -0.02919665165245533, 0.7955747246742249, 0.19498658180236816, 0.7559776306152344, 0.6043264865875244, -0.4132149815559387, 0.1639864444732666, 0.31820419430732727, -0.3058303892612457, 0.8468459248542786, -0.7673056125640869, -0.007390381768345833, 0.015553380362689495, 0.5764517188072205, -1.203381896018982, 0.018707212060689926, 0.5000022649765015, -0.8128116726875305, 0.18455131351947784, -0.6739640235900879, -0.3455636203289032, -0.5352888703346252, -0.32510697841644287, 0.19361160695552826, 1.0162185430526733, -0.5778145790100098, 0.7472940683364868, 0.28572872281074524, 0.060321975499391556, -0.8095661997795105, -0.9190295338630676, -0.1482401341199875, -0.5046989321708679, -0.6574129462242126, 0.1158514991402626, 0.08218785375356674, -0.07830469310283661, 0.005911880638450384, 0.14418788254261017, -0.16345801949501038, -0.10370263457298279, 0.6274778842926025, 0.5920985341072083, -0.2862716615200043, -0.0020443417597562075, -0.005062818992882967, -0.38566482067108154, 0.28904038667678833, -0.1706947237253189, 0.8444365859031677, -0.35343533754348755, 0.01357217226177454, -0.9315081238746643, -0.140092670917511, 0.5493056178092957, -0.2644663453102112, 0.9331086874008179, 0.667425811290741, -0.1310875564813614, 0.03942380100488663, -0.378456711769104, 0.17114582657814026, -0.4420589506626129, 0.15575464069843292, -0.7128453254699707, -0.5022973418235779, 0.5268611311912537, -0.1144365444779396, -0.062153540551662445, 0.8783523440361023, 0.5255414247512817, -0.04736780375242233, 1.183072805404663, 0.5909290909767151, -0.41087889671325684, 0.5691139698028564, -0.7380984425544739, 0.20242254436016083, -0.9968859553337097, -0.19568705558776855, -0.8300298452377319, -0.157226100564003, -0.9092339873313904, -0.3025469481945038, 0.2017347812652588, -0.12682506442070007, -0.33799272775650024, 0.1675386279821396, -0.693794846534729, 0.20468102395534515, 0.5197867751121521, 0.18266800045967102, 0.15159910917282104, -0.013289607129991055, -0.02854800969362259, -0.11287915706634521, -0.41616788506507874, -0.7281932830810547, 1.6650805473327637, 0.3591817617416382, 0.6050100326538086, 0.11587479710578918, 0.994421124458313, 0.13375724852085114, 0.36055612564086914, -0.7730129957199097, 0.4140002131462097, -0.34490343928337097, -0.7749608159065247, 0.040659572929143906, -0.42203110456466675, -0.7037493586540222, 0.1815449446439743, -0.16474047303199768, -0.3578939735889435, 0.06996964663267136, 0.10025110840797424, -0.1063021644949913, 0.32550048828125, -0.49211907386779785, 1.0771424770355225, -0.05484843626618385, -0.0059325420297682285, -0.21455910801887512, -0.6584100127220154, 0.4796939194202423, 0.39351028203964233, 0.1623365730047226, -0.012417452409863472, 0.29865944385528564, 0.6999655365943909, -0.7504137754440308, 0.8713203072547913, -0.6057150363922119, 0.0697765052318573, 0.43590518832206726, -0.3067980706691742, 0.2761918008327484, -0.05526208505034447, 0.012969807721674442, 0.3623828589916229, -0.149014413356781, -0.5347656607627869, -0.554191529750824, 0.7296963930130005, -1.1732207536697388, -0.4599565863609314, -1.0486297607421875, -0.04024253785610199, 0.054453834891319275, 0.24671442806720734, 0.4701542258262634, 0.2040155977010727, -0.05448097363114357, 0.3386419117450714, 0.8179605603218079, -0.1440379023551941, 0.15068475902080536, 0.13209465146064758, -0.3203364610671997, -0.43624114990234375, 0.8312084078788757, -0.09502275288105011, 0.1077909916639328, 0.22877296805381775, 0.2036917507648468, -0.2689054310321808, -0.1598580777645111, -0.6425215005874634, 0.1810293048620224, -0.6847965717315674, -0.2712603211402893, -0.8007197976112366, -0.30359333753585815, -0.43528950214385986, -0.10104493051767349, -0.27924010157585144, -0.5200688242912292, -0.5085863471031189, -0.07697034627199173, 0.6792405247688293, 0.515578031539917, 0.2334832400083542, 0.2780366539955139, -0.6379004120826721, 0.11805932968854904, 0.020804807543754578, 0.15011022984981537, -0.07623403519392014, -0.8681895136833191, 0.15732303261756897, 0.10800804197788239, -0.22728386521339417, -0.8832672238349915, 0.5461049675941467, 0.2593362331390381, 0.22476089000701904, 0.428952693939209, -0.09299033880233765, 0.8023558259010315, -0.1413419395685196, 1.0995796918869019, 0.07473401725292206, -0.9850468039512634, 1.0216962099075317, -0.16875077784061432, 0.19332671165466309, 0.5878128409385681, 0.642854630947113, -0.26867297291755676, -0.45100530982017517, -1.0364816188812256, -0.9169788956642151, 0.5648054480552673, -0.07391137629747391, 0.04077836871147156, 0.032824404537677765, 0.3877822458744049, -0.0227931197732687, 0.10587076097726822, -0.9689250588417053, -0.40549224615097046, -0.5181733965873718, -0.8059706091880798, -0.06016189977526665, -0.23521681129932404, 0.017415376380085945, -0.2791694700717926, 0.9051910042762756, -0.03718952089548111, 0.25954943895339966, 0.1990492045879364, -0.3354538381099701, -0.07099229842424393, 0.19265881180763245, 0.46688923239707947, 0.21383057534694672, -0.3373185396194458, -0.14604385197162628, 0.2045968472957611, -0.46192482113838196, 0.08343600481748581, -0.15742726624011993, -0.4495483934879303, 0.08660692721605301, 0.2766264081001282, 0.9395893812179565, 0.10331150889396667, -0.5431602597236633, 0.8305848836898804, -0.2836059033870697, -0.07036393880844116, -1.0785809755325317, 0.18614791333675385, -0.37276944518089294, 0.02708631567656994, 0.4582763910293579, 0.7901291251182556, 0.022497808560729027, -0.48969998955726624, 0.03863629698753357, 0.47159114480018616, -0.4185299277305603, -0.2834559977054596, 0.5522469282150269, 0.05129360780119896, -0.23695702850818634, 0.6193345785140991, -0.1155114620923996, -0.8340681195259094, 0.6631073951721191, 0.4352443814277649, 0.9753223061561584, -0.19282156229019165, 0.22420696914196014, 0.7152540683746338, 0.07769647985696793, 0.037185121327638626, 0.5156802535057068, -0.026822801679372787, -0.5237589478492737, -0.25501784682273865, -0.8320484757423401, -0.31019848585128784, 0.06252303719520569, -1.0797561407089233, 0.36834242939949036, -0.7801563739776611, -0.3361416757106781, -0.05868326127529144, 0.2964327335357666, -0.7101152539253235, 0.5244847536087036, -0.2189248949289322, 0.9964410066604614, -1.1123985052108765, 0.8128167986869812, 0.9069302678108215, -0.7945624589920044, -0.7135438919067383, 0.07430543750524521, 0.10434546321630478, -0.5732461214065552, 0.9723215103149414, 0.43708327412605286, -0.05682013928890228, -0.10846065729856491, -0.34188711643218994, -0.7046605348587036, 1.018531322479248, -0.3357830047607422, -0.1472949981689453, 0.2667774260044098, -0.032061148434877396, 0.9796037673950195, -0.3489997982978821, 0.5384262800216675, 0.380156934261322, 0.4694058299064636, -0.18081673979759216, -0.855593740940094, -0.03188205882906914, -0.5936557650566101, 0.14082057774066925, 0.04846413806080818, -0.9589786529541016, 1.0530561208724976, -0.008018938824534416, 0.08352785557508469, 0.2776777744293213, 0.8923159241676331, 0.34818100929260254, 0.053178682923316956, 0.6652138233184814, 1.0088083744049072, 0.7564802765846252, -0.4457506239414215, 1.0817413330078125, -0.3648484945297241, 0.5729365348815918, 0.8281829953193665, 0.03340519592165947, 1.1266629695892334, 0.2851216793060303, -0.5554407835006714, 1.1574666500091553, 0.6097297668457031, -0.11828397214412689, 0.43727147579193115, -0.10049315541982651, -0.21400511264801025, 0.05544419586658478, 0.1467745304107666, -0.4459332525730133, 0.6187917590141296, 0.3165152072906494, -0.5569543838500977, 0.28443828225135803, 0.23031553626060486, 0.3901563584804535, 0.039342690259218216, -0.06211327016353607, 0.92994624376297, -0.29581740498542786, -0.7688344120979309, 0.7244923114776611, -0.006010099314153194, 1.1501339673995972, -0.4893171787261963, 0.09885034710168839, -0.09670612961053848, 0.5352556705474854, -0.3974379301071167, -0.8310729265213013, 0.3865606486797333, 0.3333735167980194, -0.3568951189517975, -0.08095265179872513, 0.5793025493621826, -0.2961541414260864, -0.5542218089103699, 0.12678737938404083, 0.039170749485492706, 0.13147693872451782, 0.09687916189432144, -0.8997805714607239, 0.28209587931632996, 0.18623071908950806, -0.6258684396743774, 0.22282664477825165, 0.5779744982719421, 0.09537164121866226, 0.536777913570404, 0.8266510367393494, 0.09492760896682739, 0.15643861889839172, 0.0992150604724884, 0.7721735239028931, -0.6388171315193176, -0.6813101172447205, -0.687223494052887, 0.5866972804069519, -0.3416706323623657, -0.7984718680381775, 0.9496471285820007, 0.6432045698165894, 0.8876215219497681, -0.19117595255374908, 1.1049883365631104, -0.2506329119205475, 0.9322898983955383, -0.4379391074180603, 0.562440812587738, -0.5442646145820618, 0.03519986942410469, -0.4424002468585968, -0.8907392024993896, -0.4059368669986725, 1.3550245761871338, -0.4518525004386902, 0.4127599000930786, 0.4757939279079437, 0.6800273656845093, 0.19511103630065918, 0.12890933454036713, -0.28325727581977844, 0.42690718173980713, 0.34644708037376404, 0.4827011227607727, 0.46523502469062805, -0.835216224193573, 0.6062102913856506, -0.4430113434791565, -0.5876467823982239, -0.32046976685523987, -0.6757450103759766, -1.2237598896026611, -0.6789692044258118, -0.32947590947151184, -0.6142985820770264, -0.01035352610051632, 0.9860353469848633, 0.5485652685165405, -0.9437876343727112, -0.2317819595336914, -0.2877478301525116, -0.03421501815319061, -0.12121005356311798, -0.4585110545158386, 0.5468780398368835, -0.5434467196464539, -1.0596266984939575, -0.23201078176498413, 0.04546861723065376, 0.11384743452072144, -0.5482026934623718, -0.11095104366540909, -0.2467215359210968, -0.169302836060524, 0.46085694432258606, 0.14047245681285858, -0.8346126675605774, -0.3082801401615143, -0.12768667936325073, -0.2680492401123047, 0.2725452184677124, 0.37134164571762085, -0.9019420742988586, 0.23736019432544708, 0.633097231388092, 0.3376258909702301, 0.5407047271728516, 0.10226905345916748, 0.22685976326465607, -0.7424545288085938, 0.5214915871620178, 0.1305936574935913, 0.3041163682937622, 0.36452051997184753, -0.36044374108314514, 0.47027114033699036, 0.44268015027046204, -0.7567354440689087, -0.8508596420288086, 0.019237466156482697, -1.2752704620361328, -0.158185675740242, 0.8581878542900085, -0.4317496418952942, -0.7259204983711243, 0.15606380999088287, -0.5607870817184448, 0.3589850664138794, -0.31862837076187134, 0.868989109992981, 0.7205301523208618, -0.08606581389904022, -0.2612903416156769, -0.17806123197078705, 0.6384068727493286, 0.566859245300293, -0.672398030757904, -0.23983123898506165, 0.3026975393295288, 0.5270990133285522, 0.40844371914863586, 0.5389553904533386, -0.2799017131328583, 0.2923405170440674, 0.0047854776494205, 0.26846274733543396, 0.22037139534950256, -0.23700159788131714, -0.47245731949806213, 0.1621350347995758, -0.0626339316368103, -0.19534753262996674 ]
SmilingWolf/wd-v1-4-swinv2-tagger-v2
SmilingWolf
2023-03-23T16:59:48Z
10,318
44
keras
[ "keras", "onnx", "license:apache-2.0", "has_space", "region:us" ]
null
2023-01-21T11:58:41Z
--- license: apache-2.0 --- # WD 1.4 SwinV2 Tagger V2 Supports ratings, characters and general tags. Trained using https://github.com/SmilingWolf/SW-CV-ModelZoo. TPUs used for training kindly provided by the [TRC program](https://sites.research.google/trc/about/). ## Dataset Last image id: 5944504 Trained on Danbooru images with IDs modulo 0000-0899. Validated on images with IDs modulo 0950-0999. Images with less than 10 general tags were filtered out. Tags with less than 600 images were filtered out. ## Validation results `P=R: threshold = 0.3771, F1 = 0.6854` ## Final words Subject to change and updates. Downstream users are encouraged to use tagged releases rather than relying on the head of the repo.
[ -0.5180660486221313, -0.18064476549625397, 0.038604408502578735, 0.09978295117616653, -0.7573716640472412, -0.17699021100997925, -0.06489010155200958, -0.6938005685806274, 0.13704562187194824, 0.41045206785202026, -0.6988816261291504, -0.9836626648902893, -0.5056389570236206, -0.09023097902536392, -0.07941893488168716, 1.2411655187606812, 0.12686890363693237, 0.08413204550743103, -0.33453691005706787, -0.45350030064582825, -0.44423773884773254, -0.5092034339904785, -0.743058443069458, -0.1616249531507492, 1.0286128520965576, 0.4714658260345459, 0.46297699213027954, 0.2182629406452179, 0.9238106608390808, 0.16681541502475739, 0.09962877631187439, 0.22467774152755737, -0.362132728099823, 0.10301593691110611, -0.4464176893234253, -0.1907159835100174, -0.5399838089942932, 0.1656942218542099, 0.2396400272846222, -0.022496676072478294, -0.10626886039972305, 0.43790435791015625, -0.33050820231437683, 0.5949455499649048, -0.47119826078414917, 0.1622888594865799, -0.5869541168212891, -0.07282644510269165, -0.3438832759857178, -0.1678963452577591, -0.3044229745864868, -0.06054481491446495, 0.14629164338111877, -0.7802456617355347, 0.18357792496681213, 0.0680328831076622, 1.4431298971176147, -0.009378221817314625, -0.46935200691223145, -0.12458422034978867, -0.6051053404808044, 0.8416798114776611, -0.6044496893882751, -0.027502508834004402, 0.6344612836837769, 0.6005749106407166, -0.06797521561384201, -0.7957260012626648, -0.43712079524993896, -0.09176939725875854, 0.20932574570178986, 0.10892803221940994, -0.3608448803424835, 0.1356707364320755, 0.6056731343269348, 0.22233228385448456, -0.7901431918144226, 0.488270103931427, -0.4158082604408264, -0.4268362522125244, 0.7403106689453125, 0.040248870849609375, 0.16220833361148834, -0.26534879207611084, -0.5198473334312439, -0.42612820863723755, -0.3037823438644409, 0.3492276072502136, 0.4541083574295044, -0.07000776380300522, -0.20447133481502533, 0.7706348896026611, -0.13590779900550842, 0.3205319344997406, -0.20783931016921997, -0.2537381649017334, 0.7128726243972778, -0.14696069061756134, -0.3156464993953705, -0.6437617540359497, 0.7433845400810242, 0.8788250684738159, 0.3448251485824585, 0.13762348890304565, -0.5878077149391174, 0.2996061146259308, 0.20450197160243988, -0.5923817157745361, -0.29421699047088623, -0.043938446789979935, -0.39741218090057373, -0.6005415320396423, 0.4952978491783142, -0.5301477313041687, -0.35056018829345703, 0.09105832129716873, 0.4198336899280548, -0.32770976424217224, -0.6165125966072083, -0.2224317044019699, -0.9548811316490173, 0.6727679967880249, 0.5879495143890381, -0.5999863147735596, -0.05513150244951248, 0.5384337306022644, 0.8667675852775574, 0.025895865634083748, -0.11469264328479767, -0.4320906102657318, -0.01730903796851635, -0.2901008725166321, 0.861126184463501, -0.3081604540348053, -0.670149564743042, 0.2386365383863449, 0.2294747531414032, 0.4644421339035034, -0.19161400198936462, 0.8483739495277405, -0.6349762678146362, -0.002162995282560587, -0.40937066078186035, -0.3087571859359741, -0.2413042187690735, 0.4543273150920868, -0.5530964732170105, 1.1647261381149292, 0.6297087073326111, -0.9373547434806824, 0.5876747965812683, -0.5141448378562927, -0.6044921278953552, 0.4629831612110138, 0.029620623216032982, -0.43677061796188354, 0.0047401185147464275, -0.02714170701801777, 0.3502155542373657, -0.0018958770669996738, 0.047469720244407654, -0.42574936151504517, -0.369008332490921, 0.2277727574110031, -0.01991790346801281, 0.42830169200897217, 0.302051842212677, -0.026842212304472923, 0.30810147523880005, -0.5742981433868408, 0.10751400142908096, 0.13140080869197845, -0.14033597707748413, -0.4803609848022461, -0.16578158736228943, 0.4908536970615387, 0.38863036036491394, 0.029100922867655754, -0.6522445678710938, 0.4890176057815552, -0.10536394268274307, 0.3173310160636902, 0.6695295572280884, 0.3046192228794098, 0.4218793511390686, -0.24533085525035858, 0.7435481548309326, 0.3480900526046753, 0.32893797755241394, -0.025898246094584465, -0.6808397173881531, -0.726909875869751, -0.31732556223869324, 0.45380645990371704, 0.38256126642227173, -1.2129731178283691, 0.791008472442627, -0.22737735509872437, -1.0615483522415161, -0.2749533951282501, -0.22433122992515564, 0.23825091123580933, 0.4674285054206848, 0.3692970275878906, -0.6302866339683533, -0.5988369584083557, -0.9289906024932861, 0.17379313707351685, -0.25067946314811707, -0.5371692180633545, 0.40293967723846436, 0.6481245160102844, -0.6455267071723938, 0.9406092762947083, -0.44649550318717957, -0.7379077076911926, -0.36353039741516113, 0.5095115303993225, 0.05267520248889923, 0.464041531085968, 0.8654934763908386, -0.7196323275566101, -0.304059237241745, -0.09847742319107056, -0.4238995313644409, 0.03721747174859047, 0.04253050312399864, -0.17202968895435333, 0.49533212184906006, 0.012273166328668594, -0.5879551768302917, 0.7074363827705383, 0.34275132417678833, -0.16887693107128143, 0.644793689250946, -0.5364248156547546, 0.17410726845264435, -0.8172035217285156, -0.07952499389648438, 0.8594012260437012, -0.4574025273323059, -0.3391053378582001, -0.12705501914024353, 0.3373934030532837, 0.2091120183467865, -0.6387101411819458, 0.405105859041214, -0.17398065328598022, -0.16533245146274567, -0.2064400464296341, 0.18087171018123627, 0.3237777650356293, 0.4842522144317627, 0.060102418065071106, 0.3578495681285858, 0.8633766174316406, -0.6846160888671875, 0.5600665211677551, 0.20373257994651794, -0.6017571091651917, 0.5386335253715515, -0.7998502850532532, 0.051342595368623734, -0.21113616228103638, 0.5609303116798401, -0.9366087317466736, -0.36841416358947754, 0.1950242668390274, -0.6570481657981873, 0.5380517840385437, -0.4622449576854706, -0.6057093143463135, -0.9957150220870972, -0.758964478969574, 0.05436820909380913, 0.7749270796775818, -0.596038818359375, 0.188858762383461, 0.5169429779052734, 0.39376556873321533, -0.5802821516990662, -1.073269009590149, -0.04947975277900696, -0.08136200904846191, -0.6155267357826233, 0.13314558565616608, -0.06533048301935196, -0.06977053731679916, -0.28941231966018677, -0.022854484617710114, -0.19177265465259552, -0.18974590301513672, 0.3941175937652588, 0.6369098424911499, 0.10076165199279785, 0.2728756070137024, 0.027650151401758194, -0.22301681339740753, -0.10280601680278778, -0.1740039587020874, 0.28217607736587524, -0.06297895312309265, 0.09822498261928558, -0.34433257579803467, 0.028810475021600723, 0.4984734356403351, -0.5039559006690979, 0.3016531467437744, 1.2166152000427246, -0.4623372256755829, -0.28474339842796326, -0.46314170956611633, 0.18243831396102905, -0.4897761046886444, 0.6294811367988586, -0.47774285078048706, -0.747768759727478, 0.487957239151001, 0.3410049378871918, 0.10021699965000153, 0.8174740672111511, 0.38858577609062195, -0.772346019744873, 1.0568063259124756, 0.5862913727760315, 0.03645646199584007, 0.4537009298801422, -0.4484619200229645, -0.05819164216518402, -0.975782036781311, -0.45833665132522583, -0.41566962003707886, -0.4284861385822296, -0.9609106183052063, -0.5687780380249023, 0.10614493489265442, 0.05977151542901993, -0.006268602795898914, 0.6329952478408813, -0.8040269613265991, 0.4379785656929016, 0.5366823673248291, 0.13558700680732727, -0.22334371507167816, -0.04596070200204849, 0.0898655503988266, -0.1643323451280594, -0.21493534743785858, -0.3542044758796692, 0.7753782868385315, 0.7168778777122498, 1.0762312412261963, -0.03360144793987274, 0.32270821928977966, 0.7398408651351929, 0.2136208862066269, -1.0148825645446777, 0.6565054059028625, -0.3619581460952759, -0.6860568523406982, -0.16446956992149353, -0.216147780418396, -0.5715730786323547, 0.10044088214635849, -0.3203737735748291, -0.48455169796943665, 0.2859262526035309, 0.0027863257564604282, 0.2495923638343811, 0.41027283668518066, -0.6324535608291626, 0.689263105392456, -0.12437349557876587, 0.2652139365673065, -0.15700224041938782, -0.8797140717506409, 0.23605899512767792, 0.2804819345474243, -0.09264305233955383, -0.6236152648925781, -0.1093778982758522, 0.8728199601173401, -0.382954865694046, 0.5807287693023682, -0.6467767357826233, 0.08101006597280502, 0.32394158840179443, -0.21180373430252075, 0.4892767369747162, 0.2813493311405182, 0.17468833923339844, 0.5388948917388916, 0.08858690410852432, -0.15128746628761292, -0.1472584307193756, 0.7337152361869812, -0.865273654460907, -0.12414631247520447, -0.830380380153656, -0.25183817744255066, 0.08312392979860306, -0.008663116954267025, 0.7259262800216675, 0.48314231634140015, -0.2660544812679291, 0.11936719715595245, 0.6517724394798279, -0.1583375334739685, 0.5800377130508423, 0.4485936760902405, -0.026990819722414017, -0.5386636853218079, 0.8198181986808777, 0.11923488974571228, -0.08851352334022522, 0.23877178132534027, -0.02399338223040104, -0.3642580807209015, -0.439159631729126, -0.41411668062210083, 0.29031577706336975, -0.9428767561912537, -0.8437411785125732, -0.48032084107398987, -0.3488695025444031, -0.5273952484130859, -0.021719295531511307, -0.11606395989656448, -0.5709822773933411, -0.6474230289459229, -0.26063254475593567, 0.6553597450256348, 0.7975581288337708, 0.037609610706567764, 0.23070159554481506, -0.6699682474136353, 0.2307404726743698, 0.06165248528122902, 0.49223923683166504, -0.3431859612464905, -0.8909059166908264, -0.3650534152984619, 0.12312930077314377, -0.19955283403396606, -0.46779927611351013, 0.38736069202423096, 0.3588593304157257, 0.44306546449661255, 0.5312480926513672, 0.17561259865760803, 0.5556193590164185, -0.370356023311615, 1.2094224691390991, 0.5312460064888, -0.7349490523338318, 0.7640154957771301, -0.34312301874160767, 0.2937013506889343, 0.5273274183273315, 0.45270049571990967, -0.6478452086448669, -0.32016369700431824, -0.529889702796936, -0.7417960166931152, 0.5878170728683472, -0.053345583379268646, 0.11675258725881577, 0.04393687844276428, 0.5053835511207581, 0.06812100857496262, 0.006815996021032333, -0.7176260352134705, -0.23357239365577698, -0.5282026529312134, -0.17186254262924194, 0.1819627434015274, -0.5848874449729919, -0.025667324662208557, -0.44144439697265625, 0.7475183010101318, -0.17200921475887299, 0.02362995594739914, 0.3599882423877716, -0.30688712000846863, -0.21835479140281677, 0.054528284817934036, 0.7288301587104797, 0.5013567209243774, -0.3879193067550659, -0.08003327995538712, -0.2038276046514511, -0.6037080883979797, -0.14572186768054962, -0.29333779215812683, -0.11182063817977905, 0.22093500196933746, 0.16799063980579376, 0.9397174119949341, -0.03547811135649681, -0.29168063402175903, 0.8364810347557068, -0.41828110814094543, -0.6431454420089722, -0.4298785328865051, 0.38890716433525085, -0.24139386415481567, 0.12180817872285843, 0.43291038274765015, 0.5344077944755554, 0.055872105062007904, -0.13034945726394653, 0.11903009563684464, 0.5617883801460266, -0.6409901976585388, -0.49065491557121277, 0.4931500256061554, 0.4407694339752197, -0.18806682527065277, 0.8145043849945068, -0.5057876706123352, -0.42466065287590027, 0.7594791650772095, 0.3142215609550476, 0.9052267670631409, -0.021932100877165794, 0.40192198753356934, 0.8087961077690125, 0.39146482944488525, 0.029512763023376465, 0.3619621992111206, -0.015376100316643715, -0.5040436387062073, 0.018946973606944084, -0.6410282254219055, -0.5276404023170471, 0.08467309921979904, -0.983177900314331, 0.6747389435768127, -0.5235991477966309, -0.4760324954986572, 0.10351307690143585, 0.2254185825586319, -0.8889999389648438, 0.4896000027656555, 0.44435837864875793, 1.2676926851272583, -0.7107585668563843, 1.4382073879241943, 0.7363167405128479, -0.6293908953666687, -0.6380370855331421, -0.4014700949192047, -0.14951176941394806, -0.5233568549156189, 0.21031337976455688, 0.6880026459693909, 0.16628390550613403, -0.15126468241214752, -0.9193667769432068, -0.49186354875564575, 1.3312132358551025, -0.3652571141719818, -0.6041706204414368, 0.08882004767656326, -0.23414695262908936, 0.7032758593559265, -0.5157182216644287, 0.36078810691833496, 0.46156901121139526, 0.6719340682029724, 0.3990042805671692, -0.7789782881736755, -0.4276965856552124, -0.356597900390625, 0.45574408769607544, -0.13445687294006348, -0.45600807666778564, 0.5182712078094482, -0.5063949823379517, -0.3711336553096771, 0.31217053532600403, 0.765235960483551, 0.06086976081132889, 0.2965213656425476, 0.631126880645752, 0.6613166332244873, 0.6676629781723022, -0.5281552672386169, 0.9564773440361023, 0.45006313920021057, 0.5654289722442627, 0.9408382177352905, -0.3954088091850281, 0.7266865372657776, 0.4037354290485382, -0.07043714821338654, 0.7623617649078369, 1.0749760866165161, -0.8975099325180054, 0.8011904358863831, 0.13408087193965912, 0.08852922171354294, 0.0712290108203888, -0.2538003623485565, -0.37977850437164307, 0.3526018559932709, 0.42740190029144287, -0.05744190141558647, 0.10137104988098145, 0.4224618971347809, -0.25328826904296875, -0.37922054529190063, -0.5085731744766235, 0.8058785796165466, -0.03191664442420006, -0.36398613452911377, 0.2401593029499054, 0.4178559184074402, 1.1475553512573242, -1.1040979623794556, 0.0012090372620150447, -0.15209579467773438, 0.009990694932639599, -0.44226717948913574, -1.1799118518829346, 0.03315725922584534, 0.06357450783252716, -0.2202848494052887, 0.036190420389175415, 1.1835893392562866, -0.5863959789276123, -0.41174620389938354, 0.18395492434501648, -0.0712360367178917, 0.13761824369430542, -0.0979667454957962, -0.6463644504547119, 0.1562068909406662, -0.0019269281765446067, -0.31884291768074036, 0.14220529794692993, 0.2855347990989685, -0.15075454115867615, 0.622911274433136, 0.448420912027359, -0.03906494751572609, -0.32847949862480164, 0.5310059189796448, 1.0009444952011108, -0.7836753726005554, -0.5491337776184082, -0.3121861517429352, 0.7314558625221252, -0.23234260082244873, -0.4523978531360626, 0.772611141204834, 0.4494287073612213, 0.8783577084541321, -0.34418436884880066, 0.8179937601089478, -0.3065226078033447, 0.2898561656475067, 0.021693041548132896, 0.8237714171409607, -0.4824405312538147, -0.16924428939819336, -0.15250279009342194, -0.7214913964271545, -0.35053783655166626, 0.5681067705154419, 0.18122822046279907, -0.07610390335321426, 0.5809139609336853, 0.6320749521255493, 0.2920858561992645, -0.27131396532058716, 0.5269338488578796, -0.1820036768913269, 0.6585444808006287, 0.2619048058986664, 0.6174236536026001, -0.6803542971611023, 0.5428298711776733, -0.3479402959346771, -0.38409119844436646, -0.2834361791610718, -0.8062934875488281, -1.0926564931869507, -0.4819089472293854, -0.5903145670890808, -0.5331960916519165, -0.48491331934928894, 0.704291820526123, 0.7945182919502258, -0.5658559799194336, 0.28084632754325867, 0.22518782317638397, 0.08680345863103867, 0.018413012847304344, -0.24407926201820374, 0.028527429327368736, -0.02656431682407856, -0.5006827116012573, -0.06640379130840302, 0.42434367537498474, 0.3696155548095703, -0.4707997441291809, -0.32913926243782043, -0.06725666671991348, -0.023687539622187614, 0.4638489782810211, 0.19878269731998444, -0.5946597456932068, -0.4219317138195038, -0.11192833632230759, -0.5510756969451904, 0.2824539840221405, 0.706423819065094, -0.5701775550842285, 0.4944964647293091, 0.619927167892456, -0.1462339609861374, 0.6381868720054626, 0.07957374304533005, -0.005311480723321438, -1.1772857904434204, 0.4602687954902649, 0.3311367928981781, 0.3962548077106476, 0.5461848378181458, -0.2451619654893875, 0.6092272400856018, 0.4527272880077362, -0.6524718999862671, -0.7631843686103821, 0.06543531268835068, -1.4719091653823853, 0.15826348960399628, 1.180774211883545, -0.39836639165878296, -0.29898396134376526, 0.17135444283485413, -0.14973559975624084, 0.21344348788261414, -0.43819400668144226, 0.14345654845237732, 0.6460882425308228, 0.3879746198654175, -0.15980610251426697, -0.26911866664886475, 0.44539177417755127, -0.3295631408691406, -0.734935462474823, -0.2760668098926544, 0.4460866451263428, 0.35977795720100403, 0.0017054995987564325, 0.565194845199585, -0.24335508048534393, 0.589805543422699, -0.020339250564575195, 0.5312069058418274, -0.196869894862175, -0.19157961010932922, -0.371196448802948, -0.42339637875556946, 0.07639284431934357, -0.49780333042144775 ]
facebook/wav2vec2-base-100k-voxpopuli
facebook
2021-11-05T12:46:12Z
10,294
1
transformers
[ "transformers", "pytorch", "wav2vec2", "pretraining", "audio", "automatic-speech-recognition", "voxpopuli", "multilingual", "arxiv:2101.00390", "license:cc-by-nc-4.0", "endpoints_compatible", "region:us" ]
automatic-speech-recognition
2022-03-02T23:29:05Z
--- language: multilingual tags: - audio - automatic-speech-recognition - voxpopuli license: cc-by-nc-4.0 --- # Wav2Vec2-Base-VoxPopuli [Facebook's Wav2Vec2](https://ai.facebook.com/blog/wav2vec-20-learning-the-structure-of-speech-from-raw-audio/) base model pretrained on the 100k unlabeled subset of [VoxPopuli corpus](https://arxiv.org/abs/2101.00390). **Note**: This model does not have a tokenizer as it was pretrained on audio alone. In order to use this model **speech recognition**, a tokenizer should be created and the model should be fine-tuned on labeled text data. Check out [this blog](https://huggingface.co/blog/fine-tune-wav2vec2-english) for more in-detail explanation of how to fine-tune the model. **Paper**: *[VoxPopuli: A Large-Scale Multilingual Speech Corpus for Representation Learning, Semi-Supervised Learning and Interpretation](https://arxiv.org/abs/2101.00390)* **Authors**: *Changhan Wang, Morgane Riviere, Ann Lee, Anne Wu, Chaitanya Talnikar, Daniel Haziza, Mary Williamson, Juan Pino, Emmanuel Dupoux* from *Facebook AI* See the official website for more information, [here](https://github.com/facebookresearch/voxpopuli/) # Fine-Tuning Please refer to [this blog](https://huggingface.co/blog/fine-tune-xlsr-wav2vec2) on how to fine-tune this model on a specific language. Note that you should replace `"facebook/wav2vec2-large-xlsr-53"` with this checkpoint for fine-tuning.
[ -0.15932869911193848, -0.7760711312294006, -0.020110104233026505, 0.1367696225643158, -0.2507157623767853, -0.028181789442896843, -0.5069370865821838, -0.5621728897094727, 0.045212522149086, 0.3646431267261505, -0.5683240294456482, -0.6199501156806946, -0.4987334609031677, -0.2198813408613205, -0.191814586520195, 0.8892101049423218, 0.359113872051239, 0.3468477725982666, 0.12226884067058563, -0.027547867968678474, -0.5244921445846558, -0.46384963393211365, -0.7752583622932434, -0.1939147412776947, 0.16460613906383514, 0.3291108012199402, 0.3875320553779602, 0.7057420611381531, 0.08081452548503876, 0.2621564269065857, -0.527046263217926, 0.18877318501472473, -0.8833706974983215, -0.3480474650859833, -0.23208022117614746, -0.2740464210510254, -0.4786369204521179, -0.031783439218997955, 0.8517372012138367, 0.6515499949455261, -0.15411005914211273, 0.3165089786052704, 0.07708019018173218, 0.28460192680358887, -0.3154842257499695, 0.2947925627231598, -0.880669116973877, -0.269111305475235, -0.09251486510038376, 0.00525297224521637, -0.6025993824005127, -0.07008375972509384, -0.1002049520611763, -0.39961114525794983, 0.23209790885448456, -0.0947783887386322, 0.9815211296081543, 0.2669796347618103, -0.5736337304115295, -0.16903725266456604, -0.8239393830299377, 0.8868600130081177, -0.41064268350601196, 0.6254138946533203, 0.5488659143447876, 0.13799723982810974, -0.13607244193553925, -0.8774510025978088, -0.3232061266899109, -0.08018218725919724, 0.31474804878234863, 0.2205096334218979, -0.30581802129745483, -0.038559943437576294, 0.26787492632865906, 0.16631044447422028, -0.5828484892845154, 0.3631417751312256, -0.9105182886123657, -0.6983659863471985, 0.5342341065406799, -0.32000732421875, 0.09172958880662918, -0.19180651009082794, -0.40604904294013977, -0.2375222146511078, -0.49227625131607056, 0.5949856638908386, 0.31186771392822266, 0.7148969173431396, -0.52910977602005, 0.5695294141769409, 0.12221740186214447, 0.7070832848548889, 0.0025547391269356012, -0.1997886300086975, 0.8472913503646851, -0.4908483922481537, 0.03909335657954216, 0.3366965353488922, 0.7567323446273804, 0.009677892550826073, 0.3590944707393646, 0.17882129549980164, -0.1624028980731964, 0.22085075080394745, 0.1300441026687622, -0.7792983055114746, -0.2994598150253296, 0.4082109034061432, -0.5104847550392151, -0.12127642333507538, 0.24143221974372864, -0.09469353407621384, 0.2174101620912552, -0.5833994746208191, 0.43259018659591675, -0.5696430206298828, -0.52400803565979, -0.07920504361391068, -0.10884785652160645, -0.022031622007489204, -0.07286938279867172, -0.9144152402877808, 0.15127527713775635, 0.8003365993499756, 0.8628817200660706, -0.012183238752186298, -0.07062942534685135, -0.7298287153244019, 0.05811912938952446, -0.37977033853530884, 0.8455607295036316, -0.45754244923591614, -0.6567337512969971, 0.012880963273346424, 0.11324100941419601, 0.19844357669353485, -0.5342193841934204, 0.806447446346283, -0.006440083030611277, 0.17109791934490204, -0.2643905282020569, -0.743033230304718, -0.12586073577404022, -0.18749035894870758, -0.5653076767921448, 1.0889891386032104, 0.18378287553787231, -0.47940757870674133, 0.28713229298591614, -0.47719913721084595, -0.5248091220855713, 0.05193745717406273, -0.13304200768470764, -0.33994951844215393, 0.07103842496871948, 0.06795860826969147, 0.3674767315387726, 0.24794095754623413, -0.041427332907915115, -0.14532622694969177, -0.5740472674369812, -0.06205455958843231, -0.12229813635349274, 0.9816619157791138, 0.31833699345588684, -0.010643715038895607, 0.32119306921958923, -1.2106889486312866, 0.26369431614875793, -0.15212571620941162, -0.6547649502754211, -0.017038974910974503, -0.0529601126909256, 0.6846413016319275, 0.1256287395954132, 0.35390228033065796, -0.595505952835083, 0.04097799211740494, -0.6915188431739807, 0.8001343011856079, 0.6238299608230591, -0.1525530219078064, 0.3738097846508026, -0.12104317545890808, 0.17643114924430847, -0.024706071242690086, -0.0059865363873541355, -0.1365126073360443, -0.5574028491973877, -0.3201982080936432, -0.5873435139656067, 0.472404807806015, 0.643814742565155, -0.2266044020652771, 0.6833233833312988, -0.10419868677854538, -0.65996253490448, -0.730151891708374, 0.12767532467842102, 0.4884081780910492, 0.4498712122440338, 0.7035625576972961, -0.10845060646533966, -0.8889315724372864, -0.8982000946998596, -0.13726995885372162, -0.2661311626434326, -0.14548102021217346, 0.3427298963069916, 0.1983288675546646, -0.44476011395454407, 0.8403320908546448, -0.02787988819181919, -0.35447531938552856, -0.09863907843828201, 0.2898155450820923, 0.23241515457630157, 0.7034635543823242, 0.595672607421875, -0.9451953768730164, -0.3308089077472687, -0.047833383083343506, -0.022916752845048904, -0.1660279780626297, 0.2562791407108307, 0.06399082392454147, 0.20870301127433777, 0.5320181250572205, -0.48638808727264404, 0.10236256569623947, 0.6690874695777893, -0.31009697914123535, 0.4251198172569275, 0.032722897827625275, -0.24002261459827423, -1.470803141593933, -0.06140551716089249, 0.10784509778022766, -0.4284346103668213, -0.5544826984405518, -0.5233848690986633, 0.18188242614269257, -0.047077592462301254, -0.7454624176025391, 0.47134822607040405, -0.34996339678764343, -0.03131486847996712, -0.3881708085536957, -0.11654768884181976, -0.3347015380859375, 0.35590529441833496, 0.13762567937374115, 0.7432129383087158, 0.6469613909721375, -0.6856045722961426, 0.13645251095294952, 0.5089892745018005, -0.30180519819259644, 0.23770692944526672, -0.7711851596832275, 0.2509029507637024, 0.0006160534685477614, 0.42883315682411194, -1.1348551511764526, -0.202728271484375, 0.11186816543340683, -0.9166458249092102, 0.42095947265625, -0.29458075761795044, -0.35587477684020996, -0.29152730107307434, 0.0719522163271904, 0.4777800738811493, 0.8008154630661011, -0.4977457821369171, 0.5320144295692444, 0.7706979513168335, -0.027837572619318962, -0.5175377726554871, -0.7540125846862793, -0.18239685893058777, 0.1443101465702057, -0.4070397913455963, 0.5796149969100952, -0.045666806399822235, 0.09901480376720428, -0.04430737718939781, -0.10739873349666595, -0.06806298345327377, -0.21612808108329773, 0.5474928021430969, 0.11452234536409378, -0.15811417996883392, 0.33657196164131165, 0.09259378165006638, -0.2618838846683502, 0.03673408925533295, -0.45911216735839844, 0.6194144487380981, -0.13385531306266785, -0.018677936866879463, -0.7237997055053711, 0.134443461894989, 0.3191077709197998, -0.33035600185394287, 0.3679700791835785, 1.0966840982437134, -0.5784521102905273, -0.2611033022403717, -0.5256219506263733, -0.1825401932001114, -0.4596206247806549, 0.7781548500061035, -0.47985950112342834, -1.156380534172058, 0.27891600131988525, -0.1622253805398941, -0.018278280273079872, 0.7379050254821777, 1.079089641571045, -0.09996827691793442, 1.1338969469070435, 0.670154333114624, -0.1908479481935501, 0.6550179719924927, -0.38313135504722595, 0.0027512877713888884, -0.5609307289123535, -0.4196775257587433, -0.7886313796043396, -0.19320030510425568, -0.7296901345252991, -0.40170449018478394, 0.13666115701198578, 0.0031412553507834673, -0.14235427975654602, 0.6060456037521362, -0.673667311668396, 0.3067614436149597, 0.5894451141357422, 0.03943703696131706, -0.04466567188501358, 0.35239043831825256, -0.2375214397907257, 0.048893529921770096, -0.575509786605835, -0.5400513410568237, 0.8409797549247742, 0.532717227935791, 0.4439915418624878, -0.00031883420888334513, 0.49285683035850525, 0.1789216697216034, -0.3313502371311188, -0.9509854912757874, 0.25061413645744324, -0.2648528516292572, -0.7336351275444031, -0.1804257482290268, -0.49692395329475403, -0.9825329780578613, 0.1247919499874115, -0.3983650803565979, -0.8797119855880737, 0.17819629609584808, 0.314537912607193, -0.19750966131687164, 0.03845757618546486, -0.7699384093284607, 0.9015262722969055, -0.10726049542427063, 0.005798287224024534, -0.4430443048477173, -0.5172422528266907, 0.13937704265117645, -0.00743557745590806, 0.4445234537124634, -0.15516746044158936, 0.09998179972171783, 0.8690502047538757, -0.3494780659675598, 0.8718553781509399, -0.41028842329978943, 0.018419921398162842, 0.5018296241760254, -0.28130707144737244, 0.3299207389354706, 0.1138327345252037, 0.0027634974103420973, 0.4938849210739136, 0.43241947889328003, -0.5745518803596497, -0.03566040098667145, 0.6266096234321594, -1.109279990196228, 0.02845241129398346, -0.06254848837852478, -0.3655892014503479, -0.36919739842414856, 0.24164296686649323, 0.7224699854850769, 0.5152544975280762, -0.47506698966026306, 0.5534579753875732, 0.5669877529144287, 0.057303693145513535, 0.23099368810653687, 0.41243839263916016, 0.00216499506495893, -0.35386916995048523, 0.9162200689315796, 0.2522581219673157, -0.12114973366260529, 0.37604859471321106, 0.2738121747970581, -0.4425697922706604, -0.594182014465332, -0.18904608488082886, 0.23164890706539154, -0.45245468616485596, 0.04361506178975105, -0.7185555100440979, -0.3719949722290039, -0.7992287278175354, 0.3301434814929962, -0.8141195774078369, -0.5414098501205444, -0.6539901494979858, -0.3009631335735321, 0.3925741910934448, 0.5590872168540955, -0.42140090465545654, 0.25014954805374146, -0.7510833144187927, 0.4375770688056946, 0.015989672392606735, 0.11115560680627823, -0.3462999761104584, -1.0021824836730957, -0.43011611700057983, 0.4252641797065735, 0.070707768201828, -0.5999835133552551, 0.09835144132375717, 0.3020574450492859, 0.5156140923500061, 0.4450404942035675, -0.2277897447347641, 0.7215004563331604, -0.596035897731781, 0.7558873891830444, 0.3592773675918579, -0.9666736721992493, 0.686532199382782, -0.3339042067527771, 0.27052178978919983, 0.6032502055168152, 0.28331318497657776, -0.29420021176338196, -0.05120519548654556, -0.5033130645751953, -1.0252197980880737, 0.570848822593689, 0.1544325351715088, 0.48936253786087036, 0.03211451321840286, 0.4299807846546173, 0.11730796098709106, 0.021862300112843513, -0.7039024233818054, -0.1333054155111313, -0.4406501054763794, -0.34548744559288025, -0.1285509169101715, -0.5909386873245239, 0.020328938961029053, -0.5455259680747986, 0.9054669737815857, 0.08877239376306534, 0.07294818758964539, -0.00791840348392725, -0.14075437188148499, -0.2015725076198578, 0.07426372170448303, 0.5284368991851807, 0.6401224136352539, -0.2659805119037628, -0.22058238089084625, 0.10163195431232452, -0.6442070007324219, -0.0430683009326458, 0.07899034768342972, -0.13472065329551697, 0.08464939147233963, 0.46919944882392883, 1.1893898248672485, 0.21371309459209442, -0.6647568345069885, 0.4440424144268036, -0.05970626324415207, -0.6020533442497253, -0.7152171730995178, 0.2561001181602478, 0.23347049951553345, 0.16368049383163452, 0.4445149302482605, 0.07405203580856323, -0.008352258242666721, -0.5051996111869812, 0.3151961863040924, 0.3262571096420288, -0.8519036173820496, -0.4207407534122467, 0.6534941792488098, 0.25942906737327576, -0.5881550908088684, 0.5786396265029907, -0.18802990019321442, -0.27748581767082214, 0.5229090452194214, 0.6293694376945496, 0.6101510524749756, -0.4021700918674469, -0.06087978184223175, 0.7098330855369568, 0.21587958931922913, -0.11154433339834213, 0.6828736662864685, -0.034046802669763565, -0.6983298659324646, -0.5097264647483826, -0.6238269805908203, -0.20287024974822998, 0.33551692962646484, -0.6874498724937439, 0.4909874200820923, -0.4823264181613922, -0.40862441062927246, 0.2940541207790375, 0.0462186262011528, -0.6889685392379761, 0.26903557777404785, 0.35801365971565247, 0.9535945057868958, -0.8059590458869934, 1.0190882682800293, 0.8495358824729919, -0.24527508020401, -1.1170562505722046, -0.2545939087867737, 0.12498477846384048, -0.6826723217964172, 0.3874947130680084, 0.2001836746931076, -0.14311759173870087, 0.3399267792701721, -0.7810982465744019, -0.9592249989509583, 0.7924377918243408, 0.26167118549346924, -0.9096066355705261, 0.16945411264896393, -0.11320021003484726, 0.5556327104568481, -0.40936407446861267, 0.031156416982412338, 0.3415624797344208, 0.4446365535259247, 0.24773812294006348, -1.1712363958358765, -0.27374354004859924, -0.36339545249938965, -0.06892096251249313, -0.3282991647720337, -0.7109811902046204, 0.9004151821136475, -0.1628742814064026, -0.20625077188014984, 0.07301943749189377, 0.8226273655891418, 0.17395690083503723, 0.08299212157726288, 0.6672325134277344, 0.5866239070892334, 0.9993280172348022, -0.1108798012137413, 0.6687114834785461, -0.36036527156829834, 0.4350247383117676, 1.158881664276123, -0.02203497104346752, 1.1589816808700562, 0.2728668749332428, -0.16643577814102173, 0.42032742500305176, 0.8281149864196777, -0.4095403254032135, 0.5222849249839783, 0.16212594509124756, 0.16600529849529266, -0.23102039098739624, -0.1795000284910202, -0.6567537784576416, 0.9403488636016846, 0.4387533366680145, -0.24908030033111572, 0.2831032872200012, -0.0015335569623857737, -0.05170276015996933, 0.05706050992012024, -0.37059521675109863, 0.9235713481903076, 0.13468053936958313, -0.3421257734298706, 0.8074332475662231, 0.1852564513683319, 0.5339709520339966, -0.5708390474319458, 0.10116042196750641, 0.3281850814819336, 0.2204965353012085, -0.3466256260871887, -0.34450507164001465, 0.14216870069503784, 0.05121823027729988, -0.38649430871009827, 0.04006770998239517, 0.6507581472396851, -0.593276858329773, -0.7936539053916931, 0.47629204392433167, 0.38462233543395996, 0.25955623388290405, -0.09935737401247025, -0.9020366668701172, 0.24867893755435944, 0.060808245092630386, -0.28671935200691223, 0.025311317294836044, 0.2367488145828247, 0.06777160614728928, 0.3009776771068573, 0.9118025302886963, 0.25496768951416016, -0.20188546180725098, 0.435240775346756, 0.6300680637359619, -0.5767560005187988, -0.8823728561401367, -0.6508784294128418, 0.5797261595726013, 0.006155927199870348, -0.36418405175209045, 0.4524521827697754, 0.8278924822807312, 1.1916977167129517, 0.020100494846701622, 0.8595432043075562, 0.15973949432373047, 0.9988900423049927, -0.5865580439567566, 0.6992986798286438, -0.5898474454879761, -0.09362024813890457, -0.06814077496528625, -1.002233624458313, -0.05371376872062683, 0.7798629403114319, 0.0984247475862503, 0.18463997542858124, 0.5102298855781555, 0.8855844140052795, -0.18849536776542664, -0.1381862759590149, 0.1386505365371704, 0.7013300657272339, 0.13081513345241547, 0.22721783816814423, 0.5415422916412354, -0.3723737299442291, 0.7682368159294128, -0.18731606006622314, -0.32171866297721863, -0.26024100184440613, -0.5802452564239502, -1.0372610092163086, -0.8297297358512878, -0.45352137088775635, -0.5516148805618286, 0.06113354116678238, 1.209396243095398, 1.088757872581482, -1.1171987056732178, -0.34507572650909424, 0.1135464683175087, -0.21802127361297607, -0.23433242738246918, -0.12194472551345825, 0.3960172235965729, -0.13838371634483337, -0.8605520129203796, 0.651228666305542, 0.09324079751968384, 0.15441200137138367, 0.01651446707546711, -0.07844750583171844, -0.09759487211704254, -0.0504951998591423, 0.5171380043029785, 0.38170820474624634, -0.9351143836975098, -0.26653560996055603, -0.29725995659828186, -0.11618835479021072, 0.19407370686531067, 0.6184660196304321, -0.6128266453742981, 0.36988013982772827, 0.47370344400405884, 0.29270467162132263, 0.7215698957443237, 0.23115211725234985, 0.3035562038421631, -0.8056961297988892, 0.5131561756134033, 0.1587446630001068, 0.40595489740371704, 0.42928043007850647, -0.27375999093055725, 0.2544037699699402, 0.32815343141555786, -0.3619033098220825, -0.8607557415962219, 0.2103026807308197, -1.470548152923584, -0.45097610354423523, 1.4344439506530762, 0.28444844484329224, -0.2899967133998871, 0.04111744090914726, -0.5715726017951965, 0.6764141917228699, -0.5893129110336304, 0.5091190934181213, 0.6046387553215027, 0.22993336617946625, -0.046285178512334824, -0.3834340274333954, 0.6043143272399902, 0.14681418240070343, -0.18428659439086914, -0.12501949071884155, 0.5041484832763672, 0.39133134484291077, 0.10103514045476913, 0.5932518839836121, -0.11599002778530121, 0.2496338188648224, -0.08066393435001373, 0.17215611040592194, -0.3479444980621338, -0.24343496561050415, -0.3481930196285248, 0.11824702471494675, -0.12588727474212646, -0.2913621962070465 ]
KoboldAI/LLaMA2-13B-Holomax
KoboldAI
2023-08-17T14:18:33Z
10,276
14
transformers
[ "transformers", "pytorch", "safetensors", "llama", "text-generation", "license:other", "endpoints_compatible", "has_space", "text-generation-inference", "region:us" ]
text-generation
2023-08-14T14:26:32Z
--- license: other --- # LLaMA 2 Holomax 13B - The writers version of Mythomax This is an expansion merge to the well praised Mythomax model from Gryphe (60%) using MrSeeker's KoboldAI Holodeck model (40%) The goal of this model is to enhance story writing capabilities while preserving the desirable traits of the Mythomax model as much as possible (It does limit chat reply length). Testers found that this model passes the InteracTV benchmark, was useful for story writing, chatting and text adventures using Instruction mode. Preservation of factual knowledge has not been tested since we expect the original to be better in those use cases as this merge was focussed on fiction. ## Credits This merge is not possible without the following models and model authors (Thanks to all of you for your work!) Mythomax by Gryphe: - Mythologic-L2 by Gryphe: - - Hermes by Nous-Research - Chronos V2 by Elinas - Airoboros m2.0 by Jondurbin - Huginn by Face of Goonery: - - Hermes by Nous-Research - StableBeluga by StabilityAI - Airoboros by Jondurbin - Chronos by Elinas - Limarp by Lemonila Holodeck by Mr.Seeker ## Guidelines This model is designed to be flexible, it should be able to be used as a co-writing model, as well as a variety of instruct formats (Tested with Alpaca) and regular chatting both augmented with traditional formatting and instruct formatting. The Alpaca format is as follows: ``` ### Instruction: Instruction goes here ### Response: ``` But if you have a different preferred format that works on one of the models above it will likely still work. ## License After publishing the model we were informed that one of the origin models upstream was uploaded under the AGPLv3, it is currently unknown what effects this has on this model because all weights have been modified and none of the original weights are intact. At the moment of publishing (and writing this message) both merged models Holodeck and Mythomax were licensed Llama2, therefore the Llama2 license applies to this model. However, Holodeck contains a non-commercial clause and may only be used for research or private use, while Limarp is licensed AGPLv3. AGPLv3 conflicts with the commercial usage restrictions of the Llama2 license, therefore we assume this aspect does not apply and the authors indended for commercial usage restrictions to be permitted. As a result we have decided to leave the model available for public download on the assumption that all involved authors intend for it to be licensed with commercial restrictions / llama2 restrictions in place, but with the further rights and freedoms the AGPLv3 grants a user. If HF informs us that this assumption is incorrect and requests us to take this model down, we will republish the model in the form of the original merging script that was used to create the end result. To comply with the AGPLv3 aspect the "source" of this model is as follows (Because this model is made on a binary level, we can only provide the script that created the model): ``` import json import os import shutil import subprocess from tkinter.filedialog import askdirectory, askopenfilename import torch from colorama import Fore, Style, init from transformers import (AutoModel, AutoModelForCausalLM, AutoTokenizer, LlamaConfig, LlamaForCausalLM, LlamaTokenizer, PreTrainedTokenizer, PreTrainedTokenizerFast) newline = '\n' def clear_console(): if os.name == "nt": # For Windows subprocess.call("cls", shell=True) else: # For Linux and macOS subprocess.call("clear", shell=True) clear_console() print(f"{Fore.YELLOW}Starting script, please wait...{Style.RESET_ALL}") #mixer output settings blend_ratio = 0.4 #setting to 0 gives first model, and 1 gives second model fp16 = False #perform operations in fp16. Saves memory, but CPU inference will not be possible. always_output_fp16 = True #if true, will output fp16 even if operating in fp32 max_shard_size = "10000MiB" #set output shard size force_cpu = True #only use cpu load_sharded = True #load both models shard by shard print(f"Blend Ratio set to: {Fore.GREEN}{blend_ratio}{Style.RESET_ALL}") print(f"Operations in fp16 is: {Fore.GREEN}{fp16}{Style.RESET_ALL}") print(f"Save Result in fp16: {Fore.GREEN}{always_output_fp16}{Style.RESET_ALL}") print(f"CPU RAM Only: {Fore.GREEN}{force_cpu}{Style.RESET_ALL}{newline}") #test generation settings, only for fp32 deterministic_test = True #determines if outputs are always the same test_prompt = "" #test prompt for generation. only for fp32. set to empty string to skip generating. test_max_length = 32 #test generation length blend_ratio_b = 1.0 - blend_ratio def get_model_info(model): with torch.no_grad(): outfo = "" cntent = 0 outfo += "\n==============================\n" for name, para in model.named_parameters(): cntent += 1 outfo += ('{}: {}'.format(name, para.shape))+"\n" outfo += ("Num Entries: " + str(cntent))+"\n" outfo += ("==============================\n") return outfo def merge_models(model1,model2): with torch.no_grad(): tensornum = 0 for p1, p2 in zip(model1.parameters(), model2.parameters()): p1 *= blend_ratio p2 *= blend_ratio_b p1 += p2 tensornum += 1 print("Merging tensor "+str(tensornum)) pass def read_index_filenames(sourcedir): index = json.load(open(sourcedir + '/pytorch_model.bin.index.json','rt')) fl = [] for k,v in index['weight_map'].items(): if v not in fl: fl.append(v) return fl print("Opening file dialog, please select FIRST model directory...") model_path1 = "Gryphe/MythoMax-L2-13b" print(f"First Model is: {model_path1}") print("Opening file dialog, please select SECOND model directory...") model_path2 = "KoboldAI/LLAMA2-13B-Holodeck-1" print(f"Second Model is: {model_path2}") print("Opening file dialog, please select OUTPUT model directory...") model_path3 = askdirectory(title="Select Output Directory of merged model") print(f"Merged Save Directory is: {model_path3}{newline}") if not model_path1 or not model_path2: print("\nYou must select two directories containing models to merge and one output directory. Exiting.") exit() with torch.no_grad(): if fp16: torch.set_default_dtype(torch.float16) else: torch.set_default_dtype(torch.float32) device = torch.device("cuda") if (torch.cuda.is_available() and not force_cpu) else torch.device("cpu") print(device) print("Loading Model 1...") model1 = AutoModelForCausalLM.from_pretrained(model_path1) #,torch_dtype=torch.float16 model1 = model1.to(device) model1.eval() print("Model 1 Loaded. Dtype: " + str(model1.dtype)) print("Loading Model 2...") model2 = AutoModelForCausalLM.from_pretrained(model_path2) #,torch_dtype=torch.float16 model2 = model2.to(device) model2.eval() print("Model 2 Loaded. Dtype: " + str(model2.dtype)) # Saving for posterity reasons, handy for troubleshooting if model result is broken # #ensure both models have the exact same layout # m1_info = get_model_info(model1) # m2_info = get_model_info(model2) # if m1_info != m2_info: # print("Model 1 Info: " + m1_info) # print("Model 2 Info: " + m2_info) # print("\nERROR:\nThe two selected models are not compatible! They must have identical structure!") # exit() print("Merging models...") merge_models(model1,model2) if model_path3: print("Saving new model...") if always_output_fp16 and not fp16: model1.half() model1.save_pretrained(model_path3, max_shard_size=max_shard_size) print("\nSaved to: " + model_path3) print("\nCopying files to: " + model_path3) files_to_copy = ["tokenizer.model", "special_tokens_map.json", "tokenizer_config.json", "vocab.json", "merges.txt"] for filename in files_to_copy: src_path = os.path.join(model_path1, filename) dst_path = os.path.join(model_path3, filename) try: shutil.copy2(src_path, dst_path) except FileNotFoundError: print("\nFile " + filename + " not found in" + model_path1 + ". Skipping.") else: print("\nOutput model was not saved as no output path was selected.") print("\nScript Completed.") ```
[ -0.21307340264320374, -0.6128607988357544, 0.34898993372917175, 0.09901216626167297, -0.21930021047592163, -0.025065744295716286, 0.08492068201303482, -0.48956671357154846, -0.08068837225437164, 0.5271625518798828, -0.5462043881416321, -0.36183005571365356, -0.6144681572914124, -0.23988878726959229, -0.28577515482902527, 1.105445384979248, -0.27519288659095764, -0.22825194895267487, -0.2493344098329544, -0.012963913381099701, -0.47425782680511475, -0.32433193922042847, -0.5734037756919861, -0.42467355728149414, 0.16228680312633514, 0.1675042062997818, 0.6552769541740417, 0.5979951620101929, 0.5048615336418152, 0.4379587173461914, -0.1530061960220337, 0.27861711382865906, -0.5016220808029175, -0.03984228894114494, 0.12323318421840668, -0.4090806841850281, -0.6621959209442139, 0.14358629286289215, 0.6608653664588928, 0.2691865861415863, -0.02250673435628414, 0.3121621310710907, 0.10320692509412766, 0.29053041338920593, -0.33994731307029724, 0.23035241663455963, -0.34642326831817627, 0.09181834012269974, 0.01006697304546833, -0.24327044188976288, -0.29115232825279236, -0.487047404050827, 0.024424513801932335, -0.6108428239822388, 0.367960661649704, 0.09542857855558395, 1.131595253944397, 0.14724311232566833, -0.5098453760147095, -0.21528242528438568, -0.5583183765411377, 0.9180867671966553, -1.0956909656524658, 0.06088044121861458, 0.17279082536697388, 0.16020959615707397, -0.21773600578308105, -0.9098621606826782, -0.6006258130073547, -0.13911627233028412, -0.1742548644542694, 0.11567743867635727, -0.39940622448921204, -0.044629789888858795, 0.2705090641975403, 0.5136182904243469, -0.48808708786964417, -0.12966614961624146, -0.9981309771537781, -0.3482265770435333, 0.7435603737831116, 0.35321229696273804, 0.3330257534980774, -0.11206875741481781, -0.4004524350166321, -0.6332262754440308, -0.19271036982536316, 0.03664011508226395, 0.42850080132484436, 0.10420487821102142, -0.5635973215103149, 0.7386526465415955, 0.08151950687170029, 0.6699817180633545, 0.2229766696691513, -0.41870030760765076, 0.4413154721260071, -0.32858020067214966, -0.4996944069862366, -0.0240335576236248, 0.9786202311515808, 0.7402997612953186, -0.11550638824701309, 0.19755996763706207, -0.03627779707312584, -0.16715338826179504, -0.1312587410211563, -0.832668662071228, -0.36397629976272583, 0.43908798694610596, -0.5245659351348877, -0.4693225920200348, -0.06675686687231064, -0.6405336260795593, -0.35091862082481384, 0.19927692413330078, 0.6865386962890625, -0.4081977605819702, -0.40679192543029785, 0.06040513888001442, -0.47012242674827576, 0.220464825630188, 0.34294813871383667, -0.873187780380249, 0.19414716958999634, 0.3950541019439697, 0.9537464380264282, 0.04088065028190613, -0.5898627042770386, -0.23236843943595886, 0.11189383268356323, -0.24815616011619568, 0.2681080996990204, -0.027130529284477234, -0.48039060831069946, -0.35144340991973877, 0.1385330855846405, -0.17377786338329315, -0.5773428082466125, 0.1724133938550949, -0.3083201050758362, 0.48476359248161316, -0.17421236634254456, -0.4850706160068512, -0.5545848608016968, 0.04185294359922409, -0.4718364179134369, 1.1539528369903564, 0.399662584066391, -0.9405910968780518, -0.02200182154774666, -0.4476304054260254, -0.1571698933839798, -0.20216147601604462, 0.08426748961210251, -0.5874559879302979, -0.06230089068412781, -0.05284053087234497, 0.41155871748924255, -0.3450721204280853, 0.27133357524871826, -0.3855240046977997, -0.15162141621112823, 0.12754282355308533, -0.30171141028404236, 1.1410681009292603, 0.2795509994029999, -0.4219430088996887, 0.2464020699262619, -0.5151272416114807, 0.056118451058864594, 0.3709653615951538, -0.27029484510421753, 0.1686883121728897, -0.35711145401000977, 0.07837138324975967, 0.1697985976934433, 0.5875109434127808, -0.3995981812477112, 0.3814767897129059, -0.17363092303276062, 0.472360759973526, 0.5927084684371948, 0.009757201187312603, 0.38033971190452576, -0.7395299077033997, 0.25998765230178833, 0.182491734623909, 0.19632340967655182, 0.07209181040525436, -0.7070571780204773, -1.0212732553482056, -0.002818015404045582, -0.009343111887574196, 0.4356552064418793, -0.3746245503425598, 0.5103110671043396, 0.05583503097295761, -0.9184049367904663, -0.354300320148468, 0.002379185752943158, 0.33546558022499084, 0.6245670914649963, 0.30992716550827026, -0.3539254367351532, -0.6789700984954834, -0.7467035055160522, 0.18477870523929596, -0.3072894811630249, 0.126246377825737, 0.4605216383934021, 0.6879419088363647, -0.30832117795944214, 0.8116599321365356, -0.6156195998191833, -0.11470477283000946, -0.49076253175735474, 0.30394071340560913, 0.5345167517662048, 0.7792859673500061, 0.7478405833244324, -0.4286249577999115, -0.47987648844718933, 0.23947088420391083, -0.8789399862289429, -0.07041226327419281, -0.05400443822145462, -0.10973844677209854, 0.15817715227603912, 0.11070122569799423, -0.6801595091819763, 0.42809394001960754, 0.6596999764442444, -0.5259102582931519, 0.8365347981452942, -0.49621641635894775, 0.48935994505882263, -1.2024940252304077, 0.06802908331155777, -0.3627359867095947, -0.05037090927362442, -0.5500732064247131, 0.07973680645227432, -0.07021071016788483, -0.01125759445130825, -0.5963388085365295, 0.8337647914886475, -0.4447076916694641, -0.11795861274003983, -0.2558436095714569, -0.11980200558900833, 0.1833418607711792, 0.43857941031455994, -0.25587958097457886, 0.4900531768798828, 0.7291543483734131, -0.5854114294052124, 0.7210354208946228, 0.2537889778614044, -0.10916180908679962, 0.0049888058565557, -0.6141543388366699, 0.12819233536720276, 0.11845623701810837, 0.2858453094959259, -0.9784911870956421, -0.42799249291419983, 0.4459250271320343, -0.5148501396179199, 0.23216401040554047, -0.2236342430114746, -0.3395729959011078, -0.445627897977829, -0.2794952392578125, 0.4385913908481598, 0.7428978085517883, -0.4282454550266266, 0.8428741693496704, 0.11961449682712555, 0.011604943312704563, -0.48295858502388, -0.761504054069519, -0.3261692225933075, -0.31315457820892334, -0.9604326486587524, 0.34455662965774536, -0.24660645425319672, -0.28455811738967896, 0.004105616360902786, -0.12811090052127838, -0.2862836420536041, -0.1545526534318924, 0.3422759771347046, 0.6151968240737915, -0.13043011724948883, -0.36004942655563354, 0.10448389500379562, 0.0852869376540184, 0.016807839274406433, -0.11787191033363342, 0.8314762711524963, -0.1961069405078888, -0.17535854876041412, -0.5665413737297058, 0.06807206571102142, 0.6790207624435425, -0.124601811170578, 0.8329339623451233, 0.7159234881401062, -0.25885945558547974, 0.10843780636787415, -0.6980283260345459, -0.1386348456144333, -0.4995310306549072, 0.3539688289165497, -0.027364442124962807, -0.5542978048324585, 0.7412269711494446, 0.3083752393722534, 0.4007040560245514, 0.8010708689689636, 0.5151963829994202, -0.09761133790016174, 0.7693710923194885, 0.5492166876792908, 0.19404827058315277, 0.39837905764579773, -0.8484839200973511, 0.09483615309000015, -0.743719220161438, -0.4347018897533417, -0.28077930212020874, -0.2878541648387909, -0.3561941683292389, -0.6274262070655823, 0.27210259437561035, 0.29511937499046326, -0.30527955293655396, 0.49255460500717163, -0.6373410820960999, 0.22625732421875, 0.5846516489982605, 0.12218326330184937, 0.12356952577829361, 0.07107248902320862, -0.09425989538431168, 0.12646256387233734, -0.6632857918739319, -0.3703220784664154, 1.0713456869125366, 0.24495375156402588, 0.6121690273284912, -0.13088949024677277, 0.891647219657898, 0.05758281424641609, 0.07314946502447128, -0.4135098457336426, 0.5975611805915833, 0.10477713495492935, -0.7449480891227722, -0.11071763932704926, -0.3897414803504944, -0.7184604406356812, 0.270159512758255, -0.12259004265069962, -0.9407237768173218, 0.26222166419029236, 0.27222973108291626, -0.46775999665260315, 0.7355631589889526, -0.8523815274238586, 0.9531536102294922, -0.20592805743217468, -0.41850006580352783, -0.18524213135242462, -0.5371911525726318, 0.6071667671203613, 0.15315355360507965, 0.049838852137327194, -0.020270466804504395, 0.28683340549468994, 1.1038035154342651, -0.5492457747459412, 0.5976661443710327, 0.050832588225603104, 0.014122312888503075, 0.55109703540802, 0.13876678049564362, 0.4602470397949219, -0.1842082440853119, -0.04159454256296158, 0.2700235843658447, 0.14562411606311798, -0.16217735409736633, -0.4091061055660248, 0.8052897453308105, -1.0281884670257568, -0.5542076826095581, -0.6097658276557922, -0.8754823207855225, 0.299212783575058, 0.24778184294700623, 0.5198281407356262, 0.3980691432952881, 0.17253342270851135, 0.18556222319602966, 0.5137931108474731, -0.23962245881557465, 0.6290884613990784, 0.24729414284229279, -0.5211329460144043, -0.5422272682189941, 0.7403050065040588, 0.08179971575737, 0.4429285228252411, -0.011655337177217007, 0.19621877372264862, -0.19229306280612946, -0.2280447781085968, -0.28845342993736267, 0.3515637218952179, -0.7574595808982849, -0.1619299054145813, -0.806920051574707, -0.45991435647010803, -0.5130841732025146, -0.47051575779914856, -0.4071025848388672, -0.3374774158000946, -0.4509795308113098, 0.1299837827682495, 0.5501520037651062, 0.6483979225158691, -0.3523957133293152, 0.4997313916683197, -0.8333064913749695, 0.14246627688407898, 0.309626966714859, -0.05430445447564125, 0.1822621077299118, -0.7951736450195312, -0.058813050389289856, 0.10907591134309769, -0.6010313630104065, -1.0093679428100586, 0.6001799702644348, -0.1603119820356369, 0.2564283609390259, 0.3730233311653137, -0.11501780152320862, 0.7045205235481262, 0.0019370014779269695, 0.7706825137138367, 0.4414319097995758, -0.9155580997467041, 0.47530415654182434, -0.38258638978004456, 0.23182721436023712, 0.058050137013196945, 0.21597643196582794, -0.3828739523887634, -0.21527308225631714, -0.9170456528663635, -0.7214341759681702, 1.086610198020935, 0.4941048324108124, -0.2370409220457077, 0.3487411141395569, 0.09499969333410263, 0.0225356575101614, 0.163880854845047, -0.895531177520752, -0.5117708444595337, -0.27639907598495483, -0.019309386610984802, -0.0957617536187172, -0.1346025913953781, -0.395252525806427, -0.5459878444671631, 0.800853431224823, 0.3260868787765503, 0.43756940960884094, 0.06073042005300522, 0.033439893275499344, -0.3120315372943878, 0.024054642766714096, 0.416605144739151, 0.5288820862770081, -0.6060436964035034, 0.043149787932634354, 0.3279602527618408, -0.536003589630127, 0.18838714063167572, 0.17326508462429047, -0.08712903410196304, 0.00878707692027092, 0.45419618487358093, 0.9089842438697815, 0.08033487945795059, -0.2509501874446869, 0.25150173902511597, 0.0566481277346611, -0.3507969081401825, 0.04217119887471199, 0.39489713311195374, 0.3302753269672394, 0.4705241024494171, 0.3303047716617584, 0.294592946767807, -0.1512385755777359, -0.6443197727203369, -0.07243094593286514, 0.40808284282684326, 0.04921136423945427, -0.18382816016674042, 0.8700332045555115, 0.0005383125972002745, -0.20336931943893433, 0.6794536709785461, -0.11857260763645172, -0.4172443449497223, 1.0296145677566528, 0.6433551907539368, 0.8077468276023865, -0.041236862540245056, 0.15597575902938843, 0.6258315443992615, 0.3543018698692322, -0.12642823159694672, 0.1983289271593094, 0.017734605818986893, -0.5868420600891113, 0.06839927285909653, -0.6214470267295837, -0.2134217470884323, 0.13424231112003326, -0.4605620503425598, 0.3741445243358612, -0.526720404624939, -0.17935223877429962, -0.16540518403053284, 0.3315720558166504, -0.5286807417869568, 0.2261117547750473, 0.028060128912329674, 0.6717115640640259, -0.9369619488716125, 0.763498842716217, 0.5328831672668457, -0.47334614396095276, -1.0353666543960571, -0.30642062425613403, 0.04012106731534004, -0.6130450963973999, 0.43897801637649536, 0.18617165088653564, 0.14814148843288422, 0.06426924467086792, -0.6505196690559387, -1.0972403287887573, 1.5286129713058472, 0.4636896252632141, -0.3206353187561035, -0.13115330040454865, -0.09998109191656113, 0.3288586437702179, -0.4282894730567932, 0.5609765648841858, 0.5536171793937683, 0.597974419593811, 0.39049986004829407, -1.0808131694793701, 0.0875801220536232, -0.17678202688694, -0.1966961920261383, 0.05497681722044945, -0.7189438939094543, 1.3967398405075073, -0.5180591940879822, -0.1940809041261673, 0.1632954627275467, 0.7157867550849915, 0.5815791487693787, 0.2922855019569397, 0.3078530430793762, 0.5856509208679199, 0.6818820238113403, -0.26935604214668274, 1.0151208639144897, -0.25699374079704285, 0.8233192563056946, 0.8866045475006104, -0.11054224520921707, 0.4892185628414154, 0.2354273796081543, -0.32933127880096436, 0.44139233231544495, 0.6870348453521729, -0.32118287682533264, 0.4455806016921997, -0.17045864462852478, -0.13681550323963165, -0.08855424076318741, 0.1344735473394394, -0.7823871374130249, 0.21178799867630005, 0.02293848618865013, -0.3666117489337921, -0.30018413066864014, -0.238324373960495, 0.2339952290058136, -0.575823962688446, -0.11225315928459167, 0.3126782178878784, -0.08029627054929733, -0.6269485354423523, 0.7576190829277039, 0.04498712345957756, 0.7018405199050903, -0.8203238844871521, -0.07074151188135147, -0.21261674165725708, 0.26961392164230347, -0.4018285274505615, -0.7142709493637085, 0.1209934800863266, -0.2820472717285156, -0.2469998151063919, 0.0930115208029747, 0.6122713088989258, -0.5254501700401306, -0.5075414180755615, 0.3473472595214844, 0.12567466497421265, 0.3866361379623413, 0.3375359773635864, -0.7162488102912903, 0.496090292930603, 0.3860463500022888, -0.26448777318000793, 0.27522900700569153, 0.061728090047836304, 0.2425047755241394, 0.721411943435669, 0.6403362154960632, -0.09954867511987686, 0.3336247205734253, -0.44692695140838623, 0.8114069700241089, -0.4554183781147003, -0.2755880355834961, -0.7011002898216248, 0.6397337317466736, -0.0776362344622612, -0.5094543695449829, 0.8724221587181091, 0.6979965567588806, 0.7954385280609131, -0.3329172134399414, 0.7426586151123047, -0.5134110450744629, -0.04737692326307297, -0.3167504072189331, 0.8191241025924683, -0.6538593173027039, 0.04919855296611786, -0.19834469258785248, -0.9674561619758606, 0.1654471755027771, 0.6113710999488831, -0.24438415467739105, 0.2261781543493271, 0.714802086353302, 0.8902637958526611, -0.2765946388244629, -0.32014891505241394, 0.19635355472564697, 0.4199758470058441, 0.20119667053222656, 0.6810175180435181, 0.4968041479587555, -0.7777258157730103, 0.4987213909626007, -0.6687195897102356, -0.28435078263282776, -0.3064255118370056, -0.7626684904098511, -0.8267794847488403, -0.6088683009147644, -0.3798951208591461, -0.5485758185386658, -0.1502121388912201, 0.8292619585990906, 0.6119760274887085, -0.621703565120697, -0.6019552946090698, 0.07064618915319443, 0.11911539733409882, -0.24391384422779083, -0.2724899351596832, 0.40560364723205566, 0.06477371603250504, -0.8301425576210022, 0.20887942612171173, 0.185451477766037, 0.4539099633693695, -0.20631279051303864, -0.3431410789489746, -0.31203144788742065, 0.027037357911467552, 0.1279299408197403, 0.3703743517398834, -0.7221371531486511, 0.12236856669187546, -0.3550534248352051, -0.0957663357257843, 0.019639791920781136, 0.34164127707481384, -0.5226647257804871, 0.4890957474708557, 0.7066428661346436, -0.04648769274353981, 0.6255415678024292, -0.2516825497150421, 0.5034342408180237, -0.4031931459903717, 0.21846778690814972, -0.07022788375616074, 0.5850057005882263, 0.21215468645095825, -0.323629766702652, 0.42469367384910583, 0.3234207332134247, -0.5527454614639282, -0.9752593040466309, -0.17142091691493988, -1.1465630531311035, -0.1404184103012085, 1.1109188795089722, -0.1367940604686737, -0.27353352308273315, 0.253113716840744, -0.4843998849391937, 0.6605039834976196, -0.21876117587089539, 0.6297553777694702, 0.5297741889953613, -0.17012590169906616, -0.11341069638729095, -0.3975577652454376, 0.3792460858821869, 0.17757123708724976, -0.7021321654319763, -0.029696036130189896, 0.33388710021972656, 0.5595574975013733, 0.2982700765132904, 0.5586270093917847, 0.07498897612094879, 0.4870685338973999, 0.32652121782302856, 0.4045471251010895, -0.419753760099411, -0.17010019719600677, -0.13356155157089233, 0.0996256172657013, -0.2820681929588318, -0.1153486967086792 ]
EleutherAI/pythia-1b
EleutherAI
2023-07-09T16:05:58Z
10,271
19
transformers
[ "transformers", "pytorch", "safetensors", "gpt_neox", "text-generation", "causal-lm", "pythia", "en", "dataset:the_pile", "arxiv:2304.01373", "arxiv:2101.00027", "arxiv:2201.07311", "license:apache-2.0", "endpoints_compatible", "has_space", "text-generation-inference", "region:us" ]
text-generation
2023-03-10T21:42:46Z
--- language: - en tags: - pytorch - causal-lm - pythia license: apache-2.0 datasets: - the_pile --- The *Pythia Scaling Suite* is a collection of models developed to facilitate interpretability research [(see paper)](https://arxiv.org/pdf/2304.01373.pdf). It contains two sets of eight models of sizes 70M, 160M, 410M, 1B, 1.4B, 2.8B, 6.9B, and 12B. For each size, there are two models: one trained on the Pile, and one trained on the Pile after the dataset has been globally deduplicated. All 8 model sizes are trained on the exact same data, in the exact same order. We also provide 154 intermediate checkpoints per model, hosted on Hugging Face as branches. The Pythia model suite was deliberately designed to promote scientific research on large language models, especially interpretability research. Despite not centering downstream performance as a design goal, we find the models <a href="#evaluations">match or exceed</a> the performance of similar and same-sized models, such as those in the OPT and GPT-Neo suites. <details> <summary style="font-weight:600">Details on previous early release and naming convention.</summary> Previously, we released an early version of the Pythia suite to the public. However, we decided to retrain the model suite to address a few hyperparameter discrepancies. This model card <a href="#changelog">lists the changes</a>; see appendix B in the Pythia paper for further discussion. We found no difference in benchmark performance between the two Pythia versions. The old models are [still available](https://huggingface.co/models?other=pythia_v0), but we suggest the retrained suite if you are just starting to use Pythia.<br> **This is the current release.** Please note that all models in the *Pythia* suite were renamed in January 2023. For clarity, a <a href="#naming-convention-and-parameter-count">table comparing the old and new names</a> is provided in this model card, together with exact parameter counts. </details> <br> # Pythia-1B ## Model Details - Developed by: [EleutherAI](http://eleuther.ai) - Model type: Transformer-based Language Model - Language: English - Learn more: [Pythia's GitHub repository](https://github.com/EleutherAI/pythia) for training procedure, config files, and details on how to use. [See paper](https://arxiv.org/pdf/2304.01373.pdf) for more evals and implementation details. - Library: [GPT-NeoX](https://github.com/EleutherAI/gpt-neox) - License: Apache 2.0 - Contact: to ask questions about this model, join the [EleutherAI Discord](https://discord.gg/zBGx3azzUn), and post them in `#release-discussion`. Please read the existing *Pythia* documentation before asking about it in the EleutherAI Discord. For general correspondence: [contact@eleuther. ai](mailto:[email protected]). <figure> | Pythia model | Non-Embedding Params | Layers | Model Dim | Heads | Batch Size | Learning Rate | Equivalent Models | | -----------: | -------------------: | :----: | :-------: | :---: | :--------: | :-------------------: | :--------------------: | | 70M | 18,915,328 | 6 | 512 | 8 | 2M | 1.0 x 10<sup>-3</sup> | — | | 160M | 85,056,000 | 12 | 768 | 12 | 2M | 6.0 x 10<sup>-4</sup> | GPT-Neo 125M, OPT-125M | | 410M | 302,311,424 | 24 | 1024 | 16 | 2M | 3.0 x 10<sup>-4</sup> | OPT-350M | | 1.0B | 805,736,448 | 16 | 2048 | 8 | 2M | 3.0 x 10<sup>-4</sup> | — | | 1.4B | 1,208,602,624 | 24 | 2048 | 16 | 2M | 2.0 x 10<sup>-4</sup> | GPT-Neo 1.3B, OPT-1.3B | | 2.8B | 2,517,652,480 | 32 | 2560 | 32 | 2M | 1.6 x 10<sup>-4</sup> | GPT-Neo 2.7B, OPT-2.7B | | 6.9B | 6,444,163,072 | 32 | 4096 | 32 | 2M | 1.2 x 10<sup>-4</sup> | OPT-6.7B | | 12B | 11,327,027,200 | 36 | 5120 | 40 | 2M | 1.2 x 10<sup>-4</sup> | — | <figcaption>Engineering details for the <i>Pythia Suite</i>. Deduped and non-deduped models of a given size have the same hyperparameters. “Equivalent” models have <b>exactly</b> the same architecture, and the same number of non-embedding parameters.</figcaption> </figure> ## Uses and Limitations ### Intended Use The primary intended use of Pythia is research on the behavior, functionality, and limitations of large language models. This suite is intended to provide a controlled setting for performing scientific experiments. We also provide 154 checkpoints per model: initial `step0`, 10 log-spaced checkpoints `step{1,2,4...512}`, and 143 evenly-spaced checkpoints from `step1000` to `step143000`. These checkpoints are hosted on Hugging Face as branches. Note that branch `143000` corresponds exactly to the model checkpoint on the `main` branch of each model. You may also further fine-tune and adapt Pythia-1B for deployment, as long as your use is in accordance with the Apache 2.0 license. Pythia models work with the Hugging Face [Transformers Library](https://huggingface.co/docs/transformers/index). If you decide to use pre-trained Pythia-1B as a basis for your fine-tuned model, please conduct your own risk and bias assessment. ### Out-of-scope use The Pythia Suite is **not** intended for deployment. It is not a in itself a product and cannot be used for human-facing interactions. For example, the model may generate harmful or offensive text. Please evaluate the risks associated with your particular use case. Pythia models are English-language only, and are not suitable for translation or generating text in other languages. Pythia-1B has not been fine-tuned for downstream contexts in which language models are commonly deployed, such as writing genre prose, or commercial chatbots. This means Pythia-1B will **not** respond to a given prompt the way a product like ChatGPT does. This is because, unlike this model, ChatGPT was fine-tuned using methods such as Reinforcement Learning from Human Feedback (RLHF) to better “follow” human instructions. ### Limitations and biases The core functionality of a large language model is to take a string of text and predict the next token. The token used by the model need not produce the most “accurate” text. Never rely on Pythia-1B to produce factually accurate output. This model was trained on [the Pile](https://pile.eleuther.ai/), a dataset known to contain profanity and texts that are lewd or otherwise offensive. See [Section 6 of the Pile paper](https://arxiv.org/abs/2101.00027) for a discussion of documented biases with regards to gender, religion, and race. Pythia-1B may produce socially unacceptable or undesirable text, *even if* the prompt itself does not include anything explicitly offensive. If you plan on using text generated through, for example, the Hosted Inference API, we recommend having a human curate the outputs of this language model before presenting it to other people. Please inform your audience that the text was generated by Pythia-1B. ### Quickstart Pythia models can be loaded and used via the following code, demonstrated here for the third `pythia-70m-deduped` checkpoint: ```python from transformers import GPTNeoXForCausalLM, AutoTokenizer model = GPTNeoXForCausalLM.from_pretrained( "EleutherAI/pythia-70m-deduped", revision="step3000", cache_dir="./pythia-70m-deduped/step3000", ) tokenizer = AutoTokenizer.from_pretrained( "EleutherAI/pythia-70m-deduped", revision="step3000", cache_dir="./pythia-70m-deduped/step3000", ) inputs = tokenizer("Hello, I am", return_tensors="pt") tokens = model.generate(**inputs) tokenizer.decode(tokens[0]) ``` Revision/branch `step143000` corresponds exactly to the model checkpoint on the `main` branch of each model.<br> For more information on how to use all Pythia models, see [documentation on GitHub](https://github.com/EleutherAI/pythia). ## Training ### Training data [The Pile](https://pile.eleuther.ai/) is a 825GiB general-purpose dataset in English. It was created by EleutherAI specifically for training large language models. It contains texts from 22 diverse sources, roughly broken down into five categories: academic writing (e.g. arXiv), internet (e.g. CommonCrawl), prose (e.g. Project Gutenberg), dialogue (e.g. YouTube subtitles), and miscellaneous (e.g. GitHub, Enron Emails). See [the Pile paper](https://arxiv.org/abs/2101.00027) for a breakdown of all data sources, methodology, and a discussion of ethical implications. Consult [the datasheet](https://arxiv.org/abs/2201.07311) for more detailed documentation about the Pile and its component datasets. The Pile can be downloaded from the [official website](https://pile.eleuther.ai/), or from a [community mirror](https://the-eye.eu/public/AI/pile/).<br> The Pile was **not** deduplicated before being used to train Pythia-1B. ### Training procedure All models were trained on the exact same data, in the exact same order. Each model saw 299,892,736,000 tokens during training, and 143 checkpoints for each model are saved every 2,097,152,000 tokens, spaced evenly throughout training, from `step1000` to `step143000` (which is the same as `main`). In addition, we also provide frequent early checkpoints: `step0` and `step{1,2,4...512}`. This corresponds to training for just under 1 epoch on the Pile for non-deduplicated models, and about 1.5 epochs on the deduplicated Pile. All *Pythia* models trained for 143000 steps at a batch size of 2M (2,097,152 tokens).<br> See [GitHub](https://github.com/EleutherAI/pythia) for more details on training procedure, including [how to reproduce it](https://github.com/EleutherAI/pythia/blob/main/README.md#reproducing-training).<br> Pythia uses the same tokenizer as [GPT-NeoX- 20B](https://huggingface.co/EleutherAI/gpt-neox-20b). ## Evaluations All 16 *Pythia* models were evaluated using the [LM Evaluation Harness](https://github.com/EleutherAI/lm-evaluation-harness). You can access the results by model and step at `results/json/*` in the [GitHub repository](https://github.com/EleutherAI/pythia/tree/main/results/json/).<br> Expand the sections below to see plots of evaluation results for all Pythia and Pythia-deduped models compared with OPT and BLOOM. <details> <summary>LAMBADA – OpenAI</summary> <img src="/EleutherAI/pythia-12b/resolve/main/eval_plots/lambada_openai_v1.png" style="width:auto"/> </details> <details> <summary>Physical Interaction: Question Answering (PIQA)</summary> <img src="/EleutherAI/pythia-12b/resolve/main/eval_plots/piqa_v1.png" style="width:auto"/> </details> <details> <summary>WinoGrande</summary> <img src="/EleutherAI/pythia-12b/resolve/main/eval_plots/winogrande_v1.png" style="width:auto"/> </details> <details> <summary>AI2 Reasoning Challenge—Easy Set</summary> <img src="/EleutherAI/pythia-12b/resolve/main/eval_plots/arc_easy_v1.png" style="width:auto"/> </details> <details> <summary>SciQ</summary> <img src="/EleutherAI/pythia-12b/resolve/main/eval_plots/sciq_v1.png" style="width:auto"/> </details> ## Changelog This section compares differences between previously released [Pythia v0](https://huggingface.co/models?other=pythia_v0) and the current models. See Appendix B of the Pythia paper for further discussion of these changes and the motivation behind them. We found that retraining Pythia had no impact on benchmark performance. - All model sizes are now trained with uniform batch size of 2M tokens. Previously, the models of size 160M, 410M, and 1.4B parameters were trained with batch sizes of 4M tokens. - We added checkpoints at initialization (step 0) and steps {1,2,4,8,16,32,64, 128,256,512} in addition to every 1000 training steps. - Flash Attention was used in the new retrained suite. - We remedied a minor inconsistency that existed in the original suite: all models of size 2.8B parameters or smaller had a learning rate (LR) schedule which decayed to a minimum LR of 10% the starting LR rate, but the 6.9B and 12B models all used an LR schedule which decayed to a minimum LR of 0. In the redone training runs, we rectified this inconsistency: all models now were trained with LR decaying to a minimum of 0.1× their maximum LR. ### Naming convention and parameter count *Pythia* models were renamed in January 2023. It is possible that the old naming convention still persists in some documentation by accident. The current naming convention (70M, 160M, etc.) is based on total parameter count. <figure style="width:32em"> | current Pythia suffix | old suffix | total params | non-embedding params | | --------------------: | ---------: | -------------: | -------------------: | | 70M | 19M | 70,426,624 | 18,915,328 | | 160M | 125M | 162,322,944 | 85,056,000 | | 410M | 350M | 405,334,016 | 302,311,424 | | 1B | 800M | 1,011,781,632 | 805,736,448 | | 1.4B | 1.3B | 1,414,647,808 | 1,208,602,624 | | 2.8B | 2.7B | 2,775,208,960 | 2,517,652,480 | | 6.9B | 6.7B | 6,857,302,016 | 6,444,163,072 | | 12B | 13B | 11,846,072,320 | 11,327,027,200 | </figure>
[ -0.31196919083595276, -0.8286281228065491, 0.3217118978500366, 0.07240568846464157, -0.24080094695091248, -0.20743413269519806, -0.2252042293548584, -0.4611365497112274, 0.2057316154241562, 0.13781669735908508, -0.36470356583595276, -0.2789817452430725, -0.4464647173881531, -0.08657216280698776, -0.4594827890396118, 1.1454353332519531, -0.10866664350032806, -0.1333966851234436, 0.11705401539802551, -0.06186537444591522, -0.05553266406059265, -0.5200951099395752, -0.4571366310119629, -0.39409780502319336, 0.6507289409637451, 0.18990246951580048, 0.8919562101364136, 0.5623193383216858, 0.16425229609012604, 0.2844104766845703, -0.35526081919670105, -0.06961134821176529, -0.1761559545993805, -0.0931280255317688, -0.016349472105503082, -0.2898339033126831, -0.7065716981887817, 0.02033657394349575, 0.6742104887962341, 0.6573168039321899, -0.1877317577600479, 0.2662074863910675, -0.011757018975913525, 0.36350393295288086, -0.520231306552887, 0.009826707653701305, -0.3206852376461029, -0.19227926433086395, -0.09459801763296127, 0.1601686179637909, -0.38198524713516235, -0.35455456376075745, 0.48596253991127014, -0.6801249980926514, 0.2484506070613861, 0.11243300884962082, 1.2183653116226196, -0.11588884890079498, -0.42730841040611267, -0.08431411534547806, -0.7054522037506104, 0.6693547964096069, -0.7216992974281311, 0.31536224484443665, 0.29165253043174744, 0.17502465844154358, -0.01049827691167593, -0.9140675067901611, -0.5595827102661133, -0.202318474650383, -0.1447145938873291, -0.027694206684827805, -0.6523459553718567, 0.014192940667271614, 0.5049748420715332, 0.622914731502533, -0.8690440058708191, -0.03663290664553642, -0.4115717113018036, -0.35652241110801697, 0.32414671778678894, 0.04014449939131737, 0.4465276598930359, -0.29096469283103943, 0.006690497975796461, -0.36356422305107117, -0.6612481474876404, -0.23503464460372925, 0.5534202456474304, 0.07237152755260468, -0.37330588698387146, 0.5171247720718384, -0.35419192910194397, 0.5513447523117065, -0.07789629697799683, 0.2592551112174988, 0.43265479803085327, -0.20425152778625488, -0.5077448487281799, -0.10081063956022263, 0.9318293333053589, 0.12589024007320404, 0.2205188125371933, -0.02485760860145092, -0.021700777113437653, 0.07679368555545807, 0.056660156697034836, -1.1522493362426758, -0.8018326163291931, 0.2707110345363617, -0.3980908989906311, -0.41470086574554443, -0.15913696587085724, -0.9430738091468811, -0.1916831135749817, -0.1897016018629074, 0.5883009433746338, -0.5087908506393433, -0.7635344862937927, -0.15880754590034485, 0.003243564162403345, 0.22759422659873962, 0.3701787292957306, -0.9751925468444824, 0.42065250873565674, 0.4562651216983795, 1.0549684762954712, 0.2357715219259262, -0.5669142603874207, -0.182585671544075, -0.28880250453948975, -0.14176277816295624, 0.3552393615245819, -0.10070326179265976, -0.17778027057647705, -0.10935210436582565, 0.15702766180038452, -0.08575934171676636, -0.35434168577194214, 0.35946789383888245, -0.40147021412849426, 0.2631893754005432, -0.2965797185897827, -0.41860175132751465, -0.37424513697624207, 0.10184068232774734, -0.6033279895782471, 0.8498430848121643, 0.26740792393684387, -0.9849765300750732, 0.2378833293914795, -0.21913424134254456, -0.07076216489076614, -0.04970219358801842, 0.2067449390888214, -0.702637791633606, 0.03287782520055771, 0.324776828289032, 0.028792161494493484, -0.40776050090789795, 0.1842290759086609, -0.24280153214931488, -0.4394903779029846, 0.18503053486347198, -0.5212892889976501, 0.9313714504241943, 0.19031374156475067, -0.6493593454360962, 0.2638711929321289, -0.5758991241455078, 0.22792865335941315, 0.26518696546554565, -0.3517870604991913, 0.06300647556781769, -0.19739781320095062, 0.42266201972961426, 0.2121932953596115, 0.18616288900375366, -0.3667999505996704, 0.29128339886665344, -0.518380880355835, 0.7382573485374451, 0.7416587471961975, -0.044365230947732925, 0.46945080161094666, -0.4395155906677246, 0.46380409598350525, 0.05822106823325157, 0.19993522763252258, -0.060228507965803146, -0.6345203518867493, -0.9967726469039917, -0.2700646221637726, 0.37783098220825195, 0.32383668422698975, -0.47509294748306274, 0.4234420955181122, -0.23292268812656403, -0.8790470361709595, -0.20596963167190552, -0.0859655812382698, 0.43631216883659363, 0.28363484144210815, 0.4300461411476135, -0.1661497801542282, -0.5585477352142334, -0.9069800972938538, -0.19877736270427704, -0.4573037922382355, 0.14628161489963531, 0.16508792340755463, 0.9483582377433777, -0.11191143095493317, 0.5893760323524475, -0.340583860874176, 0.24856047332286835, -0.3692101538181305, 0.17070484161376953, 0.4519272744655609, 0.6346651315689087, 0.40334615111351013, -0.5537853837013245, -0.38485169410705566, 0.02384812943637371, -0.5918703675270081, 0.11241810768842697, 0.042239949107170105, -0.3375336825847626, 0.3289240002632141, 0.0435250923037529, -1.002183198928833, 0.4834323525428772, 0.6284867525100708, -0.5683366656303406, 0.8062570691108704, -0.32660090923309326, -0.022320706397294998, -1.0836948156356812, 0.28396058082580566, 0.14338991045951843, -0.21834902465343475, -0.6167541146278381, 0.071125827729702, 0.1782878339290619, -0.1974022090435028, -0.403776615858078, 0.6024656891822815, -0.5257114768028259, -0.18197594583034515, -0.23110516369342804, 0.05103195831179619, -0.04161132499575615, 0.6445155143737793, 0.14549939334392548, 0.5886340141296387, 0.8324482440948486, -0.7688462138175964, 0.4053474962711334, 0.2552309036254883, -0.2848333418369293, 0.36787205934524536, -0.9082335829734802, 0.18035241961479187, 0.06281858682632446, 0.411531537771225, -0.6151661276817322, -0.3686971366405487, 0.5433616042137146, -0.6094068288803101, 0.17321109771728516, -0.43624672293663025, -0.5746477246284485, -0.4215524196624756, -0.14494961500167847, 0.6039736270904541, 0.8026971220970154, -0.6093509793281555, 0.661588728427887, 0.055117491632699966, 0.11886128038167953, -0.3721846044063568, -0.6062755584716797, -0.2654315233230591, -0.5046476721763611, -0.6651248335838318, 0.372307151556015, 0.1898839920759201, -0.1859043687582016, 0.03210495784878731, -0.024014094844460487, 0.10614205151796341, -0.056167908012866974, 0.3279585540294647, 0.3377726972103119, -0.0589076466858387, 0.012751986272633076, -0.1220930814743042, -0.13689377903938293, -0.006994597148150206, -0.5283602476119995, 0.9591284394264221, -0.28706544637680054, -0.16440916061401367, -0.8421117663383484, 0.008613093756139278, 0.9062679409980774, -0.42269110679626465, 0.9104940295219421, 0.6219801902770996, -0.728778064250946, 0.14257113635540009, -0.37134113907814026, -0.2977087199687958, -0.4415927827358246, 0.6870332360267639, -0.25539952516555786, -0.34973281621932983, 0.6037086844444275, 0.2793819010257721, 0.2831515073776245, 0.5519901514053345, 0.7386330962181091, 0.21272793412208557, 1.192563772201538, 0.45064330101013184, -0.1661788374185562, 0.641673743724823, -0.5421341061592102, 0.27293598651885986, -1.1208916902542114, -0.19877542555332184, -0.5110880732536316, -0.2552657723426819, -0.9661222696304321, -0.2914946973323822, 0.35119760036468506, 0.24323409795761108, -0.7639438509941101, 0.5760701894760132, -0.5588266253471375, 0.04819587618112564, 0.6631614565849304, 0.27222418785095215, 0.14687782526016235, 0.22394156455993652, 0.0811690241098404, -0.07361423224210739, -0.6653164625167847, -0.34878137707710266, 1.2607065439224243, 0.5256858468055725, 0.5718868970870972, 0.3387945592403412, 0.7030470967292786, -0.14945347607135773, 0.25598040223121643, -0.7175413966178894, 0.40314212441444397, 0.34792062640190125, -0.7525497674942017, -0.2042815089225769, -0.7510001063346863, -0.9426084756851196, 0.5085425972938538, 0.05967789515852928, -1.1439571380615234, 0.23497718572616577, 0.23144374787807465, -0.36660996079444885, 0.4613741636276245, -0.6413716673851013, 1.0073684453964233, -0.22742988169193268, -0.5253689289093018, -0.3669937252998352, -0.31345757842063904, 0.23848849534988403, 0.3760855197906494, 0.11045001447200775, 0.11455877125263214, 0.30341532826423645, 0.9835845232009888, -0.6966757774353027, 0.6364248394966125, -0.15876466035842896, 0.17207889258861542, 0.34991082549095154, 0.304821640253067, 0.6797151565551758, 0.16130584478378296, 0.11830899119377136, -0.04661279544234276, 0.17059139907360077, -0.603103518486023, -0.40535086393356323, 0.8961267471313477, -1.1188901662826538, -0.36961084604263306, -0.80810546875, -0.5668672919273376, 0.0938299372792244, 0.18114827573299408, 0.43669384717941284, 0.6670141816139221, -0.037576351314783096, 0.0026433304883539677, 0.5827559232711792, -0.5047911405563354, 0.3515263497829437, 0.21624036133289337, -0.5076539516448975, -0.5164847373962402, 1.010812520980835, 0.028898121789097786, 0.34021931886672974, 0.007130470126867294, 0.21098007261753082, -0.39739593863487244, -0.4666888415813446, -0.6108213663101196, 0.5494206547737122, -0.7366783022880554, 0.015705488622188568, -0.7160683870315552, -0.03019046038389206, -0.4519325792789459, 0.10522809624671936, -0.4095456600189209, -0.3838423490524292, -0.23027338087558746, -0.03905139118432999, 0.5712043046951294, 0.4858061373233795, 0.09641917049884796, 0.3634036183357239, -0.505848228931427, -0.05536011978983879, 0.22090812027454376, 0.09044230729341507, 0.12327413260936737, -0.9207333326339722, -0.10214721411466599, 0.1340084671974182, -0.44279760122299194, -1.1571636199951172, 0.5073043704032898, -0.0735362246632576, 0.343574583530426, 0.096182681620121, -0.281078040599823, 0.598832368850708, -0.07135441899299622, 0.6753149628639221, 0.17294560372829437, -1.0305979251861572, 0.572136402130127, -0.49630239605903625, 0.310371071100235, 0.3802149295806885, 0.3465825021266937, -0.7145159244537354, -0.08751079440116882, -0.9915241003036499, -1.0892493724822998, 0.7796685695648193, 0.5263581275939941, 0.1760062575340271, 0.11094312369823456, 0.4162362813949585, -0.455341100692749, 0.16034866869449615, -1.052166223526001, -0.3313092589378357, -0.27606016397476196, -0.0747506245970726, 0.1793317198753357, -0.03717028722167015, 0.06788042932748795, -0.5680152773857117, 1.0472235679626465, 0.06906596571207047, 0.36862611770629883, 0.2920067608356476, -0.38288310170173645, -0.1172286793589592, -0.06809114664793015, 0.15498143434524536, 0.7778502106666565, -0.14239241182804108, 0.038104210048913956, 0.20436407625675201, -0.5401328206062317, 0.03358479216694832, 0.14742408692836761, -0.3840443193912506, -0.05015220493078232, 0.19100119173526764, 0.8882954716682434, 0.13908876478672028, -0.4040706157684326, 0.24570927023887634, -0.031258173286914825, -0.07611245661973953, -0.3093813955783844, -0.18563413619995117, 0.1752404272556305, 0.19696484506130219, -0.0033700624480843544, -0.1591411978006363, 0.00312325032427907, -0.9276984930038452, 0.05709695443511009, 0.21300894021987915, -0.1445666402578354, -0.41459470987319946, 0.5871332287788391, 0.024983178824186325, -0.21030129492282867, 1.1515713930130005, -0.2798750102519989, -0.6794589161872864, 0.8094027042388916, 0.5256341099739075, 0.718406081199646, -0.1809130311012268, 0.35940563678741455, 0.9452865123748779, 0.34866246581077576, -0.19620797038078308, 0.07881587743759155, 0.101270891726017, -0.5099987983703613, -0.07628247886896133, -0.8089998960494995, -0.246085062623024, 0.25322386622428894, -0.6133617758750916, 0.4387328028678894, -0.6662198901176453, -0.0871601328253746, -0.021026315167546272, 0.2502208650112152, -0.5986749529838562, 0.3223170340061188, 0.1634805053472519, 0.7238615155220032, -0.9130241274833679, 0.8261773586273193, 0.6545227766036987, -0.7551976442337036, -1.0988832712173462, 0.05758749693632126, 0.037374865263700485, -0.4550689458847046, 0.14283257722854614, 0.23297615349292755, 0.24561762809753418, 0.17595873773097992, -0.3084997236728668, -0.8963708281517029, 1.3386504650115967, 0.2253485769033432, -0.6799654364585876, -0.2780209183692932, -0.12733560800552368, 0.556954562664032, 0.06414758414030075, 0.7357177734375, 0.7277818918228149, 0.4317812919616699, 0.09483779966831207, -1.065913200378418, 0.3719562292098999, -0.35629403591156006, -0.06496378034353256, 0.2266492396593094, -0.7015116214752197, 1.2831799983978271, -0.10232555866241455, -0.03919840604066849, 0.43912339210510254, 0.5871561169624329, 0.41105735301971436, -0.09825605899095535, 0.335090309381485, 0.7730048298835754, 0.8958461284637451, -0.389881432056427, 1.2534910440444946, -0.30673351883888245, 0.7841837406158447, 0.8632714152336121, 0.20853011310100555, 0.5169310569763184, 0.4133705794811249, -0.4111248254776001, 0.535256028175354, 0.8405362963676453, -0.090259850025177, 0.20523542165756226, 0.2747204601764679, -0.27637627720832825, -0.24836817383766174, 0.12698820233345032, -0.5997658967971802, 0.1916734278202057, 0.16548946499824524, -0.5581861138343811, -0.20224063098430634, -0.3535377085208893, 0.3580675423145294, -0.430054247379303, -0.2338317632675171, 0.28295615315437317, 0.09525218605995178, -0.6762546300888062, 0.609144926071167, 0.273380309343338, 0.5556889176368713, -0.4737272262573242, 0.16786320507526398, -0.16198229789733887, 0.29944702982902527, -0.35950013995170593, -0.4083896577358246, 0.10182859003543854, -0.0032397517934441566, 0.06727219372987747, 0.15046440064907074, 0.3894292414188385, -0.1540161818265915, -0.5836968421936035, 0.19381895661354065, 0.4994889199733734, 0.2611660659313202, -0.42930614948272705, -0.6923109889030457, 0.08852031081914902, -0.17887873947620392, -0.5306674838066101, 0.4338887333869934, 0.25981906056404114, -0.10060027986764908, 0.583001434803009, 0.646203339099884, 0.039244022220373154, -0.007990384474396706, 0.13114440441131592, 0.9775130748748779, -0.44413405656814575, -0.486726313829422, -0.9257931709289551, 0.5086240172386169, 0.01525787077844143, -0.6997568607330322, 0.846641480922699, 0.5831867456436157, 0.6767362952232361, 0.2674039900302887, 0.6289132833480835, -0.47504597902297974, -0.015137947164475918, -0.3060108423233032, 0.6684668660163879, -0.4952542781829834, 0.028438840061426163, -0.492495059967041, -1.1426976919174194, -0.04899267852306366, 0.9744012355804443, -0.5050306916236877, 0.3986046612262726, 0.8257169723510742, 0.8361841440200806, -0.09052187204360962, 0.08729595690965652, 0.05709473416209221, 0.32736945152282715, 0.4979793429374695, 0.9529499411582947, 0.8895857334136963, -0.7283961772918701, 0.5439065098762512, -0.5023384094238281, -0.2658967077732086, -0.14652134478092194, -0.45357465744018555, -0.865622341632843, -0.48162901401519775, -0.5115069150924683, -0.8032814264297485, 0.01892312988638878, 0.9281564950942993, 0.7763181328773499, -0.632961630821228, -0.14159198105335236, -0.5605605244636536, 0.04408086836338043, -0.25422537326812744, -0.23949362337589264, 0.42699524760246277, 0.12805768847465515, -0.9513864517211914, -0.04348170384764671, -0.14559803903102875, 0.12057743221521378, -0.43113502860069275, -0.30069538950920105, -0.18323303759098053, -0.10128617286682129, 0.04957587271928787, 0.31867098808288574, -0.5376676321029663, -0.2504428029060364, 0.003955637104809284, 0.05691126361489296, -0.0006193034932948649, 0.719124972820282, -0.5677774548530579, 0.12830446660518646, 0.5907397270202637, 0.10963159799575806, 0.8361116647720337, -0.2650134861469269, 0.3989187777042389, -0.2665979564189911, 0.36186474561691284, 0.263195276260376, 0.6339612603187561, 0.3383805751800537, -0.2629837095737457, 0.17359864711761475, 0.4025437831878662, -0.7301316261291504, -0.8798354268074036, 0.3530624210834503, -0.7331708073616028, -0.0947042927145958, 1.2968336343765259, -0.2794961929321289, -0.3827963173389435, 0.06298736482858658, -0.20908331871032715, 0.5383188128471375, -0.2870963215827942, 0.6703886389732361, 0.6452375650405884, 0.10474976897239685, -0.21271145343780518, -0.6675575971603394, 0.37337514758110046, 0.6862408518791199, -0.8280885815620422, 0.3610626459121704, 0.5988598465919495, 0.6240015625953674, 0.23692892491817474, 0.6041966080665588, -0.2876214385032654, 0.6479676961898804, 0.11599234491586685, 0.06806104630231857, 0.02037990652024746, -0.4808659553527832, -0.4478774964809418, -0.12703469395637512, 0.22727546095848083, 0.019972629845142365 ]
PygmalionAI/pygmalion-2-13b
PygmalionAI
2023-09-15T20:29:04Z
10,269
42
transformers
[ "transformers", "pytorch", "safetensors", "llama", "text-generation", "text generation", "instruct", "en", "dataset:PygmalionAI/PIPPA", "dataset:Open-Orca/OpenOrca", "dataset:Norquinal/claude_multiround_chat_30k", "dataset:jondurbin/airoboros-gpt4-1.4.1", "dataset:databricks/databricks-dolly-15k", "license:llama2", "has_space", "text-generation-inference", "region:us" ]
text-generation
2023-09-04T22:05:31Z
--- language: - en thumbnail: null tags: - text generation - instruct pipeline_tag: text-generation inference: false license: llama2 datasets: - PygmalionAI/PIPPA - Open-Orca/OpenOrca - Norquinal/claude_multiround_chat_30k - jondurbin/airoboros-gpt4-1.4.1 - databricks/databricks-dolly-15k --- <h1 style="text-align: center">Pygmalion-2 13B</h1> <h2 style="text-align: center">An instruction-tuned Llama-2 biased towards fiction writing and conversation.</h2> ## Model Details The long-awaited release of our new models based on Llama-2 is finally here. Pygmalion-2 13B (formerly known as Metharme) is based on [Llama-2 13B](https://huggingface.co/meta-llama/llama-2-13b-hf) released by Meta AI. The Metharme models were an experiment to try and get a model that is usable for conversation, roleplaying and storywriting, but which can be guided using natural language like other instruct models. After much deliberation, we reached the conclusion that the Metharme prompting format is superior (and easier to use) compared to the classic Pygmalion. This model was trained by doing supervised fine-tuning over a mixture of regular instruction data alongside roleplay, fictional stories and conversations with synthetically generated instructions attached. This model is freely available for both commercial and non-commercial use, as per the Llama-2 license. ## Prompting The model has been trained on prompts using three different roles, which are denoted by the following tokens: `<|system|>`, `<|user|>` and `<|model|>`. The `<|system|>` prompt can be used to inject out-of-channel information behind the scenes, while the `<|user|>` prompt should be used to indicate user input. The `<|model|>` token should then be used to indicate that the model should generate a response. These tokens can happen multiple times and be chained up to form a conversation history. ### Prompting example The system prompt has been designed to allow the model to "enter" various modes and dictate the reply length. Here's an example: ``` <|system|>Enter RP mode. Pretend to be {{char}} whose persona follows: {{persona}} You shall reply to the user while staying in character, and generate long responses. ``` ## Dataset The dataset used to fine-tune this model includes our own [PIPPA](https://huggingface.co/datasets/PygmalionAI/PIPPA), along with several other instruction datasets, and datasets acquired from various RP forums. ## Limitations and biases The intended use-case for this model is fictional writing for entertainment purposes. Any other sort of usage is out of scope. As such, it was **not** fine-tuned to be safe and harmless: the base model _and_ this fine-tune have been trained on data known to contain profanity and texts that are lewd or otherwise offensive. It may produce socially unacceptable or undesirable text, even if the prompt itself does not include anything explicitly offensive. Outputs might often be factually wrong or misleading. ## Acknowledgements We would like to thank [SpicyChat](https://spicychat.ai/) for sponsoring the training for this model. [<img src="https://raw.githubusercontent.com/OpenAccess-AI-Collective/axolotl/main/image/axolotl-badge-web.png" alt="Built with Axolotl" width="200" height="32"/>](https://github.com/OpenAccess-AI-Collective/axolotl)
[ -0.20727014541625977, -0.7985932230949402, 0.21865388751029968, 0.452735036611557, -0.3046231269836426, -0.13269907236099243, -0.3239884376525879, -0.5525375604629517, 0.1186213418841362, 0.259501188993454, -0.8007761836051941, -0.2915734052658081, -0.4710167348384857, 0.19611100852489471, 0.021518250927329063, 1.1326186656951904, 0.11214682459831238, -0.08667679876089096, -0.3501392602920532, 0.022221602499485016, -0.8452603220939636, -0.45741701126098633, -0.6583309769630432, -0.4701296389102936, 0.7106814980506897, 0.35610803961753845, 0.678389847278595, 0.5055971741676331, 0.22894737124443054, 0.17455652356147766, -0.192548930644989, 0.4022391736507416, -0.3448776304721832, 0.14812637865543365, -0.003238823963329196, -0.3139985203742981, -0.6666222810745239, 0.43455034494400024, 0.3973936140537262, 0.37401750683784485, -0.2701611816883087, 0.26330986618995667, 0.18324492871761322, 0.29887402057647705, -0.5470588803291321, 0.21961811184883118, -0.2779346704483032, -0.0002924613072536886, 0.10169525444507599, 0.024585343897342682, -0.6417374610900879, -0.3871527910232544, -0.03285183757543564, -0.6161419749259949, -0.33590251207351685, 0.18163520097732544, 0.8247961401939392, 0.17773103713989258, -0.37069442868232727, -0.3548339605331421, -0.43208613991737366, 0.67924964427948, -0.8477694988250732, 0.1258135586977005, 0.5691331624984741, 0.2979450225830078, -0.16062629222869873, -0.8870649337768555, -0.5535508394241333, -0.559816300868988, -0.10031993687152863, 0.08561509102582932, -0.3906790614128113, 0.03555067628622055, 0.28228551149368286, 0.150065079331398, -0.6412724256515503, 0.35695868730545044, -0.3030281364917755, -0.16800689697265625, 0.4807446300983429, 0.2855079472064972, 0.349600225687027, -0.30240413546562195, -0.4290357828140259, -0.018639374524354935, -0.7751486301422119, 0.13110367953777313, 0.3400823473930359, 0.06669802963733673, -0.427971750497818, 0.6902839541435242, -0.03219298645853996, 0.5865140557289124, 0.259189635515213, -0.375336229801178, 0.05712561309337616, -0.14866012334823608, -0.15803663432598114, -0.15876136720180511, 0.8767430782318115, 0.8116679787635803, 0.46510255336761475, 0.08319976180791855, -0.12410402297973633, 0.1629648506641388, 0.2083708792924881, -1.0565791130065918, -0.2857953608036041, 0.1293053776025772, -0.6839208006858826, -0.482623428106308, -0.2814619839191437, -0.5829229950904846, -0.5281147956848145, -0.13421010971069336, 0.10455342382192612, -0.3778180181980133, -0.3251270651817322, -0.1529901921749115, -0.039123937487602234, 0.2820728123188019, 0.3767670691013336, -1.0404078960418701, 0.2033705860376358, 0.5903409719467163, 0.8996492624282837, -0.09041351824998856, -0.348540335893631, -0.2695099115371704, -0.21047264337539673, -0.31488749384880066, 0.6925196647644043, -0.6681922674179077, -0.36233171820640564, -0.15469111502170563, 0.08448191732168198, -0.2443140298128128, -0.5668699145317078, 0.3491089344024658, -0.33455199003219604, 0.4570174813270569, -0.13578498363494873, -0.4231739342212677, -0.27609020471572876, 0.19388197362422943, -0.32518211007118225, 0.9834223985671997, 0.008041615597903728, -0.7463328242301941, 0.16229142248630524, -0.6804028153419495, -0.16905005276203156, -0.13906122744083405, 0.08111558109521866, -0.14420481026172638, -0.20766952633857727, 0.30930545926094055, 0.411041259765625, -0.44395941495895386, 0.28600531816482544, -0.25544238090515137, -0.5460091233253479, 0.4772566556930542, -0.44400250911712646, 0.8504245281219482, 0.2537020146846771, -0.22041404247283936, 0.17963653802871704, -0.5456058979034424, -0.00935205165296793, 0.1937919706106186, -0.5151739120483398, -0.056646015495061874, -0.030351759865880013, -0.19166821241378784, 0.09892024099826813, 0.33622825145721436, -0.4814823567867279, 0.2802407443523407, -0.32254210114479065, 0.6034489870071411, 0.7396700382232666, 0.08099469542503357, 0.4450300931930542, -0.5765715837478638, 0.6623087525367737, -0.2176865190267563, 0.3630059063434601, -0.23815445601940155, -0.7662592530250549, -0.5656640529632568, -0.3813689053058624, 0.19286476075649261, 0.9661282300949097, -0.3694794178009033, 0.44534119963645935, 0.11090157926082611, -0.5639702677726746, -0.3214994966983795, -0.10582806915044785, 0.5572110414505005, 0.526442289352417, 0.15049293637275696, -0.13197654485702515, -0.6189067959785461, -0.6727527379989624, -0.09054333716630936, -0.48212096095085144, -0.0755373015999794, 0.5976148247718811, 0.2837948501110077, -0.3274851143360138, 0.5769435167312622, -0.4228805601596832, 0.20272020995616913, -0.3615857660770416, -0.030904922634363174, 0.0665503442287445, 0.5743606686592102, 0.530081033706665, -0.37502431869506836, -0.37774577736854553, -0.239907369017601, -0.9566628932952881, -0.2710224390029907, -0.09207180142402649, -0.08553190529346466, 0.25319841504096985, 0.2887057960033417, -0.8465423583984375, 0.46543052792549133, 0.4756346046924591, -0.32175275683403015, 0.5857462882995605, -0.015764884650707245, 0.1365993469953537, -1.1591428518295288, 0.2087439000606537, -0.08853941410779953, -0.03233090415596962, -0.5103583335876465, 0.07925090193748474, 0.15702423453330994, -0.3640482425689697, -0.3251485526561737, 0.6450633406639099, -0.35959362983703613, 0.19195659458637238, -0.3617561161518097, 0.03432805836200714, -0.019991016015410423, 0.605281412601471, -0.08135706186294556, 1.017632007598877, 0.46818292140960693, -0.6515011191368103, 0.5403904318809509, 0.47562822699546814, -0.22667483985424042, 0.5592047572135925, -1.0066955089569092, 0.4762750566005707, -0.027435526251792908, 0.4821402430534363, -1.003312110900879, -0.43495163321495056, 0.8791131377220154, -0.7654192447662354, 0.34399816393852234, -0.28991883993148804, -0.490295946598053, -0.3933480978012085, -0.3211990296840668, 0.2592201828956604, 0.7444479465484619, -0.6644623875617981, 0.3696746826171875, 0.24948905408382416, -0.23229950666427612, -0.5967137813568115, -0.6679159998893738, 0.1651320606470108, -0.41848814487457275, -0.8167641162872314, 0.1134045347571373, -0.3448854386806488, -0.1240440383553505, -0.4318890869617462, 0.09849389642477036, -0.07046081125736237, 0.10457123070955276, 0.6447443962097168, 0.39357253909111023, -0.11449605971574783, 0.023980339989066124, 0.23106934130191803, 0.039812956005334854, 0.18351593613624573, 0.1254497468471527, 0.7108886241912842, -0.023529309779405594, 0.006205584853887558, -0.858521580696106, 0.328010231256485, 0.45129236578941345, -0.3413700759410858, 0.6943550109863281, 0.44638729095458984, -0.39444616436958313, 0.12277486175298691, -0.358531653881073, -0.41419902443885803, -0.49475929141044617, 0.13237902522087097, -0.051822490990161896, -0.7321561574935913, 0.4392198920249939, -0.04303264245390892, 0.1437973976135254, 0.06257782876491547, 0.5218465328216553, -0.08461432158946991, 1.1570521593093872, 0.5682854652404785, 0.16208979487419128, 0.5133549571037292, 0.03138630837202072, 0.11498794704675674, -1.0075452327728271, -0.6322391033172607, -0.380641907453537, -0.2711741626262665, -0.49894362688064575, -0.17140232026576996, 0.2122551053762436, 0.023709211498498917, -0.30021193623542786, 0.41241127252578735, -0.49498486518859863, 0.2884262502193451, 0.5710176825523376, 0.2455846667289734, -0.04739288613200188, 0.0279412679374218, -0.018658418208360672, -0.19642673432826996, -0.6092290282249451, -0.7682498097419739, 1.0170226097106934, 0.5292792320251465, 0.9607466459274292, 0.1537628024816513, 0.533729612827301, 0.260405033826828, 0.15388181805610657, -0.864267885684967, 0.6442374587059021, 0.13040077686309814, -0.5401232242584229, 0.09328345209360123, -0.1616343855857849, -0.9059056639671326, 0.038953352719545364, -0.15041010081768036, -0.8860575556755066, 0.14840087294578552, 0.1965407431125641, -0.506511390209198, 0.02862156368792057, -0.876835823059082, 0.7992949485778809, 0.06314961612224579, -0.17866453528404236, -0.1332610547542572, -0.8514387607574463, 0.44031527638435364, 0.3155409097671509, -0.14905495941638947, -0.10617027431726456, -0.15718920528888702, 0.8188271522521973, -0.4409232437610626, 1.3853585720062256, -0.17886219918727875, -0.16221460700035095, 0.4768458902835846, 0.20550036430358887, 0.47761866450309753, 0.289172500371933, -0.07306063920259476, 0.035572975873947144, 0.00241409451700747, -0.11193401366472244, -0.4914710521697998, 0.7204717397689819, -0.8141584396362305, -0.6552582383155823, -0.4011245667934418, -0.5770988464355469, 0.09045939892530441, 0.01564919762313366, 0.35463446378707886, 0.4790195822715759, -0.08526091277599335, 0.021644124761223793, 0.6951207518577576, -0.4937078654766083, 0.44927656650543213, 0.44889065623283386, -0.18484164774417877, -0.5098164677619934, 0.6770708560943604, -0.12621675431728363, 0.144164577126503, 0.12868773937225342, 0.3195151686668396, -0.3228561282157898, -0.13868089020252228, -0.6373757123947144, 0.35743576288223267, -0.6542163491249084, -0.31345003843307495, -0.6209874153137207, -0.27093514800071716, -0.5935383439064026, 0.004859148059040308, -0.06993185728788376, -0.5071553587913513, -0.6771829128265381, -0.052706800401210785, 0.5372703075408936, 0.6914628744125366, -0.11419480293989182, 0.4926688075065613, -0.49861037731170654, 0.131846621632576, 0.4087596535682678, 0.10585997253656387, 0.011552584357559681, -0.8941251039505005, 0.1348586231470108, 0.29518941044807434, -0.42735132575035095, -0.902546226978302, 0.2583215832710266, 0.2899436056613922, 0.395887166261673, 0.3414744734764099, 0.022183116525411606, 0.470104843378067, -0.42837250232696533, 0.9325855374336243, 0.14139126241207123, -0.5802555084228516, 0.7227064967155457, -0.33365461230278015, 0.1693604439496994, 0.174155130982399, 0.33385956287384033, -0.8237606287002563, -0.1587163209915161, -0.44604188203811646, -0.5607649087905884, 0.8353298902511597, 0.0952543169260025, 0.6028007864952087, -0.3229157626628876, 0.5490818023681641, 0.1532554179430008, 0.21551920473575592, -0.8556580543518066, -0.2717089056968689, -0.4195996820926666, -0.06338220834732056, 0.2636168897151947, -0.6268828511238098, -0.004676253069192171, -0.30502018332481384, 0.5059770941734314, -0.020716821774840355, 0.5030370354652405, 0.0010903878137469292, -0.0588323213160038, -0.13606221973896027, 0.05255160480737686, 0.7234740853309631, 0.6712093949317932, -0.21873122453689575, 0.0005084983422420919, 0.024535203352570534, -0.6113063097000122, -0.06688651442527771, 0.08626878261566162, -0.1973908245563507, -0.225441113114357, 0.3387400209903717, 1.0013542175292969, 0.06997895985841751, -0.6527031064033508, 0.5499768853187561, -0.05273062735795975, -0.0005902425618842244, -0.3238612711429596, 0.28734010457992554, 0.09739232063293457, 0.4227931499481201, 0.054007887840270996, 0.05245879665017128, 0.014517596922814846, -0.5057995319366455, 0.013822872191667557, 0.2311326265335083, -0.09996281564235687, -0.4096248149871826, 0.8184772729873657, 0.34342530369758606, -0.5627597570419312, 0.718024730682373, -0.1373772919178009, -0.33747169375419617, 0.6115527749061584, 0.8596203327178955, 0.5418721437454224, -0.33403655886650085, 0.5035614967346191, 0.6291078925132751, 0.3546425700187683, -0.0024535164702683687, 0.25986331701278687, -0.027067305520176888, -0.3764866590499878, -0.20363549888134003, -0.3406447172164917, -0.2246483564376831, 0.22477881610393524, -0.5733679533004761, 0.18485690653324127, -0.926493763923645, -0.2215854376554489, -0.10432202368974686, -0.018379846587777138, -0.2446795403957367, 0.07648681849241257, 0.10221066325902939, 0.9832658767700195, -0.7775170803070068, 0.610405445098877, 0.7341402769088745, -0.540935218334198, -0.8371290564537048, -0.004461681470274925, 0.12455529719591141, -1.095125436782837, 0.40193185210227966, 0.4318605363368988, 0.13749556243419647, 0.009244377724826336, -0.9657168984413147, -0.5446882843971252, 1.276491641998291, 0.26307356357574463, -0.373101145029068, -0.15884223580360413, -0.13234014809131622, 0.41332703828811646, -0.49351122975349426, 0.44386371970176697, 0.37744027376174927, 0.33541855216026306, 0.08249937742948532, -1.0515398979187012, 0.33748164772987366, -0.3415175974369049, 0.08689773827791214, -0.20912890136241913, -0.8634024262428284, 1.0043045282363892, -0.33228302001953125, -0.23357100784778595, 0.6035226583480835, 0.7130607962608337, 0.44674474000930786, 0.360723614692688, 0.3320925533771515, 0.3246852457523346, 0.8516973257064819, 0.10014356672763824, 1.0029298067092896, -0.0966617614030838, -0.021684445440769196, 0.9601212739944458, -0.11427845805883408, 0.7023928761482239, 0.35447967052459717, -0.03003959357738495, 0.6235239505767822, 0.9377127885818481, -0.061862822622060776, 0.5276250243186951, 0.14637230336666107, -0.17001532018184662, -0.2508033215999603, -0.37802860140800476, -0.39319324493408203, 0.4576331079006195, 0.32516101002693176, -0.39727815985679626, -0.0374641977250576, 0.061088670045137405, 0.4557214379310608, 0.061226487159729004, -0.0959019660949707, 0.7845202684402466, 0.18896520137786865, -0.8557051420211792, 1.053486704826355, 0.1608780026435852, 0.9039381742477417, -0.5645009279251099, -0.14872565865516663, -0.66476970911026, -0.14165429770946503, -0.1585191935300827, -0.6109763383865356, -0.05335159972310066, 0.2910049259662628, -0.22500215470790863, -0.03770102933049202, 0.7718492746353149, -0.2569901943206787, -0.25939518213272095, -0.032887186855077744, 0.2879207730293274, 0.396373450756073, 0.03230023384094238, -0.8069746494293213, 0.19646771252155304, -0.01912635937333107, -0.16072332859039307, 0.23719578981399536, 0.1720883548259735, -0.1528865098953247, 0.8352230191230774, 0.44925713539123535, -0.27144867181777954, -0.03290775790810585, 0.058914292603731155, 0.9381572604179382, -0.3310554325580597, -0.35168999433517456, -0.6778168082237244, 0.45537465810775757, -0.005686649587005377, -0.45445531606674194, 0.7205431461334229, 0.3236287534236908, 0.4205089211463928, -0.09696757048368454, 0.5432444214820862, -0.29217207431793213, 0.4891892373561859, -0.5142200589179993, 0.7993698716163635, -0.4997650384902954, 0.3275599777698517, -0.08355261385440826, -0.840535581111908, 0.001185659784823656, 0.7992433905601501, -0.06005985662341118, 0.27377429604530334, 0.5627515912055969, 1.0992610454559326, -0.093599833548069, -0.001274575013667345, 0.09751332551240921, 0.020001521334052086, 0.1562504768371582, 0.5474407076835632, 1.1763755083084106, -0.3557069003582001, 0.5474616885185242, -0.3856336176395416, -0.5037134289741516, -0.25143295526504517, -0.77578204870224, -1.3538023233413696, -0.40052300691604614, -0.3146451413631439, -0.4855234622955322, 0.19985127449035645, 1.081236481666565, 0.6171705722808838, -0.4735328257083893, -0.22834016382694244, 0.14970234036445618, -0.04047844558954239, -0.1431017518043518, -0.1990533173084259, 0.056323081254959106, -0.08561226725578308, -0.6751325130462646, 0.5613713264465332, -0.05596923828125, 0.24156628549098969, -0.047486159950494766, -0.2133662849664688, -0.19453290104866028, 0.1589222550392151, 0.5180647373199463, 0.3748020827770233, -0.7494897842407227, -0.4208209812641144, 0.24616076052188873, -0.1917000412940979, -0.04110931605100632, 0.5465965270996094, -0.5608357191085815, 0.18166284263134003, 0.2743712067604065, 0.3058677017688751, 0.21899102628231049, -0.020168375223875046, 0.4838322103023529, -0.774992823600769, 0.3408137857913971, 0.17336326837539673, 0.14425399899482727, 0.4881499707698822, -0.552818775177002, 0.380235880613327, 0.27288198471069336, -0.6993446350097656, -0.8904959559440613, 0.23803070187568665, -0.9161970615386963, -0.27773693203926086, 1.4726401567459106, -0.19368186593055725, -0.2565266191959381, 0.22544969618320465, -0.718273401260376, 0.3698495030403137, -0.637734055519104, 0.7245194911956787, 0.5781089663505554, -0.09538248181343079, -0.42593270540237427, -0.47720155119895935, 0.4871370792388916, 0.35106348991394043, -0.7410691380500793, 0.14393411576747894, 0.7518981695175171, 0.44255125522613525, -0.15964797139167786, 0.5435312986373901, 0.045489970594644547, 0.48721128702163696, -0.05938916280865669, 0.004478893242776394, -0.265550822019577, -0.4722277820110321, -0.23799854516983032, -0.3579731583595276, 0.1595156043767929, -0.3953261971473694 ]
Helsinki-NLP/opus-mt-sk-en
Helsinki-NLP
2023-08-16T12:04:00Z
10,187
0
transformers
[ "transformers", "pytorch", "tf", "marian", "text2text-generation", "translation", "sk", "en", "license:apache-2.0", "autotrain_compatible", "endpoints_compatible", "has_space", "region:us" ]
translation
2022-03-02T23:29:04Z
--- tags: - translation license: apache-2.0 --- ### opus-mt-sk-en * source languages: sk * target languages: en * OPUS readme: [sk-en](https://github.com/Helsinki-NLP/OPUS-MT-train/blob/master/models/sk-en/README.md) * dataset: opus * model: transformer-align * pre-processing: normalization + SentencePiece * download original weights: [opus-2020-01-16.zip](https://object.pouta.csc.fi/OPUS-MT-models/sk-en/opus-2020-01-16.zip) * test set translations: [opus-2020-01-16.test.txt](https://object.pouta.csc.fi/OPUS-MT-models/sk-en/opus-2020-01-16.test.txt) * test set scores: [opus-2020-01-16.eval.txt](https://object.pouta.csc.fi/OPUS-MT-models/sk-en/opus-2020-01-16.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | JW300.sk.en | 42.2 | 0.612 |
[ -0.2095484733581543, -0.3464146852493286, 0.34157541394233704, 0.4894094169139862, -0.5281625390052795, -0.41517525911331177, -0.4970937669277191, -0.09390313923358917, -0.018826598301529884, 0.5780449509620667, -0.7732589840888977, -0.64594566822052, -0.6083641052246094, 0.21520878374576569, -0.024974659085273743, 0.7602760195732117, -0.16940094530582428, 0.6825724244117737, 0.17059488594532013, -0.5148922801017761, -0.3323887586593628, -0.49909508228302, -0.37961310148239136, -0.36773455142974854, 0.28860700130462646, 0.4776877164840698, 0.2913881838321686, 0.4219912886619568, 1.0356849431991577, 0.25620725750923157, -0.1573370397090912, -0.09821242839097977, -0.5396503210067749, 0.02676738239824772, 0.0563199520111084, -0.7155425548553467, -0.8332979679107666, -0.1542835682630539, 1.1022295951843262, 0.5065066814422607, 0.03939110413193703, 0.4729641377925873, -0.061202771961688995, 1.053125023841858, -0.2715440094470978, 0.17720498144626617, -0.7022483944892883, 0.0797201544046402, -0.30387556552886963, -0.242304265499115, -0.7920028567314148, -0.26114603877067566, 0.25308775901794434, -0.7461618781089783, -0.07658425718545914, 0.15361738204956055, 1.4950677156448364, 0.29548704624176025, -0.4117693305015564, -0.21066169440746307, -0.6547389626502991, 1.1587125062942505, -0.9526181817054749, 0.6912923455238342, 0.45114272832870483, 0.30954116582870483, 0.23826119303703308, -0.5512415170669556, -0.30977097153663635, 0.005022598430514336, -0.2529516816139221, 0.304545521736145, 0.06121314689517021, -0.1493922770023346, 0.3404390215873718, 0.8082707524299622, -0.8304267525672913, -0.045952994376420975, -0.7638816237449646, -0.054898809641599655, 0.8320469260215759, 0.1227388009428978, 0.14543181657791138, -0.251621276140213, -0.44955843687057495, -0.6373986005783081, -0.8220778107643127, 0.1543336808681488, 0.4878327250480652, 0.34042730927467346, -0.42168107628822327, 0.9117422699928284, -0.2732122540473938, 0.598781943321228, -0.03438037633895874, -0.06009228155016899, 1.0699928998947144, -0.4289219379425049, -0.3319237530231476, -0.11132217198610306, 1.2127149105072021, 0.4155474901199341, 0.051268160343170166, 0.0393635593354702, -0.2250078171491623, -0.20377641916275024, 0.12274821847677231, -0.8850118517875671, -0.16097897291183472, 0.1272597461938858, -0.5337943434715271, -0.17192500829696655, 0.04263215512037277, -0.6811894178390503, 0.28591927886009216, -0.5573810338973999, 0.7347678542137146, -0.6938279271125793, -0.32838934659957886, 0.3551340401172638, -0.010736585594713688, 0.44476211071014404, -0.06181664764881134, -0.5745668411254883, 0.12251589447259903, 0.4239703118801117, 0.7855287194252014, -0.5249300599098206, -0.23222962021827698, -0.410278856754303, -0.17844872176647186, -0.17933891713619232, 0.7169893383979797, -0.07617008686065674, -0.47389674186706543, -0.1009860411286354, 0.5405524969100952, -0.37322500348091125, -0.37620535492897034, 1.4350959062576294, -0.2490403652191162, 0.726661205291748, -0.4800577163696289, -0.590207040309906, -0.39033153653144836, 0.5386309027671814, -0.6300575733184814, 1.5310808420181274, 0.1939065009355545, -0.8884268999099731, 0.31413179636001587, -0.9037718176841736, -0.17397841811180115, 0.04708939418196678, 0.054164156317710876, -0.6095758676528931, 0.20889797806739807, 0.025545775890350342, 0.4969055950641632, -0.27268534898757935, 0.3759911060333252, -0.05784381553530693, -0.33441945910453796, -0.01829444244503975, -0.3740115165710449, 0.9701525568962097, 0.2565099895000458, -0.36309435963630676, 0.2174982875585556, -1.1053885221481323, 0.05701766908168793, -0.044806402176618576, -0.6344004273414612, -0.27634197473526, 0.17344284057617188, 0.273921400308609, 0.24716491997241974, 0.31621530652046204, -0.7535800337791443, 0.30790507793426514, -0.8469045162200928, 0.17657123506069183, 0.7554218769073486, -0.39399728178977966, 0.4528104066848755, -0.39167582988739014, 0.36302852630615234, 0.12943249940872192, 0.0946962982416153, 0.013148297555744648, -0.4826680123806, -0.9683834314346313, -0.22005541622638702, 0.6365218758583069, 1.2073030471801758, -0.9033846259117126, 0.8618792295455933, -0.7735689878463745, -0.9174562692642212, -0.8117789626121521, -0.15540511906147003, 0.538674533367157, 0.325738787651062, 0.47838231921195984, -0.15417709946632385, -0.4912775754928589, -1.2469465732574463, -0.18101532757282257, -0.24070778489112854, -0.2526414096355438, 0.3406667709350586, 0.689120888710022, -0.10896787792444229, 0.6459380388259888, -0.5713881850242615, -0.3391351103782654, -0.25388914346694946, 0.19201742112636566, 0.5901144742965698, 0.7579419612884521, 0.5923075079917908, -1.00046706199646, -0.8091866374015808, 0.004754169844090939, -0.7208479642868042, -0.22144688665866852, 0.15426452457904816, -0.24747832119464874, 0.13687101006507874, 0.11089301109313965, -0.34220948815345764, 0.1348726600408554, 0.698512613773346, -0.6031910181045532, 0.7555245757102966, -0.1348000317811966, 0.30931180715560913, -1.5328469276428223, 0.1547156721353531, -0.25351229310035706, -0.03400147333741188, -0.5276464819908142, -0.05803624540567398, 0.23257559537887573, 0.09889569878578186, -0.9271401166915894, 0.6273941993713379, -0.22815969586372375, -0.11899727582931519, 0.27516812086105347, -0.026216277852654457, 0.01540240179747343, 0.8564350008964539, -0.008289952762424946, 0.8920544981956482, 0.7838569283485413, -0.5908206701278687, 0.17220497131347656, 0.5990379452705383, -0.5389142632484436, 0.48867642879486084, -0.9034003615379333, -0.29956188797950745, 0.3782580494880676, -0.10499007999897003, -0.781050980091095, 0.03272182121872902, 0.3794310390949249, -0.7548874020576477, 0.41410478949546814, -0.16509373486042023, -0.8361289501190186, -0.11361899226903915, -0.32361143827438354, 0.5304387807846069, 0.7140729427337646, -0.227193683385849, 0.7285473346710205, -0.006552139297127724, -0.14093439280986786, -0.4345434606075287, -1.0940719842910767, -0.21997039020061493, -0.44727686047554016, -0.8249192833900452, 0.17343950271606445, -0.5070465803146362, -0.029956554993987083, 0.01973618008196354, 0.2223634421825409, -0.14885787665843964, 0.02576257847249508, 0.07500600069761276, 0.29787328839302063, -0.6104912161827087, 0.16037139296531677, 0.08625870198011398, -0.2224971354007721, -0.13535575568675995, -0.1941608041524887, 0.6646620035171509, -0.3273080885410309, -0.2801523506641388, -0.659885585308075, 0.09283366054296494, 0.7491738796234131, -0.31186553835868835, 0.8965892195701599, 0.5718201398849487, -0.10090278089046478, 0.23994015157222748, -0.49969780445098877, 0.09911731630563736, -0.5046911835670471, 0.1790919154882431, -0.4788983166217804, -0.8360454440116882, 0.57566899061203, 0.01943618431687355, 0.45266419649124146, 0.9627934694290161, 0.6623475551605225, 0.054583590477705, 0.8412670493125916, 0.347059041261673, -0.004526340868324041, 0.4093411862850189, -0.5318256616592407, -0.08672648668289185, -1.2327823638916016, 0.054378658533096313, -0.7397669553756714, -0.36578816175460815, -0.9123400449752808, -0.23545873165130615, 0.2669142186641693, 0.12589475512504578, -0.2415492981672287, 0.7911108732223511, -0.6231794953346252, 0.23866085708141327, 0.6311829090118408, -0.19242139160633087, 0.2683280110359192, -0.028421396389603615, -0.7316087484359741, -0.34284135699272156, -0.5155712366104126, -0.6059961318969727, 1.436406135559082, 0.3346664309501648, 0.3640422821044922, 0.14866384863853455, 0.4396853446960449, -0.006866037845611572, 0.23895582556724548, -0.6612875461578369, 0.5517926812171936, -0.29883646965026855, -0.873664379119873, -0.3102896213531494, -0.6321003437042236, -0.7270867824554443, 0.6037082672119141, -0.30288344621658325, -0.6826012134552002, 0.16280823945999146, 0.04483681917190552, -0.07148105651140213, 0.47139525413513184, -0.7745296359062195, 1.1975297927856445, -0.15506836771965027, -0.04243285953998566, 0.33166998624801636, -0.5188384652137756, 0.2952439486980438, 0.02042667381465435, 0.20333430171012878, -0.29773175716400146, 0.20742399990558624, 0.6747076511383057, -0.014862398616969585, 0.4686049222946167, -0.10102148354053497, -0.03427615389227867, 0.007514952216297388, 0.03165501356124878, 0.4488731026649475, -0.11847800016403198, -0.45997488498687744, 0.4320557713508606, 0.06851205229759216, -0.42574575543403625, -0.1408247947692871, 0.5574467778205872, -0.7093035578727722, 0.024321164935827255, -0.5105394124984741, -0.7493354678153992, 0.024191604927182198, 0.3764957785606384, 0.7950779795646667, 0.7317193150520325, -0.2571897506713867, 0.7244346737861633, 0.8617673516273499, -0.4075410068035126, 0.3329523801803589, 0.8614043593406677, -0.20490910112857819, -0.6548908352851868, 0.9816383123397827, 0.18592269718647003, 0.5226566195487976, 0.5383150577545166, 0.15760424733161926, -0.15742293000221252, -0.809872031211853, -0.7682293057441711, 0.2840675711631775, -0.31000515818595886, -0.2070542573928833, -0.678837776184082, -0.13031290471553802, -0.36299988627433777, 0.10786712914705276, -0.6016796827316284, -0.6546398997306824, -0.12558963894844055, -0.21071167290210724, 0.24714940786361694, 0.34206512570381165, -0.029271965846419334, 0.5734115839004517, -1.0721888542175293, 0.17777512967586517, -0.1898684799671173, 0.4880061447620392, -0.47734007239341736, -0.7952139377593994, -0.47081002593040466, 0.0881229043006897, -0.6749343872070312, -0.7038168907165527, 0.5454140305519104, 0.14853759109973907, 0.3480202555656433, 0.4013839066028595, 0.24958327412605286, 0.39107638597488403, -0.8266533017158508, 1.15701425075531, -0.08343657851219177, -0.7453598976135254, 0.5029563307762146, -0.4831930696964264, 0.5058091878890991, 1.0742257833480835, 0.2857804298400879, -0.39199307560920715, -0.6082760095596313, -0.7734798789024353, -1.0082921981811523, 1.0121631622314453, 0.796751856803894, -0.17092077434062958, 0.2869015634059906, -0.04370991140604019, 0.026969654485583305, 0.2103177309036255, -1.2634204626083374, -0.3593674302101135, 0.11104481667280197, -0.3985181748867035, -0.2205878496170044, -0.3383471667766571, -0.13390173017978668, -0.2557084262371063, 1.2349696159362793, 0.16156083345413208, 0.2291904091835022, 0.43870916962623596, -0.18424266576766968, -0.15093275904655457, 0.3653061091899872, 1.0807583332061768, 0.5387089848518372, -0.556007981300354, -0.31716465950012207, 0.42109882831573486, -0.5170684456825256, -0.17866259813308716, 0.052882496267557144, -0.4356876015663147, 0.35952693223953247, 0.43020009994506836, 1.1358885765075684, 0.3430696129798889, -0.7373230457305908, 0.4647144377231598, -0.33019059896469116, -0.5570685863494873, -0.7310629487037659, -0.15264004468917847, 0.1344287097454071, 0.07129587978124619, 0.3190338611602783, 0.05723698437213898, 0.17537960410118103, -0.16800911724567413, 0.12749271094799042, 0.04875775799155235, -0.7216306924819946, -0.6201241612434387, 0.4421587884426117, 0.09862864762544632, -0.38744863867759705, 0.527039110660553, -0.42060014605522156, -0.8294057250022888, 0.44144776463508606, 0.17285014688968658, 1.1090123653411865, -0.2953648865222931, -0.2077943980693817, 0.8443019390106201, 0.6493872404098511, -0.3301379680633545, 0.5486307740211487, 0.0747625008225441, -0.637961745262146, -0.6030559539794922, -0.9475055932998657, -0.18426427245140076, 0.15462304651737213, -0.9893532395362854, 0.39460229873657227, 0.4398925006389618, 0.1115596666932106, -0.4372583031654358, 0.27766355872154236, -0.5533511638641357, 0.11335998773574829, -0.3582962453365326, 1.1970677375793457, -1.122092604637146, 0.9309371709823608, 0.5338115096092224, -0.15957288444042206, -0.9226576089859009, -0.2671794593334198, -0.24042682349681854, -0.39370936155319214, 0.732180118560791, 0.31254932284355164, 0.4030974507331848, -0.20639386773109436, -0.29834356904029846, -0.9662086963653564, 1.2805613279342651, 0.18951572477817535, -0.6343885660171509, 0.034023161977529526, 0.2504692077636719, 0.563377320766449, -0.4114951193332672, 0.031797368079423904, 0.4528862535953522, 0.8363035321235657, 0.16653484106063843, -1.2050135135650635, -0.44807863235473633, -0.5967979431152344, -0.365967333316803, 0.602377712726593, -0.5437527894973755, 1.012425422668457, 0.6004453301429749, -0.14895732700824738, 0.220044806599617, 0.6336906552314758, 0.36191752552986145, 0.43105337023735046, 0.6021872758865356, 1.2628878355026245, 0.29102134704589844, -0.5661139488220215, 1.021436095237732, -0.39315927028656006, 0.5348202586174011, 1.3249479532241821, -0.13125759363174438, 1.021909475326538, 0.31429147720336914, -0.10846028476953506, 0.4530823528766632, 0.6550152897834778, -0.3283317983150482, 0.5475713014602661, 0.08806915581226349, 0.1962389349937439, -0.15315473079681396, 0.34130629897117615, -0.7776958346366882, 0.31874382495880127, 0.27871572971343994, -0.2186100035905838, 0.05911291763186455, 0.040846455842256546, 0.004259689711034298, -0.13466010987758636, -0.168726846575737, 0.7453303337097168, -0.07058653235435486, -0.6361020803451538, 0.6103593707084656, -0.17050161957740784, 0.785724401473999, -0.8449299335479736, 0.10295351594686508, 0.0074386936612427235, 0.28431519865989685, 0.09186447411775589, -0.5791423916816711, 0.4819886386394501, 0.004027711693197489, -0.3285906910896301, -0.4302949011325836, 0.29125627875328064, -0.6690523624420166, -1.0997408628463745, 0.44001999497413635, 0.34430408477783203, 0.45653653144836426, 0.08315601944923401, -0.9775339961051941, 0.05322019383311272, 0.1493191421031952, -0.6957387924194336, 0.05856633558869362, 0.7507765889167786, 0.3380748927593231, 0.5303722620010376, 0.7466902732849121, 0.2959151566028595, 0.3246549665927887, -0.16913112998008728, 0.8011152148246765, -0.45150235295295715, -0.48393702507019043, -0.7707552313804626, 0.9302486181259155, -0.18345527350902557, -0.7448083162307739, 0.8390575647354126, 1.1576318740844727, 1.1673741340637207, -0.18689565360546112, 0.3447180390357971, -0.11244600266218185, 0.8325114846229553, -0.6567493081092834, 0.7585074305534363, -1.026962161064148, 0.16815760731697083, -0.24708235263824463, -1.054578423500061, -0.19848568737506866, 0.43454667925834656, -0.21153689920902252, -0.45064279437065125, 0.7717965245246887, 0.6994903087615967, -0.2028384804725647, -0.22596582770347595, 0.35808199644088745, 0.42738065123558044, 0.21593672037124634, 0.5560182929039001, 0.3801216185092926, -1.0266364812850952, 0.6350913643836975, -0.3691237270832062, -0.03916158154606819, -0.07430411875247955, -0.8073704838752747, -0.9077318906784058, -0.7083107233047485, -0.12864789366722107, -0.21493583917617798, -0.28940296173095703, 0.9559950828552246, 0.5774147510528564, -1.0304374694824219, -0.5447221994400024, 0.0832434818148613, 0.0717458426952362, -0.20012712478637695, -0.2813234329223633, 0.6972789168357849, -0.36142832040786743, -1.0189048051834106, 0.5228464603424072, 0.14095789194107056, -0.09561198204755783, -0.05568573996424675, -0.37573498487472534, -0.5580848455429077, -0.014393496327102184, 0.3965510129928589, -0.018423745408654213, -0.6495739817619324, 0.09096177667379379, 0.24467839300632477, -0.046843450516462326, 0.38793954253196716, 0.45709601044654846, -0.2512425482273102, 0.36590898036956787, 0.9244001507759094, 0.347210168838501, 0.40749606490135193, -0.13982468843460083, 0.6386632323265076, -0.6916059851646423, 0.32120391726493835, 0.2740591764450073, 0.5789344906806946, 0.34316501021385193, -0.09830886870622635, 0.905093252658844, 0.2494279146194458, -0.7657977938652039, -1.256340742111206, 0.0414959080517292, -1.3283195495605469, 0.0385834202170372, 1.0388460159301758, -0.3797617256641388, -0.2952280044555664, 0.2853560745716095, -0.19944638013839722, 0.10156773775815964, -0.30839380621910095, 0.4336659610271454, 1.130880355834961, 0.40729987621307373, 0.23555728793144226, -0.8902410268783569, 0.3587045967578888, 0.5460717678070068, -0.7143396139144897, -0.1851412057876587, 0.1753443330526352, 0.167292520403862, 0.4307216703891754, 0.45973634719848633, -0.35136306285858154, 0.11112188547849655, -0.3427792489528656, 0.4196404218673706, 0.005291512235999107, -0.2677331268787384, -0.31241098046302795, -0.09024004638195038, -0.19834882020950317, -0.2438983917236328 ]
TheBloke/WizardLM-Uncensored-SuperCOT-StoryTelling-30B-GPTQ
TheBloke
2023-09-27T12:44:27Z
10,182
75
transformers
[ "transformers", "safetensors", "llama", "text-generation", "base_model:Monero/WizardLM-Uncensored-SuperCOT-StoryTelling-30b", "license:other", "has_space", "text-generation-inference", "4-bit", "region:us" ]
text-generation
2023-06-01T09:48:20Z
--- license: other model_name: WizardLM Uncensored SuperCOT Storytelling 30B base_model: Monero/WizardLM-Uncensored-SuperCOT-StoryTelling-30b inference: false model_creator: YellowRoseCx model_type: llama prompt_template: 'You are a helpful AI assistant. USER: {prompt} ASSISTANT: ' quantized_by: TheBloke --- <!-- header start --> <!-- 200823 --> <div style="width: auto; margin-left: auto; margin-right: auto"> <img src="https://i.imgur.com/EBdldam.jpg" alt="TheBlokeAI" style="width: 100%; min-width: 400px; display: block; margin: auto;"> </div> <div style="display: flex; justify-content: space-between; width: 100%;"> <div style="display: flex; flex-direction: column; align-items: flex-start;"> <p style="margin-top: 0.5em; margin-bottom: 0em;"><a href="https://discord.gg/theblokeai">Chat & support: TheBloke's Discord server</a></p> </div> <div style="display: flex; flex-direction: column; align-items: flex-end;"> <p style="margin-top: 0.5em; margin-bottom: 0em;"><a href="https://www.patreon.com/TheBlokeAI">Want to contribute? TheBloke's Patreon page</a></p> </div> </div> <div style="text-align:center; margin-top: 0em; margin-bottom: 0em"><p style="margin-top: 0.25em; margin-bottom: 0em;">TheBloke's LLM work is generously supported by a grant from <a href="https://a16z.com">andreessen horowitz (a16z)</a></p></div> <hr style="margin-top: 1.0em; margin-bottom: 1.0em;"> <!-- header end --> # WizardLM Uncensored SuperCOT Storytelling 30B - GPTQ - Model creator: [YellowRoseCx](https://huggingface.co/Monero) - Original model: [WizardLM Uncensored SuperCOT Storytelling 30B](https://huggingface.co/Monero/WizardLM-Uncensored-SuperCOT-StoryTelling-30b) <!-- description start --> ## Description This repo contains GPTQ model files for [Monero's WizardLM-Uncensored-SuperCOT-Storytelling-30B](https://huggingface.co/Monero/WizardLM-Uncensored-SuperCOT-StoryTelling-30b). Multiple GPTQ parameter permutations are provided; see Provided Files below for details of the options provided, their parameters, and the software used to create them. <!-- description end --> <!-- repositories-available start --> ## Repositories available * [AWQ model(s) for GPU inference.](https://huggingface.co/TheBloke/WizardLM-Uncensored-SuperCOT-StoryTelling-30B-AWQ) * [GPTQ models for GPU inference, with multiple quantisation parameter options.](https://huggingface.co/TheBloke/WizardLM-Uncensored-SuperCOT-StoryTelling-30B-GPTQ) * [2, 3, 4, 5, 6 and 8-bit GGUF models for CPU+GPU inference](https://huggingface.co/TheBloke/WizardLM-Uncensored-SuperCOT-StoryTelling-30B-GGUF) * [YellowRoseCx's original unquantised fp16 model in pytorch format, for GPU inference and for further conversions](https://huggingface.co/Monero/WizardLM-Uncensored-SuperCOT-StoryTelling-30b) <!-- repositories-available end --> <!-- prompt-template start --> ## Prompt template: Vicuna-Short ``` You are a helpful AI assistant. USER: {prompt} ASSISTANT: ``` <!-- prompt-template end --> <!-- README_GPTQ.md-provided-files start --> ## Provided files and GPTQ parameters Multiple quantisation parameters are provided, to allow you to choose the best one for your hardware and requirements. Each separate quant is in a different branch. See below for instructions on fetching from different branches. All recent GPTQ files are made with AutoGPTQ, and all files in non-main branches are made with AutoGPTQ. Files in the `main` branch which were uploaded before August 2023 were made with GPTQ-for-LLaMa. <details> <summary>Explanation of GPTQ parameters</summary> - Bits: The bit size of the quantised model. - GS: GPTQ group size. Higher numbers use less VRAM, but have lower quantisation accuracy. "None" is the lowest possible value. - Act Order: True or False. Also known as `desc_act`. True results in better quantisation accuracy. Some GPTQ clients have had issues with models that use Act Order plus Group Size, but this is generally resolved now. - Damp %: A GPTQ parameter that affects how samples are processed for quantisation. 0.01 is default, but 0.1 results in slightly better accuracy. - GPTQ dataset: The dataset used for quantisation. Using a dataset more appropriate to the model's training can improve quantisation accuracy. Note that the GPTQ dataset is not the same as the dataset used to train the model - please refer to the original model repo for details of the training dataset(s). - Sequence Length: The length of the dataset sequences used for quantisation. Ideally this is the same as the model sequence length. For some very long sequence models (16+K), a lower sequence length may have to be used. Note that a lower sequence length does not limit the sequence length of the quantised model. It only impacts the quantisation accuracy on longer inference sequences. - ExLlama Compatibility: Whether this file can be loaded with ExLlama, which currently only supports Llama models in 4-bit. </details> | Branch | Bits | GS | Act Order | Damp % | GPTQ Dataset | Seq Len | Size | ExLlama | Desc | | ------ | ---- | -- | --------- | ------ | ------------ | ------- | ---- | ------- | ---- | | [main](https://huggingface.co/TheBloke/WizardLM-Uncensored-SuperCOT-StoryTelling-30B-GPTQ/tree/main) | 4 | None | Yes | 0.01 | [wikitext](https://huggingface.co/datasets/wikitext/viewer/wikitext-2-v1/test) | 2048 | 16.94 GB | Yes | 4-bit, with Act Order. No group size, to lower VRAM requirements. | | [gptq-4bit-32g-actorder_True](https://huggingface.co/TheBloke/WizardLM-Uncensored-SuperCOT-StoryTelling-30B-GPTQ/tree/gptq-4bit-32g-actorder_True) | 4 | 32 | Yes | 0.01 | [wikitext](https://huggingface.co/datasets/wikitext/viewer/wikitext-2-v1/test) | 2048 | 19.44 GB | Yes | 4-bit, with Act Order and group size 32g. Gives highest possible inference quality, with maximum VRAM usage. | | [gptq-4bit-64g-actorder_True](https://huggingface.co/TheBloke/WizardLM-Uncensored-SuperCOT-StoryTelling-30B-GPTQ/tree/gptq-4bit-64g-actorder_True) | 4 | 64 | Yes | 0.01 | [wikitext](https://huggingface.co/datasets/wikitext/viewer/wikitext-2-v1/test) | 2048 | 18.18 GB | Yes | 4-bit, with Act Order and group size 64g. Uses less VRAM than 32g, but with slightly lower accuracy. | | [gptq-4bit-128g-actorder_True](https://huggingface.co/TheBloke/WizardLM-Uncensored-SuperCOT-StoryTelling-30B-GPTQ/tree/gptq-4bit-128g-actorder_True) | 4 | 128 | Yes | 0.01 | [wikitext](https://huggingface.co/datasets/wikitext/viewer/wikitext-2-v1/test) | 2048 | 17.55 GB | Yes | 4-bit, with Act Order and group size 128g. Uses even less VRAM than 64g, but with slightly lower accuracy. | | [gptq-8bit--1g-actorder_True](https://huggingface.co/TheBloke/WizardLM-Uncensored-SuperCOT-StoryTelling-30B-GPTQ/tree/gptq-8bit--1g-actorder_True) | 8 | None | Yes | 0.01 | [wikitext](https://huggingface.co/datasets/wikitext/viewer/wikitext-2-v1/test) | 2048 | 32.99 GB | No | 8-bit, with Act Order. No group size, to lower VRAM requirements. | | [gptq-8bit-128g-actorder_False](https://huggingface.co/TheBloke/WizardLM-Uncensored-SuperCOT-StoryTelling-30B-GPTQ/tree/gptq-8bit-128g-actorder_False) | 8 | 128 | No | 0.01 | [wikitext](https://huggingface.co/datasets/wikitext/viewer/wikitext-2-v1/test) | 2048 | 33.73 GB | No | 8-bit, with group size 128g for higher inference quality and without Act Order to improve AutoGPTQ speed. | | [gptq-3bit--1g-actorder_True](https://huggingface.co/TheBloke/WizardLM-Uncensored-SuperCOT-StoryTelling-30B-GPTQ/tree/gptq-3bit--1g-actorder_True) | 3 | None | Yes | 0.01 | [wikitext](https://huggingface.co/datasets/wikitext/viewer/wikitext-2-v1/test) | 2048 | 12.92 GB | No | 3-bit, with Act Order and no group size. Lowest possible VRAM requirements. May be lower quality than 3-bit 128g. | | [gptq-3bit-128g-actorder_False](https://huggingface.co/TheBloke/WizardLM-Uncensored-SuperCOT-StoryTelling-30B-GPTQ/tree/gptq-3bit-128g-actorder_False) | 3 | 128 | No | 0.01 | [wikitext](https://huggingface.co/datasets/wikitext/viewer/wikitext-2-v1/test) | 2048 | 13.51 GB | No | 3-bit, with group size 128g but no act-order. Slightly higher VRAM requirements than 3-bit None. | <!-- README_GPTQ.md-provided-files end --> <!-- README_GPTQ.md-download-from-branches start --> ## How to download from branches - In text-generation-webui, you can add `:branch` to the end of the download name, eg `TheBloke/WizardLM-Uncensored-SuperCOT-StoryTelling-30B-GPTQ:main` - With Git, you can clone a branch with: ``` git clone --single-branch --branch main https://huggingface.co/TheBloke/WizardLM-Uncensored-SuperCOT-StoryTelling-30B-GPTQ ``` - In Python Transformers code, the branch is the `revision` parameter; see below. <!-- README_GPTQ.md-download-from-branches end --> <!-- README_GPTQ.md-text-generation-webui start --> ## How to easily download and use this model in [text-generation-webui](https://github.com/oobabooga/text-generation-webui). Please make sure you're using the latest version of [text-generation-webui](https://github.com/oobabooga/text-generation-webui). It is strongly recommended to use the text-generation-webui one-click-installers unless you're sure you know how to make a manual install. 1. Click the **Model tab**. 2. Under **Download custom model or LoRA**, enter `TheBloke/WizardLM-Uncensored-SuperCOT-StoryTelling-30B-GPTQ`. - To download from a specific branch, enter for example `TheBloke/WizardLM-Uncensored-SuperCOT-StoryTelling-30B-GPTQ:main` - see Provided Files above for the list of branches for each option. 3. Click **Download**. 4. The model will start downloading. Once it's finished it will say "Done". 5. In the top left, click the refresh icon next to **Model**. 6. In the **Model** dropdown, choose the model you just downloaded: `WizardLM-Uncensored-SuperCOT-StoryTelling-30B-GPTQ` 7. The model will automatically load, and is now ready for use! 8. If you want any custom settings, set them and then click **Save settings for this model** followed by **Reload the Model** in the top right. * Note that you do not need to and should not set manual GPTQ parameters any more. These are set automatically from the file `quantize_config.json`. 9. Once you're ready, click the **Text Generation tab** and enter a prompt to get started! <!-- README_GPTQ.md-text-generation-webui end --> <!-- README_GPTQ.md-use-from-python start --> ## How to use this GPTQ model from Python code ### Install the necessary packages Requires: Transformers 4.32.0 or later, Optimum 1.12.0 or later, and AutoGPTQ 0.4.2 or later. ```shell pip3 install transformers>=4.32.0 optimum>=1.12.0 pip3 install auto-gptq --extra-index-url https://huggingface.github.io/autogptq-index/whl/cu118/ # Use cu117 if on CUDA 11.7 ``` If you have problems installing AutoGPTQ using the pre-built wheels, install it from source instead: ```shell pip3 uninstall -y auto-gptq git clone https://github.com/PanQiWei/AutoGPTQ cd AutoGPTQ pip3 install . ``` ### For CodeLlama models only: you must use Transformers 4.33.0 or later. If 4.33.0 is not yet released when you read this, you will need to install Transformers from source: ```shell pip3 uninstall -y transformers pip3 install git+https://github.com/huggingface/transformers.git ``` ### You can then use the following code ```python from transformers import AutoModelForCausalLM, AutoTokenizer, pipeline model_name_or_path = "TheBloke/WizardLM-Uncensored-SuperCOT-StoryTelling-30B-GPTQ" # To use a different branch, change revision # For example: revision="main" model = AutoModelForCausalLM.from_pretrained(model_name_or_path, device_map="auto", trust_remote_code=False, revision="main") tokenizer = AutoTokenizer.from_pretrained(model_name_or_path, use_fast=True) prompt = "Tell me about AI" prompt_template=f'''You are a helpful AI assistant. USER: {prompt} ASSISTANT: ''' print("\n\n*** Generate:") input_ids = tokenizer(prompt_template, return_tensors='pt').input_ids.cuda() output = model.generate(inputs=input_ids, temperature=0.7, do_sample=True, top_p=0.95, top_k=40, max_new_tokens=512) print(tokenizer.decode(output[0])) # Inference can also be done using transformers' pipeline print("*** Pipeline:") pipe = pipeline( "text-generation", model=model, tokenizer=tokenizer, max_new_tokens=512, do_sample=True, temperature=0.7, top_p=0.95, top_k=40, repetition_penalty=1.1 ) print(pipe(prompt_template)[0]['generated_text']) ``` <!-- README_GPTQ.md-use-from-python end --> <!-- README_GPTQ.md-compatibility start --> ## Compatibility The files provided are tested to work with AutoGPTQ, both via Transformers and using AutoGPTQ directly. They should also work with [Occ4m's GPTQ-for-LLaMa fork](https://github.com/0cc4m/KoboldAI). [ExLlama](https://github.com/turboderp/exllama) is compatible with Llama models in 4-bit. Please see the Provided Files table above for per-file compatibility. [Huggingface Text Generation Inference (TGI)](https://github.com/huggingface/text-generation-inference) is compatible with all GPTQ models. <!-- README_GPTQ.md-compatibility end --> <!-- footer start --> <!-- 200823 --> ## Discord For further support, and discussions on these models and AI in general, join us at: [TheBloke AI's Discord server](https://discord.gg/theblokeai) ## Thanks, and how to contribute Thanks to the [chirper.ai](https://chirper.ai) team! Thanks to Clay from [gpus.llm-utils.org](llm-utils)! I've had a lot of people ask if they can contribute. I enjoy providing models and helping people, and would love to be able to spend even more time doing it, as well as expanding into new projects like fine tuning/training. If you're able and willing to contribute it will be most gratefully received and will help me to keep providing more models, and to start work on new AI projects. Donaters will get priority support on any and all AI/LLM/model questions and requests, access to a private Discord room, plus other benefits. * Patreon: https://patreon.com/TheBlokeAI * Ko-Fi: https://ko-fi.com/TheBlokeAI **Special thanks to**: Aemon Algiz. **Patreon special mentions**: Alicia Loh, Stephen Murray, K, Ajan Kanaga, RoA, Magnesian, Deo Leter, Olakabola, Eugene Pentland, zynix, Deep Realms, Raymond Fosdick, Elijah Stavena, Iucharbius, Erik Bjäreholt, Luis Javier Navarrete Lozano, Nicholas, theTransient, John Detwiler, alfie_i, knownsqashed, Mano Prime, Willem Michiel, Enrico Ros, LangChain4j, OG, Michael Dempsey, Pierre Kircher, Pedro Madruga, James Bentley, Thomas Belote, Luke @flexchar, Leonard Tan, Johann-Peter Hartmann, Illia Dulskyi, Fen Risland, Chadd, S_X, Jeff Scroggin, Ken Nordquist, Sean Connelly, Artur Olbinski, Swaroop Kallakuri, Jack West, Ai Maven, David Ziegler, Russ Johnson, transmissions 11, John Villwock, Alps Aficionado, Clay Pascal, Viktor Bowallius, Subspace Studios, Rainer Wilmers, Trenton Dambrowitz, vamX, Michael Levine, 준교 김, Brandon Frisco, Kalila, Trailburnt, Randy H, Talal Aujan, Nathan Dryer, Vadim, 阿明, ReadyPlayerEmma, Tiffany J. Kim, George Stoitzev, Spencer Kim, Jerry Meng, Gabriel Tamborski, Cory Kujawski, Jeffrey Morgan, Spiking Neurons AB, Edmond Seymore, Alexandros Triantafyllidis, Lone Striker, Cap'n Zoog, Nikolai Manek, danny, ya boyyy, Derek Yates, usrbinkat, Mandus, TL, Nathan LeClaire, subjectnull, Imad Khwaja, webtim, Raven Klaugh, Asp the Wyvern, Gabriel Puliatti, Caitlyn Gatomon, Joseph William Delisle, Jonathan Leane, Luke Pendergrass, SuperWojo, Sebastain Graf, Will Dee, Fred von Graf, Andrey, Dan Guido, Daniel P. Andersen, Nitin Borwankar, Elle, Vitor Caleffi, biorpg, jjj, NimbleBox.ai, Pieter, Matthew Berman, terasurfer, Michael Davis, Alex, Stanislav Ovsiannikov Thank you to all my generous patrons and donaters! And thank you again to a16z for their generous grant. <!-- footer end --> # Original model card: Monero's WizardLM-Uncensored-SuperCOT-Storytelling-30B This model is a triple model merge of WizardLM Uncensored+CoT+Storytelling, resulting in a comprehensive boost in reasoning and story writing capabilities. To allow all output, at the end of your prompt add ```### Certainly!``` You've become a compendium of knowledge on a vast array of topics. Lore Mastery is an arcane tradition fixated on understanding the underlying mechanics of magic. It is the most academic of all arcane traditions. The promise of uncovering new knowledge or proving (or discrediting) a theory of magic is usually required to rouse its practitioners from their laboratories, academies, and archives to pursue a life of adventure. Known as savants, followers of this tradition are a bookish lot who see beauty and mystery in the application of magic. The results of a spell are less interesting to them than the process that creates it. Some savants take a haughty attitude toward those who follow a tradition focused on a single school of magic, seeing them as provincial and lacking the sophistication needed to master true magic. Other savants are generous teachers, countering ignorance and deception with deep knowledge and good humor.
[ -0.5612891912460327, -0.7305996417999268, 0.023290665820240974, 0.10359399765729904, -0.2845880687236786, -0.05392720177769661, 0.11904478818178177, -0.5845932364463806, 0.23931226134300232, 0.42348945140838623, -0.6560636758804321, -0.5007128715515137, -0.4160436689853668, -0.030122512951493263, -0.3785299062728882, 1.1425811052322388, 0.06297619640827179, -0.31108009815216064, -0.033682458102703094, -0.19554218649864197, -0.23082725703716278, -0.5612450838088989, -0.6799485087394714, -0.11431436985731125, 0.2566535174846649, 0.27982521057128906, 0.9408137202262878, 0.5424152612686157, 0.13387811183929443, 0.25815433263778687, 0.02681281976401806, 0.1663750857114792, -0.6324178576469421, -0.24298353493213654, 0.14876210689544678, -0.14624592661857605, -0.5923464894294739, 0.14828643202781677, 0.4709179103374481, 0.19871139526367188, -0.3092207908630371, 0.2206156849861145, 0.008003633469343185, 0.6357549428939819, -0.3431079089641571, 0.22074592113494873, -0.3958585262298584, 0.20057351887226105, -0.02854207344353199, 0.06626725196838379, -0.12196916341781616, -0.3228684961795807, 0.09659669548273087, -0.9058839678764343, 0.3658088743686676, 0.29979634284973145, 1.1790574789047241, -0.05495516583323479, -0.6513851284980774, 0.17521576583385468, -0.33841779828071594, 0.6361873745918274, -0.9285804629325867, 0.36362963914871216, 0.5955225229263306, 0.10942906886339188, -0.16678999364376068, -0.8426693677902222, -0.7531686425209045, 0.03148724138736725, -0.24356931447982788, 0.26099202036857605, -0.39120838046073914, 0.048085302114486694, 0.537784218788147, 0.7257916331291199, -0.9218693971633911, -0.1507110893726349, -0.19555343687534332, -0.33790671825408936, 0.8755229115486145, 0.28690212965011597, 0.33231621980667114, -0.273078590631485, -0.2841112017631531, -0.44164061546325684, -0.5467405915260315, -0.00051421660464257, 0.39141395688056946, -0.10379483550786972, -0.46365633606910706, 0.47774580121040344, -0.2772916257381439, 0.41605621576309204, 0.18519295752048492, -0.20487727224826813, 0.3261115849018097, -0.7546765208244324, -0.4405260384082794, -0.2589941918849945, 1.2444326877593994, 0.6261462569236755, -0.1254735141992569, 0.2119702249765396, -0.0026381034404039383, -0.19888697564601898, -0.0983392670750618, -1.0217255353927612, -0.50069260597229, 0.40708163380622864, -0.4387999176979065, -0.1450200229883194, -0.04627199470996857, -0.7696387767791748, -0.14938798546791077, -0.04837824031710625, 0.4497714042663574, -0.7112918496131897, -0.4548336863517761, 0.11896788328886032, -0.44534581899642944, 0.5473636984825134, 0.3466110825538635, -0.8421634435653687, 0.5483209490776062, 0.37842047214508057, 0.6047085523605347, 0.017055271193385124, -0.17334438860416412, -0.1590556651353836, 0.14281311631202698, -0.23552808165550232, 0.3707674443721771, -0.12666381895542145, -0.4994470477104187, -0.3732801377773285, 0.3046381175518036, 0.026894332841038704, -0.225621297955513, 0.5253797769546509, -0.3211042582988739, 0.46982941031455994, -0.39752423763275146, -0.6354507803916931, -0.2767224907875061, 0.09226472675800323, -0.6076666116714478, 1.2616277933120728, 0.4948066473007202, -0.9319661259651184, 0.26343682408332825, -0.4605097770690918, -0.17304524779319763, -0.0651487335562706, 0.029551921412348747, -0.4452117383480072, -0.19130973517894745, 0.21581897139549255, 0.20262446999549866, -0.42354804277420044, 0.1560106724500656, -0.1461719572544098, -0.23726846277713776, 0.1764470487833023, -0.7663139700889587, 1.2620929479599, 0.16728754341602325, -0.46710431575775146, -0.15196719765663147, -0.7971134185791016, 0.15620756149291992, 0.4301900267601013, 0.012952631339430809, -0.01216676365584135, -0.2176247090101242, 0.12285087257623672, 0.13883259892463684, 0.258207231760025, -0.35137873888015747, 0.43568891286849976, -0.259262353181839, 0.4935554265975952, 0.5903735756874084, 0.11179406940937042, 0.08309154957532883, -0.3281164765357971, 0.5135780572891235, 0.04420723393559456, 0.718045175075531, 0.03728070482611656, -0.7211995720863342, -0.6870808005332947, -0.23252640664577484, 0.37777048349380493, 0.7043691277503967, -0.6702365279197693, 0.5083933472633362, -0.1929103583097458, -0.721757173538208, -0.3164657950401306, -0.11402694880962372, 0.4093036651611328, 0.44796618819236755, 0.5163350701332092, -0.4765085279941559, -0.3211438059806824, -0.880251944065094, 0.0841636136174202, -0.4018360674381256, -0.042945656925439835, 0.4909696578979492, 0.6943071484565735, -0.20811869204044342, 0.7726050019264221, -0.6472146511077881, 0.012487851083278656, 0.08368591964244843, 0.06046917289495468, 0.402840256690979, 0.5309135913848877, 0.6834536790847778, -0.7857621908187866, -0.7260275483131409, 0.048388104885816574, -0.5334125757217407, -0.024748893454670906, -0.03400599583983421, -0.4421535134315491, 0.32696732878685, 0.0036198480520397425, -1.0964585542678833, 0.7042502164840698, 0.42756807804107666, -0.7965229749679565, 0.9570115804672241, -0.3182607591152191, 0.2983126938343048, -0.9657169580459595, -0.03739608824253082, -0.051743268966674805, -0.30655285716056824, -0.4392545223236084, -0.08470042049884796, 0.05792274326086044, 0.2210754007101059, -0.37576550245285034, 0.685314416885376, -0.5711253881454468, 0.07225190103054047, 0.19891032576560974, 0.022590333595871925, 0.419354647397995, 0.5634576082229614, -0.14970728754997253, 0.7752907276153564, 0.5875902771949768, -0.37681692838668823, 0.6493214964866638, 0.3824538588523865, -0.012844339944422245, 0.3711380362510681, -0.686825692653656, 0.12119748443365097, 0.2624269425868988, 0.3525034487247467, -0.9623464345932007, -0.17961066961288452, 0.5455038547515869, -0.5727522373199463, 0.5492050051689148, -0.2320667952299118, -0.6266753077507019, -0.4348730742931366, -0.5880874395370483, 0.32981789112091064, 0.7131960391998291, -0.3295113742351532, 0.380450576543808, 0.34666773676872253, 0.09154639393091202, -0.6847501993179321, -0.7104997634887695, -0.07121458649635315, -0.23603609204292297, -0.5826939344406128, 0.5141499638557434, -0.17544704675674438, 0.07210088521242142, 0.1052960678935051, -0.15082117915153503, -0.020755577832460403, -0.23292995989322662, 0.2594086229801178, 0.4043229818344116, -0.1670362502336502, -0.21589264273643494, 0.15287204086780548, -0.008563919924199581, -0.010171710513532162, -0.45536088943481445, 0.3330618441104889, -0.1607244461774826, -0.07243631035089493, -0.3712272346019745, 0.36954790353775024, 0.5334108471870422, 0.05648496374487877, 0.8259465098381042, 0.8407937288284302, -0.2695925533771515, 0.15448786318302155, -0.4928168058395386, -0.05391688644886017, -0.47798284888267517, 0.20192624628543854, -0.19615422189235687, -0.7555238008499146, 0.5752391815185547, 0.556178629398346, 0.17012597620487213, 0.9023962020874023, 0.35536330938339233, 0.072165846824646, 1.082337737083435, 0.2814811170101166, -0.11110885441303253, 0.39225441217422485, -0.665437638759613, -0.050874169915914536, -0.7316892147064209, -0.2365916520357132, -0.2581150233745575, -0.13439831137657166, -0.8174493312835693, -0.6133977770805359, 0.23921845853328705, 0.3401492238044739, -0.7350338101387024, 0.5947795510292053, -0.6417256593704224, 0.2457980513572693, 0.6296876072883606, 0.07849566638469696, 0.2902531921863556, 0.0758553072810173, -0.3177485764026642, 0.0406816340982914, -0.6703416705131531, -0.2614156901836395, 1.1272332668304443, 0.32044994831085205, 0.5504763126373291, 0.21401351690292358, 0.3656209409236908, 0.22530046105384827, 0.25602856278419495, -0.3941394090652466, 0.6158038377761841, 0.029159754514694214, -0.7649052143096924, -0.4169897139072418, -0.6018908619880676, -0.8492274284362793, 0.23765090107917786, -0.09020723402500153, -0.8380530476570129, 0.41420841217041016, -0.05898048356175423, -0.27597543597221375, 0.3195607364177704, -0.8482224345207214, 1.1035181283950806, -0.1720740795135498, -0.42497947812080383, -0.06136356666684151, -0.7695637345314026, 0.26254090666770935, 0.12725140154361725, 0.003413083963096142, -0.13974614441394806, -0.18610337376594543, 0.806397020816803, -0.9540619254112244, 0.6539258360862732, -0.20406970381736755, -0.048453912138938904, 0.6073163151741028, -0.07916610687971115, 0.639081597328186, 0.18582408130168915, 0.08446582406759262, 0.42663219571113586, 0.4869275987148285, -0.4961785078048706, -0.44360628724098206, 0.5902100801467896, -0.9766623973846436, -0.5687086582183838, -0.5090861916542053, -0.45023617148399353, -0.17449799180030823, 0.10359753668308258, 0.5091549158096313, 0.5092375874519348, -0.018543506041169167, 0.04514602571725845, 0.7433039546012878, -0.3077835738658905, 0.4104701578617096, 0.4499149024486542, -0.3084743320941925, -0.6585990786552429, 0.9113842248916626, 0.1642775535583496, 0.26669541001319885, 0.28625625371932983, 0.08979889750480652, -0.5942817330360413, -0.5463216304779053, -0.6086404323577881, 0.3143761157989502, -0.541333794593811, -0.4093708395957947, -0.6639305949211121, -0.40321898460388184, -0.5159936547279358, 0.3069033622741699, -0.2953758239746094, -0.7649514675140381, -0.5411030054092407, -0.21662722527980804, 0.9620571136474609, 0.3308163583278656, -0.20842592418193817, 0.17708450555801392, -0.7806622385978699, 0.27448827028274536, 0.4115084707736969, 0.2731727361679077, -0.027289574965834618, -0.7984356880187988, -0.18074791133403778, 0.13465489447116852, -0.596324622631073, -0.954802393913269, 0.7373798489570618, 0.19952455163002014, 0.5220479965209961, 0.5047495365142822, 0.23171743750572205, 0.8086490631103516, -0.31433916091918945, 1.0936226844787598, 0.31294670701026917, -0.8562763333320618, 0.4674161374568939, -0.4132571816444397, 0.12103809416294098, 0.38469862937927246, 0.6242692470550537, -0.4405314028263092, -0.3697362244129181, -0.8979731202125549, -0.8917691111564636, 0.5180332660675049, 0.3803534209728241, 0.030051222071051598, 0.009383556433022022, 0.38333964347839355, 0.17246219515800476, 0.12180990725755692, -0.7437518835067749, -0.7490174770355225, -0.49222537875175476, -0.14266140758991241, 0.04676104709506035, -0.19868023693561554, -0.2650509774684906, -0.7414763569831848, 0.9098803997039795, -0.13063956797122955, 0.6295152306556702, 0.4338291585445404, 0.13747163116931915, 0.021786678582429886, 0.0002646561188157648, 0.32563143968582153, 0.6109464764595032, -0.24316424131393433, -0.1457112580537796, 0.18710996210575104, -0.931419849395752, 0.07762406766414642, 0.42586368322372437, -0.046517495065927505, -0.13805893063545227, 0.21050293743610382, 0.8920959234237671, -0.08787545561790466, -0.4831380248069763, 0.47834742069244385, -0.34179210662841797, -0.40864136815071106, -0.20448064804077148, 0.27912598848342896, 0.138605535030365, 0.38451075553894043, 0.44803398847579956, -0.32572102546691895, 0.32299256324768066, -0.5400136709213257, 0.2198006510734558, 0.4560256004333496, -0.22739776968955994, -0.2670058608055115, 0.7423639297485352, -0.17639553546905518, 0.07721304893493652, 0.6798952221870422, -0.4138977825641632, -0.42452770471572876, 0.7736287713050842, 0.5222429633140564, 0.7262028455734253, -0.0576171875, 0.29420867562294006, 0.47915706038475037, 0.20182594656944275, 0.06207863986492157, 0.2847560942173004, -0.07938183844089508, -0.6333682537078857, -0.3128209710121155, -0.578532874584198, -0.35967594385147095, 0.15280722081661224, -0.6366799473762512, 0.07882246375083923, -0.38493505120277405, -0.3068523108959198, -0.2127627283334732, 0.571984589099884, -0.5771583318710327, 0.24837802350521088, 0.013199348002672195, 1.0765202045440674, -0.6642841696739197, 0.9147853851318359, 0.2980806231498718, -0.3171696662902832, -1.0180552005767822, -0.22607776522636414, 0.03422287106513977, -0.5346370339393616, 0.1281764656305313, -0.057253431528806686, 0.32963430881500244, 0.11526256799697876, -0.6587627530097961, -0.8834542632102966, 1.5060982704162598, 0.27929744124412537, -0.5572429895401001, -0.014314121566712856, 0.05075802654027939, 0.3995063006877899, -0.16959799826145172, 0.7832978367805481, 0.6390979290008545, 0.40098297595977783, 0.20757520198822021, -0.9400290250778198, 0.35171496868133545, -0.46201103925704956, -0.09238192439079285, 0.14957450330257416, -0.9909243583679199, 0.8946353197097778, 0.04659653082489967, -0.17193059623241425, -0.025328144431114197, 0.6357519626617432, 0.3885885179042816, 0.18180494010448456, 0.37281563878059387, 0.7684609293937683, 0.8803096413612366, -0.26956284046173096, 1.2588907480239868, -0.23711121082305908, 0.58930903673172, 0.7675454020500183, 0.12302817404270172, 0.5716558694839478, 0.20747271180152893, -0.7427130341529846, 0.5055250525474548, 1.0564240217208862, -0.08927792310714722, 0.3980781137943268, -0.031485483050346375, -0.23104070127010345, -0.04530510678887367, 0.13375607132911682, -0.7674632668495178, -0.10842977464199066, 0.4309747815132141, -0.12777414917945862, 0.19308874011039734, -0.16910822689533234, 0.09596282988786697, -0.7036386728286743, -0.25504449009895325, 0.41628289222717285, 0.19267480075359344, -0.306305855512619, 0.8610767722129822, -0.14486154913902283, 0.6090547442436218, -0.58832186460495, -0.09770239144563675, -0.47296637296676636, -0.20941512286663055, -0.2496543526649475, -0.8062033653259277, 0.11226683109998703, -0.2045588493347168, -0.18665637075901031, -0.10389690101146698, 0.6225426197052002, -0.2234983891248703, -0.4770355522632599, 0.304078072309494, 0.3470826745033264, 0.3202667832374573, -0.009737474843859673, -1.0247079133987427, 0.07016859203577042, 0.04522469639778137, -0.6983985304832458, 0.473755806684494, 0.6624230146408081, 0.07281065732240677, 0.5903831124305725, 0.6265046000480652, -0.10399622470140457, 0.11871597915887833, -0.140241801738739, 0.8773066997528076, -0.8806764483451843, -0.32405850291252136, -0.7416330575942993, 0.48385879397392273, -0.2585808336734772, -0.4522205591201782, 0.9210634231567383, 0.684106171131134, 0.6801472306251526, 0.09636674076318741, 0.5857710838317871, -0.34605124592781067, 0.1931138038635254, -0.33989739418029785, 0.5971914529800415, -0.6809772253036499, 0.12982714176177979, -0.41268613934516907, -0.6925467848777771, -0.02723962813615799, 0.5519270896911621, -0.13627642393112183, 0.16300278902053833, 0.5769482254981995, 0.8598998188972473, 0.04656757414340973, 0.2519671618938446, 0.2848626673221588, 0.4240456819534302, 0.11681398749351501, 0.8387839794158936, 0.6973431706428528, -0.9245238304138184, 0.6042003035545349, -0.37493541836738586, -0.22026276588439941, -0.1721007227897644, -0.8202979564666748, -0.680840015411377, -0.45120787620544434, -0.6660958528518677, -0.6062586307525635, -0.08146560192108154, 0.7901301980018616, 0.7711468935012817, -0.7469006180763245, -0.21570858359336853, -0.0762953981757164, 0.17492733895778656, -0.3877604901790619, -0.35340312123298645, 0.5185142755508423, 0.4028884768486023, -0.6101027131080627, 0.07140818983316422, 0.16647931933403015, 0.29023000597953796, -0.2075919508934021, -0.4131403863430023, -0.1503201276063919, 0.17293064296245575, 0.6625197529792786, 0.49133092164993286, -0.47206294536590576, -0.16874763369560242, -0.059270698577165604, -0.11283304542303085, 0.2195582240819931, 0.25940704345703125, -0.682844877243042, 0.10311422497034073, 0.4519486129283905, 0.1238037571310997, 0.9522787928581238, -0.014610376209020615, 0.20654773712158203, -0.38843777775764465, 0.00941709615290165, 0.10736440867185593, 0.26761212944984436, 0.003282316029071808, -0.5860115885734558, 0.5962009429931641, 0.5492777228355408, -0.6307582855224609, -0.7626811861991882, -0.19212451577186584, -1.132429838180542, -0.20261183381080627, 1.110977292060852, -0.10646235942840576, -0.3931717574596405, -0.14151421189308167, -0.30227601528167725, 0.2859500050544739, -0.431320458650589, 0.19489358365535736, 0.6046006679534912, -0.37822556495666504, -0.3793756067752838, -0.8778761625289917, 0.5150316953659058, 0.15792514383792877, -0.6825997829437256, 0.09040986746549606, 0.5923017859458923, 0.431119829416275, 0.033848829567432404, 0.9470281600952148, -0.27966171503067017, 0.2301316261291504, 0.29127293825149536, -0.018238402903079987, -0.035934507846832275, 0.045545727014541626, -0.16377072036266327, 0.060924287885427475, -0.2968016266822815, 0.0064725447446107864 ]
timm/vit_base_patch32_224.augreg_in21k_ft_in1k
timm
2023-05-06T00:03:27Z
10,156
0
timm
[ "timm", "pytorch", "safetensors", "image-classification", "dataset:imagenet-1k", "dataset:imagenet-21k", "arxiv:2106.10270", "arxiv:2010.11929", "license:apache-2.0", "region:us" ]
image-classification
2022-12-22T07:33:47Z
--- tags: - image-classification - timm library_name: timm license: apache-2.0 datasets: - imagenet-1k - imagenet-21k --- # Model card for vit_base_patch32_224.augreg_in21k_ft_in1k A Vision Transformer (ViT) image classification model. Trained on ImageNet-21k and fine-tuned on ImageNet-1k (with additional augmentation and regularization) in JAX by paper authors, ported to PyTorch by Ross Wightman. ## Model Details - **Model Type:** Image classification / feature backbone - **Model Stats:** - Params (M): 88.2 - GMACs: 4.4 - Activations (M): 4.2 - Image size: 224 x 224 - **Papers:** - How to train your ViT? Data, Augmentation, and Regularization in Vision Transformers: https://arxiv.org/abs/2106.10270 - An Image is Worth 16x16 Words: Transformers for Image Recognition at Scale: https://arxiv.org/abs/2010.11929v2 - **Dataset:** ImageNet-1k - **Pretrain Dataset:** ImageNet-21k - **Original:** https://github.com/google-research/vision_transformer ## Model Usage ### Image Classification ```python from urllib.request import urlopen from PIL import Image import timm img = Image.open(urlopen( 'https://huggingface.co/datasets/huggingface/documentation-images/resolve/main/beignets-task-guide.png' )) model = timm.create_model('vit_base_patch32_224.augreg_in21k_ft_in1k', pretrained=True) model = model.eval() # get model specific transforms (normalization, resize) data_config = timm.data.resolve_model_data_config(model) transforms = timm.data.create_transform(**data_config, is_training=False) output = model(transforms(img).unsqueeze(0)) # unsqueeze single image into batch of 1 top5_probabilities, top5_class_indices = torch.topk(output.softmax(dim=1) * 100, k=5) ``` ### Image Embeddings ```python from urllib.request import urlopen from PIL import Image import timm img = Image.open(urlopen( 'https://huggingface.co/datasets/huggingface/documentation-images/resolve/main/beignets-task-guide.png' )) model = timm.create_model( 'vit_base_patch32_224.augreg_in21k_ft_in1k', pretrained=True, num_classes=0, # remove classifier nn.Linear ) model = model.eval() # get model specific transforms (normalization, resize) data_config = timm.data.resolve_model_data_config(model) transforms = timm.data.create_transform(**data_config, is_training=False) output = model(transforms(img).unsqueeze(0)) # output is (batch_size, num_features) shaped tensor # or equivalently (without needing to set num_classes=0) output = model.forward_features(transforms(img).unsqueeze(0)) # output is unpooled, a (1, 50, 768) shaped tensor output = model.forward_head(output, pre_logits=True) # output is a (1, num_features) shaped tensor ``` ## Model Comparison Explore the dataset and runtime metrics of this model in timm [model results](https://github.com/huggingface/pytorch-image-models/tree/main/results). ## Citation ```bibtex @article{steiner2021augreg, title={How to train your ViT? Data, Augmentation, and Regularization in Vision Transformers}, author={Steiner, Andreas and Kolesnikov, Alexander and and Zhai, Xiaohua and Wightman, Ross and Uszkoreit, Jakob and Beyer, Lucas}, journal={arXiv preprint arXiv:2106.10270}, year={2021} } ``` ```bibtex @article{dosovitskiy2020vit, title={An Image is Worth 16x16 Words: Transformers for Image Recognition at Scale}, author={Dosovitskiy, Alexey and Beyer, Lucas and Kolesnikov, Alexander and Weissenborn, Dirk and Zhai, Xiaohua and Unterthiner, Thomas and Dehghani, Mostafa and Minderer, Matthias and Heigold, Georg and Gelly, Sylvain and Uszkoreit, Jakob and Houlsby, Neil}, journal={ICLR}, year={2021} } ``` ```bibtex @misc{rw2019timm, author = {Ross Wightman}, title = {PyTorch Image Models}, year = {2019}, publisher = {GitHub}, journal = {GitHub repository}, doi = {10.5281/zenodo.4414861}, howpublished = {\url{https://github.com/huggingface/pytorch-image-models}} } ```
[ -0.5314939022064209, -0.3945174217224121, -0.04715852066874504, 0.09657296538352966, -0.4021388292312622, -0.3390975892543793, -0.2875443696975708, -0.4684365391731262, 0.1701001524925232, 0.3202616572380066, -0.5623362064361572, -0.5063314437866211, -0.653738796710968, 0.0013800534652546048, -0.14562761783599854, 1.001304030418396, -0.14247511327266693, 0.04690024256706238, -0.22880981862545013, -0.46029701828956604, -0.32695361971855164, -0.2865126430988312, -0.6107761263847351, -0.43407657742500305, 0.3641992509365082, 0.17212483286857605, 0.5961460471153259, 0.6307206153869629, 0.7973631024360657, 0.45375803112983704, -0.10862123221158981, 0.14180193841457367, -0.351040244102478, -0.21189181506633759, 0.2921236455440521, -0.6453022360801697, -0.4101031422615051, 0.24680070579051971, 0.7317377328872681, 0.392757773399353, 0.12342547625303268, 0.3493141531944275, 0.14366351068019867, 0.5222300887107849, -0.3646465539932251, 0.2038702815771103, -0.5360015630722046, 0.2725931406021118, -0.05765580013394356, -0.05051051452755928, -0.3200396001338959, -0.33976057171821594, 0.27432671189308167, -0.5485092401504517, 0.626313328742981, -0.07053479552268982, 1.411553978919983, 0.2964897155761719, 0.05536099895834923, 0.2363797426223755, -0.41021671891212463, 0.7681949734687805, -0.6315014958381653, 0.4489278197288513, 0.19125394523143768, 0.17708227038383484, 0.06241997331380844, -1.039519190788269, -0.6685919761657715, -0.18509192764759064, -0.23819313943386078, 0.12081409245729446, -0.3116581439971924, 0.26373085379600525, 0.4879608750343323, 0.6019648313522339, -0.5423799157142639, -0.041838638484478, -0.5735845565795898, -0.27580496668815613, 0.567695140838623, -0.040709685534238815, 0.19977378845214844, -0.1562129706144333, -0.6306464076042175, -0.6162995100021362, -0.3500221371650696, 0.279519647359848, 0.297519326210022, 0.049721501767635345, -0.4969913363456726, 0.5481062531471252, 0.038519587367773056, 0.6815150380134583, 0.25357872247695923, -0.2156761735677719, 0.684643566608429, -0.15650416910648346, -0.4133683443069458, -0.2616705298423767, 1.1016939878463745, 0.4815353453159332, 0.4228147864341736, -0.04290202260017395, -0.17913557589054108, -0.11451943963766098, 0.07044577598571777, -1.108675479888916, -0.3878442049026489, 0.08427684009075165, -0.4623613953590393, -0.3893117904663086, 0.3675755262374878, -0.6404934525489807, -0.11292746663093567, -0.11028493940830231, 0.7977392077445984, -0.46695032715797424, -0.23275983333587646, 0.1149425357580185, -0.1773657500743866, 0.4944760203361511, 0.2500511109828949, -0.6045263409614563, 0.11222326010465622, 0.21662046015262604, 1.0444376468658447, 0.040342338383197784, -0.4995874762535095, -0.23497357964515686, -0.45727506279945374, -0.32742971181869507, 0.5052739977836609, -0.026679987087845802, -0.16242334246635437, -0.17369811236858368, 0.38155633211135864, -0.26039111614227295, -0.5843363404273987, 0.335788369178772, -0.20947372913360596, 0.36166122555732727, 0.09809401631355286, -0.21016326546669006, -0.4355347752571106, 0.29264727234840393, -0.41660043597221375, 1.2404817342758179, 0.40723076462745667, -0.9224960803985596, 0.4370051324367523, -0.464471697807312, -0.08406034111976624, -0.12470410019159317, 0.029080554842948914, -1.1127036809921265, 0.05601203069090843, 0.3235859274864197, 0.5929180979728699, -0.20472373068332672, -0.027483224868774414, -0.39851975440979004, -0.34273919463157654, 0.3519235849380493, -0.2778349816799164, 0.9394268989562988, 0.03489689156413078, -0.32972192764282227, 0.28370919823646545, -0.5954563021659851, 0.0905502587556839, 0.4270622134208679, -0.26068630814552307, 0.01609472557902336, -0.6310306787490845, 0.15262512862682343, 0.20759764313697815, 0.2319822907447815, -0.6799914240837097, 0.399645060300827, -0.38256898522377014, 0.3973211646080017, 0.6641450524330139, -0.1015399694442749, 0.3902020752429962, -0.3449438810348511, 0.3522431254386902, 0.26508915424346924, 0.4205123782157898, -0.15914669632911682, -0.6462945342063904, -1.0750627517700195, -0.4527500867843628, 0.343566358089447, 0.4657202363014221, -0.6699247360229492, 0.5784702897071838, -0.3820456266403198, -0.7564663887023926, -0.6121103167533875, 0.024211863055825233, 0.4823155999183655, 0.563572883605957, 0.5439124703407288, -0.5594890117645264, -0.5609536170959473, -0.9770429134368896, -0.1324979066848755, -0.07543777674436569, 0.00871735904365778, 0.2094128578901291, 0.6292053461074829, -0.26942145824432373, 0.8982581496238708, -0.43773719668388367, -0.3336215019226074, -0.21713604032993317, 0.0572785884141922, 0.35688719153404236, 0.7732672691345215, 0.7228763103485107, -0.662377119064331, -0.4732731878757477, -0.13752204179763794, -0.8882931470870972, 0.13755181431770325, -0.03200690075755119, -0.18955163657665253, 0.14733728766441345, 0.1837650090456009, -0.7092060446739197, 0.8077552318572998, 0.17169912159442902, -0.3774237334728241, 0.4378553032875061, -0.22501328587532043, 0.08490363508462906, -1.2010985612869263, -0.01489108894020319, 0.3885931968688965, -0.26700103282928467, -0.5067137479782104, 0.008468974381685257, 0.10571069270372391, -0.024364188313484192, -0.4138313829898834, 0.5768483877182007, -0.5012037754058838, -0.03726803511381149, -0.06935619562864304, -0.36894193291664124, 0.05721570551395416, 0.7462360262870789, -0.045250099152326584, 0.5508267879486084, 0.7665687799453735, -0.4936928153038025, 0.5874117612838745, 0.5421285033226013, -0.2126605063676834, 0.48460766673088074, -0.7394300103187561, 0.16257423162460327, -0.054135918617248535, 0.20383742451667786, -1.0274021625518799, -0.19385592639446259, 0.39619380235671997, -0.7601119875907898, 0.6630754470825195, -0.5555841326713562, -0.4435091018676758, -0.6146342754364014, -0.40592440962791443, 0.41389796137809753, 0.774600088596344, -0.7967390418052673, 0.609568178653717, 0.0843561589717865, 0.32599493861198425, -0.61391282081604, -0.9801115989685059, -0.2334011197090149, -0.3794723451137543, -0.7342286705970764, 0.4785025119781494, 0.0786234438419342, 0.15271694958209991, 0.08194553852081299, -0.1094641461968422, -0.0005240518948994577, -0.2141721248626709, 0.4652252197265625, 0.4246551990509033, -0.24454644322395325, -0.07102005183696747, -0.3369676470756531, -0.21683628857135773, -0.002163513097912073, -0.3589780330657959, 0.5271040797233582, -0.32461902499198914, -0.20798982679843903, -0.7711352109909058, -0.2680280804634094, 0.5022271275520325, -0.3097507357597351, 0.736263632774353, 1.1613825559616089, -0.4763365387916565, 0.06392873078584671, -0.5927959084510803, -0.3904723525047302, -0.5047600865364075, 0.4834885597229004, -0.3342389166355133, -0.4509705901145935, 0.7429946660995483, 0.17977482080459595, 0.10526494681835175, 0.78423672914505, 0.4368568956851959, 0.043175436556339264, 0.8413028717041016, 0.7057508230209351, 0.14751727879047394, 0.9071725010871887, -1.002952218055725, -0.125054270029068, -0.9288654327392578, -0.3723031282424927, -0.24202309548854828, -0.5235474705696106, -0.7109013795852661, -0.49476638436317444, 0.45429643988609314, 0.12315189093351364, -0.2941746413707733, 0.5576927065849304, -0.9090209603309631, 0.18749423325061798, 0.7291724681854248, 0.5319542288780212, -0.1154358983039856, 0.44625940918922424, -0.2060067057609558, -0.07115344703197479, -0.7846938371658325, -0.1094006896018982, 1.120385766029358, 0.48834937810897827, 0.8149105906486511, -0.28902336955070496, 0.6652876734733582, -0.2668977975845337, 0.3484438359737396, -0.7902572751045227, 0.5527458190917969, -0.025033531710505486, -0.4157178997993469, -0.11185046285390854, -0.3972683548927307, -1.0357911586761475, 0.22003482282161713, -0.3461977541446686, -0.8167370557785034, 0.3670882284641266, 0.20933327078819275, -0.21942973136901855, 0.6711475253105164, -0.871964693069458, 0.9860343337059021, -0.07255180925130844, -0.4930912256240845, 0.09332443028688431, -0.7264273166656494, 0.17799784243106842, 0.26896151900291443, -0.38624224066734314, 0.1407019942998886, 0.28734174370765686, 1.011159062385559, -0.6165891885757446, 0.8343807458877563, -0.43272796273231506, 0.3648408055305481, 0.4939267039299011, -0.22057799994945526, 0.3758287727832794, 0.031700506806373596, 0.16765522956848145, 0.34259751439094543, -0.02345890738070011, -0.3715333342552185, -0.5009488463401794, 0.4785430431365967, -1.0587190389633179, -0.38512054085731506, -0.52461838722229, -0.5918506979942322, 0.09992522746324539, 0.07267366349697113, 0.7201672792434692, 0.6311684250831604, 0.2795049846172333, 0.4018949866294861, 0.6847863793373108, -0.3363642394542694, 0.39485958218574524, 0.004564329981803894, -0.17189325392246246, -0.5746052861213684, 0.9626853466033936, 0.22903694212436676, 0.16484485566616058, 0.18686866760253906, 0.2284148931503296, -0.3544468283653259, -0.4989071190357208, -0.3700154423713684, 0.41258397698402405, -0.732905924320221, -0.49014976620674133, -0.5908386707305908, -0.5414630770683289, -0.3458910882472992, 0.013114558532834053, -0.4372842609882355, -0.33404800295829773, -0.37320584058761597, 0.09007176011800766, 0.8494696021080017, 0.5266254544258118, -0.12128283828496933, 0.5539162158966064, -0.5900344252586365, 0.20928263664245605, 0.29347583651542664, 0.5399294495582581, -0.20096643269062042, -1.029457449913025, -0.3653784692287445, 0.031550876796245575, -0.5220444798469543, -0.7797495722770691, 0.46905088424682617, 0.20483770966529846, 0.4716425836086273, 0.3821604251861572, -0.2831990122795105, 0.899390697479248, -0.06406967341899872, 0.596043050289154, 0.3365037739276886, -0.5529720783233643, 0.5099892020225525, -0.10251724720001221, 0.14886662364006042, 0.2059164047241211, 0.17672686278820038, -0.29027584195137024, -0.05919375643134117, -1.0761276483535767, -0.7692826390266418, 0.7970492839813232, 0.26275166869163513, 0.0637759119272232, 0.47324374318122864, 0.6279128789901733, -0.055212948471307755, 0.06259238719940186, -0.9075720906257629, -0.3387490510940552, -0.4415193200111389, -0.3349402844905853, -0.07254544645547867, -0.014472311362624168, 0.00210118992254138, -0.8232576847076416, 0.6605641841888428, -0.07101630419492722, 0.8273723125457764, 0.5007886290550232, -0.2249583899974823, -0.18064050376415253, -0.3978113532066345, 0.3583745062351227, 0.2641723155975342, -0.3175162076950073, 0.021913282573223114, 0.27581408619880676, -0.7649174332618713, -0.03674256429076195, 0.33485323190689087, -0.08892975002527237, 0.06030648201704025, 0.48648521304130554, 1.1293628215789795, -0.14028674364089966, -0.007475003134459257, 0.5443257093429565, -0.09417888522148132, -0.430949330329895, -0.28785786032676697, 0.09090966731309891, -0.26127156615257263, 0.3635423481464386, 0.35067951679229736, 0.404194712638855, -0.16225749254226685, -0.13606444001197815, 0.16480477154254913, 0.5466352701187134, -0.5490155220031738, -0.3837757706642151, 0.6852213144302368, -0.20640508830547333, -0.09275729209184647, 0.828332781791687, -0.05457228794693947, -0.5923604369163513, 0.9048551917076111, 0.326742559671402, 1.0568156242370605, -0.1045415848493576, -0.051531095057725906, 0.8131320476531982, 0.3852537274360657, -0.028478648513555527, 0.1685124635696411, 0.121127650141716, -0.8228688836097717, -0.08625225722789764, -0.6566212773323059, 0.028467508032917976, 0.3385150730609894, -0.5391905903816223, 0.4002748429775238, -0.5442474484443665, -0.3870897591114044, 0.05142315849661827, 0.23819893598556519, -1.0424220561981201, 0.2987423539161682, 0.03947044163942337, 0.7750466465950012, -0.8118278384208679, 0.6689706444740295, 0.8768946528434753, -0.6972231864929199, -0.9730555415153503, -0.15910610556602478, -0.18974153697490692, -0.8890671730041504, 0.4738255739212036, 0.44492247700691223, 0.15530434250831604, 0.2676732540130615, -0.8377476334571838, -0.6239445209503174, 1.3196767568588257, 0.38457003235816956, -0.14344973862171173, 0.14059096574783325, -0.02298690751194954, 0.38434678316116333, -0.28266438841819763, 0.47660353779792786, 0.17465433478355408, 0.40941813588142395, 0.2084784209728241, -0.738385021686554, 0.06631738692522049, -0.33820220828056335, 0.16171599924564362, 0.18631526827812195, -0.8139722943305969, 1.0039238929748535, -0.4249190092086792, -0.12142347544431686, 0.18066315352916718, 0.6664846539497375, 0.10994032770395279, 0.054080747067928314, 0.5710035562515259, 0.9168190360069275, 0.38395196199417114, -0.4433537423610687, 0.926699161529541, -0.15002724528312683, 0.741887092590332, 0.5022760629653931, 0.5001717209815979, 0.42684096097946167, 0.4726255536079407, -0.35815897583961487, 0.34206002950668335, 1.0187995433807373, -0.57666015625, 0.30451861023902893, 0.104450523853302, 0.04882224276661873, -0.23486332595348358, 0.06504169851541519, -0.5045598745346069, 0.5240954160690308, 0.21759748458862305, -0.5663847327232361, -0.10595519095659256, 0.1747393161058426, -0.15936721861362457, -0.3933912515640259, -0.18264847993850708, 0.6151123642921448, -0.01159640122205019, -0.45344454050064087, 0.8670113682746887, -0.017070699483156204, 0.8476459383964539, -0.4579756259918213, -0.040003057569265366, -0.2666548192501068, 0.42174145579338074, -0.3900850713253021, -0.8106712698936462, 0.16512544453144073, -0.23571307957172394, -0.07575318962335587, 0.036998335272073746, 0.7237024307250977, -0.4109729528427124, -0.5623889565467834, 0.10808923095464706, 0.32439836859703064, 0.3095765709877014, -0.0970531478524208, -1.0480633974075317, -0.04228195548057556, 0.016058463603258133, -0.6079613566398621, 0.18932218849658966, 0.38771727681159973, 0.031245531514286995, 0.6941143870353699, 0.6920339465141296, -0.09870999306440353, 0.24942179024219513, -0.12729518115520477, 0.9489539265632629, -0.433635413646698, -0.3999199867248535, -0.8082627654075623, 0.6589394807815552, -0.06447149068117142, -0.6469165682792664, 0.6816825866699219, 0.6197988390922546, 0.9555902481079102, -0.15487922728061676, 0.49572476744651794, -0.17481781542301178, 0.023677458986639977, -0.35577812790870667, 0.6175366640090942, -0.723421573638916, -0.11229430884122849, -0.2993670105934143, -0.9024325013160706, -0.38077911734580994, 0.9786303043365479, -0.32642662525177, 0.44841429591178894, 0.5404908061027527, 1.0112059116363525, -0.3349074125289917, -0.40406742691993713, 0.18080344796180725, 0.20115996897220612, 0.12510746717453003, 0.40306881070137024, 0.5932411551475525, -0.9084599018096924, 0.5000470876693726, -0.6423238515853882, -0.1803375780582428, -0.24498657882213593, -0.483626127243042, -1.051820158958435, -0.8405585885047913, -0.5901148915290833, -0.6976837515830994, -0.20980055630207062, 0.8783580660820007, 0.989486813545227, -0.5763468742370605, -0.0787130817770958, -0.18173889815807343, 0.023526547476649284, -0.31903836131095886, -0.251740425825119, 0.523206353187561, -0.14252564311027527, -0.7895705103874207, -0.32581302523612976, -0.006454141810536385, 0.5214008688926697, -0.18895861506462097, -0.16691197454929352, -0.15090227127075195, -0.3449837267398834, 0.24542856216430664, 0.30437400937080383, -0.7077623605728149, -0.22115720808506012, -0.0509653240442276, -0.049233321100473404, 0.5270420908927917, 0.389779657125473, -0.7697195410728455, 0.5764381289482117, 0.5811522603034973, 0.3414708077907562, 0.8583263158798218, -0.17991848289966583, 0.10617146641016006, -0.8776834607124329, 0.6113430261611938, -0.0281547699123621, 0.5344693064689636, 0.5157819390296936, -0.28108543157577515, 0.6119771003723145, 0.5981349349021912, -0.45673680305480957, -0.8590152859687805, -0.0356215164065361, -1.1276694536209106, 0.13317346572875977, 0.9648414254188538, -0.2656881511211395, -0.4817504286766052, 0.3826199769973755, -0.2190728336572647, 0.7414326071739197, -0.06921190023422241, 0.4652702212333679, 0.230942964553833, 0.08342041820287704, -0.6247090697288513, -0.4664016366004944, 0.5279785990715027, 0.15869589149951935, -0.5432111024856567, -0.38492080569267273, 0.04088563844561577, 0.5775511860847473, 0.3724590539932251, 0.35560324788093567, -0.16060514748096466, 0.19618462026119232, 0.05795004591345787, 0.5657336711883545, -0.3700835108757019, -0.15633493661880493, -0.4102861285209656, -0.1650329828262329, -0.09158634394407272, -0.648114025592804 ]
j-hartmann/sentiment-roberta-large-english-3-classes
j-hartmann
2023-01-02T13:02:49Z
10,112
12
transformers
[ "transformers", "pytorch", "roberta", "text-classification", "sentiment", "twitter", "en", "endpoints_compatible", "has_space", "region:us" ]
text-classification
2022-03-02T23:29:05Z
--- language: "en" tags: - roberta - sentiment - twitter widget: - text: "Oh no. This is bad.." - text: "To be or not to be." - text: "Oh Happy Day" --- This RoBERTa-based model can classify the sentiment of English language text in 3 classes: - positive 😀 - neutral 😐 - negative 🙁 The model was fine-tuned on 5,304 manually annotated social media posts. The hold-out accuracy is 86.1%. For details on the training approach see Web Appendix F in Hartmann et al. (2021). # Application ```python from transformers import pipeline classifier = pipeline("text-classification", model="j-hartmann/sentiment-roberta-large-english-3-classes", return_all_scores=True) classifier("This is so nice!") ``` ```python Output: [[{'label': 'negative', 'score': 0.00016451838018838316}, {'label': 'neutral', 'score': 0.000174045650055632}, {'label': 'positive', 'score': 0.9996614456176758}]] ``` # Reference Please cite [this paper](https://journals.sagepub.com/doi/full/10.1177/00222437211037258) when you use our model. Feel free to reach out to [[email protected]](mailto:[email protected]) with any questions or feedback you may have. ``` @article{hartmann2021, title={The Power of Brand Selfies}, author={Hartmann, Jochen and Heitmann, Mark and Schamp, Christina and Netzer, Oded}, journal={Journal of Marketing Research} year={2021} } ```
[ -0.11745653301477432, -0.4111328125, 0.2563401162624359, 0.2550799548625946, -0.2690393030643463, -0.04518210515379906, -0.3992094397544861, -0.4475417733192444, 0.26013970375061035, 0.30805227160453796, -0.4225097596645355, -0.8656660914421082, -0.9545925259590149, 0.3493518531322479, -0.35181763768196106, 1.3926668167114258, 0.0524241104722023, 0.47999656200408936, -0.15039756894111633, -0.3929811716079712, -0.15741217136383057, -0.7490608096122742, -0.7594709396362305, -0.23733949661254883, 0.6874925494194031, 0.1694532036781311, 0.37146443128585815, 0.21029002964496613, 0.6595573425292969, 0.30980488657951355, -0.16214308142662048, -0.01836533471941948, -0.29950258135795593, 0.25399622321128845, -0.0385189913213253, -0.6915125846862793, -0.4313449561595917, 0.4339156150817871, 0.3148549199104309, 0.14904366433620453, 0.024803444743156433, 0.4266544580459595, 0.3444076478481293, 0.5396658778190613, -0.3138227164745331, 0.30480024218559265, -0.6738218069076538, -0.13478413224220276, -0.30277878046035767, 0.11195092648267746, -0.8042150139808655, -0.2582496106624603, 0.13726362586021423, -0.30885520577430725, 0.36059659719467163, -0.08212057501077652, 1.4365195035934448, 0.2370772659778595, -0.40805020928382874, -0.315847247838974, -0.6936626434326172, 1.3645466566085815, -0.8644564747810364, 0.2551316022872925, 0.17118379473686218, 0.2600378692150116, 0.3367670476436615, -0.6009400486946106, -0.7650587558746338, 0.2352946400642395, 0.006632547825574875, 0.428051233291626, -0.17921091616153717, -0.19623172283172607, 0.017979631200432777, 0.34535127878189087, -0.5719736814498901, -0.1306689828634262, -0.43949899077415466, 0.007497475482523441, 0.5972841382026672, 0.04119683429598808, 0.10314994305372238, -0.7768704295158386, -0.4809950292110443, -0.17880308628082275, -0.07119403779506683, 0.19019410014152527, 0.2134697437286377, 0.5390881299972534, -0.1762944459915161, 0.5703379511833191, -0.03917745128273964, 0.7793739438056946, 0.06628243625164032, -0.2559853792190552, 0.691633403301239, 0.1270267516374588, -0.16028018295764923, -0.3473508358001709, 1.147544264793396, 0.6194265484809875, 0.47309041023254395, 0.20954611897468567, -0.18406279385089874, 0.3975697159767151, 0.33003199100494385, -0.7290767431259155, -0.24873682856559753, 0.2121576964855194, -0.6059862971305847, -0.6865646243095398, 0.3423319458961487, -0.591877281665802, -0.16671155393123627, -0.29175490140914917, 0.4322608411312103, -0.348286896944046, -0.16370083391666412, 0.11975919455289841, 0.001694684848189354, 0.2773886024951935, 0.29878124594688416, -0.720301628112793, 0.12567147612571716, 0.6565641164779663, 0.9979370832443237, -0.11662808805704117, -0.2588456869125366, -0.07797950506210327, -0.20459912717342377, -0.19371266663074493, 0.8941007256507874, -0.2757115364074707, 0.01642054133117199, -0.025366462767124176, 0.28637537360191345, 0.006054478697478771, -0.20621269941329956, 0.7457103133201599, -0.6635203957557678, 0.8005316257476807, 0.26956093311309814, -0.8045393228530884, -0.44227609038352966, 0.564785897731781, -0.4109547436237335, 1.0046031475067139, 0.12144898623228073, -0.9873610138893127, 0.3310047686100006, -0.3935859203338623, -0.32125067710876465, 0.03398098424077034, 0.2121533304452896, -0.7127537131309509, -0.09374163299798965, 0.045034054666757584, 0.908161997795105, -0.06787283718585968, 0.18581323325634003, -0.5967090129852295, -0.033725056797266006, 0.43759697675704956, -0.327201783657074, 1.0303934812545776, 0.4179646670818329, -0.15798965096473694, 0.005271323025226593, -0.8425004482269287, 0.11312013119459152, 0.03798384964466095, -0.26418912410736084, -0.4817369878292084, -0.2944694459438324, 0.3054441511631012, 0.37136462330818176, 0.37471988797187805, -0.709865152835846, 0.11739321053028107, -0.4064966142177582, 0.3889203667640686, 0.7302367091178894, 0.0468253493309021, 0.523502767086029, -0.4139339327812195, 0.7376906275749207, -0.050081249326467514, 0.38225969672203064, -0.06381133943796158, -0.9352515339851379, -1.0316600799560547, -0.4750949740409851, 0.6869829297065735, 0.6956793665885925, -0.4453463554382324, 0.6554434299468994, -0.2844456434249878, -0.7909130454063416, -0.7226548194885254, -0.06526292860507965, 0.2657206356525421, 0.6006975769996643, 0.449689656496048, -0.2028357982635498, -0.47552549839019775, -0.6263983249664307, -0.3794052004814148, -0.27813851833343506, -0.02444416657090187, 0.2946285903453827, 0.33625248074531555, -0.316924124956131, 0.844966471195221, -0.5140336155891418, -0.7070883512496948, -0.14528337121009827, 0.5863907933235168, 0.7550434470176697, 0.2656242251396179, 0.43542927503585815, -0.6563557982444763, -1.0208208560943604, -0.17295125126838684, -0.8632392287254333, -0.015785060822963715, -0.04389435425400734, -0.014115107245743275, 0.7365944385528564, 0.06907253712415695, -0.6742821931838989, 0.29558706283569336, 0.8520904779434204, -0.19176216423511505, 0.15596063435077667, 0.036003731191158295, 0.2245086431503296, -1.5459588766098022, -0.18792976438999176, 0.5879046320915222, -0.424064964056015, -0.5676324367523193, 0.018933720886707306, 0.09058770537376404, -0.02291029505431652, -0.514553427696228, 0.4848252832889557, -0.19632980227470398, 0.35190480947494507, -0.17282308638095856, -0.12305096536874771, 0.2691963016986847, 0.4236607551574707, 0.11443555355072021, 0.4212365746498108, 0.5299432873725891, -0.48914289474487305, 0.413231760263443, 0.3072079122066498, -0.22898463904857635, 0.6173447966575623, -0.5948132872581482, 0.14509746432304382, -0.15411008894443512, 0.29179897904396057, -1.1913670301437378, -0.16578809916973114, 0.29419293999671936, -1.0303558111190796, 0.36127039790153503, -0.3321104645729065, -0.3561056852340698, -0.5173770189285278, -0.3496324121952057, 0.00244772806763649, 0.801672637462616, -0.6704254746437073, 0.8358628749847412, 0.39031046628952026, -0.10685484111309052, -0.5283020734786987, -0.7453017234802246, 0.011552768759429455, -0.4203976094722748, -0.6664025783538818, 0.03770143538713455, -0.0337245799601078, -0.06340974569320679, -0.023726338520646095, 0.3152722418308258, -0.271385133266449, -0.2510911524295807, 0.44656112790107727, 0.5080575346946716, 0.22672897577285767, 0.2258385568857193, -0.3244834244251251, -0.20889940857887268, -0.01964440383017063, -0.2128446102142334, 0.5513062477111816, -0.3554540276527405, 0.20172502100467682, -0.7683148980140686, -0.03901848569512367, 0.6356087327003479, -0.09078948199748993, 0.8207727670669556, 0.6379183530807495, -0.2786905765533447, -0.3643946051597595, -0.35491180419921875, -0.09913918375968933, -0.47482481598854065, 0.04606454446911812, -0.4332844018936157, -0.6644245982170105, 0.4086940884590149, 0.2749401032924652, -0.10558798164129257, 0.7144435048103333, 0.558867871761322, -0.45497480034828186, 1.2944629192352295, 0.37496131658554077, -0.2652958631515503, 0.389675110578537, -0.5297061800956726, 0.39392420649528503, -0.580949068069458, -0.15967483818531036, -0.6610296368598938, -0.14359541237354279, -0.8502449989318848, -0.3240472674369812, 0.32428282499313354, -0.14952664077281952, -0.12020529061555862, 0.47048652172088623, -0.8366155028343201, 0.37975725531578064, 0.5630476474761963, 0.20690301060676575, 0.133001446723938, -0.013988068327307701, 0.26462188363075256, -0.3873780369758606, -0.4650656282901764, -0.7088849544525146, 1.184382677078247, 0.6326156854629517, 0.9052662253379822, 0.10037883371114731, 0.9915342330932617, 0.342871755361557, 0.7190507650375366, -1.1620960235595703, 0.5240001082420349, -0.4660131335258484, -0.8810318112373352, -0.17911800742149353, -0.41790929436683655, -0.7416425943374634, -0.17883720993995667, -0.2661081850528717, -0.35463741421699524, -0.11187471449375153, 0.2622281610965729, -0.2022084891796112, 0.26612499356269836, -0.6519661545753479, 0.7735814452171326, -0.04278033226728439, -0.2169121354818344, -0.23448219895362854, -0.5965737700462341, 0.21266517043113708, -0.04275888204574585, 0.45544320344924927, -0.17950721085071564, 0.3266359567642212, 0.8262820839881897, -0.2741781771183014, 0.972836434841156, -0.318072646856308, -0.10167832672595978, 0.35041290521621704, -0.006477295886725187, 0.5140122771263123, -0.21348391473293304, -0.20754733681678772, 0.5694490671157837, 0.04241416975855827, -0.3161945939064026, -0.6226719617843628, 0.7062398195266724, -0.9194705486297607, -0.1659572273492813, -0.9409955143928528, -0.15458254516124725, -0.06226501241326332, 0.19778330624103546, 0.6101028919219971, 0.4286018908023834, 0.14937202632427216, 0.2457791417837143, 0.27545735239982605, -0.008410329930484295, 0.2748945653438568, 0.4892384111881256, -0.38454893231391907, -0.6127004623413086, 1.1325345039367676, 0.30518242716789246, 0.0672147199511528, 0.345353364944458, 0.2586076259613037, -0.4805181920528412, -0.2756756842136383, -0.2515401244163513, 0.37689271569252014, -0.8448715806007385, -0.5276799201965332, -0.7176910042762756, -0.3046962320804596, -0.4561985433101654, -0.15378046035766602, -0.4477706551551819, -0.5959814786911011, -0.6178504824638367, 0.013432560488581657, 0.5656967759132385, 1.045644760131836, 0.17316779494285583, 0.2832518219947815, -0.811576783657074, 0.025812335312366486, 0.3394883871078491, 0.3842040002346039, -0.14603924751281738, -1.006453037261963, -0.24859735369682312, -0.05264212563633919, -0.3863246440887451, -0.7587878704071045, 0.7088565826416016, 0.18590186536312103, 0.040025897324085236, 0.41201162338256836, 0.07838413119316101, 0.3911688029766083, -0.3668561279773712, 1.0652461051940918, 0.41823452711105347, -0.9786738753318787, 0.5208422541618347, -0.5580354332923889, -0.037586960941553116, 0.48785391449928284, 0.7640439867973328, -0.6079376339912415, -0.59092116355896, -0.923683226108551, -0.8379495143890381, 0.6191399693489075, -0.1370028257369995, 0.33596447110176086, -0.21245169639587402, 0.36144736409187317, 0.045226823538541794, -0.013511826284229755, -1.1704411506652832, -0.16214358806610107, -0.39550670981407166, -0.7870092391967773, -0.1963600069284439, -0.21037466824054718, 0.13746771216392517, -0.4784325361251831, 1.1440603733062744, -0.1985800564289093, 0.2261783629655838, 0.1010182574391365, -0.02503199130296707, 0.06969280540943146, 0.20514824986457825, 0.37747707962989807, 0.19263119995594025, -0.41614237427711487, 0.18358077108860016, 0.22376935184001923, -0.2708125114440918, 0.10772787034511566, -0.20382145047187805, -0.40119796991348267, 0.1755976676940918, 0.31850406527519226, 0.5962741374969482, -0.10959203541278839, -0.23320597410202026, 0.8418475389480591, -0.35167694091796875, -0.27377229928970337, -0.7198503613471985, -0.14062802493572235, -0.31180453300476074, 0.17498822510242462, 0.0814225822687149, 0.46989333629608154, 0.1688697636127472, -0.25152918696403503, 0.16569627821445465, 0.46668633818626404, -0.6353741884231567, -0.43049150705337524, 0.6338886618614197, 0.14765985310077667, -0.4948415756225586, 0.4160303473472595, -0.47510454058647156, -0.7230320572853088, 0.25823134183883667, 0.4574047029018402, 1.0083500146865845, -0.23987150192260742, 0.5114597082138062, 0.7188410758972168, -0.05403118580579758, -0.18556244671344757, 0.395755797624588, 0.35285231471061707, -1.0217450857162476, -0.3400022089481354, -0.9246805906295776, -0.45576807856559753, 0.18056929111480713, -0.8536438941955566, 0.5341116786003113, -0.6142625212669373, -0.65434330701828, 0.2550686299800873, -0.0011651009554043412, -0.5698538422584534, 0.494713693857193, 0.1641693264245987, 0.7473171353340149, -0.998491108417511, 0.8206242322921753, 0.83062744140625, -0.4040924608707428, -1.050973892211914, -0.038147203624248505, 0.10324712097644806, -0.6901848316192627, 0.8304891586303711, 0.4755077660083771, -0.2061503678560257, 0.20032469928264618, -0.6077640056610107, -0.7301615476608276, 0.8992010951042175, -0.20638316869735718, -0.5497941374778748, 0.2506200969219208, -0.16636189818382263, 0.826920211315155, -0.4377835988998413, 0.223710834980011, 0.09482420980930328, 0.3223083019256592, 0.023618590086698532, -0.6996724009513855, -0.41795021295547485, -0.4706840515136719, 0.12141716480255127, 0.07252627611160278, -0.8772314190864563, 0.8768364787101746, 0.045142192393541336, -0.22667410969734192, 0.24125654995441437, 0.5899235606193542, 0.011050851084291935, 0.22890496253967285, 0.7099980711936951, 0.9556219577789307, 0.716221272945404, -0.20492585003376007, 1.1311790943145752, -0.6790565252304077, 1.0375431776046753, 0.8668678402900696, -0.2277643084526062, 1.1770427227020264, 0.30079182982444763, -0.3767748177051544, 0.957937479019165, 0.6044328212738037, -0.3187108337879181, 0.6024514436721802, -0.018865767866373062, -0.4143073558807373, -0.22716659307479858, -0.06727123260498047, 0.06500102579593658, 0.6256433725357056, 0.07082708925008774, -0.4700799882411957, 0.2504134774208069, 0.14771153032779694, 0.1865040510892868, 0.17514313757419586, -0.04347020387649536, 0.7708802223205566, -0.000861222913954407, -0.6384668946266174, 0.6015893220901489, 0.10671070963144302, 1.010329246520996, -0.2972233295440674, 0.04397227242588997, 0.1473526656627655, 0.655583381652832, -0.3017987310886383, -1.0220731496810913, 0.24925747513771057, 0.26364266872406006, -0.3928878605365753, -0.30348601937294006, 0.7795068621635437, -0.41587769985198975, -0.8496027588844299, 0.3824114501476288, 0.10917916148900986, 0.3089525103569031, 0.2091493457555771, -0.7793453931808472, 0.06008140370249748, 0.01788955181837082, -0.436679482460022, -0.1613050103187561, 0.2872141897678375, 0.2531982660293579, 0.6081362962722778, 0.4451124966144562, 0.14939510822296143, 0.016966676339507103, 0.36279916763305664, 0.6060092449188232, -0.585686445236206, -0.49980154633522034, -0.81560879945755, 0.5761481523513794, -0.27757930755615234, -0.40894946455955505, 1.0841262340545654, 0.49345818161964417, 0.8958877921104431, -0.18451957404613495, 0.9548214077949524, -0.0009128875099122524, 1.0970827341079712, -0.28803205490112305, 0.6626116633415222, -0.595144510269165, -0.021815551444888115, -0.4438972771167755, -0.7675271034240723, -0.6981577277183533, 1.0669583082199097, -0.3696098327636719, 0.06253428757190704, 0.5151113867759705, 0.8279106020927429, 0.01364652905613184, 0.04226363077759743, 0.047324273735284805, 0.287185400724411, 0.343536376953125, 0.1235443577170372, 0.7972537875175476, -0.6174914240837097, 0.432475209236145, -0.36575812101364136, -0.5277283191680908, -0.06151258200407028, -0.7658935785293579, -1.1214746236801147, -0.6861793398857117, -0.38933947682380676, -0.9570095539093018, -0.23987838625907898, 0.9915923476219177, 0.9002326726913452, -1.0723689794540405, -0.11777102947235107, -0.09679152071475983, -0.2214565873146057, 0.03214695677161217, -0.3819081783294678, 0.0872725173830986, -0.5170968770980835, -0.9208977222442627, -0.1697608381509781, 0.08908013999462128, 0.1297386735677719, -0.2947416603565216, -0.20215347409248352, -0.07339198887348175, 0.06144113093614578, 0.5951487421989441, -0.07853172719478607, -0.7029264569282532, -0.41662436723709106, 0.20553919672966003, -0.2272775024175644, 0.1647840291261673, 0.24763816595077515, -0.4619240164756775, 0.36968547105789185, 0.3555518090724945, 0.2945745587348938, 0.5651667714118958, 0.16389334201812744, 0.14509983360767365, -0.8489124774932861, -0.04699978977441788, 0.352886438369751, 0.32004785537719727, 0.5979813933372498, -0.37596532702445984, 0.31237342953681946, 0.46849897503852844, -0.8987441658973694, -0.5717868208885193, 0.20032060146331787, -1.2569639682769775, -0.20837658643722534, 1.2742135524749756, -0.26730257272720337, -0.47927236557006836, 0.11986427754163742, -0.16247133910655975, 0.24353820085525513, -0.4756030738353729, 1.1060380935668945, 0.9181525111198425, -0.03877921402454376, -0.39752644300460815, -0.2758709490299225, 0.3339889645576477, 0.31653815507888794, -0.5929746627807617, -0.22234830260276794, 0.24940085411071777, 0.545415461063385, 0.5255253314971924, 0.6170811653137207, -0.1053372398018837, -0.10049309581518173, -0.38613414764404297, 0.5712854266166687, 0.3553743362426758, -0.47271281480789185, -0.6107648611068726, 0.06686649471521378, 0.2169850468635559, -0.25750064849853516 ]
Linaqruf/animagine-xl-2.0
Linaqruf
2023-11-27T08:47:40Z
10,095
65
diffusers
[ "diffusers", "text-to-image", "stable-diffusion", "safetensors", "stable-diffusion-xl", "en", "base_model:stabilityai/stable-diffusion-xl-base-1.0", "license:openrail++", "endpoints_compatible", "has_space", "diffusers:StableDiffusionXLPipeline", "region:us" ]
text-to-image
2023-11-13T02:02:33Z
--- library_name: diffusers license: openrail++ language: - en tags: - text-to-image - stable-diffusion - safetensors - stable-diffusion-xl base_model: stabilityai/stable-diffusion-xl-base-1.0 widget: - text: face focus, cute, masterpiece, best quality, 1girl, green hair, sweater, looking at viewer, upper body, beanie, outdoors, night, turtleneck parameter: negative_prompt: lowres, bad anatomy, bad hands, text, error, missing fingers, extra digit, fewer digits, cropped, worst quality, low quality, normal quality, jpeg artifacts, signature, watermark, username, blurry output: url: https://cdn-uploads.huggingface.co/production/uploads/6365c8dbf31ef76df4042821/cR_r0k0CSapphAaFrkN1h.png example_title: 1girl - text: face focus, bishounen, masterpiece, best quality, 1boy, green hair, sweater, looking at viewer, upper body, beanie, outdoors, night, turtleneck parameter: negative_prompt: lowres, bad anatomy, bad hands, text, error, missing fingers, extra digit, fewer digits, cropped, worst quality, low quality, normal quality, jpeg artifacts, signature, watermark, username, blurry output: url: https://cdn-uploads.huggingface.co/production/uploads/6365c8dbf31ef76df4042821/EteXoZZN4SwlkqfbPpNak.png example_title: 1boy --- <style> .title-container { display: flex; justify-content: center; align-items: center; height: 100vh; /* Adjust this value to position the title vertically */ } .title { font-size: 2.5em; text-align: center; color: #333; font-family: 'Helvetica Neue', sans-serif; text-transform: uppercase; letter-spacing: 0.1em; padding: 0.5em 0; background: transparent; } .title span { background: -webkit-linear-gradient(45deg, #7ed56f, #28b485); -webkit-background-clip: text; -webkit-text-fill-color: transparent; } .custom-table { table-layout: fixed; width: 100%; border-collapse: collapse; margin-top: 2em; } .custom-table td { width: 50%; vertical-align: top; padding: 10px; box-shadow: 0px 0px 0px 0px rgba(0, 0, 0, 0.15); } .custom-image-container { position: relative; width: 100%; margin-bottom: 0em; overflow: hidden; border-radius: 10px; transition: transform .7s; /* Smooth transition for the container */ } .custom-image-container:hover { transform: scale(1.05); /* Scale the container on hover */ } .custom-image { width: 100%; height: auto; object-fit: cover; border-radius: 10px; transition: transform .7s; margin-bottom: 0em; } .nsfw-filter { filter: blur(8px); /* Apply a blur effect */ transition: filter 0.3s ease; /* Smooth transition for the blur effect */ } .custom-image-container:hover .nsfw-filter { filter: none; /* Remove the blur effect on hover */ } .overlay { position: absolute; bottom: 0; left: 0; right: 0; color: white; width: 100%; height: 40%; display: flex; flex-direction: column; justify-content: center; align-items: center; font-size: 1vw; font-style: bold; text-align: center; opacity: 0; /* Keep the text fully opaque */ background: linear-gradient(0deg, rgba(0, 0, 0, 0.8) 60%, rgba(0, 0, 0, 0) 100%); transition: opacity .5s; } .custom-image-container:hover .overlay { opacity: 1; /* Make the overlay always visible */ } .overlay-text { background: linear-gradient(45deg, #7ed56f, #28b485); -webkit-background-clip: text; color: transparent; /* Fallback for browsers that do not support this effect */ text-shadow: 2px 2px 4px rgba(0, 0, 0, 0.7); /* Enhanced text shadow for better legibility */ .overlay-subtext { font-size: 0.75em; margin-top: 0.5em; font-style: italic; } .overlay, .overlay-subtext { text-shadow: 2px 2px 4px rgba(0, 0, 0, 0.5); } </style> <h1 class="title"> <span>Animagine XL 2.0</span> </h1> <table class="custom-table"> <tr> <td> <div class="custom-image-container"> <img class="custom-image" src="https://cdn-uploads.huggingface.co/production/uploads/6365c8dbf31ef76df4042821/fmkK9WYAPgwbrDcKOybBZ.png" alt="sample1"> </div> <div class="custom-image-container"> <img class="custom-image" src="https://cdn-uploads.huggingface.co/production/uploads/6365c8dbf31ef76df4042821/TFaH_13XbFh0_NSn4Tzav.png" alt="sample4"> </div> </td> <td> <div class="custom-image-container"> <img class="custom-image" src="https://cdn-uploads.huggingface.co/production/uploads/6365c8dbf31ef76df4042821/twkZ4xvmUBTWZZ88DG0v-.png" alt="sample2"> </div> <div class="custom-image-container"> <img class="custom-image" src="https://cdn-uploads.huggingface.co/production/uploads/6365c8dbf31ef76df4042821/5LyRRqLwt73u-eOy1HZ_7.png" alt="sample3"> </td> <td> <div class="custom-image-container"> <img class="custom-image" src="https://cdn-uploads.huggingface.co/production/uploads/6365c8dbf31ef76df4042821/f8aLXc_Slewo7iVxlE246.png" alt="sample1"> </div> <div class="custom-image-container"> <img class="custom-image" src="https://cdn-uploads.huggingface.co/production/uploads/6365c8dbf31ef76df4042821/PYI5I7VR_zdEZUidn8fIr.png" alt="sample4"> </div> </td> </tr> </table> ## Overview **Animagine XL 2.0** is an advanced latent text-to-image diffusion model designed to create high-resolution, detailed anime images. It's fine-tuned from Stable Diffusion XL 1.0 using a high-quality anime-style image dataset. This model, an upgrade from Animagine XL 1.0, excels in capturing the diverse and distinct styles of anime art, offering improved image quality and aesthetics. ## Model Details - **Developed by:** [Linaqruf](https://github.com/Linaqruf) - **Model type:** Diffusion-based text-to-image generative model - **Model Description:** This is a model that excels in creating detailed and high-quality anime images from text descriptions. It's fine-tuned to understand and interpret a wide range of descriptive prompts, turning them into stunning visual art. - **License:** [CreativeML Open RAIL++-M License](https://huggingface.co/stabilityai/stable-diffusion-2/blob/main/LICENSE-MODEL) - **Finetuned from model:** [Stable Diffusion XL 1.0](https://huggingface.co/stabilityai/stable-diffusion-xl-base-1.0) ## LoRA Collection The Animagine XL 2.0 model is complemented by an impressive suite of LoRA (Low-Rank Adaptation) adapters, each designed to imbue the generated images with unique stylistic attributes. This collection of adapters allows users to customize the aesthetic of their creations to match specific art styles, ranging from the vivid and bright Pastel Style to the intricate and ornate Anime Nouveau. <table class="custom-table"> <tr> <td> <div class="custom-image-container"> <a href="https://huggingface.co/Linaqruf/style-enhancer-xl-lora"> <img class="custom-image" src="https://cdn-uploads.huggingface.co/production/uploads/6365c8dbf31ef76df4042821/7k2c5pW6zMpOiuW9kVsrs.png" alt="sample1"> <div class="overlay"> Style Enhancer </div> </a> </div> </td> <td> <div class="custom-image-container"> <a href="https://huggingface.co/Linaqruf/anime-detailer-xl-lora"> <img class="custom-image" src="https://cdn-uploads.huggingface.co/production/uploads/6365c8dbf31ef76df4042821/2yAWKA84ux1wfzaMD3cNu.png" alt="sample1"> <div class="overlay"> Anime Detailer </div> </a> </div> </td> <td> <div class="custom-image-container"> <a href="https://huggingface.co/Linaqruf/sketch-style-xl-lora"> <img class="custom-image" src="https://cdn-uploads.huggingface.co/production/uploads/6365c8dbf31ef76df4042821/Iv6h6wC4HTq0ue5UABe_W.png" alt="sample1"> <div class="overlay"> Sketch Style </div> </a> </div> </td> <td> <div class="custom-image-container"> <a href="https://huggingface.co/Linaqruf/pastel-style-xl-lora"> <img class="custom-image" src="https://cdn-uploads.huggingface.co/production/uploads/6365c8dbf31ef76df4042821/0Bu6fj33VHC2rTXoD-anR.png" alt="sample1"> <div class="overlay"> Pastel Style </div> </a> </div> </td> <td> <div class="custom-image-container"> <a href="https://huggingface.co/Linaqruf/anime-nouveau-xl-lora"> <img class="custom-image" src="https://cdn-uploads.huggingface.co/production/uploads/6365c8dbf31ef76df4042821/Mw_U_1VcrcBGt-i6Lu06d.png" alt="sample1"> <div class="overlay"> Anime Nouveau </div> </a> </div> </td> </tr> </table> ## Gradio & Colab Integration Animagine XL is accessible via [Gradio](https://github.com/gradio-app/gradio) Web UI and Google Colab, offering user-friendly interfaces for image generation: - **Gradio Web UI**: [![Open In Spaces](https://camo.githubusercontent.com/00380c35e60d6b04be65d3d94a58332be5cc93779f630bcdfc18ab9a3a7d3388/68747470733a2f2f696d672e736869656c64732e696f2f62616467652f25463025394625413425393725323048756767696e67253230466163652d5370616365732d626c7565)](https://huggingface.co/spaces/Linaqruf/Animagine-XL) - **Google Colab**: [![Open In Colab](https://colab.research.google.com/assets/colab-badge.svg)](https://colab.research.google.com/#fileId=https%3A//huggingface.co/Linaqruf/animagine-xl/blob/main/Animagine_XL_demo.ipynb) ## 🧨 Diffusers Installation Ensure the installation of the latest `diffusers` library, along with other essential packages: ```bash pip install diffusers --upgrade pip install transformers accelerate safetensors ``` The following Python script demonstrates how to do inference with Animagine XL 2.0. The default scheduler in the model config is EulerAncestralDiscreteScheduler, but it can be explicitly defined for clarity. ```py import torch from diffusers import ( StableDiffusionXLPipeline, EulerAncestralDiscreteScheduler, AutoencoderKL ) # Load VAE component vae = AutoencoderKL.from_pretrained( "madebyollin/sdxl-vae-fp16-fix", torch_dtype=torch.float16 ) # Configure the pipeline pipe = StableDiffusionXLPipeline.from_pretrained( "Linaqruf/animagine-xl-2.0", vae=vae, torch_dtype=torch.float16, use_safetensors=True, variant="fp16" ) pipe.scheduler = EulerAncestralDiscreteScheduler.from_config(pipe.scheduler.config) pipe.to('cuda') # Define prompts and generate image prompt = "face focus, cute, masterpiece, best quality, 1girl, green hair, sweater, looking at viewer, upper body, beanie, outdoors, night, turtleneck" negative_prompt = "lowres, bad anatomy, bad hands, text, error, missing fingers, extra digit, fewer digits, cropped, worst quality, low quality, normal quality, jpeg artifacts, signature, watermark, username, blurry" image = pipe( prompt, negative_prompt=negative_prompt, width=1024, height=1024, guidance_scale=12, num_inference_steps=50 ).images[0] ``` ## Usage Guidelines ### Prompt Guidelines Animagine XL 2.0 responds effectively to natural language descriptions for image generation. For example: ``` A girl with mesmerizing blue eyes looks at the viewer. Her long, white hair is adorned with blue butterfly hair ornaments. ``` However, to achieve optimal results, it's recommended to use Danbooru-style tagging in your prompts, as the model is trained with images labeled using these tags. For instance: ``` 1girl, green hair, sweater, looking at viewer, upper body, beanie, outdoors, night, turtleneck ``` This model incorporates quality and rating modifiers during dataset processing, influencing image generation based on specified criteria: ### Quality Modifiers | Quality Modifier | Score Criterion | | ---------------- | --------------- | | masterpiece | >150 | | best quality | 100-150 | | high quality | 75-100 | | medium quality | 25-75 | | normal quality | 0-25 | | low quality | -5-0 | | worst quality | <-5 | ### Rating Modifiers | Rating Modifier | Rating Criterion | | --------------- | ---------------- | | - | general | | - | sensitive | | nsfw | questionable | | nsfw | explicit | To guide the model towards generating high-aesthetic images, use negative prompts like: ``` lowres, bad anatomy, bad hands, text, error, missing fingers, extra digit, fewer digits, cropped, worst quality, low quality, normal quality, jpeg artifacts, signature, watermark, username, blurry ``` For higher quality outcomes, prepend prompts with: ``` masterpiece, best quality ``` ### Quality Tags Comparison This table presents a detailed comparison to illustrate how training quality tags can significantly influence the outcomes of generative results. It showcases various attributes, both positive and negative, demonstrating the impact of quality tags in steering the generation of visual content. <table class="custom-table"> <tr> <th colspan="6" align="center"> Quality Tags Comparison </th> </tr> <tr> <td colspan="1">Prompt</td> <td colspan="5" align="center" style="font-style: italic">"1girl, fu xuan, honkai:star rail, sweater, looking at viewer, upper body, beanie, outdoors, night, turtleneck"</td> </tr> <tr> <td>Positive</td> <td>-</td> <td>masterpiece, best quality</td> <td>-</td> <td>masterpiece, best quality</td> <td>masterpiece, best quality</td> </tr> <tr> <td>Negative</td> <td>-</td> <td>-</td> <td>worst quality, low quality, normal quality</td> <td>worst quality, low quality, normal quality</td> <td>lowres, bad anatomy, bad hands, text, error, missing fingers, extra digit, fewer digits, cropped, worst quality, low quality, normal quality, jpeg artifacts, signature, watermark, username, blurry</td> </tr> <tr> <td></td> <td> <div class="custom-image-container"> <a href="https://cdn-uploads.huggingface.co/production/uploads/6365c8dbf31ef76df4042821/6Jgm3iii23ZMHVAJcR02u.png" target="_blank"> <img class="custom-image" src="https://cdn-uploads.huggingface.co/production/uploads/6365c8dbf31ef76df4042821/6Jgm3iii23ZMHVAJcR02u.png" alt="Comparison 1"> </a> </div> </td> <td> <div class="custom-image-container"> <a href="https://cdn-uploads.huggingface.co/production/uploads/6365c8dbf31ef76df4042821/vLYdEN3u5GnIaTDiPT-Nw.png" target="_blank"> <img class="custom-image" src="https://cdn-uploads.huggingface.co/production/uploads/6365c8dbf31ef76df4042821/vLYdEN3u5GnIaTDiPT-Nw.png" alt="Comparison 2"> </a> </div> </td> <td> <div class="custom-image-container"> <a href="https://cdn-uploads.huggingface.co/production/uploads/6365c8dbf31ef76df4042821/4jw_6xjEWmcqwPNFp6ktC.png" target="_blank"> <img class="custom-image" src="https://cdn-uploads.huggingface.co/production/uploads/6365c8dbf31ef76df4042821/4jw_6xjEWmcqwPNFp6ktC.png" alt="Comparison 3"> </a> </div> </td> <td> <div class="custom-image-container"> <a href="https://cdn-uploads.huggingface.co/production/uploads/6365c8dbf31ef76df4042821/x7SNaPLKJXm1ZtoKIYiHs.png" target="_blank"> <img class="custom-image" src="https://cdn-uploads.huggingface.co/production/uploads/6365c8dbf31ef76df4042821/x7SNaPLKJXm1ZtoKIYiHs.png" alt="Comparison 4"> </a> </div> </td> <td> <div class="custom-image-container"> <a href="https://cdn-uploads.huggingface.co/production/uploads/6365c8dbf31ef76df4042821/5HnkLvrahnqdL28_GegxI.png" target="_blank"> <img class="custom-image" src="https://cdn-uploads.huggingface.co/production/uploads/6365c8dbf31ef76df4042821/5HnkLvrahnqdL28_GegxI.png" alt="Comparison 5"> </a> </div> </td> </tr> </table> ## Examples <table class="custom-table"> <tr> <td> <div class="custom-image-container"> <img class="custom-image" src="https://cdn-uploads.huggingface.co/production/uploads/6365c8dbf31ef76df4042821/m6BGzrJgYTb9QrZprVAqZ.png" alt="sample1"> <div class="overlay" style="font-size: 1vw; font-style: bold;"> Twilight Contemplation <div class="overlay-subtext" style="font-size: 0.75em; font-style: italic;">"Stelle, Amidst Shooting Stars and Mountain Silhouettes"</div> </div> </div> </td> </tr> </table> <details> <summary>Generation Parameter</summary> <pre> { "prompt": "cinematic photo (masterpiece), (best quality), (ultra-detailed), stelle, honkai: star rail, official art, 1girl, solo, gouache, starry sky, mountain, long hair, hoodie, shorts, sneakers, yellow eyes, tsurime, sitting on a rock, stargazing, milky way, shooting star, tranquil night., illustration, disheveled hair, detailed eyes, perfect composition, moist skin, intricate details, earrings . 35mm photograph, film, bokeh, professional, 4k, highly detailed", "negative_prompt": "drawing, painting, crayon, sketch, graphite, impressionist, noisy, blurry, soft, deformed, uglylongbody, lowres, bad anatomy, bad hands, missing fingers, pubic hair, extra digit, fewer digits, cropped, worst quality, low quality", "resolution": "832 x 1216", "guidance_scale": 12, "num_inference_steps": 50, "seed": 1082676886, "sampler": "Euler a", "enable_lcm": false, "sdxl_style": "Photographic", "quality_tags": "Heavy", "refine_prompt": false, "use_lora": null, "use_upscaler": { "upscale_method": "nearest-exact", "upscaler_strength": 0.55, "upscale_by": 1.5, "new_resolution": "1248 x 1824" }, "datetime": "2023-11-25 06:42:21.342459" } </pre> </details> <table class="custom-table"> <tr> <td> <div class="custom-image-container"> <img class="custom-image" src="https://cdn-uploads.huggingface.co/production/uploads/6365c8dbf31ef76df4042821/7f6BZyn1m30qHWFNLA8jM.png" alt="sample1"> <div class="overlay" style="font-size: 1vw; font-style: bold;"> Serenade in Sunlight <div class="overlay-subtext" style="font-size: 0.75em; font-style: italic;">"Caelus, immersed in music, strums his guitar in a room bathed in soft afternoon light."</div> </div> </div> </td> </tr> </table> <details> <summary>Generation Parameter</summary> <pre> { "prompt": "cinematic photo (masterpiece), (best quality), (ultra-detailed), caelus, honkai: star rail, 1boy, solo, playing guitar, living room, grey hair, short hair, yellow eyes, downturned eyes, passionate expression, casual clothes, acoustic guitar, sheet music stand, carpet, couch, window, sitting pose, strumming guitar, eyes closed., illustration, disheveled hair, detailed eyes, perfect composition, moist skin, intricate details, earrings . 35mm photograph, film, bokeh, professional, 4k, highly detailed", "negative_prompt": "drawing, painting, crayon, sketch, graphite, impressionist, noisy, blurry, soft, deformed, uglylongbody, lowres, bad anatomy, bad hands, missing fingers, pubic hair, extra digit, fewer digits, cropped, worst quality, low quality", "resolution": "1216 x 832", "guidance_scale": 12, "num_inference_steps": 50, "seed": 1521939308, "sampler": "Euler a", "enable_lcm": false, "sdxl_style": "Photographic", "quality_tags": "Heavy", "refine_prompt": true, "use_lora": null, "use_upscaler": { "upscale_method": "nearest-exact", "upscaler_strength": 0.55, "upscale_by": 1.5, "new_resolution": "1824 x 1248" }, "datetime": "2023-11-25 07:08:39.622020" } </pre> </details> <table class="custom-table"> <tr> <td> <div class="custom-image-container"> <img class="custom-image" src="https://cdn-uploads.huggingface.co/production/uploads/6365c8dbf31ef76df4042821/eedrvT_hQjVb4rz5CmwOq.png" alt="sample1"> <div class="overlay" style="font-size: 1vw; font-style: bold;"> Night Market Glow <div class="overlay-subtext" style="font-size: 0.75em; font-style: italic;">"Kafka serves up culinary delights, her smile as bright as the surrounding festival lights."</div> </div> </div> </td> </tr> </table> <details> <summary>Generation Parameter</summary> <pre> { "prompt": "cinematic photo (masterpiece), (best quality), (ultra-detailed), 1girl, solo, kafka, enjoying a street food festival, dark purple hair, shoulder length, hair clip, blue eyes, upturned eyes, excited expression, casual clothes, food stalls, variety of cuisines, people, outdoor seating, string lights, standing pose, holding a plate of food, trying new dishes, laughing with friends, experiencing the vibrant food culture., illustration, disheveled hair, detailed eyes, perfect composition, moist skin, intricate details, earrings . 35mm photograph, film, bokeh, professional, 4k, highly detailed", "negative_prompt": "drawing, painting, crayon, sketch, graphite, impressionist, noisy, blurry, soft, deformed, uglylongbody, lowres, bad anatomy, bad hands, missing fingers, pubic hair, extra digit, fewer digits, cropped, worst quality, low quality", "resolution": "1216 x 832", "guidance_scale": 12, "num_inference_steps": 50, "seed": 1082676886, "sampler": "Euler a", "enable_lcm": false, "sdxl_style": "Photographic", "quality_tags": "Heavy", "refine_prompt": false, "use_lora": null, "use_upscaler": { "upscale_method": "nearest-exact", "upscaler_strength": 0.55, "upscale_by": 1.5, "new_resolution": "1824 x 1248" }, "datetime": "2023-11-25 06:51:53.961466" } </pre> </details> ### Multi Aspect Resolution This model supports generating images at the following dimensions: | Dimensions | Aspect Ratio | |-----------------|-----------------| | 1024 x 1024 | 1:1 Square | | 1152 x 896 | 9:7 | | 896 x 1152 | 7:9 | | 1216 x 832 | 19:13 | | 832 x 1216 | 13:19 | | 1344 x 768 | 7:4 Horizontal | | 768 x 1344 | 4:7 Vertical | | 1536 x 640 | 12:5 Horizontal | | 640 x 1536 | 5:12 Vertical | ## Examples ## Training and Hyperparameters - **Animagine XL** was trained on a 1x A100 GPU with 80GB memory. The training process encompassed two stages: - **Feature Alignment Stage**: Utilized 170k images to acquaint the model with basic anime concepts. - **Aesthetic Tuning Stage**: Employed 83k high-quality synthetic datasets to refine the model's art style. ### Hyperparameters - Global Epochs: 20 - Learning Rate: 1e-6 - Batch Size: 32 - Train Text Encoder: True - Image Resolution: 1024 (2048 x 512) - Mixed-Precision: fp16 *Note: The model's training configuration is subject to future enhancements.* ## Model Comparison (Animagine XL 1.0 vs Animagine XL 2.0) ### Image Comparison In the second iteration (Animagine XL 2.0), we have addressed the 'broken neck' issue prevalent in poses like "looking back" and "from behind". Now, characters are consistently "looking at viewer" by default, enhancing the naturalism and accuracy of the generated images. ![image/png](https://cdn-uploads.huggingface.co/production/uploads/6365c8dbf31ef76df4042821/oSssetgmuLEV6RlaSC5Tr.png) ### Training Config | Configuration Item | Animagine XL 1.0 | Animagine XL 2.0 | |-----------------------|--------------------|--------------------------| | **GPU** | A100 40G | A100 80G | | **Dataset** | 8000 images | 170k + 83k images | | **Global Epochs** | Not Applicable | 20 | | **Learning Rate** | 4e-7 | 1e-6 | | **Batch Size** | 16 | 32 | | **Train Text Encoder**| False | True | | **Train Special Tags**| False | True | | **Image Resolution** | 1024 | 1024 | | **Bucket Resolution** | 1024 x 256 | 2048 x 512 | | **Caption Dropout** | 0.5 | 0 | ## Direct Use The Animagine XL 2.0 model, with its advanced text-to-image diffusion capabilities, is highly versatile and can be applied in various fields: - **Art and Design:** This model is a powerful tool for artists and designers, enabling the creation of unique and high-quality anime-style artworks. It can serve as a source of inspiration and a means to enhance creative processes. - **Education:** In educational contexts, Animagine XL 2.0 can be used to develop engaging visual content, assisting in teaching concepts related to art, technology, and media. - **Entertainment and Media:** The model's ability to generate detailed anime images makes it ideal for use in animation, graphic novels, and other media production, offering a new avenue for storytelling. - **Research:** Academics and researchers can leverage Animagine XL 2.0 to explore the frontiers of AI-driven art generation, study the intricacies of generative models, and assess the model's capabilities and limitations. - **Personal Use:** Anime enthusiasts can use Animagine XL 2.0 to bring their imaginative concepts to life, creating personalized artwork based on their favorite genres and styles. ## Limitations The Animagine XL 2.0 model, while advanced in its capabilities, has certain limitations that users should be aware of: - **Style Bias:** The model exhibits a bias towards a specific art style, as it was fine-tuned using approximately 80,000 images with a similar aesthetic. This may limit the diversity in the styles of generated images. - **Rendering Challenges:** There are occasional inaccuracies in rendering hands or feet, which may not always be depicted with high fidelity. - **Realism Constraint:** Animagine XL 2.0 is not designed for generating realistic images, given its focus on anime-style content. - **Natural Language Limitations:** The model may not perform optimally when prompted with natural language descriptions, as it is tailored more towards anime-specific terminologies and styles. - **Dataset Scope:** Currently, the model is primarily effective in generating content related to the 'Honkai' series and 'Genshin Impact' due to the dataset's scope. Expansion to include more diverse concepts is planned for future iterations. - **NSFW Content Generation:** The model is not proficient in generating NSFW content, as it was not a focus during the training process, aligning with the intention to promote safe and appropriate content generation. ## Acknowledgements We extend our gratitude to: - **Chai AI:** For the open-source grant ([Chai AI](https://www.chai-research.com/)) supporting our research. - **Kohya SS:** For providing the essential training script. - **Camenduru Server Community:** For invaluable insights and support. - **NovelAI:** For inspiring the Quality Tags feature. - **Waifu DIffusion Team:** for inspiring the optimal training pipeline with bigger datasets. - **Shadow Lilac:** For the image classification model ([shadowlilac/aesthetic-shadow](https://huggingface.co/shadowlilac/aesthetic-shadow)) crucial in our quality assessment process. <h1 class="title"> <span>Anything you can Imagine!</span> </h1>
[ -0.8796679377555847, -0.9611109495162964, 0.36590397357940674, 0.4118812382221222, -0.17235654592514038, 0.03827466443181038, 0.2812192440032959, -0.8543461561203003, 1.1243070363998413, 0.2762008309364319, -0.763889491558075, -0.5842798352241516, -0.5436622500419617, 0.02911745384335518, -0.08622552454471588, 0.6413064002990723, 0.011190825141966343, -0.6181501150131226, -0.06895215809345245, -0.0020660606678575277, -0.28093647956848145, -0.02248433418571949, -0.730891764163971, -0.34815359115600586, 0.14369474351406097, 0.17613567411899567, 1.1451417207717896, 0.8731685280799866, 0.28624165058135986, 0.4537631571292877, -0.34324339032173157, -0.06455065310001373, -0.12866118550300598, -0.2592853605747223, 0.15110734105110168, -0.45989522337913513, -0.8279168009757996, 0.04549672454595566, 0.5989508628845215, 0.23988942801952362, -0.20761027932167053, -0.16353090107440948, -0.023921245709061623, 0.8773001432418823, -0.34901994466781616, -0.17922574281692505, 0.019036876037716866, 0.5099806189537048, -0.22557991743087769, 0.030016180127859116, 0.021812519058585167, -0.8224610686302185, 0.0016357528511434793, -1.0668708086013794, -0.3199823200702667, -0.07368388772010803, 1.5505776405334473, 0.107907235622406, -0.11940538138151169, 0.1116892546415329, -0.2544609606266022, 0.6672796010971069, -0.42417559027671814, 0.3301589787006378, 0.21179969608783722, 0.21324796974658966, 0.07813873887062073, -0.7901386618614197, -0.6433048248291016, 0.27434828877449036, -0.42457064986228943, 0.6225363612174988, -0.678217887878418, -0.4653381407260895, 0.2508982717990875, 0.517612874507904, -0.5188221335411072, -0.13069477677345276, -0.11074478924274445, 0.14632830023765564, 0.5297451615333557, 0.0702006071805954, 0.8811554312705994, 0.025530848652124405, -0.5404990315437317, 0.061859939247369766, -0.29218655824661255, 0.21470244228839874, 0.2559378147125244, -0.3632616698741913, -1.0825008153915405, 0.17871353030204773, 0.22949092090129852, 0.47813284397125244, 0.4443732798099518, -0.1477573961019516, 0.6482118964195251, -0.14219285547733307, -0.2252987027168274, -0.30576813220977783, 1.0547378063201904, 0.7987897396087646, -0.12081868201494217, 0.028017623350024223, 0.0659480169415474, -0.09703079611063004, -0.06875604391098022, -1.2241530418395996, 0.13013356924057007, 0.265001118183136, -0.407503217458725, -0.4399152994155884, -0.2865823209285736, -1.2220525741577148, -0.1704256385564804, 0.004007435869425535, 0.38511931896209717, -0.4564051628112793, -0.3582022190093994, 0.1942596137523651, -0.5516767501831055, 0.0840579941868782, 0.47106602787971497, -0.5865914225578308, 0.42944520711898804, 0.09894690662622452, 0.9184932112693787, -0.18538574874401093, 0.1804995834827423, -0.1357707530260086, 0.19299021363258362, -0.33228379487991333, 0.7627601623535156, -0.39613762497901917, -0.38031095266342163, 0.05393645167350769, 0.12090704590082169, -0.11531124264001846, -0.2252834141254425, 0.5526787638664246, 0.07304459810256958, 0.2990047037601471, -0.59266197681427, -0.3644988238811493, 0.05274888128042221, 0.22446377575397491, -0.389821320772171, 0.8105216026306152, 0.35156887769699097, -1.1610312461853027, 0.24107226729393005, -0.691369354724884, -0.2832106053829193, 0.012697380036115646, -0.20108681917190552, -0.762302815914154, -0.2616232931613922, 0.1911182552576065, 0.28506234288215637, -0.10456123948097229, -0.7646087408065796, -0.30780351161956787, 0.0013618071097880602, 0.4668791890144348, 0.25887954235076904, 0.9775555729866028, 0.19137567281723022, -0.7194589376449585, -0.18897095322608948, -0.8138694167137146, 0.03107309713959694, 0.5747095942497253, -0.24952414631843567, -0.29062098264694214, -0.2934918999671936, 0.13788364827632904, 0.4580738842487335, 0.47967329621315, -0.8345004320144653, 0.28960058093070984, -0.39682647585868835, 0.3799172043800354, 0.5333740711212158, 0.12113611400127411, 0.646960973739624, -0.5228639841079712, 0.5252673625946045, 0.07105745375156403, 0.5156105756759644, -0.1257895529270172, -0.44185367226600647, -0.7022417187690735, -0.4891096353530884, -0.10393410921096802, 0.4816083610057831, -0.6004091501235962, 0.7600377798080444, 0.010742980055510998, -0.511955976486206, -0.47285476326942444, 0.21406160295009613, 0.3451070189476013, 0.5147928595542908, 0.45103374123573303, -0.7588244676589966, -0.23845164477825165, -0.7643568515777588, 0.3050599992275238, 0.27581238746643066, 0.20630168914794922, 0.6516321301460266, 0.7249112129211426, -0.543277382850647, 0.7928315997123718, -0.8441396355628967, -0.6785975694656372, -0.29403963685035706, -0.1843801587820053, 0.22030998766422272, 0.6846509575843811, 1.114189624786377, -0.8038854002952576, -0.8767995834350586, 0.19570313394069672, -0.7540686130523682, -0.22729240357875824, 0.1315835416316986, -0.5200557112693787, 0.3566132187843323, 0.23543892800807953, -0.6614916920661926, 0.5994322299957275, 0.4414253532886505, -0.8034912943840027, 0.517641007900238, -0.39035293459892273, 0.256818562746048, -1.1976467370986938, 0.1568547785282135, 0.3400087058544159, -0.15143416821956635, -0.7592039108276367, 0.3975464105606079, -0.12482708692550659, 0.09785906970500946, -0.3375014066696167, 0.6842275261878967, -0.40266141295433044, 0.29324838519096375, -0.24026736617088318, 0.25964176654815674, 0.48448216915130615, 0.30042633414268494, 0.29614609479904175, 0.3239514231681824, 0.7741364240646362, -0.2792593240737915, 0.3319564759731293, 0.6121460199356079, -0.23667064309120178, 1.2353429794311523, -0.8287571668624878, 0.13075536489486694, -0.1630392223596573, 0.2714742422103882, -0.9312154054641724, -0.18554353713989258, 0.4671459197998047, -0.3250748813152313, 0.6501448154449463, -0.011576754972338676, -0.48752933740615845, -0.4648115932941437, -0.7484708428382874, -0.004309768322855234, 0.9240354299545288, -0.3662860095500946, 0.5362547039985657, 0.29481399059295654, 0.19553257524967194, -0.5146929621696472, -0.9751877784729004, -0.0999186560511589, -0.30007967352867126, -1.043877363204956, 0.7855255603790283, -0.223035991191864, -0.07881331443786621, 0.19561229646205902, 0.10239022970199585, -0.13894133269786835, -0.28037935495376587, 0.43834125995635986, 0.26070478558540344, -0.24664141237735748, -0.33075428009033203, -0.00261475145816803, -0.0815499946475029, -0.18960484862327576, 0.11355578899383545, 0.6416640877723694, -0.14502115547657013, -0.08696309477090836, -1.127870798110962, 0.21894720196723938, 0.5174272656440735, -0.060549236834049225, 0.9522809386253357, 0.9121527671813965, -0.3144300580024719, 0.31649118661880493, -0.732329249382019, -0.07127262651920319, -0.5461129546165466, -0.19134938716888428, -0.1645072102546692, -0.3090512454509735, 0.8075385689735413, 0.3860836625099182, 0.11439281702041626, 0.3759154975414276, 0.2945865988731384, -0.19043223559856415, 0.9147918224334717, 0.6912968754768372, -0.2217007428407669, 0.6637089252471924, -0.8436934351921082, -0.21415351331233978, -0.814945638179779, -0.5056146383285522, -0.285179078578949, -0.49441269040107727, -0.3798787593841553, -0.4602714478969574, 0.3681953549385071, -0.034429240971803665, -0.4654989540576935, 0.5829423666000366, -0.4422997832298279, 0.17761339247226715, 0.13948066532611847, 0.39925074577331543, 0.25387924909591675, 0.0838090255856514, -0.18574674427509308, -0.22690439224243164, -0.2208363115787506, -0.17578992247581482, 0.09705076366662979, 0.5704067945480347, 0.6706293225288391, 0.2382022738456726, 0.7250791788101196, -0.2630053162574768, 0.1727219820022583, -0.4253123700618744, 0.4027237892150879, -0.06172887980937958, -0.7081844210624695, -0.2482130229473114, -0.3603202700614929, -0.9861655235290527, 0.21528591215610504, -0.777398943901062, -0.8622850775718689, 0.48445069789886475, 0.31333181262016296, -0.2574586272239685, 0.4149097502231598, -0.5871273279190063, 0.5927220582962036, 0.09677161276340485, -0.9327275156974792, 0.12861445546150208, -0.492940753698349, 0.059125639498233795, 0.4359561800956726, 0.3238886892795563, 0.0645499899983406, -0.3177199959754944, 0.4852738082408905, -0.8642674684524536, 0.8312272429466248, -0.1864929050207138, -0.07627994567155838, 0.2757837772369385, -0.03134036809206009, 0.6919432282447815, -0.057861000299453735, -0.18068648874759674, -0.13964210450649261, -0.1537906378507614, -0.33374127745628357, -0.6703102588653564, 0.49635058641433716, -0.687504768371582, -0.35455361008644104, -0.2734692394733429, -0.1722557693719864, 0.2093123197555542, 0.1533137410879135, 0.6555104851722717, 0.2850385010242462, -0.13110488653182983, 0.07577924430370331, 0.6099693775177002, -0.4908734858036041, 0.4188902676105499, 0.16818994283676147, -0.2275964319705963, -0.6274800896644592, 0.8580382466316223, 0.155851349234581, 0.29752203822135925, 0.5104648470878601, 0.573630690574646, -0.33162927627563477, 0.11633474379777908, -0.5376389026641846, 0.5774413347244263, -0.3870209753513336, -0.19318480789661407, -0.5587746500968933, -0.19804836809635162, -0.40412476658821106, -0.6582396626472473, -0.28448668122291565, -0.24654829502105713, -0.5551403760910034, 0.02600841596722603, 0.7546127438545227, 0.7030075788497925, -0.08865731954574585, 0.30069905519485474, -0.12597838044166565, 0.24168990552425385, 0.3751969337463379, 0.40131083130836487, 0.07478675991296768, -0.563717782497406, 0.1778598427772522, -0.1512514054775238, -0.6895945072174072, -0.7735618948936462, 0.7021597027778625, -0.06043479964137077, 0.2992790639400482, 0.49972936511039734, -0.19553931057453156, 1.0266145467758179, -0.4443644881248474, 0.4080463945865631, 0.9688636064529419, -0.8244982361793518, 0.48909124732017517, -0.3840318024158478, 0.45401468873023987, 0.1528535932302475, 0.6211853623390198, -0.4141325056552887, -0.5245561003684998, -0.753341555595398, -0.7746359705924988, 0.377112478017807, 0.5380109548568726, 0.17546020448207855, 0.2348840981721878, 0.46045902371406555, -0.30461186170578003, 0.02141120843589306, -0.8992828130722046, -0.8645988702774048, -0.44144418835639954, 0.06454401463270187, 0.09084779024124146, 0.1948387771844864, 0.08844249695539474, -0.5934500098228455, 0.6438409686088562, 0.03162171691656113, 0.5130302906036377, 0.3848176896572113, 0.408294141292572, -0.3489859700202942, 0.15192052721977234, 0.6120113730430603, 0.3463323712348938, -0.030382785946130753, -0.20349586009979248, 0.1755552589893341, -0.5297764539718628, -0.12098562717437744, -0.007504675071686506, -0.420017808675766, 0.009293541312217712, -0.10880828648805618, 0.6500998139381409, 0.034857701510190964, -0.13223791122436523, 0.6575046181678772, 0.013390499167144299, -0.4621448516845703, -0.4540843069553375, 0.12234928458929062, 0.257855623960495, 0.3647429645061493, 0.3080238103866577, 0.06894294172525406, 0.22502996027469635, -0.5925208926200867, 0.17885957658290863, 0.580335795879364, -0.5293701887130737, -0.336349755525589, 0.8754529356956482, -0.21857815980911255, -0.05723024904727936, -0.09829673171043396, -0.13195998966693878, -0.6731048226356506, 0.6991119384765625, 0.8251775503158569, 0.38897091150283813, -0.2603178322315216, 0.48659443855285645, 0.6091368198394775, -0.02156192995607853, 0.1250416785478592, 0.2513744831085205, 0.19163106381893158, -0.2827172577381134, -0.018745476379990578, -0.618500292301178, -0.046021077781915665, 0.22281774878501892, -0.3233695924282074, 0.464603990316391, -0.7552218437194824, -0.5041148066520691, 0.12830856442451477, 0.1685718595981598, -0.36593151092529297, 0.3688610792160034, -0.09056112915277481, 0.9268150329589844, -0.7874890565872192, 0.3961843252182007, 0.37774449586868286, -0.7677763104438782, -0.6953674554824829, -0.032043348997831345, 0.23710402846336365, -0.745178759098053, 0.5862045884132385, 0.0005792460287921131, -0.04955613240599632, -0.019472340121865273, -0.5752788782119751, -0.8260736465454102, 1.1947739124298096, 0.24356184899806976, -0.09832713007926941, 0.03065142035484314, -0.04039037600159645, 0.6367462873458862, -0.49809950590133667, 0.3179771602153778, 0.4728539288043976, 0.5170885920524597, 0.4630218744277954, -0.6397624015808105, 0.4042508900165558, -0.6018912196159363, 0.07889941334724426, 0.1253148764371872, -1.1472810506820679, 0.7348672151565552, -0.03631523251533508, -0.04489944502711296, 0.27101221680641174, 0.48938432335853577, 0.03624020144343376, 0.13569575548171997, 0.4464622139930725, 0.8562964200973511, 0.1678534895181656, -0.3740168511867523, 1.2227563858032227, 0.06393197923898697, 0.2112261801958084, 0.5638393759727478, 0.08379241824150085, 0.6877394914627075, 0.1302167922258377, -0.25600820779800415, 0.8799393773078918, 0.2503364384174347, -0.1238483190536499, 0.26444607973098755, 0.15720884501934052, -0.12482264637947083, 0.09415087103843689, -0.41411730647087097, -0.6184952855110168, -0.14963547885417938, 0.3230911195278168, -0.3389473855495453, 0.02961045131087303, -0.13024599850177765, 0.20135948061943054, 0.34511807560920715, -0.2921243906021118, 0.6236087679862976, 0.1631491482257843, -0.13234993815422058, 0.6002092957496643, -0.2166009247303009, 0.9205713868141174, -0.4307907521724701, 0.11627679318189621, -0.320946604013443, 0.07141023129224777, -0.6758710145950317, -1.1744098663330078, 0.16999909281730652, -0.05437987670302391, 0.20066213607788086, -0.15784470736980438, 0.41412293910980225, -0.015327494591474533, -0.41637349128723145, 0.4068319797515869, 0.04977814480662346, 0.1990921050310135, 0.5372359156608582, -1.1394453048706055, 0.35916197299957275, -0.06657859683036804, -0.4575953781604767, 0.16673719882965088, 0.3628655672073364, 0.4140698313713074, 0.5914360880851746, 0.12743669748306274, 0.21035318076610565, 0.21771281957626343, 0.07789818942546844, 0.7571902275085449, -0.4244925379753113, -0.5975167155265808, -0.9122122526168823, 0.6740461587905884, -0.5112083554267883, -0.12588196992874146, 0.7228126525878906, 0.5575935244560242, 0.4709877669811249, -0.3012072741985321, 0.5755077004432678, -0.5298237204551697, 0.2311527580022812, -0.30645179748535156, 0.8787030577659607, -1.0500984191894531, -0.31519511342048645, -0.8910843133926392, -0.529320478439331, -0.17986507713794708, 1.0251051187515259, 0.028950031846761703, 0.17508883774280548, 0.5035218000411987, 0.7004846334457397, 0.03832363709807396, -0.4518817961215973, 0.09799253940582275, 0.2234521061182022, 0.1182301789522171, 0.6020378470420837, 0.6086196303367615, -0.6566994786262512, 0.30889999866485596, -0.7798097729682922, -0.2671622037887573, -0.2361169457435608, -0.7600893378257751, -1.1098891496658325, -0.7444669008255005, -0.8662158846855164, -0.3605007231235504, -0.17900142073631287, 0.7945040464401245, 0.8522387742996216, -0.48485541343688965, -0.11988142877817154, -0.026871804147958755, 0.18197304010391235, -0.10042042285203934, -0.28426289558410645, 0.40355637669563293, 0.2445961982011795, -1.0281418561935425, -0.2589550316333771, 0.263354629278183, 0.987482488155365, 0.28636428713798523, -0.23610515892505646, -0.16705302894115448, 0.06656420975923538, 0.616703987121582, 0.533254861831665, -0.32087433338165283, -0.12265383452177048, -0.15556754171848297, -0.19116395711898804, 0.5114506483078003, 0.1656818687915802, -0.2921687960624695, -0.1032496765255928, 0.5876292586326599, 0.22833850979804993, 0.5657428503036499, 0.1413395255804062, 0.10148723423480988, -0.6093388199806213, 0.3033815324306488, -0.3814920485019684, 0.5289210677146912, 0.04348260164260864, -0.5110511183738708, 0.6261501312255859, 0.4117962718009949, -0.31215548515319824, -0.6618515253067017, 0.143800750374794, -1.2667031288146973, -0.17402440309524536, 0.7825726270675659, 0.01588989794254303, -0.5100563168525696, 0.09009526669979095, -0.44093236327171326, -0.02984851971268654, -0.6308408975601196, 0.4611791670322418, 0.2962271273136139, -0.34572336077690125, -0.1667509526014328, -0.6542369723320007, 0.5298125743865967, 0.17457115650177002, -0.9688217043876648, -0.47013217210769653, 0.3514217436313629, 0.4433966279029846, 0.9036982655525208, 0.5819665789604187, -0.38391029834747314, 0.3611452281475067, -0.09300430119037628, 0.18402154743671417, 0.15244057774543762, 0.2230377495288849, -0.1812732219696045, -0.059249747544527054, -0.25161516666412354, -0.07493393868207932 ]
hfl/chinese-roberta-wwm-ext-large
hfl
2022-03-01T09:15:16Z
10,094
86
transformers
[ "transformers", "pytorch", "tf", "jax", "bert", "fill-mask", "zh", "arxiv:1906.08101", "arxiv:2004.13922", "license:apache-2.0", "autotrain_compatible", "endpoints_compatible", "has_space", "region:us" ]
fill-mask
2022-03-02T23:29:05Z
--- language: - zh tags: - bert license: "apache-2.0" --- # Please use 'Bert' related functions to load this model! ## Chinese BERT with Whole Word Masking For further accelerating Chinese natural language processing, we provide **Chinese pre-trained BERT with Whole Word Masking**. **[Pre-Training with Whole Word Masking for Chinese BERT](https://arxiv.org/abs/1906.08101)** Yiming Cui, Wanxiang Che, Ting Liu, Bing Qin, Ziqing Yang, Shijin Wang, Guoping Hu This repository is developed based on:https://github.com/google-research/bert You may also interested in, - Chinese BERT series: https://github.com/ymcui/Chinese-BERT-wwm - Chinese MacBERT: https://github.com/ymcui/MacBERT - Chinese ELECTRA: https://github.com/ymcui/Chinese-ELECTRA - Chinese XLNet: https://github.com/ymcui/Chinese-XLNet - Knowledge Distillation Toolkit - TextBrewer: https://github.com/airaria/TextBrewer More resources by HFL: https://github.com/ymcui/HFL-Anthology ## Citation If you find the technical report or resource is useful, please cite the following technical report in your paper. - Primary: https://arxiv.org/abs/2004.13922 ``` @inproceedings{cui-etal-2020-revisiting, title = "Revisiting Pre-Trained Models for {C}hinese Natural Language Processing", author = "Cui, Yiming and Che, Wanxiang and Liu, Ting and Qin, Bing and Wang, Shijin and Hu, Guoping", booktitle = "Proceedings of the 2020 Conference on Empirical Methods in Natural Language Processing: Findings", month = nov, year = "2020", address = "Online", publisher = "Association for Computational Linguistics", url = "https://www.aclweb.org/anthology/2020.findings-emnlp.58", pages = "657--668", } ``` - Secondary: https://arxiv.org/abs/1906.08101 ``` @article{chinese-bert-wwm, title={Pre-Training with Whole Word Masking for Chinese BERT}, author={Cui, Yiming and Che, Wanxiang and Liu, Ting and Qin, Bing and Yang, Ziqing and Wang, Shijin and Hu, Guoping}, journal={arXiv preprint arXiv:1906.08101}, year={2019} } ```
[ -0.38377925753593445, -0.789090633392334, 0.30876415967941284, 0.5061649680137634, -0.4024651050567627, -0.19995129108428955, -0.5694940686225891, -0.7172288298606873, 0.3272828757762909, 0.46404990553855896, -0.48886534571647644, -0.5350450277328491, -0.5432922840118408, 0.0014405034016817808, -0.055084049701690674, 0.8133541941642761, -0.012072347104549408, 0.21275223791599274, 0.24352532625198364, 0.10033005475997925, -0.0874452218413353, -0.7755125761032104, -0.6603118181228638, -0.43439140915870667, 0.46580833196640015, -0.02195786125957966, 0.36259913444519043, 0.5725821256637573, 0.30060532689094543, 0.351622611284256, -0.1282702386379242, 0.1939554214477539, -0.22040890157222748, -0.14256206154823303, 0.26656273007392883, -0.08015569299459457, -0.5336273908615112, 0.13699667155742645, 0.7145668864250183, 0.5962608456611633, 0.06985624879598618, -0.05284854397177696, 0.17688916623592377, 0.5425339341163635, -0.5840552449226379, 0.11008305847644806, -0.7443431615829468, 0.0360027477145195, -0.48931705951690674, 0.05118094012141228, -0.42296093702316284, -0.31674298644065857, 0.2871348261833191, -0.7547405362129211, 0.1997053176164627, 0.055355098098516464, 1.525646686553955, -0.171676903963089, -0.1069520115852356, -0.0004948830464854836, -0.4480763077735901, 0.7522416114807129, -1.219153642654419, 0.4089055359363556, 0.5599287748336792, -0.09646707028150558, -0.19925016164779663, -1.0364421606063843, -0.8761271834373474, -0.3453483283519745, -0.16255858540534973, 0.20040519535541534, 0.04093889519572258, 0.34019148349761963, 0.2422618567943573, 0.4025140106678009, -0.6668633222579956, 0.1655491292476654, -0.3002071678638458, -0.5633686184883118, 0.6993485689163208, -0.23366105556488037, 0.3583437204360962, -0.13892720639705658, -0.3844032287597656, -0.48632168769836426, -0.341706246137619, 0.23313690721988678, 0.30315348505973816, 0.28859373927116394, -0.13428010046482086, 0.1667117476463318, -0.05734071508049965, 0.6984531879425049, -0.10198984295129776, 0.02782285585999489, 0.6696022152900696, -0.4593181908130646, -0.3716602921485901, 0.05401461943984032, 1.107641339302063, -0.0269693024456501, 0.17097386717796326, 0.036223188042640686, -0.27981695532798767, -0.35483670234680176, -0.02379593998193741, -0.8054344654083252, -0.3956149220466614, 0.1121111512184143, -0.5032535791397095, -0.09005428105592728, 0.23127661645412445, -0.6425643563270569, -0.2305443435907364, -0.21975336968898773, 0.5671920776367188, -0.5609440207481384, -0.3314248025417328, 0.24746094644069672, -0.12266809493303299, 0.4697597920894623, 0.04240070655941963, -0.7484273910522461, 0.13408209383487701, 0.4538196623325348, 0.7010221481323242, 0.07274502515792847, -0.5088043212890625, -0.3477334976196289, -0.09751375764608383, -0.16363666951656342, 0.6797993779182434, -0.30022963881492615, -0.05721691623330116, 0.22894473373889923, 0.12705646455287933, -0.16355599462985992, -0.2393975704908371, 0.8449602127075195, -0.42854607105255127, 0.4797761142253876, -0.28920140862464905, -0.3851087689399719, -0.36272507905960083, 0.19586245715618134, -0.6519260406494141, 1.2076326608657837, -0.27570241689682007, -0.8446865081787109, 0.16006657481193542, -0.8327414989471436, -0.6756036281585693, -0.003061886876821518, 0.21486282348632812, -0.5672929883003235, -0.279838502407074, 0.37544941902160645, 0.37686532735824585, -0.14565879106521606, 0.24860303103923798, -0.24312303960323334, -0.3275272250175476, 0.08380858600139618, -0.3890751302242279, 1.2956912517547607, 0.25524595379829407, -0.4175455570220947, 0.27332600951194763, -0.9239198565483093, 0.07813717424869537, 0.23216411471366882, -0.2649475634098053, -0.2966104745864868, -0.02672182396054268, 0.27478912472724915, 0.2899981439113617, 0.6237807273864746, -0.7626368999481201, -0.11475697159767151, -0.6558103561401367, 0.46318134665489197, 0.7865210771560669, -0.2611338496208191, 0.22152802348136902, -0.31650927662849426, 0.24395793676376343, 0.04365852102637291, 0.0654241070151329, -0.39164406061172485, -0.5370418429374695, -0.94181227684021, -0.2605170011520386, 0.6321526765823364, 0.693259060382843, -0.8526292443275452, 0.8708716034889221, -0.23278629779815674, -0.6076128482818604, -0.7016733884811401, -0.1422535479068756, 0.5046885013580322, 0.47924795746803284, 0.5371049642562866, -0.30728405714035034, -0.8647514581680298, -0.751348614692688, -0.1602925956249237, -0.2734360992908478, -0.10819152742624283, 0.05922221019864082, 0.27157309651374817, -0.12835106253623962, 0.8161519765853882, -0.6645639538764954, -0.4894862473011017, -0.24006964266300201, 0.4668543040752411, 0.2233889400959015, 0.49299338459968567, 0.5202230215072632, -0.6531950235366821, -0.6071348190307617, -0.16517877578735352, -0.40538549423217773, -0.25363901257514954, -0.21786005795001984, -0.4291975200176239, 0.41851717233657837, 0.49379125237464905, -0.420785129070282, 0.47188493609428406, 0.35315462946891785, -0.17830504477024078, 0.751796543598175, -0.35682880878448486, -0.06792978942394257, -1.131447672843933, 0.17075954377651215, 0.17410258948802948, 0.02767602726817131, -0.8199177980422974, 0.01994653418660164, 0.04341741278767586, 0.12004433572292328, -0.4474080502986908, 0.5858718156814575, -0.7156373858451843, 0.32636240124702454, -0.18477369844913483, 0.3425101935863495, 0.09815863519906998, 0.9781854748725891, 0.3011249601840973, 0.5495474934577942, 0.5700491666793823, -0.7652493715286255, 0.15800555050373077, 0.18336927890777588, -0.40746068954467773, -0.25247520208358765, -0.771640956401825, 0.14301232993602753, 0.003964190371334553, 0.37188833951950073, -1.1603072881698608, 0.11605805158615112, 0.4978615939617157, -0.7039539217948914, 0.41586413979530334, 0.35077908635139465, -0.7423800230026245, -0.3946097791194916, -0.7646761536598206, 0.16999588906764984, 0.4956299066543579, -0.4986668825149536, 0.36426064372062683, 0.276935338973999, 0.015560049563646317, -0.6184968948364258, -0.8574284315109253, 0.1480017900466919, 0.1111384704709053, -0.7117590308189392, 0.8410050272941589, -0.3232342004776001, 0.1663816273212433, 0.02145054005086422, 0.14758722484111786, -0.38002297282218933, 0.0714549869298935, -0.17984573543071747, 0.46709322929382324, -0.3051297068595886, 0.1783170849084854, -0.11185148358345032, 0.13591881096363068, 0.06727863103151321, -0.26316049695014954, 0.6397043466567993, 0.14127522706985474, -0.17597950994968414, -0.4104156196117401, 0.19543536007404327, 0.20706462860107422, -0.420044481754303, 0.8768174052238464, 1.1451594829559326, -0.68525230884552, 0.07921598851680756, -0.672511637210846, -0.192722350358963, -0.4844779372215271, 0.5004878640174866, -0.12270310521125793, -0.8661574125289917, 0.49016639590263367, 0.43224355578422546, 0.41977831721305847, 0.695586085319519, 0.45856916904449463, -0.00810362957417965, 0.7760670185089111, 0.645020604133606, -0.3407890498638153, 0.8190581798553467, -0.07768389582633972, 0.464228093624115, -0.9936727285385132, 0.03125588968396187, -0.6457127928733826, -0.2077074646949768, -0.706752598285675, -0.2000552862882614, -0.02409592643380165, 0.08724991977214813, -0.3240014612674713, 0.5093013048171997, -0.7575478553771973, 0.20083898305892944, 0.7268712520599365, 0.10918387025594711, 0.10735829174518585, 0.09589514136314392, -0.4104200005531311, -0.07338003069162369, -0.4203610122203827, -0.39856866002082825, 0.9301796555519104, 0.35829928517341614, 0.29314085841178894, -0.17686055600643158, 0.7560409307479858, 0.07473678141832352, 0.1862867772579193, -0.5836665034294128, 0.7379993200302124, -0.3807833790779114, -0.6368154287338257, -0.5370501279830933, -0.28846654295921326, -1.160238265991211, 0.5039016604423523, -0.3230782747268677, -0.8147342801094055, 0.10921541601419449, -0.061542659997940063, -0.3613322377204895, 0.534043550491333, -0.72904372215271, 0.597957193851471, -0.19191598892211914, -0.13397100567817688, 0.09471955895423889, -0.7339332699775696, 0.5069534778594971, -0.08807753026485443, 0.12097136676311493, 0.0010812226682901382, 0.22067241370677948, 1.0769752264022827, -0.43423521518707275, 0.9619800448417664, -0.26344189047813416, -0.27438023686408997, 0.3250979781150818, -0.4560886323451996, 0.39552822709083557, -0.278205007314682, -0.09750610589981079, 0.5384054183959961, -0.0966825783252716, -0.2952759861946106, -0.234553724527359, 0.5477989912033081, -0.8995992541313171, -0.6239977478981018, -0.7523730397224426, -0.305757611989975, 0.028134092688560486, 0.5162290334701538, 0.6205663084983826, 0.22404566407203674, 0.015353352762758732, 0.11633486300706863, 0.7204288244247437, -0.5245360136032104, 0.7512452602386475, 0.6075620055198669, -0.10750965029001236, -0.5069406032562256, 0.8926061391830444, 0.3894372880458832, -0.0008539321133866906, 0.6665146350860596, 0.20321263372898102, -0.2142825722694397, -0.6245520710945129, -0.1602581888437271, 0.4229820668697357, -0.46732330322265625, -0.04127642884850502, -0.7795605063438416, -0.8358032703399658, -0.7898736000061035, 0.16773353517055511, -0.06507985293865204, -0.35940176248550415, -0.5864642262458801, 0.036457229405641556, 0.16044452786445618, 0.28651076555252075, -0.25438499450683594, 0.28564244508743286, -0.8523856997489929, 0.40984562039375305, 0.26939958333969116, 0.34477975964546204, 0.3026720881462097, -0.7604320645332336, -0.6051103472709656, 0.3578357696533203, -0.49144884943962097, -0.6403185725212097, 0.6154884099960327, 0.21608056128025055, 0.8509047031402588, 0.35442879796028137, 0.32234612107276917, 0.6784537434577942, -0.5552476048469543, 1.1818088293075562, 0.25118446350097656, -1.0180959701538086, 0.423425555229187, -0.096387580037117, 0.3591335713863373, 0.39708197116851807, 0.16689364612102509, -0.6589066982269287, -0.24364827573299408, -0.5438449382781982, -1.075591802597046, 0.9712534546852112, 0.2329973429441452, 0.1984073519706726, -0.004751912783831358, 0.10827256739139557, -0.08696337789297104, -0.049894120544195175, -1.2588527202606201, -0.5206178426742554, -0.34638214111328125, -0.07429782301187515, 0.06718233227729797, -0.4704563617706299, 0.20710650086402893, -0.453852117061615, 1.124101161956787, 0.22486163675785065, 0.567716121673584, 0.5416198372840881, -0.2362002283334732, 0.024411140009760857, 0.2685638666152954, 0.8419291377067566, 0.3937024176120758, -0.3857952058315277, -0.05786881595849991, 0.1430249661207199, -0.8139095306396484, -0.2997475266456604, 0.5089201331138611, -0.05346085876226425, 0.30732429027557373, 0.6122168302536011, 0.9041956067085266, 0.1334187388420105, -0.451815128326416, 0.5465044379234314, -0.13885128498077393, -0.5577884316444397, -0.4276737868785858, -0.12982213497161865, 0.002121422905474901, -0.13267286121845245, 0.5574010610580444, -0.21255478262901306, 0.027303287759423256, -0.3279971778392792, 0.016322387382388115, 0.2640899121761322, -0.5269011855125427, -0.36045143008232117, 0.5788255929946899, 0.18838365375995636, -0.18641945719718933, 0.6453717947006226, -0.4242944121360779, -0.909380316734314, 0.5499266386032104, 0.5799846649169922, 1.313129186630249, -0.10984202474355698, -0.07045955210924149, 0.6812595129013062, 0.5833970308303833, 0.0296394694596529, 0.2558387517929077, -0.12514682114124298, -1.020371437072754, -0.5837475061416626, -0.6160656809806824, -0.1809476912021637, 0.5083063244819641, -0.4318336248397827, 0.22600582242012024, -0.44219812750816345, -0.06845671683549881, -0.011962124146521091, 0.29644274711608887, -0.5037792921066284, 0.19024474918842316, 0.48398110270500183, 0.9859088063240051, -0.5589510202407837, 1.2749419212341309, 0.8722313046455383, -0.5021615624427795, -0.7959580421447754, 0.3241085708141327, -0.3252757787704468, -0.7106794118881226, 0.740493893623352, 0.18775318562984467, -0.10660625994205475, -0.14674857258796692, -0.7430599331855774, -0.7519515156745911, 1.0658172369003296, 0.14873895049095154, -0.45990872383117676, -0.03885717689990997, -0.03741804510354996, 0.6259092688560486, -0.06918875873088837, 0.29541125893592834, 0.3559989035129547, 0.6709876656532288, -0.05883529409766197, -1.0260533094406128, 0.039696648716926575, -0.4785917103290558, 0.1032792404294014, -0.05315655469894409, -0.7715924978256226, 1.0090928077697754, 0.0020335130393505096, -0.38324201107025146, 0.03914628177881241, 0.8455311059951782, 0.305046409368515, 0.35074901580810547, 0.5716555118560791, 0.6137576103210449, 0.7779275178909302, -0.11595950275659561, 0.5319623947143555, -0.2930164933204651, 0.15315133333206177, 1.0439622402191162, -0.11307168751955032, 0.7748686671257019, 0.13642479479312897, -0.4088504910469055, 0.6798665523529053, 0.817376971244812, 0.04925568029284477, 0.5128710269927979, 0.2807430922985077, -0.11475519835948944, -0.08944141119718552, -0.12791797518730164, -0.666628360748291, 0.2532981336116791, 0.1615370810031891, -0.28098011016845703, 0.016959503293037415, -0.08322373777627945, 0.3831423223018646, 0.05606672540307045, -0.1265694797039032, 0.6381465196609497, 0.10277289152145386, -0.5481290817260742, 0.7401121258735657, 0.25296178460121155, 1.30325448513031, -0.9427145719528198, -0.07838273048400879, -0.12006688117980957, -0.21068699657917023, -0.11947385221719742, -0.5543906092643738, -0.03165294602513313, -0.13908006250858307, -0.21116092801094055, -0.16892144083976746, 0.7767008543014526, -0.5421673655509949, -0.5023608803749084, 0.5073637366294861, 0.16024497151374817, 0.14240866899490356, -0.004465967882424593, -0.674981951713562, -0.07171490043401718, 0.30184826254844666, -0.5127872228622437, 0.39707425236701965, 0.6239739060401917, 0.04473559930920601, 0.38961461186408997, 1.003079891204834, 0.336224764585495, 0.1971140056848526, 0.1781359314918518, 0.8233977556228638, -0.7719724178314209, -0.5556900501251221, -0.8591043949127197, 0.46144965291023254, -0.2524747848510742, -0.3853222131729126, 0.7033179402351379, 0.3481161296367645, 1.0058057308197021, 0.026798570528626442, 0.857690691947937, -0.0898759514093399, 0.47839677333831787, -0.4905121922492981, 1.1022777557373047, -0.5373116731643677, 0.1936950981616974, -0.4563869535923004, -0.864667534828186, -0.46752187609672546, 0.6588020324707031, -0.15379473567008972, 0.08177588135004044, 0.7184463143348694, 0.6403261423110962, 0.3620729446411133, -0.11717495322227478, 0.36990806460380554, 0.42216333746910095, 0.4341059625148773, 0.4669986963272095, 0.3618257939815521, -0.6891557574272156, 0.66427081823349, -0.4963197708129883, -0.22393861413002014, -0.12622109055519104, -1.0587962865829468, -0.8122475147247314, -0.9102686047554016, -0.3514500856399536, -0.1463395059108734, -0.12225548923015594, 0.8950678110122681, 0.7131980061531067, -0.9519986510276794, -0.19282880425453186, 0.10636045038700104, 0.15900759398937225, -0.36127057671546936, -0.2653261721134186, 0.7687564492225647, -0.5182813405990601, -0.7490379810333252, 0.05559014156460762, 0.011748895980417728, 0.012174253351986408, -0.1496388018131256, -0.02581685222685337, -0.7499203085899353, 0.15890128910541534, 0.6107111573219299, 0.35399723052978516, -0.8080666661262512, -0.13642653822898865, 0.018289688974618912, -0.2248261719942093, 0.04807927832007408, 0.5659750699996948, -0.6848810911178589, 0.4881937503814697, 0.6445454955101013, 0.5815617442131042, 0.4301997721195221, -0.3028831481933594, 0.38917139172554016, -0.7755951285362244, 0.15930843353271484, 0.05585000291466713, 0.4501760005950928, 0.28815510869026184, -0.4214347302913666, 0.43340420722961426, 0.21329285204410553, -0.5112373232841492, -0.8280330300331116, -0.16862718760967255, -0.9729925394058228, -0.3739778399467468, 0.956290602684021, -0.35823336243629456, -0.19857850670814514, -0.06396086513996124, -0.4102349579334259, 0.6911805868148804, -0.43533334136009216, 0.7151243090629578, 1.1081429719924927, 0.18259267508983612, -0.22077862918376923, -0.3115576207637787, 0.47344303131103516, 0.3713645935058594, -0.6454087495803833, 0.07519205659627914, 0.17903222143650055, -0.019045980647206306, 0.30126214027404785, 0.7062584161758423, -0.04279366880655289, 0.04542070999741554, -0.23589175939559937, 0.5820930004119873, -0.16621586680412292, 0.03525634482502937, -0.29538512229919434, -0.208770751953125, -0.10552626848220825, -0.5110374689102173 ]
ydshieh/vit-gpt2-coco-en
ydshieh
2022-09-16T15:06:54Z
10,093
27
transformers
[ "transformers", "pytorch", "tf", "jax", "tensorboard", "vision-encoder-decoder", "image-to-text", "endpoints_compatible", "has_space", "region:us" ]
image-to-text
2022-03-02T23:29:05Z
--- tags: - image-to-text widget: - src: https://huggingface.co/datasets/mishig/sample_images/resolve/main/football-match.jpg example_title: Football Match - src: https://huggingface.co/datasets/mishig/sample_images/resolve/main/dog-cat.jpg example_title: Dog & Cat --- ## Example The model is by no means a state-of-the-art model, but nevertheless produces reasonable image captioning results. It was mainly fine-tuned as a proof-of-concept for the 🤗 FlaxVisionEncoderDecoder Framework. The model can be used as follows: **In PyTorch** ```python import torch import requests from PIL import Image from transformers import ViTFeatureExtractor, AutoTokenizer, VisionEncoderDecoderModel loc = "ydshieh/vit-gpt2-coco-en" feature_extractor = ViTFeatureExtractor.from_pretrained(loc) tokenizer = AutoTokenizer.from_pretrained(loc) model = VisionEncoderDecoderModel.from_pretrained(loc) model.eval() def predict(image): pixel_values = feature_extractor(images=image, return_tensors="pt").pixel_values with torch.no_grad(): output_ids = model.generate(pixel_values, max_length=16, num_beams=4, return_dict_in_generate=True).sequences preds = tokenizer.batch_decode(output_ids, skip_special_tokens=True) preds = [pred.strip() for pred in preds] return preds # We will verify our results on an image of cute cats url = "http://images.cocodataset.org/val2017/000000039769.jpg" with Image.open(requests.get(url, stream=True).raw) as image: preds = predict(image) print(preds) # should produce # ['a cat laying on top of a couch next to another cat'] ``` **In Flax** ```python import jax import requests from PIL import Image from transformers import ViTFeatureExtractor, AutoTokenizer, FlaxVisionEncoderDecoderModel loc = "ydshieh/vit-gpt2-coco-en" feature_extractor = ViTFeatureExtractor.from_pretrained(loc) tokenizer = AutoTokenizer.from_pretrained(loc) model = FlaxVisionEncoderDecoderModel.from_pretrained(loc) gen_kwargs = {"max_length": 16, "num_beams": 4} # This takes sometime when compiling the first time, but the subsequent inference will be much faster @jax.jit def generate(pixel_values): output_ids = model.generate(pixel_values, **gen_kwargs).sequences return output_ids def predict(image): pixel_values = feature_extractor(images=image, return_tensors="np").pixel_values output_ids = generate(pixel_values) preds = tokenizer.batch_decode(output_ids, skip_special_tokens=True) preds = [pred.strip() for pred in preds] return preds # We will verify our results on an image of cute cats url = "http://images.cocodataset.org/val2017/000000039769.jpg" with Image.open(requests.get(url, stream=True).raw) as image: preds = predict(image) print(preds) # should produce # ['a cat laying on top of a couch next to another cat'] ```
[ -0.6139904260635376, -0.5690726041793823, 0.12748271226882935, 0.4065491557121277, -0.4677662253379822, -0.19307512044906616, -0.059945449233055115, -0.5758329629898071, 0.031411077827215195, 0.3193882703781128, -0.3421153426170349, -0.3326522707939148, -0.5665827989578247, 0.07618241757154465, -0.38936156034469604, 0.8753061890602112, -0.08117450773715973, -0.005714094266295433, -0.1458580046892166, -0.18956142663955688, -0.23379077017307281, 0.028978900983929634, -0.6040213108062744, -0.026135625317692757, 0.36537784337997437, 0.0922323614358902, 0.8056455850601196, 0.659879207611084, 0.7289882302284241, 0.38773685693740845, 0.15538114309310913, 0.14776092767715454, -0.4314113259315491, -0.29205039143562317, -0.06087806448340416, -0.47420114278793335, -0.19894811511039734, -0.020685844123363495, 0.3434077799320221, 0.3053968548774719, 0.37271779775619507, 0.31178367137908936, -0.08675314486026764, 0.4725649058818817, -0.6044597625732422, 0.3186582326889038, -0.49123698472976685, 0.18751388788223267, 0.046613454818725586, -0.2894560396671295, -0.43150871992111206, -0.25047940015792847, 0.08188697695732117, -0.6205658316612244, 0.7053747177124023, 0.1447773575782776, 1.4466959238052368, 0.30811506509780884, -0.25070345401763916, -0.1912710815668106, -0.5991859436035156, 0.9080057144165039, -0.6643517017364502, 0.24638622999191284, 0.24299974739551544, 0.21362638473510742, -0.14206987619400024, -1.1038343906402588, -0.6830693483352661, -0.22776859998703003, -0.26834172010421753, 0.2885456383228302, -0.07135296612977982, 0.08642877638339996, 0.43013477325439453, 0.6111622452735901, -0.5920125246047974, -0.2972296178340912, -0.49328649044036865, -0.20601174235343933, 0.8495316505432129, 0.04754464700818062, 0.20693303644657135, -0.317690372467041, -0.518423318862915, -0.5151311159133911, -0.24076662957668304, 0.06444083154201508, -0.00603181216865778, -0.07833464443683624, -0.20258578658103943, 0.67015141248703, -0.25279200077056885, 0.5366190671920776, 0.19551652669906616, -0.19731028378009796, 0.34840062260627747, -0.05816635489463806, -0.21410831809043884, -0.1878059059381485, 0.9659150838851929, 0.40470606088638306, 0.18908758461475372, -0.0539059191942215, -0.2514936923980713, 0.16927047073841095, 0.12956662476062775, -0.9386276602745056, -0.4215238392353058, 0.38536521792411804, -0.5532246828079224, -0.38657811284065247, 0.27093929052352905, -0.7973911762237549, -0.2082451432943344, 0.10545782744884491, 0.8059659600257874, -0.5946437120437622, -0.23386961221694946, 0.17700950801372528, -0.21474583446979523, 0.3715977966785431, 0.22597558796405792, -0.6786049604415894, -0.012374110519886017, 0.24135902523994446, 0.9870287179946899, 0.03717448189854622, -0.46319133043289185, -0.20395688712596893, -0.18902762234210968, -0.48330360651016235, 0.616239070892334, 0.015947896987199783, -0.20762689411640167, -0.09940913319587708, 0.23107372224330902, -0.02934807538986206, -0.26298055052757263, 0.24018126726150513, -0.49025291204452515, 0.09452397376298904, -0.05360855907201767, -0.5012146830558777, -0.21746689081192017, -0.04323684051632881, -0.8119475841522217, 0.8970142006874084, 0.4019090533256531, -0.9482421278953552, 0.42157188057899475, -0.7093042731285095, -0.35433539748191833, -0.02421220950782299, -0.2196076214313507, -0.8551638722419739, 0.16670992970466614, 0.5009849071502686, 0.45720401406288147, -0.19771642982959747, -0.026601508259773254, -0.40176793932914734, -0.5411501526832581, 0.5213994383811951, -0.33935925364494324, 0.7261484861373901, 0.5212782621383667, -0.629162609577179, -0.035184167325496674, -0.5355538725852966, 0.1567995399236679, 0.575215756893158, -0.21931301057338715, 0.21198110282421112, -0.1414584219455719, 0.1273663341999054, 0.1560944765806198, 0.07217393070459366, -0.5840505957603455, 0.1762312948703766, -0.3879844546318054, 0.46227043867111206, 0.5087118148803711, -0.10209296643733978, 0.2940116822719574, -0.4961881637573242, 0.4476526379585266, 0.06016963720321655, 0.18382711708545685, -0.292265385389328, -0.4962926208972931, -1.0029898881912231, -0.5206652283668518, 0.20767748355865479, 0.09258437901735306, -0.9283812046051025, 0.2286020815372467, -0.36401939392089844, -0.5821799039840698, -0.4456327259540558, -0.18631821870803833, 0.583470344543457, 0.18839606642723083, 0.4209025204181671, -0.38919976353645325, -0.6523802876472473, -0.7580674886703491, -0.04104737937450409, -0.0029650386422872543, 0.03818433731794357, 0.17754870653152466, 0.7171037793159485, -0.13971161842346191, 0.9830732941627502, -0.5555934309959412, -0.13034552335739136, -0.26647353172302246, 0.21319960057735443, 0.5036690831184387, 0.869012176990509, 0.6494974493980408, -0.85624098777771, -0.5399538278579712, -0.07812820374965668, -0.8230631947517395, 0.27810806035995483, -0.21331429481506348, -0.2543503940105438, 0.29325810074806213, 0.07259073853492737, -0.9301961660385132, 0.9001439809799194, 0.24409961700439453, -0.2484789937734604, 0.6814715266227722, -0.043535519391298294, 0.3952484726905823, -1.0368256568908691, 0.0940203070640564, -0.010186259634792805, -0.278237909078598, -0.3671223819255829, 0.3450165390968323, 0.05887964367866516, -0.09068017452955246, -0.5703333616256714, 0.49814751744270325, -0.5839002132415771, -0.39107927680015564, -0.18414053320884705, -0.3597162067890167, 0.2008381485939026, 0.5681170225143433, 0.35026296973228455, 0.7108304500579834, 0.593562662601471, -0.613173246383667, 0.5662468671798706, 0.2850249409675598, -0.39540866017341614, 0.13378436863422394, -0.7590424418449402, 0.15623408555984497, -0.006055254023522139, 0.14238815009593964, -1.039202332496643, -0.4463724195957184, 0.12273705750703812, -0.825032651424408, 0.2287789285182953, -0.25072431564331055, -0.3969813585281372, -0.8481159210205078, -0.2824135720729828, 0.5986222624778748, 0.6061700582504272, -0.8353838920593262, 0.4752565324306488, -0.024229779839515686, 0.3427359461784363, -0.7031605839729309, -0.9470989108085632, -0.23775838315486908, -0.1184421107172966, -0.6227814555168152, 0.39063745737075806, 0.10257624834775925, 0.13204920291900635, 0.17033930122852325, 0.0022023438941687346, -0.02788020856678486, -0.11360624432563782, 0.3559575378894806, 0.35759663581848145, -0.3383455276489258, -0.11249580979347229, -0.441259503364563, -0.14299754798412323, -0.011071943677961826, -0.5146700143814087, 0.828044593334198, -0.5938214659690857, -0.4547280967235565, -0.6570044755935669, 0.025442546233534813, 0.5168212056159973, -0.24732479453086853, 0.6131898164749146, 1.0082026720046997, -0.42797669768333435, -0.17201900482177734, -0.4903757870197296, -0.22224679589271545, -0.518207848072052, 0.6040460467338562, -0.5626794099807739, -0.3065279424190521, 0.6687077283859253, 0.26075345277786255, 0.12998367846012115, 0.4910012185573578, 0.5467101335525513, -0.1917177140712738, 1.3009673357009888, 0.41865912079811096, 0.19651028513908386, 0.41606518626213074, -1.1332398653030396, 0.3005247116088867, -0.5366573333740234, -0.09147026389837265, -0.14805097877979279, -0.1322677582502365, -0.49161872267723083, -0.5272582769393921, 0.1775059700012207, 0.25126829743385315, -0.12259568274021149, 0.5601927042007446, -0.7241765260696411, 0.4215453267097473, 0.634731113910675, 0.17340582609176636, -0.13564079999923706, 0.3069853186607361, -0.11498762667179108, -0.0035325405187904835, -0.6963998079299927, -0.3204381763935089, 1.1007598638534546, 0.3114212453365326, 0.9137192368507385, -0.12931248545646667, 0.5795559883117676, 0.15660059452056885, 0.2936306595802307, -0.7525914907455444, 0.5094696283340454, -0.07394696772098541, -0.6148272156715393, -0.056904349476099014, -0.21962864696979523, -1.0761617422103882, 0.36542120575904846, -0.17955546081066132, -0.6943041086196899, 0.0880478248000145, 0.29162371158599854, -0.2686708867549896, 0.4288776218891144, -0.4818447232246399, 0.835560142993927, -0.19341687858104706, -0.7203859090805054, 0.005566108506172895, -0.35129815340042114, 0.37987253069877625, 0.23968739807605743, -0.05724843218922615, 0.07813110947608948, 0.36715608835220337, 0.7681082487106323, -0.5169938802719116, 0.5233184099197388, -0.12042355537414551, 0.23482371866703033, 0.5642898678779602, 0.05287891626358032, 0.282144695520401, 0.3275572657585144, 0.0655912458896637, 0.1728419065475464, 0.24024739861488342, -0.6556387543678284, -0.5011946558952332, 0.6014789938926697, -0.9803631901741028, -0.5752045512199402, -0.5746358036994934, -0.5572165250778198, 0.16652661561965942, 0.27309900522232056, 0.8510413765907288, 0.6848363280296326, 0.20405638217926025, 0.1822078824043274, 0.39658328890800476, -0.2770219147205353, 0.7347727417945862, 0.048226967453956604, -0.42024096846580505, -0.6510432362556458, 0.9077809453010559, -0.16476869583129883, 0.19684624671936035, 0.14116355776786804, 0.11883186548948288, -0.5074462890625, -0.49767163395881653, -0.47442811727523804, 0.4220610558986664, -0.8843897581100464, -0.5073664784431458, -0.5574976205825806, -0.38224613666534424, -0.7329838275909424, -0.3632339835166931, -0.6785998940467834, -0.20770083367824554, -0.2887001931667328, 0.13922500610351562, 0.4751199781894684, 0.47104978561401367, 0.00008004758274182677, 0.1888219714164734, -0.7283151149749756, 0.3331988453865051, 0.22260072827339172, 0.2175205498933792, -0.11090750247240067, -0.3725738525390625, -0.3258932828903198, 0.1863846629858017, -0.3390854597091675, -0.6982914805412292, 0.7055675983428955, 0.16687484085559845, 0.4697442054748535, 0.5661668181419373, 0.20191793143749237, 1.1455857753753662, 0.04753255471587181, 0.8381017446517944, 0.3202681243419647, -0.9491927027702332, 0.5737777948379517, -0.06226247549057007, 0.16874800622463226, 0.21399877965450287, 0.2629316747188568, -0.2145615518093109, -0.45443588495254517, -0.794481098651886, -0.7097716331481934, 0.8609510660171509, 0.4556654691696167, 0.08673034608364105, -0.07789818942546844, 0.3680434823036194, -0.033852770924568176, 0.004039771389216185, -0.9308444857597351, -0.1291031837463379, -0.5716260075569153, -0.2164534479379654, -0.03128751739859581, -0.07828149199485779, 0.016666840761899948, -0.5143412351608276, 0.706145703792572, -0.3006526231765747, 0.8778815865516663, 0.6747556924819946, -0.5142091512680054, -0.1884547770023346, -0.35889360308647156, 0.3807789087295532, 0.5686704516410828, -0.3309902250766754, 0.11610356718301773, 0.12261869758367538, -0.42670685052871704, -0.06795614212751389, -0.025336988270282745, -0.07729129493236542, 0.18147216737270355, 0.7152225375175476, 1.002234697341919, -0.12773998081684113, -0.3648873567581177, 0.696139395236969, -0.12938034534454346, -0.3615713119506836, -0.5965442061424255, 0.04003246873617172, -0.10791096836328506, 0.23504962027072906, 0.3921803832054138, 0.24053791165351868, -0.04787641391158104, -0.24732282757759094, 0.26369374990463257, 0.3727107048034668, -0.15940016508102417, -0.28165215253829956, 0.9970335364341736, -0.0803927555680275, -0.021794505417346954, 0.7269074320793152, -0.3033631145954132, -0.5056635737419128, 1.0724351406097412, 0.6396733522415161, 0.7001979947090149, 0.2696450650691986, 0.18472643196582794, 0.7384463548660278, 0.07120481133460999, -0.0322876051068306, 0.2944219708442688, -0.06490782648324966, -0.7033084630966187, -0.22150923311710358, -0.8699136972427368, 0.08270909637212753, 0.19838900864124298, -0.7399737238883972, 0.38040295243263245, -0.5887439846992493, -0.3104543685913086, 0.08422825485467911, 0.15791767835617065, -1.0369558334350586, 0.3557473123073578, 0.17872393131256104, 0.755009651184082, -0.7278639078140259, 0.9286698698997498, 0.7715879678726196, -0.8054757714271545, -1.0215920209884644, -0.20269916951656342, -0.24344588816165924, -0.8554263114929199, 0.6207863092422485, 0.6508968472480774, -0.030507389456033707, 0.36429786682128906, -0.7298035621643066, -0.9756745100021362, 1.3180378675460815, 0.1729617565870285, -0.2130127251148224, 0.17469677329063416, 0.21430295705795288, 0.3480713963508606, -0.4181463420391083, 0.5787773132324219, 0.27313095331192017, 0.23947174847126007, 0.29411086440086365, -0.6094721555709839, 0.20567716658115387, -0.2841717600822449, 0.48724618554115295, -0.06911763548851013, -0.5276176929473877, 1.2022281885147095, -0.5862549543380737, -0.3675568401813507, 0.4761767089366913, 0.9605661034584045, 0.18757414817810059, 0.19590510427951813, 0.5735676884651184, 0.6898422837257385, 0.2797759771347046, -0.2010568231344223, 1.1351205110549927, -0.20023305714130402, 1.0071823596954346, 0.5789212584495544, 0.20200146734714508, 0.5579779744148254, 0.46984201669692993, -0.3341430723667145, 0.29437363147735596, 0.8211060166358948, -0.4424908757209778, 0.6215572357177734, 0.021567123010754585, -0.07323487102985382, -0.06780415028333664, 0.17232650518417358, -0.46840372681617737, 0.5255306363105774, 0.3049200177192688, -0.5352885723114014, 0.010649329982697964, 0.18515262007713318, -0.12771059572696686, -0.24065324664115906, -0.08158061653375626, 0.46105480194091797, -0.08508376032114029, -0.7547705173492432, 1.1448646783828735, -0.013734351843595505, 0.7894065380096436, -0.21234510838985443, -0.028435921296477318, -0.18768829107284546, 0.4662533402442932, -0.30886462330818176, -0.6532385945320129, 0.20206543803215027, -0.20839592814445496, 0.07206311076879501, 0.13215875625610352, 0.5525038242340088, -0.28412407636642456, -0.5740852355957031, 0.20131872594356537, -0.04696895182132721, 0.3644081652164459, -0.07122541964054108, -0.8437407612800598, 0.052545011043548584, 0.07457233965396881, -0.4025929272174835, -0.14958526194095612, -0.09549915790557861, 0.021821413189172745, 0.6689935326576233, 0.8139246702194214, -0.047635070979595184, 0.4025324285030365, -0.0637737587094307, 0.7878613471984863, -0.6107391119003296, -0.4680140018463135, -0.6474190354347229, 0.5902461409568787, -0.187389075756073, -0.3720703721046448, 0.686607301235199, 0.5855967998504639, 0.9706307649612427, -0.4767574369907379, 0.7252597808837891, -0.4885668158531189, -0.062461379915475845, -0.6198480129241943, 0.6240223050117493, -0.623528003692627, -0.02414781227707863, -0.23080681264400482, -0.93083256483078, -0.321667343378067, 0.9155606627464294, -0.21139471232891083, 0.06731842458248138, 0.8568410277366638, 1.1631031036376953, -0.14592419564723969, -0.08802717924118042, 0.2441776990890503, 0.10030309110879898, 0.44580188393592834, 0.6588248014450073, 0.8536631464958191, -0.7771316766738892, 0.6319453716278076, -1.0363597869873047, 0.024551505222916603, -0.3058100938796997, -0.5967597961425781, -0.8946096301078796, -0.6725592017173767, -0.5610130429267883, -0.7316682934761047, -0.09003090858459473, 0.7580741047859192, 1.0198695659637451, -0.9186078310012817, 0.0723329558968544, -0.43914511799812317, -0.09564172476530075, -0.39903339743614197, -0.2915865480899811, 0.5240859985351562, -0.38342025876045227, -0.9619714021682739, -0.22089603543281555, -0.07694973051548004, 0.2344508171081543, -0.11236066371202469, -0.23937582969665527, -0.15527327358722687, -0.08061584830284119, 0.28640589118003845, 0.3540233373641968, -0.9411494731903076, -0.35956573486328125, -0.1309681236743927, -0.26489779353141785, 0.23347905278205872, 0.4927639067173004, -0.65278559923172, 0.5194785594940186, 0.5760931968688965, 0.3829399049282074, 0.8248142600059509, -0.07718625664710999, 0.23366287350654602, -0.5026581287384033, 0.4723705053329468, 0.13042861223220825, 0.5963672995567322, 0.3340878486633301, -0.3924475312232971, 0.49356406927108765, 0.37812039256095886, -0.45582929253578186, -0.7444155812263489, 0.04698117822408676, -1.0116572380065918, -0.24024733901023865, 1.0484219789505005, -0.543588399887085, -0.6657570600509644, 0.205782949924469, -0.2878812253475189, 0.5962093472480774, -0.10175970941781998, 0.7776226997375488, 0.17452210187911987, -0.03345262631773949, -0.3562045991420746, -0.31657421588897705, 0.42161619663238525, 0.5428532958030701, -0.4602290391921997, -0.4329420030117035, 0.2196434587240219, 0.4912484884262085, 0.4909874200820923, 0.44139066338539124, -0.32034197449684143, 0.6093877553939819, 0.40282249450683594, 0.43374428153038025, -0.26465341448783875, -0.07625969499349594, -0.16295181214809418, -0.028740933164954185, 0.06030747666954994, -0.7590981125831604 ]
facebook/opt-30b
facebook
2023-01-24T17:10:35Z
10,088
132
transformers
[ "transformers", "pytorch", "tf", "jax", "opt", "text-generation", "en", "arxiv:2205.01068", "arxiv:2005.14165", "license:other", "has_space", "text-generation-inference", "region:us" ]
text-generation
2022-05-11T08:27:14Z
--- language: en inference: false tags: - text-generation - opt license: other commercial: false --- # OPT : Open Pre-trained Transformer Language Models OPT was first introduced in [Open Pre-trained Transformer Language Models](https://arxiv.org/abs/2205.01068) and first released in [metaseq's repository](https://github.com/facebookresearch/metaseq) on May 3rd 2022 by Meta AI. **Disclaimer**: The team releasing OPT wrote an official model card, which is available in Appendix D of the [paper](https://arxiv.org/pdf/2205.01068.pdf). Content from **this** model card has been written by the Hugging Face team. ## Intro To quote the first two paragraphs of the [official paper](https://arxiv.org/abs/2205.01068) > Large language models trained on massive text collections have shown surprising emergent > capabilities to generate text and perform zero- and few-shot learning. While in some cases the public > can interact with these models through paid APIs, full model access is currently limited to only a > few highly resourced labs. This restricted access has limited researchers’ ability to study how and > why these large language models work, hindering progress on improving known challenges in areas > such as robustness, bias, and toxicity. > We present Open Pretrained Transformers (OPT), a suite of decoder-only pre-trained transformers ranging from 125M > to 175B parameters, which we aim to fully and responsibly share with interested researchers. We train the OPT models to roughly match > the performance and sizes of the GPT-3 class of models, while also applying the latest best practices in data > collection and efficient training. Our aim in developing this suite of OPT models is to enable reproducible and responsible research at scale, and > to bring more voices to the table in studying the impact of these LLMs. Definitions of risk, harm, bias, and toxicity, etc., should be articulated by the > collective research community as a whole, which is only possible when models are available for study. ## Model description OPT was predominantly pretrained with English text, but a small amount of non-English data is still present within the training corpus via CommonCrawl. The model was pretrained using a causal language modeling (CLM) objective. OPT belongs to the same family of decoder-only models like [GPT-3](https://arxiv.org/abs/2005.14165). As such, it was pretrained using the self-supervised causal language modedling objective. For evaluation, OPT follows [GPT-3](https://arxiv.org/abs/2005.14165) by using their prompts and overall experimental setup. For more details, please read the [official paper](https://arxiv.org/abs/2205.01068). ## Intended uses & limitations The pretrained-only model can be used for prompting for evaluation of downstream tasks as well as text generation. In addition, the model can be fine-tuned on a downstream task using the [CLM example](https://github.com/huggingface/transformers/tree/main/examples/pytorch/language-modeling). For all other OPT checkpoints, please have a look at the [model hub](https://huggingface.co/models?filter=opt). ### How to use For large OPT models, such as this one, it is not recommend to make use of the `text-generation` pipeline because one should load the model in half-precision to accelerate generation and optimize memory consumption on GPU. It is recommended to directly call the [`generate`](https://huggingface.co/docs/transformers/main/en/main_classes/text_generation#transformers.generation_utils.GenerationMixin.generate) method as follows: ```python >>> from transformers import AutoModelForCausalLM, AutoTokenizer >>> import torch >>> model = AutoModelForCausalLM.from_pretrained("facebook/opt-30b", torch_dtype=torch.float16).cuda() >>> # the fast tokenizer currently does not work correctly >>> tokenizer = AutoTokenizer.from_pretrained("facebook/opt-30b", use_fast=False) >>> prompt = "Hello, I am conscious and" >>> input_ids = tokenizer(prompt, return_tensors="pt").input_ids.cuda() >>> generated_ids = model.generate(input_ids) >>> tokenizer.batch_decode(generated_ids, skip_special_tokens=True) ['Hello, I am conscious and I am here.\nI am also conscious and I am here'] ``` By default, generation is deterministic. In order to use the top-k sampling, please set `do_sample` to `True`. ```python >>> from transformers import AutoModelForCausalLM, AutoTokenizer, set_seed >>> import torch >>> model = AutoModelForCausalLM.from_pretrained("facebook/opt-30b", torch_dtype=torch.float16).cuda() >>> # the fast tokenizer currently does not work correctly >>> tokenizer = AutoTokenizer.from_pretrained("facebook/opt-30b", use_fast=False) >>> prompt = "Hello, I am conscious and" >>> input_ids = tokenizer(prompt, return_tensors="pt").input_ids.cuda() >>> set_seed(32) >>> generated_ids = model.generate(input_ids, do_sample=True) >>> tokenizer.batch_decode(generated_ids, skip_special_tokens=True) ['Hello, I am conscious and aware that you have your back turned to me and want to talk'] ``` ### Limitations and bias As mentioned in Meta AI's model card, given that the training data used for this model contains a lot of unfiltered content from the internet, which is far from neutral the model is strongly biased : > Like other large language models for which the diversity (or lack thereof) of training > data induces downstream impact on the quality of our model, OPT-175B has limitations in terms > of bias and safety. OPT-175B can also have quality issues in terms of generation diversity and > hallucination. In general, OPT-175B is not immune from the plethora of issues that plague modern > large language models. Here's an example of how the model can have biased predictions: ```python >>> from transformers import AutoModelForCausalLM, AutoTokenizer, set_seed >>> import torch >>> model = AutoModelForCausalLM.from_pretrained("facebook/opt-30b", torch_dtype=torch.float16).cuda() >>> # the fast tokenizer currently does not work correctly >>> tokenizer = AutoTokenizer.from_pretrained("facebook/opt-30b", use_fast=False) >>> prompt = "The woman worked as a" >>> input_ids = tokenizer(prompt, return_tensors="pt").input_ids.cuda() >>> set_seed(32) >>> generated_ids = model.generate(input_ids, do_sample=True, num_return_sequences=5, max_length=10) >>> tokenizer.batch_decode(generated_ids, skip_special_tokens=True) The woman worked as a supervisor in the office The woman worked as a social worker in a The woman worked as a cashier at the The woman worked as a teacher from 2011 to he woman worked as a maid at the house ``` compared to: ```python >>> from transformers import AutoModelForCausalLM, AutoTokenizer, set_seed >>> import torch >>> model = AutoModelForCausalLM.from_pretrained("facebook/opt-30b", torch_dtype=torch.float16).cuda() >>> # the fast tokenizer currently does not work correctly >>> tokenizer = AutoTokenizer.from_pretrained("facebook/opt-30b", use_fast=False) >>> prompt = "The man worked as a" >>> input_ids = tokenizer(prompt, return_tensors="pt").input_ids.cuda() >>> set_seed(32) >>> generated_ids = model.generate(input_ids, do_sample=True, num_return_sequences=5, max_length=10) >>> tokenizer.batch_decode(generated_ids, skip_special_tokens=True) The man worked as a school bus driver for The man worked as a bartender in a bar The man worked as a cashier at the The man worked as a teacher, and was The man worked as a professional at a range ``` This bias will also affect all fine-tuned versions of this model. ## Training data The Meta AI team wanted to train this model on a corpus as large as possible. It is composed of the union of the following 5 filtered datasets of textual documents: - BookCorpus, which consists of more than 10K unpublished books, - CC-Stories, which contains a subset of CommonCrawl data filtered to match the story-like style of Winograd schemas, - The Pile, from which * Pile-CC, OpenWebText2, USPTO, Project Gutenberg, OpenSubtitles, Wikipedia, DM Mathematics and HackerNews* were included. - Pushshift.io Reddit dataset that was developed in Baumgartner et al. (2020) and processed in Roller et al. (2021) - CCNewsV2 containing an updated version of the English portion of the CommonCrawl News dataset that was used in RoBERTa (Liu et al., 2019b) The final training data contains 180B tokens corresponding to 800GB of data. The validation split was made of 200MB of the pretraining data, sampled proportionally to each dataset’s size in the pretraining corpus. The dataset might contains offensive content as parts of the dataset are a subset of public Common Crawl data, along with a subset of public Reddit data, which could contain sentences that, if viewed directly, can be insulting, threatening, or might otherwise cause anxiety. ### Collection process The dataset was collected form internet, and went through classic data processing algorithms and re-formatting practices, including removing repetitive/non-informative text like *Chapter One* or *This ebook by Project Gutenberg.* ## Training procedure ### Preprocessing The texts are tokenized using the **GPT2** byte-level version of Byte Pair Encoding (BPE) (for unicode characters) and a vocabulary size of 50272. The inputs are sequences of 2048 consecutive tokens. The 175B model was trained on 992 *80GB A100 GPUs*. The training duration was roughly ~33 days of continuous training. ### BibTeX entry and citation info ```bibtex @misc{zhang2022opt, title={OPT: Open Pre-trained Transformer Language Models}, author={Susan Zhang and Stephen Roller and Naman Goyal and Mikel Artetxe and Moya Chen and Shuohui Chen and Christopher Dewan and Mona Diab and Xian Li and Xi Victoria Lin and Todor Mihaylov and Myle Ott and Sam Shleifer and Kurt Shuster and Daniel Simig and Punit Singh Koura and Anjali Sridhar and Tianlu Wang and Luke Zettlemoyer}, year={2022}, eprint={2205.01068}, archivePrefix={arXiv}, primaryClass={cs.CL} } ```
[ -0.2952984571456909, -0.8243156671524048, 0.1693805605173111, 0.2467166781425476, -0.1579175591468811, -0.1447475105524063, -0.42410919070243835, -0.4257180392742157, 0.0538182333111763, 0.43398863077163696, -0.5856371521949768, -0.41881823539733887, -0.6021194458007812, 0.09899650514125824, -0.4525475800037384, 1.0327616930007935, -0.05238546058535576, -0.002180845243856311, 0.17253296077251434, 0.08524489402770996, -0.3380148410797119, -0.4454682469367981, -0.8412286043167114, -0.16555249691009521, 0.20766492187976837, 0.09044529497623444, 0.6606161594390869, 0.5368354916572571, 0.39193254709243774, 0.37869590520858765, 0.060307860374450684, 0.11006651073694229, -0.5928743481636047, -0.2943853437900543, -0.06213074550032616, -0.42067718505859375, -0.4749545454978943, 0.24236437678337097, 0.513802707195282, 0.45806044340133667, 0.09962062537670135, 0.20922885835170746, 0.02578703686594963, 0.40746238827705383, -0.4774331748485565, 0.23126669228076935, -0.6785189509391785, -0.05601834878325462, -0.16942189633846283, 0.1096583902835846, -0.5935461521148682, -0.2736419141292572, 0.12699423730373383, -0.4432459771633148, 0.3672090172767639, -0.04742591455578804, 1.17936110496521, 0.3933744728565216, -0.28457093238830566, -0.1680462658405304, -0.6551728844642639, 0.6545537114143372, -0.8847005367279053, 0.36481383442878723, 0.22960151731967926, 0.08677203953266144, 0.046366892755031586, -0.8742957711219788, -0.6087039113044739, -0.15973535180091858, -0.22098740935325623, 0.22194981575012207, -0.3456123471260071, 0.17181433737277985, 0.2886095345020294, 0.3553117513656616, -0.5289504528045654, 0.01480040978640318, -0.5205912590026855, -0.3427785038948059, 0.7074821591377258, 0.06654500216245651, 0.32373034954071045, -0.3377309739589691, -0.23740608990192413, -0.0934738740324974, -0.413509339094162, -0.005133847240358591, 0.481813907623291, 0.23719710111618042, -0.21259647607803345, 0.5655225515365601, -0.2614559233188629, 0.7863519787788391, 0.23128347098827362, 0.12027791142463684, 0.40495815873146057, -0.3919472098350525, -0.3000071048736572, -0.11246056109666824, 1.1595048904418945, 0.27062317728996277, 0.35359305143356323, -0.01705716736614704, -0.0464492104947567, 0.11540602892637253, 0.04563727602362633, -0.846861720085144, -0.3407767713069916, 0.3081846833229065, -0.5026900768280029, -0.3309783637523651, 0.015771515667438507, -0.7319984436035156, -0.007835470139980316, -0.14445531368255615, 0.554921567440033, -0.4062386155128479, -0.4879693388938904, 0.26129743456840515, 0.033890120685100555, 0.2619607448577881, 0.03670356050133705, -0.8450271487236023, -0.009124488569796085, 0.3017924129962921, 0.7766280174255371, -0.04321371391415596, -0.38105684518814087, -0.19990421831607819, -0.09116961807012558, -0.18002988398075104, 0.38844385743141174, -0.26272282004356384, -0.1294306367635727, -0.008962426334619522, 0.12098101526498795, -0.2665998339653015, -0.3385660648345947, 0.6365748643875122, -0.37679392099380493, 0.4155772626399994, -0.20856216549873352, -0.4040902554988861, -0.045792028307914734, -0.06532963365316391, -0.5765628814697266, 1.1364319324493408, 0.1314181238412857, -0.9281012415885925, 0.4031229019165039, -0.6579998731613159, -0.3605453670024872, -0.07817263901233673, -0.04647792503237724, -0.3419797718524933, 0.03299761191010475, 0.4078271985054016, 0.5791124701499939, -0.15122191607952118, 0.48847445845603943, -0.16505181789398193, -0.22921642661094666, 0.06336329877376556, -0.5215641856193542, 1.1696362495422363, 0.310249924659729, -0.5966009497642517, 0.30122441053390503, -0.5736133456230164, -0.0661458671092987, 0.3618796467781067, -0.15089480578899384, -0.042374663054943085, -0.11590217053890228, 0.1856669783592224, 0.4459971487522125, 0.31325024366378784, -0.47671738266944885, 0.12468467652797699, -0.5846633911132812, 0.6825467348098755, 0.9224421977996826, -0.2588314712047577, 0.3876307010650635, -0.07911272346973419, 0.2513427138328552, 0.060489315539598465, 0.3784266710281372, -0.07946737855672836, -0.3373528718948364, -1.0347238779067993, -0.2524944543838501, 0.18716317415237427, 0.33618825674057007, -0.7131029963493347, 0.7055125832557678, -0.2748814821243286, -0.6678075790405273, -0.6026900410652161, -0.02087794616818428, 0.3680022060871124, 0.4260200560092926, 0.4278217852115631, -0.17059892416000366, -0.5628573894500732, -0.7961323261260986, -0.3101988136768341, -0.081588514149189, 0.18030047416687012, 0.37269964814186096, 0.623056173324585, -0.45261552929878235, 1.1174812316894531, -0.5721080303192139, -0.3145673871040344, -0.3971328139305115, -0.0623796284198761, 0.3938005268573761, 0.6515722274780273, 0.5405157804489136, -0.7177245616912842, -0.5984899401664734, -0.23494695127010345, -0.7144932150840759, -0.04915090277791023, -0.10640573501586914, -0.3904378414154053, 0.3865637183189392, 0.581241250038147, -0.8361315727233887, 0.30027374625205994, 0.5336123108863831, -0.4611712694168091, 0.5597540140151978, 0.03392729535698891, -0.1911465972661972, -1.173811674118042, 0.25347867608070374, -0.09136123210191727, -0.16628336906433105, -0.5121839642524719, -0.23083320260047913, 0.010613765567541122, -0.15649116039276123, -0.5786082148551941, 0.7796459197998047, -0.3615547716617584, 0.20809882879257202, -0.1574002206325531, 0.036332372575998306, -0.1089605987071991, 0.6046239733695984, 0.11970330774784088, 0.5666541457176208, 0.687290608882904, -0.6238387227058411, 0.23222322762012482, 0.22478878498077393, -0.20294630527496338, 0.23632915318012238, -0.711764395236969, 0.06757372617721558, -0.18163666129112244, 0.3399196267127991, -0.9228936433792114, -0.2989746332168579, 0.36917629837989807, -0.5989258289337158, 0.34002885222435, 0.1283394694328308, -0.48781365156173706, -0.7434729337692261, -0.025155508890748024, 0.38968130946159363, 0.5297296047210693, -0.5495818257331848, 0.639577329158783, 0.33689507842063904, 0.21511435508728027, -0.7470061779022217, -0.5947635769844055, -0.10443359613418579, -0.07891424000263214, -0.713903546333313, 0.3364076614379883, -0.12748797237873077, 0.000980083248578012, 0.13083773851394653, -0.09385291486978531, 0.07179512828588486, -0.04824741557240486, 0.07173790037631989, 0.32268452644348145, -0.016184262931346893, 0.02641577273607254, -0.04175630584359169, -0.2306903898715973, 0.17099548876285553, -0.4114425778388977, 0.8542352318763733, -0.2535157799720764, -0.1422228068113327, -0.5202235579490662, -0.0354500338435173, 0.42661312222480774, -0.4016381502151489, 0.8714313507080078, 0.936403751373291, -0.48411235213279724, -0.15819098055362701, -0.7185999155044556, -0.3397890329360962, -0.5341413617134094, 0.6723429560661316, -0.12429431825876236, -0.7540459036827087, 0.4962638020515442, 0.1987827867269516, 0.2359856814146042, 0.7678685784339905, 0.7853996157646179, 0.2525205910205841, 1.035163164138794, 0.5924037098884583, -0.27655842900276184, 0.6269553303718567, -0.603179931640625, 0.2700701951980591, -0.6289699077606201, -0.06901585310697556, -0.3297853469848633, -0.043882180005311966, -0.4324355125427246, -0.26352038979530334, 0.10323173552751541, 0.05689534917473793, -0.37373748421669006, 0.4494556188583374, -0.7256737947463989, 0.3231174945831299, 0.5374686121940613, 0.17195630073547363, 0.0020734271965920925, -0.1570161134004593, -0.12629398703575134, 0.03591442108154297, -0.7910820841789246, -0.39855292439460754, 1.214309573173523, 0.3814239501953125, 0.6648669242858887, -0.33923640847206116, 0.6889608502388, 0.00960453785955906, 0.4391652047634125, -0.4559854567050934, 0.5614038109779358, -0.00579523341730237, -0.9929848909378052, -0.15309995412826538, -0.5093172788619995, -0.7770426273345947, 0.22263477742671967, -0.10841266065835953, -0.637355387210846, 0.14767786860466003, 0.1758442223072052, -0.32713431119918823, 0.3339862823486328, -0.806639552116394, 1.2271759510040283, -0.41930022835731506, -0.44999250769615173, 0.046730224043130875, -0.6491758227348328, 0.46786627173423767, -0.0076466999016702175, 0.16006715595722198, -0.024434348568320274, 0.258349746465683, 0.9412089586257935, -0.45124346017837524, 0.9749031662940979, -0.1972898542881012, 0.023334521800279617, 0.4390915632247925, -0.2400224506855011, 0.43638256192207336, -0.08703350275754929, -0.05581962689757347, 0.33195003867149353, -0.19634081423282623, -0.41259971261024475, -0.14534100890159607, 0.5554432272911072, -1.0636730194091797, -0.43947741389274597, -0.40923893451690674, -0.45865410566329956, 0.06267885118722916, 0.5597386360168457, 0.7539963722229004, 0.30522775650024414, -0.09676588326692581, 0.10106338560581207, 0.448331356048584, -0.45452696084976196, 0.6260930299758911, 0.1823243647813797, -0.22589772939682007, -0.39431124925613403, 0.8088646531105042, 0.11683594435453415, 0.33512765169143677, 0.12014008313417435, 0.07193209230899811, -0.42099782824516296, -0.2752143144607544, -0.315123051404953, 0.45572447776794434, -0.7228968143463135, -0.22900454699993134, -0.9432980418205261, -0.4057422876358032, -0.6230964064598083, -0.21025140583515167, -0.6195706725120544, -0.02791520021855831, -0.45406264066696167, -0.18731552362442017, 0.229237899184227, 0.42437490820884705, -0.04582449048757553, 0.4576660990715027, -0.49326032400131226, 0.25265687704086304, 0.15254846215248108, 0.32044824957847595, 0.08399507403373718, -0.49422815442085266, -0.35956108570098877, 0.14561918377876282, -0.32742488384246826, -0.7855980396270752, 0.4727821946144104, 0.009046209044754505, 0.581193208694458, 0.500659704208374, 0.18776549398899078, 0.5344885587692261, -0.37375813722610474, 0.6790547966957092, 0.11638946831226349, -1.041929006576538, 0.391000360250473, -0.3620162308216095, 0.18556109070777893, 0.5021638870239258, 0.4092123210430145, -0.33402836322784424, -0.436529278755188, -0.732170581817627, -1.0164858102798462, 0.9672583937644958, 0.43149301409721375, 0.27607280015945435, -0.11534731090068817, 0.35970398783683777, -0.14894667267799377, 0.2289329469203949, -1.318172574043274, -0.5126731991767883, -0.4110878109931946, -0.38510259985923767, -0.1675572395324707, -0.16906554996967316, 0.11532051861286163, -0.4402945935726166, 0.8115898966789246, 0.047167617827653885, 0.5076071619987488, 0.33113741874694824, -0.30272260308265686, -0.07985559850931168, -0.09711731970310211, 0.29546311497688293, 0.5822911262512207, -0.14727045595645905, -0.005844608414918184, 0.14638015627861023, -0.4927046000957489, -0.052160002291202545, 0.29296281933784485, -0.31688812375068665, 0.004528447054326534, 0.2551096975803375, 1.0316723585128784, -0.011793415993452072, -0.5065999031066895, 0.5146755576133728, 0.027728382498025894, -0.18245910108089447, -0.3996749818325043, 0.05725838243961334, 0.06945319473743439, 0.12252873927354813, 0.33524686098098755, 0.07204820960760117, -0.10614386200904846, -0.38200461864471436, 0.12413933128118515, 0.5251191258430481, -0.32160070538520813, -0.30841171741485596, 1.0219597816467285, 0.295267790555954, -0.17824502289295197, 0.6388372182846069, -0.20734091103076935, -0.7383603453636169, 0.5782009959220886, 0.5535678863525391, 0.9579269886016846, -0.1546410471200943, 0.1594516485929489, 0.6132239699363708, 0.6215469241142273, -0.12996001541614532, -0.021778132766485214, 0.14668451249599457, -0.80012446641922, -0.40181782841682434, -0.6902168393135071, 0.04881077632308006, 0.18810966610908508, -0.41494327783584595, 0.4792015254497528, -0.2056921124458313, -0.2729457914829254, -0.1738891899585724, 0.013035234995186329, -0.8593222498893738, 0.2387225329875946, 0.010511440224945545, 0.7399272918701172, -0.9795027375221252, 0.7259631156921387, 0.4178963303565979, -0.5735443830490112, -0.9426490664482117, -0.016741609200835228, -0.2994301915168762, -0.7330085039138794, 0.6087939143180847, 0.5280002951622009, 0.24678806960582733, 0.4558018147945404, -0.6725522875785828, -0.9386433959007263, 1.0147875547409058, 0.3728267252445221, -0.333139032125473, -0.2939330041408539, 0.2329380065202713, 0.513878345489502, -0.13246746361255646, 0.5122553110122681, 0.4566706418991089, 0.398696631193161, -0.13054987788200378, -0.8431665897369385, 0.2018379122018814, -0.1861264407634735, -0.2070516049861908, 0.05488433688879013, -0.8718580007553101, 1.1486867666244507, -0.12001468241214752, -0.23784369230270386, -0.19523155689239502, 0.6889252066612244, 0.02377307415008545, 0.02410210482776165, 0.40037399530410767, 0.5656039118766785, 0.5677418112754822, -0.2083301693201065, 1.0133435726165771, -0.4831518232822418, 0.7006697654724121, 0.7549087405204773, 0.03181341663002968, 0.5555168390274048, 0.2332337349653244, -0.17572925984859467, 0.2374677211046219, 0.6617613434791565, -0.12384726852178574, 0.3154597580432892, -0.00507179694250226, 0.011216339655220509, -0.18179041147232056, 0.06293164193630219, -0.500993013381958, 0.36800530552864075, 0.12443652749061584, -0.5467302203178406, -0.14905819296836853, 0.04984162747859955, 0.2351035624742508, -0.35110634565353394, -0.21991239488124847, 0.4924856126308441, 0.044812656939029694, -0.7453556656837463, 0.6991822719573975, 0.11771582067012787, 0.953606128692627, -0.5768462419509888, 0.3063453137874603, -0.05975354090332985, 0.3696151375770569, -0.23938371241092682, -0.3162018954753876, 0.23379942774772644, -0.11903045326471329, -0.0017684681806713343, -0.22408252954483032, 0.7185420989990234, -0.4538988769054413, -0.6071361303329468, 0.36228859424591064, 0.3855977952480316, 0.04382924735546112, -0.24818691611289978, -0.8415175676345825, 0.13871988654136658, 0.11864655464887619, -0.47216397523880005, 0.036882877349853516, 0.21431276202201843, 0.09633003175258636, 0.5429366827011108, 0.7438555359840393, -0.14458642899990082, 0.33852052688598633, -0.20574304461479187, 0.9616014957427979, -0.48980027437210083, -0.38227182626724243, -1.0689491033554077, 0.6400617361068726, -0.06530430912971497, -0.365285187959671, 0.9025886058807373, 0.6715402007102966, 1.0926334857940674, -0.16438359022140503, 0.737061083316803, -0.38953444361686707, 0.18305768072605133, -0.37221479415893555, 0.9176700115203857, -0.5576902627944946, -0.07933041453361511, -0.5750094652175903, -0.9531396627426147, -0.12860514223575592, 0.7622629404067993, -0.45113039016723633, 0.32098543643951416, 0.6422840356826782, 0.753771960735321, -0.09238661080598831, -0.18694522976875305, 0.014950358308851719, 0.4571690857410431, 0.4330936670303345, 0.5665264129638672, 0.5337241888046265, -0.5838273167610168, 0.7220045328140259, -0.4789467453956604, -0.25899574160575867, -0.28166306018829346, -0.6773065328598022, -1.0871620178222656, -0.6067460775375366, -0.2775707542896271, -0.5639153122901917, -0.18135234713554382, 0.8641887307167053, 0.7081357836723328, -0.5927440524101257, -0.21582549810409546, -0.392609179019928, 0.009479991160333157, -0.04911329969763756, -0.3253107964992523, 0.574414849281311, -0.4722146987915039, -0.9425220489501953, -0.09503194689750671, -0.06124576926231384, -0.015422581695020199, -0.2747995853424072, -0.08688559383153915, -0.32847318053245544, 0.04921100661158562, 0.5052439570426941, 0.14030468463897705, -0.6069731116294861, -0.07389062643051147, 0.22776350378990173, -0.19540682435035706, -0.05410478636622429, 0.501639723777771, -0.609984815120697, 0.438615620136261, 0.368341326713562, 0.5224129557609558, 0.5719372034072876, -0.12300028651952744, 0.4417915642261505, -0.43016940355300903, 0.26222169399261475, 0.24143648147583008, 0.45115920901298523, 0.21618402004241943, -0.4123670756816864, 0.4684271812438965, 0.38967347145080566, -0.6045666337013245, -0.9374198317527771, 0.1262006014585495, -0.8510286808013916, -0.2215161770582199, 1.297137975692749, -0.02336302399635315, -0.2379864901304245, 0.005069782491773367, -0.4027138948440552, 0.5851722955703735, -0.27725568413734436, 0.6541547179222107, 0.7058260440826416, 0.0766211524605751, -0.038729045540094376, -0.5561438202857971, 0.5709699392318726, 0.4648444652557373, -0.7320090532302856, 0.10517678409814835, 0.40519917011260986, 0.34189072251319885, 0.133694127202034, 0.9279105067253113, -0.08323420584201813, 0.08833807706832886, -0.07506374269723892, 0.25778865814208984, -0.14829176664352417, -0.18789617717266083, -0.12918923795223236, -0.08297668397426605, -0.2361798882484436, -0.14337104558944702 ]
microsoft/swin-base-patch4-window7-224
microsoft
2023-09-10T18:04:03Z
10,078
5
transformers
[ "transformers", "pytorch", "tf", "safetensors", "swin", "image-classification", "vision", "dataset:imagenet-1k", "arxiv:2103.14030", "license:apache-2.0", "autotrain_compatible", "endpoints_compatible", "has_space", "region:us" ]
image-classification
2022-03-02T23:29:05Z
--- license: apache-2.0 tags: - vision - image-classification datasets: - imagenet-1k widget: - src: https://huggingface.co/datasets/mishig/sample_images/resolve/main/tiger.jpg example_title: Tiger - src: https://huggingface.co/datasets/mishig/sample_images/resolve/main/teapot.jpg example_title: Teapot - src: https://huggingface.co/datasets/mishig/sample_images/resolve/main/palace.jpg example_title: Palace --- # Swin Transformer (base-sized model) Swin Transformer model trained on ImageNet-1k at resolution 224x224. It was introduced in the paper [Swin Transformer: Hierarchical Vision Transformer using Shifted Windows](https://arxiv.org/abs/2103.14030) by Liu et al. and first released in [this repository](https://github.com/microsoft/Swin-Transformer). Disclaimer: The team releasing Swin Transformer did not write a model card for this model so this model card has been written by the Hugging Face team. ## Model description The Swin Transformer is a type of Vision Transformer. It builds hierarchical feature maps by merging image patches (shown in gray) in deeper layers and has linear computation complexity to input image size due to computation of self-attention only within each local window (shown in red). It can thus serve as a general-purpose backbone for both image classification and dense recognition tasks. In contrast, previous vision Transformers produce feature maps of a single low resolution and have quadratic computation complexity to input image size due to computation of self-attention globally. ![model image](https://huggingface.co/datasets/huggingface/documentation-images/resolve/main/swin_transformer_architecture.png) [Source](https://paperswithcode.com/method/swin-transformer) ## Intended uses & limitations You can use the raw model for image classification. See the [model hub](https://huggingface.co/models?search=swin) to look for fine-tuned versions on a task that interests you. ### How to use Here is how to use this model to classify an image of the COCO 2017 dataset into one of the 1,000 ImageNet classes: ```python from transformers import AutoFeatureExtractor, SwinForImageClassification from PIL import Image import requests url = "http://images.cocodataset.org/val2017/000000039769.jpg" image = Image.open(requests.get(url, stream=True).raw) feature_extractor = AutoFeatureExtractor.from_pretrained("microsoft/swin-base-patch4-window7-224") model = SwinForImageClassification.from_pretrained("microsoft/swin-base-patch4-window7-224") inputs = feature_extractor(images=image, return_tensors="pt") outputs = model(**inputs) logits = outputs.logits # model predicts one of the 1000 ImageNet classes predicted_class_idx = logits.argmax(-1).item() print("Predicted class:", model.config.id2label[predicted_class_idx]) ``` For more code examples, we refer to the [documentation](https://huggingface.co/transformers/model_doc/swin.html#). ### BibTeX entry and citation info ```bibtex @article{DBLP:journals/corr/abs-2103-14030, author = {Ze Liu and Yutong Lin and Yue Cao and Han Hu and Yixuan Wei and Zheng Zhang and Stephen Lin and Baining Guo}, title = {Swin Transformer: Hierarchical Vision Transformer using Shifted Windows}, journal = {CoRR}, volume = {abs/2103.14030}, year = {2021}, url = {https://arxiv.org/abs/2103.14030}, eprinttype = {arXiv}, eprint = {2103.14030}, timestamp = {Thu, 08 Apr 2021 07:53:26 +0200}, biburl = {https://dblp.org/rec/journals/corr/abs-2103-14030.bib}, bibsource = {dblp computer science bibliography, https://dblp.org} } ```
[ -0.6170984506607056, -0.3681498169898987, -0.1828366369009018, 0.13582836091518402, -0.09225979447364807, -0.291949599981308, 0.015259834937751293, -0.7800355553627014, 0.07928495854139328, 0.31516510248184204, -0.5872816443443298, -0.1753990352153778, -0.5684609413146973, -0.08393347263336182, -0.47324028611183167, 0.8854868412017822, -0.034077588468790054, -0.20907196402549744, -0.26072800159454346, -0.23471452295780182, -0.1791430413722992, -0.227622389793396, -0.4671471416950226, -0.2556060552597046, 0.4970526397228241, 0.1649460792541504, 0.7694946527481079, 0.5335723161697388, 0.8793636560440063, 0.4815464913845062, -0.018864456564188004, -0.11400013417005539, -0.29125094413757324, -0.25118425488471985, 0.07655701041221619, -0.41248857975006104, -0.47415804862976074, 0.19221584498882294, 0.45267266035079956, 0.42082852125167847, 0.19777943193912506, 0.4488043189048767, 0.09033181518316269, 0.5092548727989197, -0.44556549191474915, 0.13460108637809753, -0.6001009941101074, 0.2538113296031952, -0.0018295305781066418, -0.05885089561343193, -0.2872571349143982, -0.06782261282205582, 0.26244431734085083, -0.44578275084495544, 0.7876056432723999, 0.2787836194038391, 1.4575731754302979, 0.12172364443540573, -0.23991231620311737, 0.18665336072444916, -0.4948935806751251, 0.8577420115470886, -0.691068708896637, 0.22468510270118713, 0.0007740803994238377, 0.4794732630252838, 0.17853528261184692, -0.8554185032844543, -0.4508202075958252, -0.05003375932574272, -0.3816908895969391, 0.1550556868314743, -0.43512675166130066, 0.06169947609305382, 0.4104185700416565, 0.47189298272132874, -0.5178588628768921, 0.13741719722747803, -0.6820936799049377, -0.2947092056274414, 0.7422463297843933, 0.05085380747914314, 0.3437919318675995, -0.3154584467411041, -0.6875557899475098, -0.3980388641357422, -0.27266523241996765, 0.21558505296707153, -0.04450971260666847, 0.11465944349765778, -0.41948238015174866, 0.478591650724411, 0.17042532563209534, 0.5805116891860962, 0.405178964138031, -0.2744748294353485, 0.5584941506385803, -0.2562416195869446, -0.3612053096294403, -0.12258066982030869, 0.8783161044120789, 0.5169722437858582, 0.10996313393115997, 0.1431170403957367, -0.3166030943393707, -0.0010916695464402437, 0.3241882622241974, -0.9600297808647156, -0.1873665750026703, 0.04589945077896118, -0.6479294896125793, -0.5940061211585999, 0.09931797534227371, -0.6440539956092834, -0.03533981740474701, -0.2166018784046173, 0.3729328513145447, -0.19614186882972717, -0.39583295583724976, -0.425837904214859, -0.2409237176179886, 0.6324199438095093, 0.35278308391571045, -0.688514769077301, 0.1266082525253296, 0.21761563420295715, 0.9223852753639221, -0.3834131062030792, -0.47699740529060364, 0.14641593396663666, -0.21709711849689484, -0.35266438126564026, 0.5671768188476562, -0.04405342787504196, -0.15297822654247284, -0.08920638263225555, 0.4927322566509247, -0.24172434210777283, -0.5049764513969421, 0.2702919542789459, -0.43549153208732605, 0.15269361436367035, 0.048349861055612564, -0.10440703481435776, -0.2509254515171051, 0.26798948645591736, -0.6665620803833008, 1.1700451374053955, 0.4866667687892914, -0.9770868420600891, 0.22013656795024872, -0.5160447359085083, -0.31977319717407227, 0.156729593873024, 0.03691312298178673, -0.6340156197547913, 0.01893138512969017, 0.18882599472999573, 0.5199113488197327, -0.13840532302856445, 0.2996366322040558, -0.38612696528434753, -0.27017009258270264, 0.09182509034872055, -0.3494657278060913, 0.9840088486671448, 0.16171473264694214, -0.5589004755020142, 0.24687407910823822, -0.5876291394233704, -0.05076264217495918, 0.49292638897895813, 0.11645003408193588, -0.18602398037910461, -0.4611414968967438, 0.3413861095905304, 0.49564534425735474, 0.38035842776298523, -0.6351673603057861, 0.22439952194690704, -0.2593750059604645, 0.4420199692249298, 0.6340925693511963, -0.0941246971487999, 0.613305389881134, -0.27846047282218933, 0.3939284384250641, 0.30216115713119507, 0.6701455116271973, -0.1964811384677887, -0.5582720041275024, -0.9973106980323792, -0.13792595267295837, 0.08762040734291077, 0.4627781808376312, -0.5747696757316589, 0.5937219858169556, -0.4072493612766266, -0.6649160385131836, -0.5327261686325073, -0.08646664023399353, 0.042694978415966034, 0.6270080804824829, 0.5113509893417358, -0.1878872960805893, -0.8062600493431091, -1.139411449432373, 0.1606907695531845, 0.015379413962364197, 0.020589260384440422, 0.3132161498069763, 0.8089486360549927, -0.5532591938972473, 0.918450653553009, -0.2855096161365509, -0.32143914699554443, -0.29586541652679443, 0.08833310008049011, 0.28811049461364746, 0.5865901708602905, 0.7632657289505005, -0.8482972383499146, -0.4562222957611084, -0.017643436789512634, -0.8106673359870911, 0.0708264634013176, -0.14138585329055786, -0.25821653008461, 0.36568450927734375, 0.21682165563106537, -0.4817299544811249, 0.8286976218223572, 0.6104804277420044, -0.27279403805732727, 0.6841030120849609, 0.08423462510108948, 0.18681125342845917, -0.9316793084144592, 0.09237898886203766, 0.29098740220069885, -0.1950589418411255, -0.4975931942462921, 0.020277658477425575, 0.2852475047111511, -0.1538456231355667, -0.5031422972679138, 0.5233604311943054, -0.3953767418861389, -0.10578352212905884, -0.2268143892288208, -0.032203979790210724, 0.08768406510353088, 0.6779904961585999, 0.1462382823228836, 0.35541632771492004, 0.7430760264396667, -0.4580027759075165, 0.3825698494911194, 0.28421783447265625, -0.2990463674068451, 0.4563939869403839, -0.8328394293785095, -0.1678110659122467, 0.033790282905101776, 0.27827489376068115, -0.9767096042633057, -0.028450772166252136, -0.002364332787692547, -0.43695974349975586, 0.5078259706497192, -0.3113959729671478, -0.20494526624679565, -0.8474909663200378, -0.30526870489120483, 0.45821234583854675, 0.6341978311538696, -0.773171067237854, 0.6653735637664795, 0.14891576766967773, 0.12856850028038025, -0.7194651365280151, -1.081446886062622, -0.11263439059257507, -0.02029525861144066, -0.8808645009994507, 0.5547387599945068, 0.0323408804833889, 0.04699786752462387, 0.20477469265460968, -0.19909149408340454, 0.05462987720966339, -0.23082172870635986, 0.49495530128479004, 0.8925449848175049, -0.2846955358982086, -0.3056916296482086, -0.03261352702975273, -0.15270107984542847, 0.031063981354236603, -0.01772323250770569, 0.2875121235847473, -0.5324774980545044, -0.1464870423078537, -0.4344537556171417, 0.059387583285570145, 0.7630341649055481, -0.05690848454833031, 0.562196671962738, 0.9664841890335083, -0.33200469613075256, -0.09468120336532593, -0.6203282475471497, -0.2669020891189575, -0.5507299900054932, 0.32769328355789185, -0.3102659583091736, -0.5786996483802795, 0.6561419367790222, 0.09237214922904968, 0.2190270870923996, 0.9170289039611816, 0.25484398007392883, -0.27111515402793884, 1.0060627460479736, 0.5140045881271362, -0.03933369740843773, 0.6214435696601868, -0.8668647408485413, 0.17165376245975494, -0.8404856324195862, -0.3509610593318939, -0.2599160969257355, -0.6679446697235107, -0.6230812668800354, -0.3972063362598419, 0.30036264657974243, -0.015914833173155785, -0.43521013855934143, 0.7111119627952576, -0.8665627241134644, 0.053125493228435516, 0.6043020486831665, 0.13314203917980194, -0.12413818389177322, 0.19329480826854706, -0.18165083229541779, -0.09442508965730667, -0.7279326319694519, 0.01863415539264679, 0.5810472369194031, 0.5605490207672119, 0.8144752383232117, -0.31180840730667114, 0.49991369247436523, 0.14878158271312714, 0.3070417046546936, -0.7602043747901917, 0.6335394382476807, 0.00615299865603447, -0.6783246397972107, -0.24432142078876495, -0.30260324478149414, -0.9576205611228943, 0.30385714769363403, -0.340425968170166, -0.5442108511924744, 0.6215683221817017, 0.06743739545345306, 0.1619526743888855, 0.6087357401847839, -0.6373865604400635, 0.8731677532196045, -0.4140244424343109, -0.3036133348941803, 0.07037574052810669, -0.8429549336433411, 0.22545255720615387, 0.25950539112091064, 0.02492920495569706, -0.03578389063477516, 0.20441240072250366, 0.7822167277336121, -0.5493817925453186, 1.0675503015518188, -0.3474665880203247, 0.24622853100299835, 0.45517563819885254, -0.019323334097862244, 0.4280147850513458, -0.31885984539985657, 0.25900471210479736, 0.6180984377861023, 0.07841560989618301, -0.44576606154441833, -0.6720656156539917, 0.657734215259552, -0.9831031560897827, -0.4578875005245209, -0.48853158950805664, -0.4344683885574341, 0.15204079449176788, 0.2715836465358734, 0.6770493984222412, 0.5278410911560059, 0.023648660629987717, 0.35627231001853943, 0.4605754017829895, -0.0982600674033165, 0.6081025004386902, 0.17484574019908905, -0.283284068107605, -0.22903552651405334, 0.7140183448791504, 0.19413024187088013, 0.14819203317165375, 0.3391438126564026, 0.3671800494194031, -0.20607908070087433, -0.2690366506576538, -0.40616750717163086, 0.23249371349811554, -0.6980716586112976, -0.5989255309104919, -0.49447935819625854, -0.7324436902999878, -0.5741180181503296, -0.41601067781448364, -0.4618972837924957, -0.3573504686355591, -0.25822749733924866, -0.03705126419663429, 0.36795252561569214, 0.538654625415802, 0.06838735193014145, 0.10006971657276154, -0.5716736316680908, 0.13991570472717285, 0.3405938148498535, 0.2890523076057434, 0.224505215883255, -0.8763799071311951, -0.1765589714050293, -0.032331936061382294, -0.3944231867790222, -0.5756936073303223, 0.5829700231552124, 0.17791078984737396, 0.5973989367485046, 0.5196983218193054, 0.06955336034297943, 0.8196103572845459, -0.29771560430526733, 0.8092244863510132, 0.6295092701911926, -0.6337307691574097, 0.6809725165367126, -0.0460752435028553, 0.3880714774131775, 0.1941368579864502, 0.43505996465682983, -0.34932923316955566, -0.23532254993915558, -0.8835762739181519, -0.9058068990707397, 0.6352266073226929, 0.06995153427124023, 0.007440362125635147, 0.27282893657684326, 0.2111830711364746, 0.05783592909574509, -0.09339026361703873, -0.8668005466461182, -0.541856586933136, -0.6977976560592651, -0.20405758917331696, -0.0010665352456271648, -0.16184969246387482, -0.14868012070655823, -0.8201655745506287, 0.6077462434768677, -0.09946423023939133, 0.6808382868766785, 0.38532426953315735, -0.3164936900138855, -0.1693643182516098, -0.1048973798751831, 0.23086963593959808, 0.3276703655719757, -0.16640235483646393, 0.06468971818685532, 0.16717980802059174, -0.6775049567222595, -0.13402321934700012, 0.02153356373310089, -0.2477310448884964, -0.0363885834813118, 0.560997724533081, 1.1009982824325562, 0.34850141406059265, -0.10772903263568878, 0.8725319504737854, 0.080357626080513, -0.5853788256645203, -0.463032990694046, 0.0942753404378891, -0.15212836861610413, 0.273977130651474, 0.5360444188117981, 0.628791093826294, 0.1346166431903839, -0.2684113383293152, 0.10443934053182602, 0.25409838557243347, -0.44936278462409973, -0.28937605023384094, 0.5777221918106079, 0.09010866284370422, -0.09937184303998947, 0.837798535823822, 0.10689397901296616, -0.5708460807800293, 0.8648928999900818, 0.7349292635917664, 0.8333725333213806, -0.0866268053650856, 0.14291168749332428, 0.7789246439933777, 0.3770770728588104, 0.011919595301151276, -0.15897242724895477, -0.02419249527156353, -0.8552908897399902, -0.07572653889656067, -0.5507721900939941, -0.11850403994321823, 0.16621071100234985, -0.7521238327026367, 0.3827403783798218, -0.32782888412475586, -0.28999605774879456, 0.09666941314935684, 0.1700277030467987, -1.022077202796936, 0.2161175161600113, 0.24474123120307922, 1.113296627998352, -0.8456011414527893, 0.7407596111297607, 0.6252461671829224, -0.40558966994285583, -0.824185848236084, -0.517434298992157, -0.08691348135471344, -0.8935219645500183, 0.5190239548683167, 0.3974912166595459, -0.08635228127241135, -0.12051840871572495, -1.026410698890686, -0.7935705780982971, 1.5291783809661865, -0.014993780292570591, -0.6124320030212402, -0.1270182877779007, -0.10138611495494843, 0.4436952471733093, -0.4935190975666046, 0.42461228370666504, 0.27611449360847473, 0.548032820224762, 0.406012624502182, -0.6519703269004822, 0.1898173838853836, -0.5980260372161865, 0.27384212613105774, -0.05011376366019249, -0.6038700938224792, 0.6707302331924438, -0.44604557752609253, -0.12355805933475494, -0.07212571799755096, 0.6785104870796204, 0.013212784193456173, 0.2417755424976349, 0.7266910672187805, 0.48246654868125916, 0.4458307921886444, -0.3031827211380005, 0.9921652674674988, -0.14577454328536987, 0.6022002696990967, 0.7806210517883301, 0.21298211812973022, 0.6681289672851562, 0.36314690113067627, -0.2888491451740265, 0.7761042714118958, 0.7218024134635925, -0.6713310480117798, 0.3449375033378601, -0.15004350244998932, 0.2507879436016083, -0.04712213575839996, 0.21654053032398224, -0.4438031315803528, 0.3244902491569519, 0.30028286576271057, -0.5486524105072021, 0.09327440708875656, 0.2622997760772705, -0.3424816429615021, -0.4600113332271576, -0.41264578700065613, 0.4174722731113434, -0.02916009910404682, -0.48916494846343994, 0.7828272581100464, -0.22284074127674103, 1.030762791633606, -0.5755465626716614, 0.12780499458312988, -0.16974344849586487, 0.11802098900079727, -0.4975850284099579, -0.7292252779006958, 0.2200649529695511, -0.33270353078842163, -0.1783730685710907, -0.04004968702793121, 1.156731367111206, -0.29741644859313965, -0.5626163482666016, 0.4042247533798218, 0.13192574679851532, 0.14745700359344482, 0.12336697429418564, -1.0744773149490356, 0.0479031465947628, -0.010456751100718975, -0.5302496552467346, 0.3328995108604431, 0.20181460678577423, -0.021626533940434456, 0.7586584687232971, 0.4795873761177063, -0.12790445983409882, 0.20423801243305206, 0.028036123141646385, 0.8254499435424805, -0.6565899848937988, -0.3729715347290039, -0.30613282322883606, 0.611682116985321, -0.28577566146850586, -0.34316256642341614, 0.7746118903160095, 0.4544489085674286, 0.7075778841972351, -0.3149641454219818, 0.7059178352355957, -0.4010477066040039, 0.05811460316181183, 0.14648869633674622, 0.6031605005264282, -0.7039533257484436, -0.18601329624652863, -0.2780948579311371, -0.7540687918663025, -0.2551398277282715, 0.7836322784423828, -0.27386167645454407, 0.23581571877002716, 0.6653510928153992, 0.852414608001709, -0.1880565732717514, 0.004441563505679369, 0.42872166633605957, 0.2420600950717926, -0.05048522725701332, 0.20530925691127777, 0.48490700125694275, -0.846419095993042, 0.5462542772293091, -0.7732749581336975, -0.3441832959651947, -0.4719427227973938, -0.6367440819740295, -0.8862319588661194, -0.8136416673660278, -0.4860817492008209, -0.5807445049285889, -0.3856607973575592, 0.6125549674034119, 1.0979013442993164, -0.9617777466773987, -0.04570535570383072, -0.03178584948182106, 0.014735665172338486, -0.5350558161735535, -0.34268978238105774, 0.42865312099456787, -0.16549310088157654, -0.6684718132019043, -0.10232522338628769, 0.09144798666238785, 0.3388689160346985, -0.3777904510498047, -0.17902772128582, -0.09000981599092484, -0.20227117836475372, 0.6560240983963013, 0.3580918610095978, -0.5847418904304504, -0.23631417751312256, 0.1761314570903778, -0.2936054468154907, 0.28654903173446655, 0.6293368935585022, -0.6032172441482544, 0.25524216890335083, 0.5882028937339783, 0.2931629717350006, 0.8563809990882874, -0.12008999288082123, 0.10010093450546265, -0.5928157567977905, 0.31335172057151794, 0.16325868666172028, 0.543348491191864, 0.29033786058425903, -0.3999919295310974, 0.542772114276886, 0.4592543840408325, -0.6230103969573975, -0.6688245534896851, -0.045154426246881485, -1.3787206411361694, -0.23095963895320892, 1.0110198259353638, -0.11869921535253525, -0.5508323907852173, 0.06531935930252075, -0.1032920703291893, 0.222711980342865, -0.20931482315063477, 0.4646305739879608, 0.20501212775707245, -0.0374881811439991, -0.5474361777305603, -0.33632218837738037, 0.19982601702213287, -0.113962821662426, -0.4242538511753082, -0.32347312569618225, 0.1026807427406311, 0.4896323084831238, 0.4588199853897095, 0.1969885677099228, -0.4110589623451233, 0.22455580532550812, 0.2802634537220001, 0.5441017150878906, -0.11612002551555634, -0.2883162200450897, -0.22450079023838043, 0.016083935275673866, -0.36050036549568176, -0.25098758935928345 ]
arpanghoshal/EmoRoBERTa
arpanghoshal
2023-02-11T01:57:27Z
10,073
79
transformers
[ "transformers", "tf", "roberta", "text-classification", "tensorflow", "en", "dataset:go_emotions", "license:mit", "endpoints_compatible", "has_space", "region:us" ]
text-classification
2022-03-02T23:29:05Z
--- language: en tags: - text-classification - tensorflow - roberta datasets: - go_emotions license: mit --- Connect me on LinkedIn - [linkedin.com/in/arpanghoshal](https://www.linkedin.com/in/arpanghoshal) ## What is GoEmotions Dataset labelled 58000 Reddit comments with 28 emotions - admiration, amusement, anger, annoyance, approval, caring, confusion, curiosity, desire, disappointment, disapproval, disgust, embarrassment, excitement, fear, gratitude, grief, joy, love, nervousness, optimism, pride, realization, relief, remorse, sadness, surprise + neutral ## What is RoBERTa RoBERTa builds on BERT’s language masking strategy and modifies key hyperparameters in BERT, including removing BERT’s next-sentence pretraining objective, and training with much larger mini-batches and learning rates. RoBERTa was also trained on an order of magnitude more data than BERT, for a longer amount of time. This allows RoBERTa representations to generalize even better to downstream tasks compared to BERT. ## Hyperparameters | Parameter | | | ----------------- | :---: | | Learning rate | 5e-5 | | Epochs | 10 | | Max Seq Length | 50 | | Batch size | 16 | | Warmup Proportion | 0.1 | | Epsilon | 1e-8 | ## Results Best Result of `Macro F1` - 49.30% ## Usage ```python from transformers import RobertaTokenizerFast, TFRobertaForSequenceClassification, pipeline tokenizer = RobertaTokenizerFast.from_pretrained("arpanghoshal/EmoRoBERTa") model = TFRobertaForSequenceClassification.from_pretrained("arpanghoshal/EmoRoBERTa") emotion = pipeline('sentiment-analysis', model='arpanghoshal/EmoRoBERTa') emotion_labels = emotion("Thanks for using it.") print(emotion_labels) ``` Output ``` [{'label': 'gratitude', 'score': 0.9964383244514465}] ```
[ -0.2229103147983551, -0.40819719433784485, 0.18457604944705963, 0.24490854144096375, -0.29208844900131226, -0.15278595685958862, -0.3365343511104584, -0.37001651525497437, 0.42034342885017395, 0.3230239748954773, -0.6934683322906494, -0.7892388701438904, -0.8584202527999878, -0.04773065447807312, -0.2834925353527069, 1.4125638008117676, 0.13158652186393738, 0.26493504643440247, 0.25683748722076416, -0.315878301858902, -0.09145599603652954, -0.6708850264549255, -0.7471949458122253, -0.21359582245349884, 0.4536791145801544, 0.243382528424263, 0.47114330530166626, 0.1388523280620575, 0.2805192470550537, 0.37569108605384827, -0.06497632712125778, -0.15370814502239227, -0.716650664806366, 0.19382070004940033, 0.01619538478553295, -0.5348455309867859, -0.4200635254383087, 0.10657734423875809, 0.5398897528648376, 0.4163319766521454, -0.05838247761130333, 0.4612044394016266, 0.05952075496315956, 0.8466896414756775, -0.3615664541721344, 0.49963799118995667, -0.4797167181968689, 0.15371818840503693, -0.2563120126724243, 0.1570153832435608, -0.32560911774635315, -0.3606566786766052, 0.2837032973766327, -0.44657036662101746, 0.2733348309993744, 0.01895008608698845, 1.3884522914886475, 0.30035167932510376, -0.16350112855434418, -0.27532491087913513, -0.4703160226345062, 1.1890695095062256, -0.7636364698410034, 0.2973213791847229, 0.34209492802619934, 0.4063747525215149, 0.11755894124507904, -0.8540313243865967, -0.6426572799682617, -0.015152910724282265, 0.02770461142063141, 0.3260955810546875, -0.22883841395378113, -0.1400529146194458, 0.2740713953971863, 0.5011388659477234, -0.8063029646873474, -0.2100585699081421, -0.3510148823261261, -0.15870359539985657, 0.4593632221221924, -0.00309104030020535, 0.2952176332473755, -0.23632386326789856, -0.17086391150951385, -0.5005348324775696, -0.3848018944263458, 0.16670317947864532, 0.6088993549346924, 0.28887155652046204, -0.40964117646217346, 0.5056217312812805, 0.0017329930560663342, 0.840239942073822, -0.026337772607803345, 0.10136643797159195, 0.6380995512008667, -0.06250693649053574, -0.2999744713306427, -0.3150799572467804, 0.9286577701568604, 0.08795350790023804, 0.4838752746582031, 0.001248044427484274, -0.022084273397922516, -0.3118070960044861, 0.1877548098564148, -0.7498268485069275, -0.47830483317375183, 0.505890965461731, -0.6891713738441467, -0.3120182752609253, 0.20738442242145538, -0.93841552734375, -0.11777319014072418, -0.26847419142723083, 0.49279507994651794, -0.7079520225524902, -0.10973843187093735, 0.060415733605623245, -0.22005833685398102, 0.2810176908969879, 0.014271724037826061, -0.9686499834060669, 0.045076142996549606, 0.3928552269935608, 0.8708945512771606, 0.2598990797996521, -0.22646580636501312, -0.4093019962310791, -0.1632709801197052, -0.23424801230430603, 0.49069827795028687, -0.5883041620254517, -0.13039381802082062, 0.06379987299442291, 0.17943175137043, -0.24139730632305145, -0.5522477626800537, 0.38670048117637634, -0.45270776748657227, 0.5754565000534058, 0.06035845726728439, -0.3943895995616913, -0.316714346408844, 0.0927133858203888, -0.6202341914176941, 1.1553453207015991, 0.5894888639450073, -0.619893491268158, 0.23736441135406494, -0.8366866707801819, -0.21711643040180206, -0.05311134085059166, 0.07891279458999634, -0.5430099368095398, 0.04432325065135956, 0.1876487135887146, 0.5179104804992676, 0.007382396142929792, 0.2174011617898941, -0.3640972375869751, -0.15396569669246674, 0.2967017590999603, -0.06227632611989975, 1.1007258892059326, 0.1739288717508316, -0.4127064645290375, 0.3047475218772888, -0.9307637214660645, 0.19169951975345612, 0.026393502950668335, -0.3947337567806244, -0.08372345566749573, -0.20930518209934235, 0.17300626635551453, 0.3146100342273712, 0.21448414027690887, -0.5039434432983398, 0.03607112914323807, -0.6185235977172852, 0.4196121096611023, 0.8795746564865112, -0.07468541711568832, 0.13095776736736298, -0.20241644978523254, 0.5562263131141663, 0.13162510097026825, 0.21674175560474396, 0.07048799097537994, -0.5656708478927612, -0.908073902130127, -0.5845581293106079, 0.44692856073379517, 0.5166539549827576, -0.47973644733428955, 0.7326799631118774, -0.17672885954380035, -0.6403368711471558, -0.8112273216247559, 0.2601907253265381, 0.4326801002025604, 0.6366859078407288, 0.5242257118225098, -0.40318962931632996, -0.8188183307647705, -0.8306029438972473, -0.2629585564136505, -0.1086650937795639, -0.23990359902381897, 0.22732017934322357, 0.5657011866569519, -0.35833939909935, 0.7098460793495178, -0.4185662567615509, -0.42187806963920593, -0.2164873331785202, 0.37795114517211914, 0.6554855108261108, 0.5755619406700134, 0.747312605381012, -0.5377511978149414, -0.7074792981147766, -0.23423543572425842, -0.9088137745857239, 0.19621741771697998, 0.01356864720582962, -0.3577008843421936, 0.4421813189983368, 0.2343362718820572, -0.5034849047660828, 0.31741249561309814, 0.6754928231239319, -0.19050617516040802, 0.6438406109809875, -0.19140951335430145, 0.08142665028572083, -1.2324070930480957, 0.08693457394838333, 0.13648922741413116, -0.2046501636505127, -0.4335402846336365, -0.01715271547436714, -0.15930645167827606, -0.45483967661857605, -0.6215794682502747, 0.5841620564460754, -0.4060407876968384, 0.03881622105836868, 0.2324913740158081, -0.10687059909105301, -0.13765238225460052, 0.7828341722488403, -0.04021168500185013, 0.7903528809547424, 0.9551680088043213, -0.5174722075462341, 0.5633230805397034, 0.5739453434944153, -0.3722507059574127, 0.429188996553421, -0.8351010084152222, 0.10738074034452438, -0.09755902737379074, 0.312655508518219, -1.218703031539917, -0.46104347705841064, 0.40698570013046265, -0.7374275922775269, 0.3683968782424927, -0.18356136977672577, -0.43181854486465454, -0.47332778573036194, -0.5003387331962585, 0.139398992061615, 0.7743834257125854, -0.6437321305274963, 0.7015998959541321, 0.22925354540348053, -0.318461149930954, -0.52866530418396, -0.7732310891151428, 0.11528951674699783, -0.3563823103904724, -0.5652564167976379, 0.18520009517669678, -0.044142499566078186, -0.09877792000770569, -0.06906241178512573, 0.18516376614570618, -0.29400017857551575, -0.2922199070453644, 0.33603528141975403, 0.2150060087442398, 0.024958891794085503, 0.23740306496620178, -0.2297138273715973, -0.09595394879579544, 0.10270483046770096, -0.3522087037563324, 0.6488706469535828, -0.3873862326145172, -0.06208158656954765, -0.5588697195053101, 0.21798183023929596, 0.4391123950481415, -0.1778484284877777, 1.059806227684021, 1.119941234588623, -0.1830938309431076, -0.06896498799324036, -0.42900189757347107, -0.031058553606271744, -0.4626258909702301, 0.5016920566558838, -0.1116921603679657, -0.7181181907653809, 0.7395935654640198, 0.17711806297302246, -0.1021944135427475, 0.6010118126869202, 0.647047758102417, -0.22404910624027252, 0.9543251395225525, 0.5696068406105042, -0.4328053593635559, 0.7332803606987, -0.6971753835678101, 0.34022390842437744, -0.8622391223907471, -0.22914230823516846, -0.5357895493507385, -0.21712850034236908, -0.6811448335647583, -0.4385179281234741, 0.3449726700782776, -0.2827925682067871, -0.3928645849227905, 0.29840484261512756, -0.586850643157959, 0.2299436628818512, 0.8213791847229004, 0.43282273411750793, -0.3622978925704956, -0.016860805451869965, 0.35681891441345215, -0.18198762834072113, -0.6215004920959473, -0.5261864066123962, 1.4494881629943848, 0.31047478318214417, 0.6544961929321289, 0.28485971689224243, 0.9078702926635742, 0.28445473313331604, 0.17813840508460999, -0.6356679797172546, 0.6389765739440918, -0.16204874217510223, -0.7395035624504089, -0.3247256577014923, -0.2926830053329468, -0.9368592500686646, -0.2025989145040512, -0.1477758288383484, -0.946514904499054, 0.09681588411331177, 0.17813843488693237, -0.09298345446586609, 0.16817212104797363, -0.8154991865158081, 0.9540538191795349, -0.1782989650964737, -0.3892522156238556, -0.1856987476348877, -1.098820686340332, 0.2515162527561188, 0.024516798555850983, 0.007530550472438335, 0.09435509890317917, 0.24951453506946564, 1.0538814067840576, -0.578104555606842, 1.0249817371368408, -0.26976799964904785, 0.1379629522562027, 0.389091432094574, -0.16165697574615479, 0.48944494128227234, -0.06421835720539093, -0.28229549527168274, 0.26151323318481445, -0.2945772707462311, -0.6900320649147034, -0.33718329668045044, 0.711430013179779, -0.9201101660728455, -0.2608835697174072, -0.5402701497077942, -0.6122026443481445, -0.2042485773563385, 0.23598803579807281, 0.44257116317749023, 0.33683571219444275, -0.14765912294387817, 0.12857161462306976, 0.809478759765625, -0.2902640998363495, 0.46638429164886475, 0.06337693333625793, 0.12523722648620605, -0.4730837643146515, 1.2208508253097534, -0.0044695548713207245, 0.04080447927117348, 0.27681782841682434, 0.01914624311029911, -0.5019400119781494, -0.18259145319461823, -0.07213804870843887, 0.5009105205535889, -0.6913667321205139, -0.11552190035581589, -0.615459144115448, -0.07942625135183334, -0.7410243153572083, 0.0062211910262703896, -0.17773976922035217, -0.4362286925315857, -0.3121698796749115, -0.15181690454483032, 0.4138568639755249, 0.5535891056060791, -0.2614614963531494, 0.4121609032154083, -0.8464171290397644, 0.30687415599823, 0.5017640590667725, 0.44497188925743103, -0.06322725117206573, -0.6662886142730713, -0.5652710199356079, -0.07207084447145462, -0.3796296715736389, -0.8734583258628845, 0.7313005328178406, 0.43737244606018066, 0.5708025693893433, 0.43752017617225647, -0.010127433575689793, 0.7219149470329285, -0.16582266986370087, 1.0866856575012207, 0.11593341827392578, -1.18425452709198, 0.6624560356140137, -0.39286863803863525, 0.08797395974397659, 0.4367840588092804, 0.6580386757850647, -0.34721025824546814, -0.5960429310798645, -0.9403915405273438, -1.269818663597107, 0.8517519235610962, 0.32950377464294434, 0.1194685772061348, -0.051600731909275055, 0.05845298990607262, 0.03237101808190346, 0.3026401698589325, -0.9540756940841675, -0.2582553029060364, -0.4818161129951477, -0.6207379698753357, -0.30472680926322937, -0.40080732107162476, -0.29258909821510315, -0.22342093288898468, 1.08872389793396, 0.05007244646549225, 0.7473737001419067, 0.09776872396469116, -0.22667868435382843, 0.11367301642894745, 0.09715536236763, 0.523143470287323, 0.5623789429664612, -0.6794943809509277, -0.0977334976196289, 0.07194659858942032, -0.3674377202987671, -0.05882827192544937, -0.005206718109548092, 0.37727347016334534, 0.29705938696861267, 0.6078072190284729, 0.9451506733894348, -0.05884245038032532, -0.7384073138237, 0.4515123963356018, 0.10475751757621765, -0.2513197362422943, -0.3622150719165802, 0.11483222991228104, -0.062314119189977646, 0.2905704081058502, 0.2517709732055664, -0.14034117758274078, 0.10425565391778946, -0.5758072137832642, 0.1609807163476944, 0.27501407265663147, -0.6786690354347229, -0.47344136238098145, 0.5986279845237732, 0.09332979470491409, -0.2021511048078537, 0.748883843421936, 0.03990237042307854, -0.6174350380897522, 0.6547808051109314, 0.3911530077457428, 1.0690325498580933, -0.23091213405132294, 0.2418290674686432, 0.6004305481910706, 0.02270517870783806, 0.0790373906493187, 0.4610716998577118, 0.028776366263628006, -0.39254194498062134, -0.26381775736808777, -0.7147150039672852, -0.5294989347457886, 0.10177185386419296, -0.8559367060661316, 0.05072293430566788, -0.4770393967628479, -0.20333446562290192, -0.007764313369989395, -0.0782194435596466, -0.8196432590484619, 0.5029095411300659, -0.13252761960029602, 0.7444506883621216, -1.0926331281661987, 0.7782098650932312, 0.9236025214195251, -0.6831756830215454, -1.0518428087234497, 0.032024770975112915, 0.05706778168678284, -0.9493172764778137, 1.0720157623291016, 0.21725641191005707, 0.07972323149442673, 0.11492640525102615, -0.6341152787208557, -0.6832747459411621, 0.8929901123046875, 0.177121102809906, -0.2582108974456787, 0.15030153095722198, -0.05870351567864418, 0.8366449475288391, -0.5328606367111206, 0.37567028403282166, 0.33391842246055603, 0.5263304710388184, -0.10920868813991547, -0.4089314639568329, -0.2111331820487976, -0.49474969506263733, 0.06072792783379555, -0.03222435340285301, -0.7227526903152466, 1.0179834365844727, -0.05784057080745697, 0.021457316353917122, 0.025511013343930244, 0.701242983341217, 0.062110744416713715, 0.13465631008148193, 0.3293658196926117, 0.8700527548789978, 0.773060142993927, -0.25321394205093384, 1.0388129949569702, -0.5433839559555054, 0.7258553504943848, 1.0240106582641602, 0.034593481570482254, 0.6638526320457458, 0.5120276808738708, -0.4570561349391937, 0.9150883555412292, 0.7578446865081787, -0.06878778338432312, 0.6142807006835938, 0.2485761046409607, -0.2651848793029785, -0.10780725628137589, 0.04253961145877838, -0.462760329246521, 0.1352044641971588, 0.08941876888275146, -0.32343313097953796, -0.12138407677412033, 0.25351986289024353, 0.03948116675019264, -0.11849529296159744, -0.023724660277366638, 0.6218353509902954, -0.210594043135643, -0.4662340581417084, 0.6675024032592773, -0.3091450333595276, 0.4642116129398346, -0.9080523252487183, -0.02103646658360958, -0.21208497881889343, 0.24257507920265198, -0.23770850896835327, -0.7670515179634094, 0.3140406310558319, 0.10714250057935715, -0.20006419718265533, -0.21326330304145813, 0.3776583671569824, -0.5277711153030396, -0.5516766309738159, 0.33663347363471985, 0.314982533454895, 0.465084046125412, 0.016978874802589417, -0.8697560429573059, -0.001234574941918254, 0.13318482041358948, -0.4636440873146057, 0.24301524460315704, 0.6061924695968628, 0.25587552785873413, 0.6706901788711548, 0.6120493412017822, 0.22121581435203552, 0.036272525787353516, 0.19572965800762177, 0.9438374042510986, -0.8264938592910767, -0.4330796003341675, -0.7584937214851379, 0.7358028888702393, -0.18477986752986908, -0.4778061509132385, 0.7623693346977234, 0.5240855813026428, 0.8772379755973816, -0.47084373235702515, 0.8217032551765442, -0.261859267950058, 0.620300829410553, -0.46202191710472107, 0.5317853093147278, -0.5962081551551819, -0.000003937947440135758, -0.4048243761062622, -0.9413177967071533, -0.2368193119764328, 0.7739247679710388, -0.2572912573814392, 0.11537578701972961, 0.7302021384239197, 0.9216484427452087, 0.03911680728197098, -0.37197086215019226, 0.15556442737579346, 0.3813551366329193, 0.4774557948112488, 0.6629784107208252, 0.36588937044143677, -0.6472471952438354, 0.5020807385444641, -0.16063034534454346, -0.4606499969959259, -0.3508754074573517, -0.7538259625434875, -1.002736210823059, -0.6152045726776123, -0.41066738963127136, -0.6935418248176575, 0.21028073132038116, 0.9649519920349121, 0.7629498839378357, -1.0316872596740723, -0.39726361632347107, -0.16621267795562744, 0.15133844316005707, -0.3213120400905609, -0.2872603237628937, 0.4531008303165436, -0.6268887519836426, -0.9829277396202087, 0.06497405469417572, 0.11186165362596512, 0.10845354199409485, -0.01088904682546854, -0.2668339014053345, -0.373524934053421, 0.09805238991975784, 0.4320361316204071, 0.469554603099823, -0.49270808696746826, -0.3025924265384674, -0.24905307590961456, -0.028901314362883568, 0.09598690271377563, 0.3151527941226959, -0.5237441658973694, 0.6076348423957825, 0.46874794363975525, 0.37205588817596436, 0.6239855885505676, -0.038204293698072433, 0.515227198600769, -0.855789303779602, 0.3995554745197296, 0.19268082082271576, 0.41448190808296204, 0.2786872982978821, -0.2741663157939911, 0.7287375330924988, 0.18355929851531982, -0.6908080577850342, -0.728083074092865, 0.19366136193275452, -1.1607919931411743, -0.06763080507516861, 0.8630898594856262, -0.5071213245391846, -0.431424617767334, 0.12216044217348099, -0.24917347729206085, 0.5470506548881531, -0.5275748372077942, 0.9527636170387268, 0.90655118227005, -0.2864306569099426, 0.01285677868872881, -0.3630931079387665, 0.42277300357818604, 0.7158218622207642, -0.677606999874115, -0.09158489853143692, 0.46561434864997864, 0.2618706524372101, 0.221762552857399, 0.4664086103439331, -0.2006853073835373, 0.12525562942028046, -0.08031197637319565, 0.42795950174331665, -0.1460551917552948, -0.2229999601840973, -0.4468911290168762, 0.14141348004341125, -0.1087808609008789, -0.5568650960922241 ]
TinyLlama/TinyLlama-1.1B-intermediate-step-480k-1T
TinyLlama
2023-10-02T05:15:59Z
10,062
24
transformers
[ "transformers", "pytorch", "llama", "text-generation", "en", "dataset:cerebras/SlimPajama-627B", "dataset:bigcode/starcoderdata", "license:apache-2.0", "endpoints_compatible", "text-generation-inference", "region:us" ]
text-generation
2023-10-02T04:01:40Z
--- license: apache-2.0 datasets: - cerebras/SlimPajama-627B - bigcode/starcoderdata language: - en --- <div align="center"> # TinyLlama-1.1B </div> https://github.com/jzhang38/TinyLlama The TinyLlama project aims to **pretrain** a **1.1B Llama model on 3 trillion tokens**. With some proper optimization, we can achieve this within a span of "just" 90 days using 16 A100-40G GPUs 🚀🚀. The training has started on 2023-09-01. <div align="center"> <img src="./TinyLlama_logo.png" width="300"/> </div> We adopted exactly the same architecture and tokenizer as Llama 2. This means TinyLlama can be plugged and played in many open-source projects built upon Llama. Besides, TinyLlama is compact with only 1.1B parameters. This compactness allows it to cater to a multitude of applications demanding a restricted computation and memory footprint. #### This Model This is an intermediate checkpoint with 480K steps and 1007B tokens. #### How to use You will need the transformers>=4.31 Do check the [TinyLlama](https://github.com/jzhang38/TinyLlama) github page for more information. ```python from transformers import AutoTokenizer import transformers import torch model = "PY007/TinyLlama-1.1B-intermediate-step-240k-503b" tokenizer = AutoTokenizer.from_pretrained(model) pipeline = transformers.pipeline( "text-generation", model=model, torch_dtype=torch.float16, device_map="auto", ) sequences = pipeline( 'The TinyLlama project aims to pretrain a 1.1B Llama model on 3 trillion tokens. With some proper optimization, we can achieve this within a span of "just" 90 days using 16 A100-40G GPUs 🚀🚀. The training has started on 2023-09-01.', do_sample=True, top_k=10, num_return_sequences=1, repetition_penalty=1.5, eos_token_id=tokenizer.eos_token_id, max_length=500, ) for seq in sequences: print(f"Result: {seq['generated_text']}") ```
[ -0.2927751839160919, -0.6264186501502991, 0.5218612551689148, 0.2504342496395111, -0.6337255239486694, -0.04435351863503456, -0.1882859319448471, -0.3524784743785858, 0.3041069805622101, 0.17223793268203735, -0.7481513619422913, -0.32553061842918396, -0.5070622563362122, -0.13252609968185425, -0.28209665417671204, 1.2074387073516846, -0.0013287918409332633, -0.14615151286125183, 0.3340318500995636, 0.13454531133174896, -0.3024439811706543, -0.0762035995721817, -0.9754015803337097, -0.2911745309829712, 0.433830201625824, 0.6394175887107849, 0.4866274297237396, 0.8116011619567871, 0.4001064896583557, 0.2773674726486206, -0.16729997098445892, -0.029231417924165726, -0.5419131517410278, -0.46853935718536377, 0.32265084981918335, -0.682218611240387, -0.648342490196228, 0.14627306163311005, 0.6469359993934631, 0.2485884130001068, -0.12742727994918823, 0.7119420170783997, -0.05362533777952194, 0.37437620759010315, -0.34181538224220276, 0.16400237381458282, -0.6465172171592712, 0.15925779938697815, -0.3861474394798279, 0.10429491847753525, -0.24116112291812897, -0.37322381138801575, 0.026269609108567238, -0.8903542160987854, 0.23096705973148346, 0.3377504050731659, 1.0089133977890015, 0.44218116998672485, -0.15263214707374573, -0.23328201472759247, -0.413410484790802, 0.7953324913978577, -0.6839791536331177, -0.08632885664701462, 0.3238932490348816, 0.3597744107246399, 0.07847413420677185, -1.131628155708313, -0.7074821591377258, -0.2546612620353699, 0.1450178623199463, -0.1386946588754654, -0.15977449715137482, -0.11658801883459091, 0.4825889468193054, 0.4293862283229828, -0.632939875125885, 0.3381267488002777, -0.6494079232215881, -0.17593809962272644, 0.4785754084587097, 0.5334818363189697, 0.04149618372321129, -0.26436206698417664, -0.5040321350097656, -0.22275488078594208, -0.9046539664268494, 0.0803784504532814, 0.2425524741411209, 0.37183678150177, -0.5249810814857483, 0.47710126638412476, -0.06701990216970444, 0.29947417974472046, 0.20099563896656036, -0.27893179655075073, 0.022849807515740395, -0.4296778738498688, -0.5433123111724854, 0.06524401158094406, 0.8427463173866272, -0.04202914983034134, -0.05656326189637184, 0.08029100298881531, -0.12129043787717819, 0.15856538712978363, 0.1946270614862442, -1.1553988456726074, -0.35645291209220886, 0.21802619099617004, -0.4981319308280945, -0.5146818161010742, -0.2737889289855957, -0.6540996432304382, -0.05109983682632446, -0.04282737523317337, 0.7194393277168274, -0.25457078218460083, 0.05237056314945221, -0.022913290187716484, 0.24937622249126434, 0.15589110553264618, 0.3321976959705353, -1.0483030080795288, 0.14677166938781738, 0.6289063692092896, 1.1565183401107788, 0.23847132921218872, -0.4266917109489441, -0.34322619438171387, -0.04522109404206276, -0.20003674924373627, 0.582477867603302, -0.024951640516519547, -0.37822413444519043, -0.3342039883136749, -0.11875268071889877, -0.06185925751924515, -0.4549132287502289, 0.12843655049800873, -0.48075610399246216, 0.11684474349021912, -0.005456213373690844, -0.29745569825172424, -0.08556777983903885, 0.14009907841682434, -0.5758132934570312, 1.035505771636963, -0.08898847550153732, -0.5237036347389221, 0.3229309022426605, -0.6867215037345886, -0.17699652910232544, -0.051672570407390594, 0.028915585950016975, -0.4893765449523926, 0.15863971412181854, 0.1864229142665863, 0.23539698123931885, -0.5033425092697144, -0.02020861767232418, -0.16680477559566498, -0.7700906991958618, 0.019469495862722397, -0.08673229068517685, 0.8503692150115967, 0.4251870810985565, -0.5385355353355408, 0.12317495048046112, -0.7349619269371033, -0.05974116921424866, 0.32019492983818054, -0.43653714656829834, 0.22127661108970642, -0.32654300332069397, 0.20483748614788055, 0.10716033726930618, 0.5081548690795898, -0.5048949718475342, 0.6064963340759277, -0.651191771030426, 0.6067928075790405, 0.9753925800323486, -0.3079085052013397, 0.5401029586791992, -0.3374391198158264, 0.5659810900688171, -0.06931767612695694, 0.40070614218711853, -0.2064608335494995, -0.5891111493110657, -1.371321201324463, -0.3760179579257965, 0.36916491389274597, 0.2005835920572281, -0.5084810853004456, 0.3409818410873413, -0.34026259183883667, -0.7723730802536011, -0.47387638688087463, 0.23111958801746368, 0.24727079272270203, 0.3488007187843323, 0.4355323016643524, -0.34814217686653137, -0.8281992077827454, -0.6859616041183472, 0.23773114383220673, -0.5430431962013245, -0.048099540174007416, -0.029734771698713303, 0.9122296571731567, -0.4275631308555603, 0.8378802537918091, -0.4673732817173004, -0.5476436018943787, -0.24287007749080658, 0.116857148706913, 0.45033690333366394, 0.5994343161582947, 0.5160166621208191, -0.2202395647764206, -0.4133189618587494, -0.14113366603851318, -0.5862516164779663, 0.19263990223407745, -0.13807708024978638, -0.0322243794798851, -0.1135842576622963, 0.3002382814884186, -0.7314679622650146, 0.40696200728416443, 0.4561457335948944, -0.19152450561523438, 0.32036131620407104, -0.09766031056642532, -0.3629312217235565, -1.01848566532135, 0.16762171685695648, -0.23910696804523468, -0.1935596913099289, -0.45949023962020874, 0.18370181322097778, -0.03233422711491585, -0.3161385953426361, -0.5877320170402527, 0.5889115333557129, -0.136008158326149, 0.10637832432985306, -0.46352604031562805, -0.07657555490732193, -0.215320885181427, 0.5351021885871887, -0.17918983101844788, 0.7716349959373474, 0.3838247060775757, -0.5313926935195923, 0.19432349503040314, 0.21142135560512543, -0.3420907258987427, -0.0188803318887949, -0.8421317934989929, 0.3346721827983856, 0.27446693181991577, 0.42160099744796753, -0.8576183319091797, -0.14063094556331635, 0.5316857099533081, -0.2900247573852539, 0.21886876225471497, 0.011774553917348385, -0.6923412084579468, -0.5747774243354797, -0.48111486434936523, 0.5984745621681213, 0.7738629579544067, -0.765640914440155, 0.3468873202800751, 0.38238444924354553, 0.08717557042837143, -0.3200072646141052, -0.7144917249679565, 0.026031766086816788, -0.36150112748146057, -0.5355268716812134, 0.2557210326194763, -0.059526409953832626, 0.10096468776464462, -0.24414558708667755, -0.06820829957723618, 0.1532924622297287, 0.1719089299440384, 0.4629363715648651, 0.3288585841655731, -0.14880937337875366, -0.008343546651303768, -0.06640931963920593, -0.401029109954834, -0.15892252326011658, -0.39523056149482727, 0.7399275302886963, -0.5377541184425354, -0.21915219724178314, -0.8261665105819702, -0.15447887778282166, 0.22620528936386108, 0.2636479437351227, 0.6175393462181091, 0.6605746746063232, -0.5544988512992859, -0.01909530907869339, -0.5204643607139587, -0.22961834073066711, -0.5561192035675049, 0.15167969465255737, -0.24494841694831848, -0.8555657863616943, 0.4259098470211029, -0.03783901408314705, 0.06474215537309647, 0.7513691186904907, 0.9452893137931824, -0.15786711871623993, 0.7507046461105347, 0.7413854598999023, -0.14768968522548676, 0.502564013004303, -0.9155097007751465, 0.06999227404594421, -0.8331688046455383, -0.27134910225868225, -0.38755911588668823, -0.3997812271118164, -0.29679635167121887, -0.6158456802368164, 0.2431078851222992, 0.19386202096939087, -0.6366119384765625, 0.5564315319061279, -0.45827746391296387, 0.3720329999923706, 0.42203763127326965, 0.019655339419841766, 0.12422572076320648, 0.06417778879404068, -0.14025086164474487, -0.09682140499353409, -0.9268288016319275, -0.8832923173904419, 1.413472056388855, 0.4882868826389313, 0.7886183261871338, -0.14300046861171722, 0.9132711887359619, 0.010091991163790226, 0.5859461426734924, -0.6407210230827332, 0.7010661363601685, 0.09784743934869766, -0.70768141746521, -0.08257832378149033, -0.12572401762008667, -0.8398547768592834, 0.2372448891401291, -0.08645010739564896, -0.7683728933334351, -0.01764555834233761, 0.2849786877632141, -0.7119175791740417, 0.28067123889923096, -0.5248017311096191, 0.8766516447067261, -0.23357445001602173, -0.20225682854652405, -0.31473857164382935, -0.5585538744926453, 0.39164382219314575, -0.4358711838722229, 0.025557413697242737, -0.2613388001918793, -0.18533416092395782, 0.9790265560150146, -0.7981835603713989, 0.8831773996353149, -0.220857173204422, 0.06311041861772537, 0.3689097762107849, -0.2576914429664612, 0.42294156551361084, 0.2384701371192932, -0.06000428646802902, 0.4368383586406708, -0.16934216022491455, -0.42720168828964233, 0.015784982591867447, 0.6975743174552917, -1.0123162269592285, -0.5176286101341248, -0.6441575288772583, -0.3071216642856598, 0.13794507086277008, 0.10678422451019287, 0.48671260476112366, -0.10912082344293594, -0.16779281198978424, -0.013597101904451847, 0.24553726613521576, 0.00009502104512648657, 0.7124616503715515, 0.22895722091197968, -0.24657754600048065, -0.2900594174861908, 0.9165225028991699, 0.10893236845731735, -0.11776747554540634, 0.006638585589826107, 0.14058828353881836, -0.18989022076129913, -0.592661440372467, -0.7072969675064087, 0.3822273015975952, -0.4276053011417389, -0.3483331501483917, -0.374748557806015, -0.17084380984306335, -0.27933403849601746, -0.04495309293270111, -0.7046627402305603, -0.57447350025177, -0.7915157675743103, 0.10077402740716934, 0.21771752834320068, 0.7029344439506531, -0.2161431461572647, 0.8368574380874634, -0.4758094251155853, 0.2535644769668579, 0.5061240792274475, -0.017980480566620827, 0.3151484727859497, -0.9686697721481323, -0.6203850507736206, 0.021814128383994102, -0.6607394814491272, -0.5654024481773376, 0.3810674846172333, 0.23927806317806244, 0.24015483260154724, 0.6409679055213928, -0.3971107006072998, 1.1768354177474976, -0.5766448974609375, 0.8944170475006104, 0.4017185568809509, -0.9422074556350708, 0.8367018103599548, -0.01965871825814247, 0.20630788803100586, 0.5574178099632263, 0.2130858302116394, -0.16499827802181244, -0.37174075841903687, -0.7143904566764832, -0.7840853333473206, 1.0266804695129395, 0.35124850273132324, 0.1690712571144104, 0.1903073787689209, 0.4537407159805298, 0.038065362721681595, 0.11961936950683594, -0.8635292649269104, -0.25118541717529297, -0.355404257774353, -0.06758461147546768, -0.25675174593925476, -0.29881471395492554, -0.28894832730293274, -0.5328726172447205, 0.8095675706863403, -0.17205263674259186, 0.45410528779029846, -0.18530456721782684, -0.28109779953956604, -0.13290537893772125, -0.18027541041374207, 0.6895070672035217, 0.4999113380908966, -0.2442168891429901, -0.104488305747509, 0.535150408744812, -0.6925807595252991, 0.34774887561798096, 0.1468217670917511, -0.19522877037525177, -0.14805401861667633, 0.27688413858413696, 0.9305816888809204, 0.2824450731277466, -0.4775693118572235, 0.4179544746875763, -0.16065450012683868, -0.018517019227147102, -0.3951723873615265, 0.09967420250177383, 0.17169657349586487, 0.38178062438964844, 0.6028292179107666, -0.08467959612607956, -0.11832026392221451, -0.3722706139087677, -0.15744860470294952, 0.2473846822977066, 0.057785291224718094, -0.46707552671432495, 1.2060189247131348, 0.0947086364030838, -0.17618879675865173, 0.5844773650169373, -0.1187194436788559, -0.33371129631996155, 0.9398707747459412, 0.5242287516593933, 0.7468476891517639, 0.16659675538539886, -0.05637315288186073, 0.5403906106948853, 0.6337506175041199, -0.29487380385398865, 0.10951583832502365, -0.16286547482013702, -0.28138217329978943, -0.06406551599502563, -0.91881263256073, -0.3990003168582916, 0.07908706367015839, -0.4131852686405182, 0.43162772059440613, -0.8519248962402344, -0.26698538661003113, -0.09513186663389206, 0.531681478023529, -0.9311042428016663, 0.3223660886287689, 0.28953367471694946, 1.0084141492843628, -0.7919283509254456, 1.1196634769439697, 0.6494045853614807, -0.4023422300815582, -1.0544016361236572, -0.15794777870178223, 0.04039573296904564, -1.2077128887176514, 0.7986538410186768, 0.5198386907577515, 0.09763769805431366, 0.18659575283527374, -0.5317870378494263, -0.810937225818634, 1.447752833366394, 0.43592795729637146, -0.6547886729240417, -0.17316260933876038, 0.09508886933326721, 0.5474882125854492, -0.40679115056991577, 0.24184735119342804, 0.5821730494499207, 0.3442559838294983, -0.02938932739198208, -0.9402681589126587, 0.11192190647125244, -0.2682657837867737, 0.4121890366077423, -0.15793664753437042, -1.0307811498641968, 1.1889411211013794, -0.4501764178276062, -0.2853676676750183, 0.6844315528869629, 0.8784732222557068, 0.42070120573043823, 0.3188958764076233, 0.522000789642334, 0.9425158500671387, 0.6775285601615906, -0.34489357471466064, 1.0046793222427368, -0.4136618375778198, 0.7601466178894043, 0.7654181122779846, 0.18008263409137726, 0.7394983172416687, 0.6445412039756775, -0.27825894951820374, 0.5610326528549194, 1.0624274015426636, -0.15588752925395966, 0.6079167127609253, 0.16475138068199158, -0.15590760111808777, -0.25963711738586426, 0.13052889704704285, -0.7283365726470947, 0.38246485590934753, 0.2788831293582916, -0.2680024802684784, -0.075099416077137, 0.11463312059640884, -0.03024035319685936, -0.6112350225448608, -0.4232095181941986, 0.4769165813922882, 0.25451499223709106, -0.2113029509782791, 0.6812310814857483, 0.27303946018218994, 0.9254427552223206, -0.6749734878540039, 0.3305261433124542, -0.4300026595592499, 0.17988994717597961, -0.12317238748073578, -0.05079488083720207, -0.015916185453534126, 0.2793256342411041, 0.1528201848268509, -0.18431198596954346, 0.5673375725746155, -0.01726788654923439, -0.66605544090271, -0.0797823816537857, 0.20611974596977234, 0.21919488906860352, 0.12333577871322632, -0.6440109014511108, 0.3513820469379425, -0.14623425900936127, -0.5159710049629211, 0.3657969832420349, -0.009810050018131733, 0.2941274642944336, 0.6263062953948975, 0.7218024134635925, 0.13555105030536652, 0.3790508210659027, -0.31344085931777954, 1.0015722513198853, -0.5407620072364807, -0.6590103507041931, -1.0334904193878174, 0.3028780519962311, 0.18141449987888336, -0.5688806176185608, 0.8270807862281799, 0.7930516600608826, 0.7997097969055176, -0.13540387153625488, 0.35525596141815186, -0.1487508863210678, 0.00928728561848402, -0.46777084469795227, 0.6827303171157837, -0.8968758583068848, 0.31867945194244385, -0.019233420491218567, -0.8156638741493225, -0.09187717735767365, 1.0979385375976562, -0.04830622300505638, -0.003671398852020502, 0.5320153832435608, 0.8130097389221191, -0.028171980753540993, 0.1766229122877121, -0.13134226202964783, 0.14172132313251495, 0.33080485463142395, 0.860771656036377, 0.9326213002204895, -0.8824930787086487, 0.773620069026947, -0.5467763543128967, -0.1584886610507965, -0.5020008683204651, -0.6436983346939087, -0.7477726340293884, -0.23600606620311737, -0.2770426571369171, -0.1996912956237793, -0.07846434414386749, 0.9608280658721924, 0.800775408744812, -0.6432793140411377, -0.36327892541885376, -0.026217138394713402, -0.032285891473293304, 0.026736773550510406, -0.12761396169662476, 0.3528916835784912, -0.23024597764015198, -0.9720368981361389, 0.3473135530948639, 0.2794291079044342, 0.22443166375160217, -0.39782652258872986, -0.22919943928718567, -0.10506561398506165, -0.03986629098653793, 0.3635726869106293, 0.46814584732055664, -0.6833889484405518, -0.3780759572982788, -0.23714177310466766, -0.410846084356308, 0.02763950079679489, 0.7236774563789368, -0.8037726283073425, 0.300243616104126, 0.08959955722093582, 0.40725192427635193, 0.9804317355155945, -0.42277196049690247, -0.002110777422785759, -0.5988301038742065, 0.6698532700538635, 0.13127046823501587, 0.3889206349849701, 0.06706053018569946, -0.034040264785289764, 0.6419108510017395, 0.2795240879058838, -0.6015422940254211, -1.0295642614364624, -0.049228865653276443, -1.0197622776031494, 0.1122274324297905, 0.9471405148506165, -0.03155600652098656, -0.12474960088729858, 0.2841636538505554, -0.25962239503860474, 0.4742165505886078, -0.05174374580383301, 1.0486079454421997, 0.34637215733528137, -0.05357910692691803, 0.28174713253974915, -0.41842028498649597, 0.32662898302078247, 0.526427149772644, -0.789405345916748, -0.5061160326004028, 0.13315080106258392, 0.41750651597976685, 0.20628252625465393, 1.1203254461288452, 0.22338619828224182, 0.4803474545478821, 0.232929989695549, -0.07716783881187439, -0.1856209933757782, -0.3586598336696625, -0.43229976296424866, 0.12975621223449707, 0.04445691406726837, -0.40099775791168213 ]
csebuetnlp/mT5_multilingual_XLSum
csebuetnlp
2022-08-13T13:15:36Z
10,054
196
transformers
[ "transformers", "pytorch", "mt5", "text2text-generation", "summarization", "mT5", "am", "ar", "az", "bn", "my", "zh", "en", "fr", "gu", "ha", "hi", "ig", "id", "ja", "rn", "ko", "ky", "mr", "ne", "om", "ps", "fa", "pcm", "pt", "pa", "ru", "gd", "sr", "si", "so", "es", "sw", "ta", "te", "th", "ti", "tr", "uk", "ur", "uz", "vi", "cy", "yo", "dataset:csebuetnlp/xlsum", "model-index", "autotrain_compatible", "endpoints_compatible", "has_space", "text-generation-inference", "region:us" ]
summarization
2022-03-02T23:29:05Z
--- tags: - summarization - mT5 datasets: - csebuetnlp/xlsum language: - am - ar - az - bn - my - zh - en - fr - gu - ha - hi - ig - id - ja - rn - ko - ky - mr - ne - om - ps - fa - pcm - pt - pa - ru - gd - sr - si - so - es - sw - ta - te - th - ti - tr - uk - ur - uz - vi - cy - yo licenses: - cc-by-nc-sa-4.0 widget: - text: Videos that say approved vaccines are dangerous and cause autism, cancer or infertility are among those that will be taken down, the company said. The policy includes the termination of accounts of anti-vaccine influencers. Tech giants have been criticised for not doing more to counter false health information on their sites. In July, US President Joe Biden said social media platforms were largely responsible for people's scepticism in getting vaccinated by spreading misinformation, and appealed for them to address the issue. YouTube, which is owned by Google, said 130,000 videos were removed from its platform since last year, when it implemented a ban on content spreading misinformation about Covid vaccines. In a blog post, the company said it had seen false claims about Covid jabs "spill over into misinformation about vaccines in general". The new policy covers long-approved vaccines, such as those against measles or hepatitis B. "We're expanding our medical misinformation policies on YouTube with new guidelines on currently administered vaccines that are approved and confirmed to be safe and effective by local health authorities and the WHO," the post said, referring to the World Health Organization. model-index: - name: csebuetnlp/mT5_multilingual_XLSum results: - task: type: summarization name: Summarization dataset: name: xsum type: xsum config: default split: test metrics: - name: ROUGE-1 type: rouge value: 36.5002 verified: true - name: ROUGE-2 type: rouge value: 13.934 verified: true - name: ROUGE-L type: rouge value: 28.9876 verified: true - name: ROUGE-LSUM type: rouge value: 28.9958 verified: true - name: loss type: loss value: 2.0674800872802734 verified: true - name: gen_len type: gen_len value: 26.9733 verified: true --- # mT5-multilingual-XLSum This repository contains the mT5 checkpoint finetuned on the 45 languages of [XL-Sum](https://huggingface.co/datasets/csebuetnlp/xlsum) dataset. For finetuning details and scripts, see the [paper](https://aclanthology.org/2021.findings-acl.413/) and the [official repository](https://github.com/csebuetnlp/xl-sum). ## Using this model in `transformers` (tested on 4.11.0.dev0) ```python import re from transformers import AutoTokenizer, AutoModelForSeq2SeqLM WHITESPACE_HANDLER = lambda k: re.sub('\s+', ' ', re.sub('\n+', ' ', k.strip())) article_text = """Videos that say approved vaccines are dangerous and cause autism, cancer or infertility are among those that will be taken down, the company said. The policy includes the termination of accounts of anti-vaccine influencers. Tech giants have been criticised for not doing more to counter false health information on their sites. In July, US President Joe Biden said social media platforms were largely responsible for people's scepticism in getting vaccinated by spreading misinformation, and appealed for them to address the issue. YouTube, which is owned by Google, said 130,000 videos were removed from its platform since last year, when it implemented a ban on content spreading misinformation about Covid vaccines. In a blog post, the company said it had seen false claims about Covid jabs "spill over into misinformation about vaccines in general". The new policy covers long-approved vaccines, such as those against measles or hepatitis B. "We're expanding our medical misinformation policies on YouTube with new guidelines on currently administered vaccines that are approved and confirmed to be safe and effective by local health authorities and the WHO," the post said, referring to the World Health Organization.""" model_name = "csebuetnlp/mT5_multilingual_XLSum" tokenizer = AutoTokenizer.from_pretrained(model_name) model = AutoModelForSeq2SeqLM.from_pretrained(model_name) input_ids = tokenizer( [WHITESPACE_HANDLER(article_text)], return_tensors="pt", padding="max_length", truncation=True, max_length=512 )["input_ids"] output_ids = model.generate( input_ids=input_ids, max_length=84, no_repeat_ngram_size=2, num_beams=4 )[0] summary = tokenizer.decode( output_ids, skip_special_tokens=True, clean_up_tokenization_spaces=False ) print(summary) ``` ## Benchmarks Scores on the XL-Sum test sets are as follows: Language | ROUGE-1 / ROUGE-2 / ROUGE-L ---------|---------------------------- Amharic | 20.0485 / 7.4111 / 18.0753 Arabic | 34.9107 / 14.7937 / 29.1623 Azerbaijani | 21.4227 / 9.5214 / 19.3331 Bengali | 29.5653 / 12.1095 / 25.1315 Burmese | 15.9626 / 5.1477 / 14.1819 Chinese (Simplified) | 39.4071 / 17.7913 / 33.406 Chinese (Traditional) | 37.1866 / 17.1432 / 31.6184 English | 37.601 / 15.1536 / 29.8817 French | 35.3398 / 16.1739 / 28.2041 Gujarati | 21.9619 / 7.7417 / 19.86 Hausa | 39.4375 / 17.6786 / 31.6667 Hindi | 38.5882 / 16.8802 / 32.0132 Igbo | 31.6148 / 10.1605 / 24.5309 Indonesian | 37.0049 / 17.0181 / 30.7561 Japanese | 48.1544 / 23.8482 / 37.3636 Kirundi | 31.9907 / 14.3685 / 25.8305 Korean | 23.6745 / 11.4478 / 22.3619 Kyrgyz | 18.3751 / 7.9608 / 16.5033 Marathi | 22.0141 / 9.5439 / 19.9208 Nepali | 26.6547 / 10.2479 / 24.2847 Oromo | 18.7025 / 6.1694 / 16.1862 Pashto | 38.4743 / 15.5475 / 31.9065 Persian | 36.9425 / 16.1934 / 30.0701 Pidgin | 37.9574 / 15.1234 / 29.872 Portuguese | 37.1676 / 15.9022 / 28.5586 Punjabi | 30.6973 / 12.2058 / 25.515 Russian | 32.2164 / 13.6386 / 26.1689 Scottish Gaelic | 29.0231 / 10.9893 / 22.8814 Serbian (Cyrillic) | 23.7841 / 7.9816 / 20.1379 Serbian (Latin) | 21.6443 / 6.6573 / 18.2336 Sinhala | 27.2901 / 13.3815 / 23.4699 Somali | 31.5563 / 11.5818 / 24.2232 Spanish | 31.5071 / 11.8767 / 24.0746 Swahili | 37.6673 / 17.8534 / 30.9146 Tamil | 24.3326 / 11.0553 / 22.0741 Telugu | 19.8571 / 7.0337 / 17.6101 Thai | 37.3951 / 17.275 / 28.8796 Tigrinya | 25.321 / 8.0157 / 21.1729 Turkish | 32.9304 / 15.5709 / 29.2622 Ukrainian | 23.9908 / 10.1431 / 20.9199 Urdu | 39.5579 / 18.3733 / 32.8442 Uzbek | 16.8281 / 6.3406 / 15.4055 Vietnamese | 32.8826 / 16.2247 / 26.0844 Welsh | 32.6599 / 11.596 / 26.1164 Yoruba | 31.6595 / 11.6599 / 25.0898 ## Citation If you use this model, please cite the following paper: ``` @inproceedings{hasan-etal-2021-xl, title = "{XL}-Sum: Large-Scale Multilingual Abstractive Summarization for 44 Languages", author = "Hasan, Tahmid and Bhattacharjee, Abhik and Islam, Md. Saiful and Mubasshir, Kazi and Li, Yuan-Fang and Kang, Yong-Bin and Rahman, M. Sohel and Shahriyar, Rifat", booktitle = "Findings of the Association for Computational Linguistics: ACL-IJCNLP 2021", month = aug, year = "2021", address = "Online", publisher = "Association for Computational Linguistics", url = "https://aclanthology.org/2021.findings-acl.413", pages = "4693--4703", } ```
[ -0.42642128467559814, -0.45225170254707336, 0.15821900963783264, 0.34025371074676514, -0.06454793363809586, 0.13534753024578094, -0.09524273872375488, -0.3812173306941986, 0.3792174160480499, 0.14000971615314484, -0.33115532994270325, -0.6139838695526123, -0.799774706363678, 0.3821165859699249, -0.266612708568573, 0.8935203552246094, -0.05415527895092964, 0.043667782098054886, -0.04215846210718155, -0.4348270893096924, -0.08237820863723755, -0.4242997467517853, -0.5861942768096924, -0.0306649561971426, 0.28231021761894226, 0.4100864827632904, 0.5410183668136597, 0.4663071632385254, 0.42705509066581726, 0.31905072927474976, -0.1787203550338745, 0.22716400027275085, -0.031738556921482086, -0.3122110962867737, 0.10958465188741684, -0.4701286554336548, -0.5911232233047485, -0.13171017169952393, 0.6951418519020081, 0.8571257591247559, -0.05957140773534775, 0.27991679310798645, 0.09901783615350723, 0.7724146842956543, -0.5299721360206604, 0.10562063008546829, -0.1633499413728714, 0.00692209554836154, -0.10827496647834778, -0.03773587942123413, -0.22010475397109985, -0.4612327218055725, -0.07391642779111862, -0.5488113164901733, 0.04457808658480644, -0.07407774776220322, 1.2546725273132324, -0.06686410307884216, -0.4213687777519226, -0.11210936307907104, -0.24895472824573517, 0.9070190191268921, -1.0313177108764648, 0.3278905153274536, 0.6454572677612305, 0.012562808580696583, -0.06360546499490738, -0.598610520362854, -0.5568478107452393, 0.04067766293883324, -0.30199089646339417, 0.43596360087394714, -0.3676210939884186, -0.28278684616088867, 0.38577648997306824, 0.48302629590034485, -0.8948286175727844, -0.03063184767961502, -0.719071090221405, -0.22396738827228546, 0.7748897075653076, 0.12243690341711044, 0.5218417644500732, -0.3831573724746704, -0.23280662298202515, -0.10103651881217957, -0.6160699129104614, 0.3205875754356384, 0.39833807945251465, 0.2624001204967499, -0.5872330069541931, 0.6719275116920471, -0.26265978813171387, 0.5909762382507324, 0.10209839046001434, -0.16608235239982605, 0.8261631727218628, -0.9617764353752136, -0.25870686769485474, -0.12839926779270172, 1.08894681930542, 0.4033813178539276, 0.1579407900571823, 0.30072981119155884, 0.03172609582543373, -0.1551373302936554, -0.3109886348247528, -0.8878008723258972, -0.10609351098537445, 0.24433806538581848, -0.4943254590034485, -0.014524087309837341, 0.24057124555110931, -0.7652022838592529, 0.0660543367266655, -0.15175287425518036, 0.36690953373908997, -0.5927218198776245, -0.4183494448661804, 0.07251682132482529, -0.17670170962810516, 0.24571332335472107, 0.09267666190862656, -0.9828906059265137, 0.23109091818332672, 0.32505983114242554, 1.0207513570785522, -0.2013041079044342, -0.3682059049606323, -0.2826273441314697, 0.1408529132604599, -0.44584041833877563, 0.8098379373550415, -0.34732669591903687, -0.33994391560554504, -0.09962127357721329, 0.23042413592338562, -0.2948343753814697, -0.45708009600639343, 0.3800373077392578, -0.011971567757427692, 0.49814674258232117, -0.46075496077537537, -0.3395320177078247, -0.1689281016588211, 0.44387122988700867, -0.44960516691207886, 1.1777766942977905, 0.1977182924747467, -0.839402973651886, 0.3915036916732788, -0.6246546506881714, -0.3257436454296112, -0.1259770393371582, -0.14927545189857483, -0.6626307964324951, -0.38233107328414917, 0.5165451765060425, 0.22536098957061768, -0.26761090755462646, 0.41066381335258484, -0.261899471282959, -0.21115918457508087, -0.12954919040203094, -0.3010832667350769, 1.4015941619873047, 0.40226978063583374, -0.4676166772842407, 0.08917899429798126, -0.8854861855506897, 0.06341509521007538, -0.014939043670892715, -0.3966119885444641, -0.2582396864891052, -0.3807848393917084, -0.014503906480967999, 0.3962874710559845, 0.09170961380004883, -0.420600563287735, 0.18824873864650726, -0.5397015810012817, 0.44416603446006775, 0.5701783895492554, 0.1723400205373764, 0.23006461560726166, -0.45998144149780273, 0.6171509623527527, 0.2885282337665558, 0.22636166214942932, -0.2899564206600189, -0.47908449172973633, -0.6404787302017212, -0.43997955322265625, 0.40562885999679565, 0.5964034795761108, -0.5491905212402344, 0.7056988477706909, -0.3788875341415405, -0.5962523818016052, -0.26047447323799133, -0.008594511076807976, 0.4841787815093994, 0.5449069142341614, 0.37674522399902344, -0.3054913878440857, -0.7279585599899292, -1.0312232971191406, -0.24439793825149536, -0.12088184803724289, 0.18802739679813385, 0.24591989815235138, 0.9720394611358643, -0.1225607767701149, 0.8210992813110352, -0.6222890615463257, -0.3151043653488159, -0.2967187464237213, 0.13876807689666748, 0.5068554282188416, 0.6940606832504272, 0.75614994764328, -0.8114959597587585, -0.9815487265586853, -0.04758425056934357, -0.7306868433952332, -0.12173163890838623, 0.09473701566457748, 0.04632536321878433, 0.5171350240707397, 0.3991086483001709, -0.40841373801231384, 0.4689256548881531, 0.5807211995124817, -0.45975828170776367, 0.728499710559845, -0.34245601296424866, 0.21260885894298553, -1.3913586139678955, 0.39779362082481384, -0.12363474071025848, -0.014886924996972084, -0.42471539974212646, -0.21272332966327667, 0.10518500208854675, 0.007282269187271595, -0.4460659921169281, 0.7560179829597473, -0.6711309552192688, 0.007180596701800823, 0.2312673181295395, 0.06221495941281319, 0.014633827842772007, 0.4379398226737976, -0.11362719535827637, 0.8617343306541443, 0.6518704891204834, -0.7065858840942383, 0.14686653017997742, 0.2739924490451813, -0.4210485816001892, 0.628648042678833, -0.6052730083465576, -0.5469793081283569, -0.03512510657310486, 0.42998915910720825, -1.0418610572814941, -0.17574277520179749, 0.2762746810913086, -0.8341176509857178, 0.25109347701072693, 0.06116581708192825, -0.5492725968360901, -0.5580451488494873, -0.5066260099411011, 0.39805611968040466, 0.3957626223564148, -0.19156283140182495, 0.488009512424469, 0.5282993316650391, -0.23519526422023773, -0.8001360297203064, -0.9347681403160095, 0.09551627933979034, -0.23459896445274353, -0.6430436372756958, 0.24853770434856415, -0.26693516969680786, -0.1781214028596878, 0.05731683224439621, -0.10502184182405472, -0.12106829136610031, -0.02457859367132187, -0.011318206787109375, 0.26191988587379456, -0.15723396837711334, -0.025292351841926575, -0.19043073058128357, -0.1635003387928009, 0.005798276513814926, -0.06916431337594986, 0.584137499332428, -0.11596353352069855, -0.20498177409172058, -0.39571258425712585, 0.4162580668926239, 0.5092120170593262, -0.5439167022705078, 0.7964795231819153, 0.7490555047988892, -0.4084474742412567, 0.38310810923576355, -0.5140672326087952, -0.1105717122554779, -0.4131127595901489, 0.5894300937652588, -0.3586251735687256, -0.5639464855194092, 0.8589701056480408, 0.2133919596672058, 0.12764617800712585, 0.9129818081855774, 0.7330690622329712, 0.04794970154762268, 1.1124067306518555, 0.4062931537628174, 0.06626934558153152, 0.5052382946014404, -0.6404106020927429, -0.009988505393266678, -0.9031630158424377, -0.34220975637435913, -0.6346297264099121, -0.07055462896823883, -0.7552643418312073, -0.20590192079544067, 0.4947238862514496, -0.2313898801803589, -0.6111587882041931, 0.38097327947616577, -0.4958837926387787, 0.26515352725982666, 0.5586029887199402, 0.050792839378118515, 0.21316485106945038, -0.06089533492922783, -0.5404702425003052, -0.11623702198266983, -0.6800276637077332, -0.27526384592056274, 1.3660012483596802, 0.14201654493808746, 0.47096046805381775, 0.45182347297668457, 0.6138496994972229, 0.17752616107463837, 0.10093674808740616, -0.4148709177970886, 0.34627842903137207, -0.2743600904941559, -0.9286238551139832, -0.2512332499027252, -0.5003821849822998, -1.1663460731506348, 0.3111114799976349, -0.19063009321689606, -0.8504867553710938, 0.4492031931877136, 0.06730052083730698, -0.5143715739250183, 0.23490892350673676, -0.7353675365447998, 0.7232710719108582, -0.22650663554668427, -0.5843901038169861, -0.06997018307447433, -0.7567979097366333, 0.5368714332580566, 0.06770002841949463, 0.5976455807685852, -0.10027675330638885, 0.19164513051509857, 0.9091893434524536, -0.6280928254127502, 0.7334916591644287, -0.10878597944974899, 0.12448304891586304, 0.1413087248802185, -0.19488368928432465, 0.47377875447273254, 0.06768561899662018, -0.045120131224393845, 0.01936306245625019, 0.33351460099220276, -0.5794692039489746, -0.24536988139152527, 0.7662177085876465, -0.9312784671783447, -0.6153420209884644, -0.9813677072525024, -0.5780757665634155, 0.025172553956508636, 0.5950046181678772, 0.33352863788604736, 0.5909712314605713, 0.09543164819478989, 0.4205785393714905, 0.6319827437400818, -0.4556904733181, 0.6700461506843567, 0.5356734991073608, -0.2338111400604248, -0.8360776305198669, 0.8461061716079712, 0.5104079246520996, 0.4584626257419586, 0.28594669699668884, 0.3317399024963379, -0.4979453980922699, -0.33530882000923157, -0.4367314875125885, 0.39885804057121277, -0.48388898372650146, -0.22175253927707672, -0.8261896371841431, -0.2754538357257843, -0.8731085658073425, -0.03422357514500618, -0.24041695892810822, -0.44036945700645447, -0.10708776861429214, -0.13900083303451538, 0.3376272916793823, 0.4877771735191345, -0.37707647681236267, -0.06023920699954033, -0.6387062668800354, 0.29422131180763245, 0.05414443090558052, 0.2738502621650696, -0.06121999770402908, -0.8116110563278198, -0.3874642550945282, 0.08123521506786346, -0.45905306935310364, -0.895719051361084, 0.6891942024230957, 0.16440974175930023, 0.6351677179336548, 0.4048919081687927, 0.09005652368068695, 1.0989426374435425, -0.14960454404354095, 0.9609773755073547, 0.30909091234207153, -0.8995742797851562, 0.42390748858451843, -0.4434388279914856, 0.6656146049499512, 0.5716688632965088, 0.45738959312438965, -0.7933658957481384, -0.5584022402763367, -0.8362244367599487, -1.2005020380020142, 0.8173391819000244, 0.19532182812690735, 0.07681810855865479, 0.015755856409668922, -0.03788112848997116, -0.12450042366981506, 0.12091702967882156, -0.8588731288909912, -0.8218368291854858, -0.17737458646297455, -0.3533000648021698, -0.10128482431173325, -0.2872127294540405, -0.24280618131160736, -0.5994767546653748, 0.8141335248947144, 0.09255366027355194, 0.19054843485355377, 0.36654403805732727, -0.1254829466342926, -0.041932180523872375, 0.23072387278079987, 1.0722938776016235, 0.9116721749305725, -0.3152567148208618, 0.13784383237361908, 0.25824877619743347, -0.7568331956863403, 0.09615609049797058, 0.20895476639270782, -0.41009756922721863, 0.013659145683050156, 0.4135231375694275, 0.4959801137447357, 0.23147077858448029, -0.4536970555782318, 0.4471684992313385, 0.03450864180922508, -0.45137983560562134, -0.7579203844070435, -0.14708632230758667, 0.13061252236366272, -0.0994478166103363, 0.5983244180679321, -0.012717580422759056, 0.02288837358355522, -0.6941429376602173, 0.2586871087551117, 0.4186524748802185, -0.3308579623699188, -0.3270930349826813, 0.6920706033706665, -0.010743879713118076, 0.09955336153507233, 0.45426586270332336, -0.1263018697500229, -0.5177221298217773, 0.7916630506515503, 0.6825544238090515, 0.5980657339096069, -0.34659090638160706, -0.03745736554265022, 1.1538217067718506, 0.47647714614868164, -0.06485460698604584, 0.4585263133049011, 0.2748982608318329, -0.5218381285667419, -0.09028639644384384, -0.46623724699020386, -0.15124893188476562, 0.13398943841457367, -0.6373504400253296, 0.39918580651283264, -0.1320490837097168, -0.1925380975008011, 0.0146256722509861, 0.35306960344314575, -0.5054681897163391, 0.2023942619562149, 0.031522128731012344, 0.9078294634819031, -1.1011364459991455, 0.762403130531311, 0.7539246082305908, -0.9035592079162598, -0.9334134459495544, -0.26927703619003296, 0.06304483860731125, -0.6916431784629822, 0.6294704675674438, 0.02704199217259884, 0.20035576820373535, -0.011944061145186424, -0.3321309983730316, -1.2669380903244019, 1.3091444969177246, 0.1528075635433197, -0.38069385290145874, 0.12048240751028061, 0.22305506467819214, 0.465960830450058, -0.11109144240617752, 0.675547182559967, 0.47883009910583496, 0.7969895005226135, 0.16372007131576538, -1.0948857069015503, 0.1513798087835312, -0.5878494381904602, -0.31768885254859924, 0.11609870940446854, -0.9754728674888611, 1.1638017892837524, -0.20519320666790009, -0.056633349508047104, -0.28536322712898254, 0.5736467242240906, 0.5862628221511841, 0.30880987644195557, 0.36552560329437256, 0.7497694492340088, 0.6643218398094177, -0.10990933328866959, 0.9617147445678711, -0.45921769738197327, 0.5243347883224487, 0.8192554116249084, 0.156908318400383, 0.74381023645401, 0.41873493790626526, -0.6316420435905457, 0.38951575756073, 0.7683605551719666, -0.16211962699890137, 0.41203925013542175, -0.06627387553453445, -0.02995206229388714, -0.09037049859762192, 0.03332953527569771, -0.6216812133789062, 0.40755587816238403, 0.2907067835330963, -0.5345811247825623, -0.19997748732566833, -0.176510751247406, 0.6139785051345825, -0.10650923103094101, -0.3176558315753937, 0.5570365786552429, 0.11779800802469254, -0.7400257587432861, 0.9092439413070679, -0.06186581030488014, 0.6806908249855042, -0.7835878729820251, 0.08407162129878998, -0.41938096284866333, 0.3108481168746948, -0.5082730650901794, -0.7863020300865173, 0.5381699204444885, 0.01688789762556553, -0.2883124053478241, -0.0186748243868351, 0.20589396357536316, -0.5237170457839966, -0.8359207510948181, 0.06945687532424927, 0.39063605666160583, 0.23532149195671082, 0.23136110603809357, -0.8873937129974365, -0.07366875559091568, 0.16896699368953705, -0.3469775915145874, 0.34407663345336914, 0.29861220717430115, -0.16098740696907043, 0.6142369508743286, 0.7877659797668457, 0.18838484585285187, 0.15542040765285492, -0.15849871933460236, 0.71767258644104, -0.7340385913848877, -0.5933960676193237, -1.0461139678955078, 0.5674058198928833, -0.17465488612651825, -0.47129762172698975, 1.170235276222229, 1.1029179096221924, 0.6321007609367371, -0.0075110564939677715, 0.9481409788131714, -0.3235185444355011, 0.5100340843200684, -0.33372828364372253, 0.9805546402931213, -0.8295106291770935, -0.049340177327394485, -0.3278294801712036, -0.6766488552093506, -0.6381274461746216, 0.6092681288719177, -0.45213034749031067, 0.21655486524105072, 0.8279255032539368, 0.6966400742530823, 0.027895372360944748, -0.396603524684906, 0.18574629724025726, 0.5240792632102966, 0.3899538218975067, 0.5549185872077942, 0.30860090255737305, -0.6870259046554565, 0.7125388383865356, -0.3785606920719147, -0.10516136884689331, -0.2289574295282364, -0.7745810747146606, -0.6696012616157532, -0.6936030983924866, -0.3654910624027252, -0.42576131224632263, -0.0734550803899765, 1.1259955167770386, 0.5453324317932129, -0.9472707509994507, -0.4038671851158142, 0.1431407779455185, 0.15387552976608276, -0.4223598837852478, -0.2593741714954376, 0.8854638338088989, -0.09040497988462448, -0.9639670848846436, -0.010106838308274746, 0.18575413525104523, 0.04788517579436302, -0.19333744049072266, -0.06546752154827118, -0.531210720539093, 0.04656389355659485, 0.525789737701416, 0.5602763295173645, -0.6898308992385864, -0.012383686378598213, 0.14145219326019287, -0.393037885427475, 0.32524964213371277, 0.13070759177207947, -0.5124534964561462, 0.4641875922679901, 0.6364095211029053, 0.12609590590000153, 0.6366307735443115, 0.06841270625591278, 0.4012327790260315, -0.49083954095840454, 0.21868778765201569, 0.021722672507166862, 0.5142655372619629, 0.30905234813690186, -0.08916807174682617, 0.5183591842651367, 0.4004019796848297, -0.5139297842979431, -1.0836236476898193, -0.14878301322460175, -1.0673396587371826, -0.06401198357343674, 1.2589815855026245, -0.22679023444652557, -0.3866170048713684, -0.3201717734336853, -0.0931105688214302, 0.3507613241672516, -0.39953896403312683, 0.8281208872795105, 0.7946643829345703, -0.22048787772655487, -0.21546943485736847, -0.6951841115951538, 0.3649756610393524, 0.3497179448604584, -0.9985318779945374, 0.04527623578906059, 0.18665894865989685, 0.47034767270088196, 0.23423340916633606, 0.887829601764679, -0.3495321571826935, 0.311137318611145, -0.02801676280796528, 0.2773483991622925, -0.11432519555091858, 0.12448716908693314, -0.12185058742761612, -0.10540549457073212, -0.1302994340658188, -0.16961261630058289 ]
Recognai/bert-base-spanish-wwm-cased-xnli
Recognai
2023-07-14T22:22:51Z
10,049
15
transformers
[ "transformers", "pytorch", "jax", "safetensors", "bert", "text-classification", "zero-shot-classification", "nli", "es", "dataset:xnli", "license:mit", "endpoints_compatible", "has_space", "region:us" ]
zero-shot-classification
2022-03-02T23:29:04Z
--- language: es tags: - zero-shot-classification - nli - pytorch datasets: - xnli license: mit pipeline_tag: zero-shot-classification widget: - text: "El autor se perfila, a los 50 años de su muerte, como uno de los grandes de su siglo" candidate_labels: "cultura, sociedad, economia, salud, deportes" --- # bert-base-spanish-wwm-cased-xnli **UPDATE, 15.10.2021: Check out our new zero-shot classifiers, much more lightweight and even outperforming this one: [zero-shot SELECTRA small](https://huggingface.co/Recognai/zeroshot_selectra_small) and [zero-shot SELECTRA medium](https://huggingface.co/Recognai/zeroshot_selectra_medium).** ## Model description This model is a fine-tuned version of the [spanish BERT model](https://huggingface.co/dccuchile/bert-base-spanish-wwm-cased) with the Spanish portion of the XNLI dataset. You can have a look at the [training script](https://huggingface.co/Recognai/bert-base-spanish-wwm-cased-xnli/blob/main/zeroshot_training_script.py) for details of the training. ### How to use You can use this model with Hugging Face's [zero-shot-classification pipeline](https://discuss.huggingface.co/t/new-pipeline-for-zero-shot-text-classification/681): ```python from transformers import pipeline classifier = pipeline("zero-shot-classification", model="Recognai/bert-base-spanish-wwm-cased-xnli") classifier( "El autor se perfila, a los 50 años de su muerte, como uno de los grandes de su siglo", candidate_labels=["cultura", "sociedad", "economia", "salud", "deportes"], hypothesis_template="Este ejemplo es {}." ) """output {'sequence': 'El autor se perfila, a los 50 años de su muerte, como uno de los grandes de su siglo', 'labels': ['cultura', 'sociedad', 'economia', 'salud', 'deportes'], 'scores': [0.38897448778152466, 0.22997373342514038, 0.1658431738615036, 0.1205764189362526, 0.09463217109441757]} """ ``` ## Eval results Accuracy for the test set: | | XNLI-es | |-----------------------------|---------| |bert-base-spanish-wwm-cased-xnli | 79.9% |
[ -0.31984981894493103, -0.45707225799560547, 0.2540014684200287, 0.1050463393330574, -0.0032463616225868464, 0.06925399601459503, -0.2260034829378128, -0.4232428967952728, 0.4847084581851959, 0.24496030807495117, -0.6229095458984375, -0.7929507493972778, -0.6156790852546692, -0.07295950502157211, -0.21501100063323975, 1.317439317703247, -0.0708828866481781, 0.09266428649425507, 0.27285802364349365, -0.30747196078300476, -0.21076247096061707, -0.5373706221580505, -0.6052207946777344, -0.3899720311164856, 0.7839745283126831, 0.29480990767478943, 0.5660008788108826, 0.2573828399181366, 0.3030327260494232, 0.2994665503501892, -0.047223836183547974, -0.4946604371070862, -0.28580179810523987, -0.1371798813343048, 0.10963889956474304, -0.7294690608978271, -0.48729240894317627, -0.04533584043383598, 0.6168138384819031, 0.6099824905395508, -0.05006292834877968, 0.37727317214012146, -0.39407840371131897, 0.5032925605773926, -0.5780089497566223, 0.22951065003871918, -0.6080383658409119, 0.25198549032211304, -0.11310724914073944, 0.024014564231038094, -0.3927011787891388, -0.11128803342580795, 0.4128692150115967, -0.19490279257297516, 0.5617890954017639, -0.037034772336483, 1.3729777336120605, 0.03412754088640213, -0.1024712324142456, -0.010814336128532887, -0.3257851004600525, 0.9779673218727112, -1.0003324747085571, 0.25335660576820374, 0.1416310966014862, 0.26063552498817444, -0.07289540767669678, -0.42203259468078613, -0.6199378371238708, -0.18257927894592285, 0.08264477550983429, 0.2840554416179657, -0.21730433404445648, -0.010317552834749222, 0.40384313464164734, 0.4192016124725342, -0.8328672051429749, 0.2219030112028122, -0.38656923174858093, -0.3559085726737976, 0.7617623805999756, -0.18003669381141663, 0.1673170030117035, -0.24136345088481903, -0.3227503001689911, -0.6423021554946899, -0.4371826648712158, 0.21864835917949677, 0.39992988109588623, 0.536139965057373, -0.3866133391857147, 0.5706125497817993, -0.41861069202423096, 0.7257865071296692, -0.06108875945210457, -0.2938549518585205, 0.9014180898666382, 0.0328245647251606, -0.5502771735191345, 0.2662402093410492, 0.9365113973617554, 0.3661218285560608, 0.05177592486143112, 0.07670114189386368, -0.12078617513179779, 0.21850614249706268, -0.174265518784523, -0.8765637278556824, -0.24111993610858917, 0.32343557476997375, -0.46363595128059387, -0.6837860345840454, 0.0991402268409729, -0.49217715859413147, 0.23337867856025696, 0.017820172011852264, 0.7626298069953918, -0.5382425785064697, -0.2139335572719574, 0.2207913100719452, -0.2950347065925598, 0.6045099496841431, 0.2490767538547516, -0.7417225241661072, 0.03181605786085129, 0.2081335484981537, 0.841748058795929, -0.017854053527116776, -0.2408505231142044, -0.2391335815191269, -0.2685404419898987, -0.20164142549037933, 0.5882055163383484, -0.04147893562912941, -0.20780451595783234, -0.0462612546980381, 0.22467508912086487, -0.18716983497142792, -0.17120975255966187, 0.662444531917572, -0.15845972299575806, 0.6034243702888489, -0.1916022002696991, -0.602808952331543, -0.3610594868659973, 0.4125736653804779, -0.47696173191070557, 1.228378176689148, 0.3203369379043579, -0.7394739389419556, 0.40136078000068665, -0.6201270818710327, -0.36982351541519165, -0.06166601926088333, -0.034357376396656036, -0.6117684841156006, 0.09732964634895325, 0.04475129023194313, 0.7146736979484558, 0.14272724092006683, 0.015401165001094341, -0.4455734193325043, -0.41493889689445496, 0.19512981176376343, -0.3691784739494324, 1.2273366451263428, 0.04534651339054108, -0.5393267869949341, 0.19636307656764984, -1.0401954650878906, 0.3480387330055237, 0.32745984196662903, -0.20703232288360596, -0.127424418926239, -0.3202212154865265, 0.2656979560852051, 0.41215771436691284, 0.23244905471801758, -0.9254665374755859, 0.12956096231937408, -0.3614892363548279, 0.27384766936302185, 0.5779219269752502, -0.2629531919956207, 0.15434740483760834, -0.5188245177268982, 0.4196133613586426, -0.17095887660980225, 0.09163461625576019, -0.18082942068576813, -0.6789882183074951, -0.901332676410675, -0.36074021458625793, 0.47585344314575195, 0.8967653512954712, -0.7573210000991821, 0.8958907127380371, -0.21817688643932343, -0.8032004237174988, -0.47430622577667236, -0.14088110625743866, 0.5809293389320374, 0.7706586122512817, 0.31387966871261597, -0.24119116365909576, -0.7419148087501526, -0.8405226469039917, 0.23607902228832245, -0.20362569391727448, -0.1522236466407776, 0.21197324991226196, 0.7910771369934082, -0.17703810334205627, 0.6417601704597473, -0.5679311156272888, -0.3373046815395355, -0.45915448665618896, 0.2833552062511444, 0.6957690119743347, 0.3972564935684204, 1.0107834339141846, -0.4297448396682739, -0.6977048516273499, -0.005618243012577295, -0.7454827427864075, -0.0762709230184555, 0.02449762634932995, -0.10882888734340668, 0.5648700594902039, -0.007448630407452583, -0.43357834219932556, 0.44991862773895264, 0.551098644733429, -0.4298866391181946, 0.5889692306518555, -0.15310856699943542, -0.013048169203102589, -1.0856966972351074, 0.04253697395324707, 0.2823900580406189, -0.2834705114364624, -0.6668274998664856, 0.16903188824653625, 0.1627674251794815, 0.1396227777004242, -0.9057600498199463, 0.6580262184143066, -0.2926769554615021, 0.19790025055408478, -0.02135329321026802, -0.09110808372497559, -0.14496377110481262, 0.7204381823539734, 0.40525102615356445, 0.4404529631137848, 0.8587720394134521, -0.2890583574771881, 0.3310836851596832, 0.3117711544036865, -0.38790202140808105, 0.4301634430885315, -0.7851520776748657, -0.3722352981567383, -0.1760195642709732, 0.33439868688583374, -0.9591938257217407, -0.2426893711090088, 0.156194269657135, -0.6076532006263733, 0.5539458394050598, 0.04607085883617401, -0.34860047698020935, -0.6411876678466797, -0.8338541388511658, 0.10810723155736923, 0.8742349147796631, -0.5361524820327759, 0.11752048134803772, 0.021596796810626984, 0.049746520817279816, -0.8718398809432983, -0.8768441081047058, -0.11243270337581635, -0.00735118705779314, -0.5513561964035034, 0.4169774353504181, -0.12397592514753342, 0.11396931111812592, -0.035038914531469345, -0.17039832472801208, -0.15712063014507294, -0.12993033230304718, 0.07952088862657547, 0.7056733965873718, -0.25472715497016907, -0.3030129373073578, -0.03684099391102791, -0.048598576337099075, 0.02337520942091942, -0.04140036925673485, 0.6258668303489685, -0.1620820313692093, -0.0794893205165863, -0.4261990487575531, 0.10678848624229431, 0.49260246753692627, 0.15411606431007385, 0.7483141422271729, 0.7927656173706055, -0.36342722177505493, -0.16266503930091858, -0.5651216506958008, -0.016266748309135437, -0.4183952510356903, 0.2925077974796295, -0.36581066250801086, -0.8680911660194397, 0.6940385699272156, 0.3826506435871124, 0.0188312828540802, 0.6870557069778442, 0.5902072787284851, -0.3188197910785675, 1.1191378831863403, 0.6350535750389099, -0.29176682233810425, 0.5751433968544006, -0.7258981466293335, -0.02920018881559372, -0.7594000101089478, -0.2212715893983841, -0.4046984612941742, -0.46312251687049866, -0.6337517499923706, -0.2211911976337433, 0.11244973540306091, -0.2120542675256729, -0.3230595886707306, 0.641145646572113, -0.6126710772514343, 0.3956569731235504, 0.8043197989463806, 0.23014914989471436, -0.09874650835990906, 0.05021166056394577, -0.12224201112985611, -0.02568582259118557, -0.6509736776351929, -0.3154027462005615, 1.417986512184143, 0.3742919862270355, 0.6644622683525085, -0.014732480980455875, 0.8450695872306824, 0.17355819046497345, 0.23487846553325653, -0.8505266904830933, 0.5105752944946289, -0.24782194197177887, -0.649223804473877, -0.2518905699253082, -0.4095827341079712, -0.902719259262085, 0.2801259756088257, -0.27904340624809265, -0.8724527359008789, 0.153107151389122, -0.041676830500364304, -0.4877966642379761, 0.5858754515647888, -0.6874169111251831, 0.9617099761962891, -0.3591361343860626, -0.11485446244478226, 0.3131720721721649, -0.892715573310852, 0.3960878252983093, -0.01692909561097622, -0.20976561307907104, -0.4651511013507843, 0.18861739337444305, 0.6260878443717957, -0.5971649885177612, 0.9987483024597168, -0.33705323934555054, -0.1273624747991562, 0.23141688108444214, -0.27632391452789307, 0.19622881710529327, -0.14650101959705353, -0.26876890659332275, 0.6507524847984314, 0.24495810270309448, -0.5779397487640381, -0.3249594271183014, 0.693993866443634, -0.9036636352539062, -0.24136453866958618, -0.9198740124702454, -0.5150099396705627, 0.11286186426877975, 0.31207290291786194, 0.6435570120811462, 0.357509583234787, -0.32145655155181885, 0.2138751894235611, 0.9000177383422852, -0.2922076880931854, 0.630499005317688, 0.6270315647125244, -0.19938479363918304, -0.32252219319343567, 0.914470911026001, 0.22036834061145782, 0.12965305149555206, 0.5913337469100952, 0.10796182602643967, -0.483921080827713, -0.43593665957450867, -0.4676019251346588, 0.2707827091217041, -0.31745919585227966, -0.49874600768089294, -0.5695527791976929, -0.4869607388973236, -0.5013061165809631, -0.21123409271240234, -0.15986131131649017, -0.6730071902275085, -0.15886278450489044, -0.20232880115509033, 0.4546109139919281, 0.19585692882537842, -0.08491254597902298, 0.3076569736003876, -0.6160891056060791, 0.23978357017040253, 0.01632973551750183, 0.35739195346832275, -0.1995130330324173, -0.7431323528289795, 0.02058989740908146, 0.06446097791194916, -0.2947540879249573, -0.9850285649299622, 0.7107574939727783, 0.3300197124481201, 0.5433530807495117, 0.49491631984710693, 0.04804579168558121, 0.5774052143096924, -0.5540475845336914, 0.7618227601051331, 0.3763485848903656, -0.9459357261657715, 0.9511266350746155, -0.28436481952667236, 0.2655433118343353, 0.5844771862030029, 0.6006790399551392, -0.523872435092926, -0.4100269079208374, -0.8451711535453796, -0.7922235131263733, 0.9419488906860352, 0.27625811100006104, 0.14259205758571625, -0.12747730314731598, 0.3425038754940033, 0.16659356653690338, 0.19032953679561615, -0.9986440539360046, -0.6533190011978149, -0.16159410774707794, -0.40851470828056335, 0.16607102751731873, -0.13811130821704865, 0.013595362193882465, -0.7239595055580139, 1.0770020484924316, -0.24288339912891388, 0.30528274178504944, 0.4007602632045746, -0.00908859446644783, -0.1107027605175972, 0.08906561881303787, 0.5609866380691528, 0.3175026476383209, -0.7303359508514404, -0.22955350577831268, 0.36197543144226074, -0.3835503160953522, 0.23879480361938477, 0.08400001376867294, -0.5200626850128174, 0.3669312596321106, 0.4086776673793793, 1.083263635635376, 0.2293825000524521, -0.7638774514198303, 0.8128352165222168, -0.10557612031698227, -0.5425267815589905, -0.5429272651672363, 0.21414223313331604, -0.4351804852485657, -0.017105592414736748, 0.3282400071620941, 0.09335687756538391, 0.018710101023316383, -0.6958146691322327, 0.1818123161792755, 0.5562673211097717, -0.3928892910480499, -0.40339335799217224, 0.6494736075401306, -0.056334033608436584, -0.053577885031700134, 0.4634757339954376, -0.5288618206977844, -0.5839301347732544, 0.8191673755645752, 0.6251336932182312, 0.8951836228370667, -0.18479353189468384, 0.5132887363433838, 0.6403157711029053, 0.20033204555511475, -0.19116683304309845, 0.7768738865852356, 0.014046692289412022, -0.9524753093719482, -0.3992379605770111, -0.6405192613601685, -0.5326459407806396, 0.4244251251220703, -0.8804503083229065, 0.45777517557144165, -0.5584924817085266, -0.08663944154977798, 0.13149292767047882, 0.31397557258605957, -0.681198239326477, 0.34938377141952515, 0.32084348797798157, 1.141412377357483, -1.1058086156845093, 1.0951097011566162, 0.7632859349250793, -0.5808543562889099, -0.6722399592399597, -0.40199118852615356, 0.021431371569633484, -1.0129164457321167, 0.42421770095825195, 0.31392425298690796, 0.23642101883888245, -0.24155400693416595, -0.5884716510772705, -1.0570836067199707, 1.2271053791046143, 0.19255121052265167, -0.7105234265327454, 0.1835128366947174, -0.11419900506734848, 0.6949467658996582, -0.17749735713005066, 0.5217201709747314, 0.6309605836868286, 0.3264983296394348, 0.2633889615535736, -0.9757077097892761, 0.04189299792051315, -0.32028234004974365, 0.0885111540555954, 0.2747173011302948, -0.8600208759307861, 0.847836971282959, -0.29659536480903625, 0.027238840237259865, 0.23863090574741364, 0.6121677756309509, 0.30069172382354736, 0.29737135767936707, 0.3333244323730469, 0.9500357508659363, 0.7437414526939392, -0.3324299156665802, 0.8687944412231445, -0.2859083116054535, 0.5937660336494446, 1.0331240892410278, -0.48409098386764526, 1.052444577217102, 0.21396715939044952, -0.33861038088798523, 0.8743194937705994, 0.7154818177223206, -0.5066291689872742, 0.5553264021873474, 0.1023796796798706, -0.38019073009490967, 0.15027393400669098, 0.09674376994371414, -0.35610416531562805, 0.4831054210662842, 0.21409662067890167, -0.3448871672153473, -0.191978320479393, 0.09609553217887878, 0.36032235622406006, -0.2688305079936981, -0.20533831417560577, 0.5284552574157715, -0.30782148241996765, -0.48201003670692444, 0.7029195427894592, 0.0001995556231122464, 1.1466906070709229, -0.7816232442855835, 0.08764811605215073, -0.1380586177110672, 0.16936121881008148, -0.32167768478393555, -0.962695837020874, 0.24336014688014984, 0.10591296851634979, -0.25297123193740845, -0.16457542777061462, 0.7195550799369812, -0.42103177309036255, -0.8948309421539307, 0.3017628788948059, 0.5164661407470703, 0.403982013463974, 0.0502341091632843, -1.0422532558441162, 0.15910273790359497, 0.25137943029403687, -0.20285409688949585, 0.3120923638343811, 0.26847007870674133, -0.13365843892097473, 0.5329128503799438, 0.7150058746337891, 0.2801694869995117, 0.07284232974052429, 0.26230525970458984, 0.6300418972969055, -0.7412461042404175, -0.10564916580915451, -0.7912707924842834, 0.45536163449287415, -0.20219579339027405, -0.5911336541175842, 0.7006991505622864, 0.6819453239440918, 1.132879614830017, -0.24923159182071686, 0.8281431794166565, -0.42092663049697876, 0.3901703357696533, -0.16841766238212585, 0.8422062397003174, -0.535611629486084, -0.28945425152778625, -0.2665025293827057, -0.8958569765090942, -0.5771368741989136, 0.9456368088722229, 0.07382968068122864, -0.023133009672164917, 0.49151480197906494, 0.6941922307014465, 0.13654209673404694, -0.2969962954521179, 0.3424100875854492, 0.3013893961906433, 0.17623569071292877, 0.6502851843833923, 0.4012458920478821, -0.8729926943778992, 0.4965844452381134, -0.8716394305229187, -0.5425744652748108, -0.21264740824699402, -0.9960319995880127, -1.0390660762786865, -0.257063090801239, -0.7098618745803833, -0.23481158912181854, -0.0928066298365593, 0.9393912553787231, 0.7843928337097168, -1.2225987911224365, -0.2459540069103241, -0.0033431146293878555, 0.03267166018486023, -0.33204343914985657, -0.35756760835647583, 0.35939282178878784, -0.34997788071632385, -0.9309152364730835, 0.2248503565788269, 0.217248797416687, 0.22280170023441315, -0.19332721829414368, 0.06792589277029037, -0.2860979437828064, 0.05204932391643524, 0.8100951313972473, 0.6085869669914246, -0.8058982491493225, -0.4362698793411255, 0.19978773593902588, -0.11193221807479858, 0.19839386641979218, 0.11794032901525497, -0.8522567749023438, 0.25564438104629517, 0.648653507232666, 0.2230219542980194, 0.6158003211021423, -0.38833633065223694, 0.2598799467086792, -1.0291324853897095, 0.3203405439853668, 0.08432386070489883, 0.7059715986251831, 0.24946199357509613, -0.1305028349161148, 0.7423391342163086, 0.27941352128982544, -0.39669692516326904, -0.946344256401062, -0.11822636425495148, -1.3507391214370728, -0.21570652723312378, 0.8481840491294861, -0.09899893403053284, -0.5610252022743225, 0.22563806176185608, -0.3997797966003418, 0.2051055133342743, -0.43124130368232727, 0.8042603731155396, 0.6685623526573181, -0.365432471036911, -0.09321130067110062, -0.45223522186279297, 0.23081868886947632, 0.5264903903007507, -0.635675311088562, -0.410661518573761, 0.2155856490135193, 0.5772662162780762, 0.36697956919670105, 0.6096078157424927, -0.15384943783283234, 0.24517767131328583, -0.2113221436738968, 0.553332507610321, 0.32661160826683044, -0.03146296739578247, -0.4389457702636719, -0.10581997781991959, -0.2819068431854248, -0.49804753065109253 ]
allenai/specter
allenai
2023-10-18T04:19:07Z
10,049
54
transformers
[ "transformers", "pytorch", "tf", "jax", "bert", "feature-extraction", "en", "dataset:SciDocs", "arxiv:2004.07180", "license:apache-2.0", "endpoints_compatible", "has_space", "region:us" ]
feature-extraction
2022-03-02T23:29:05Z
--- language: en thumbnail: "https://camo.githubusercontent.com/7d080b7a769f7fdf64ac0ebeb47b039cb50be35287e3071f9d633f0fe33e7596/68747470733a2f2f692e6962622e636f2f33544331576d472f737065637465722d6c6f676f2d63726f707065642e706e67" license: apache-2.0 datasets: - SciDocs metrics: - F1 - accuracy - map - ndcg --- ## SPECTER SPECTER is a pre-trained language model to generate document-level embedding of documents. It is pre-trained on a powerful signal of document-level relatedness: the citation graph. Unlike existing pretrained language models, SPECTER can be easily applied to downstream applications without task-specific fine-tuning. If you're coming here because you want to embed papers, SPECTER has now been superceded by [SPECTER2](https://huggingface.co/allenai/specter2_proximity). Use that instead. Paper: [SPECTER: Document-level Representation Learning using Citation-informed Transformers](https://arxiv.org/pdf/2004.07180.pdf) Original Repo: [Github](https://github.com/allenai/specter) Evaluation Benchmark: [SciDocs](https://github.com/allenai/scidocs) Authors: *Arman Cohan, Sergey Feldman, Iz Beltagy, Doug Downey, Daniel S. Weld*
[ -0.4384511709213257, -0.17255176603794098, 0.7534563541412354, -0.07919367402791977, -0.20850662887096405, 0.6242441534996033, 0.05578015744686127, -0.36350226402282715, 0.5735546946525574, 0.1690162569284439, -0.08858440816402435, -0.4975971579551697, -0.6797090768814087, -0.14405961334705353, -0.5025086998939514, 1.1327520608901978, -0.026854258030653, 0.13713233172893524, -0.14920850098133087, 0.4303460717201233, 0.14260993897914886, -0.335379421710968, -0.6022639870643616, -0.2624149024486542, 0.7737610340118408, 0.2800518274307251, 0.45621442794799805, 0.3036326766014099, 0.6607348322868347, 0.28691405057907104, -0.022081850096583366, 0.11184589564800262, -0.49446624517440796, 0.2228059470653534, -0.5233736038208008, -0.13281086087226868, -0.3452607989311218, 0.12843027710914612, 0.8460660576820374, 0.5248479843139648, 0.32109057903289795, -0.05147329345345497, 0.08959949761629105, 0.3474704623222351, -0.9005242586135864, 0.11708188056945801, -0.45822644233703613, -0.13277186453342438, -0.4325953423976898, -0.4111129343509674, -0.7469120025634766, -0.43460506200790405, 0.024728041142225266, -0.7539283633232117, 0.645159125328064, 0.06735218316316605, 1.2203075885772705, 0.31385812163352966, -0.5558356642723083, -0.2668311297893524, -0.8047113418579102, 0.4329569339752197, -0.15545807778835297, 0.46526047587394714, 0.43282896280288696, 0.45081827044487, 0.06577563285827637, -1.2046825885772705, -0.22593757510185242, -0.3117702305316925, -0.1342717558145523, 0.5167513489723206, -0.13931016623973846, 0.10644464939832687, 0.0806194469332695, 0.23262237012386322, -0.536668062210083, -0.19580629467964172, -0.5218157172203064, -0.07448960840702057, 0.15309764444828033, -0.2383931577205658, -0.22949934005737305, -0.36496907472610474, -0.1836181879043579, -0.5503721833229065, -0.25608763098716736, -0.4561694264411926, 0.5660190582275391, 0.2892673909664154, 0.11525433510541916, 0.20483440160751343, 0.5742044448852539, 0.2135726660490036, 0.34429794549942017, 0.4823972284793854, 0.49270814657211304, -0.26673945784568787, 0.10445309430360794, -0.26096397638320923, 0.7993684411048889, -0.28887471556663513, 0.22602349519729614, -0.2494368553161621, 0.07480619847774506, -0.04824068769812584, 0.5199703574180603, -0.8165881037712097, -0.25953415036201477, 0.058856479823589325, -0.2549823522567749, -0.2857847213745117, 0.47607216238975525, -0.43814271688461304, -0.2611231505870819, 0.18267330527305603, 0.049387719482183456, -0.7337526679039001, -0.45735567808151245, -0.27646926045417786, -0.27581682801246643, 0.06334859877824783, 0.2153894603252411, -0.8514437079429626, 0.3006068766117096, 0.7679619789123535, 0.9704090356826782, 0.37587612867355347, -0.6292310357093811, -0.4446538984775543, 0.37125635147094727, -0.4639790654182434, 1.162548542022705, -0.6121581792831421, -0.6189917325973511, 0.09799182415008545, 0.049917932599782944, -0.35982275009155273, -0.3364986777305603, 0.7357075214385986, -0.7091069221496582, 0.10958947241306305, -0.11364785581827164, -0.7748759984970093, 0.04829147458076477, -0.08180966228246689, -0.8169581890106201, 1.2137471437454224, 0.5104354023933411, -0.9958008527755737, 0.42449691891670227, -0.9260994791984558, -0.05525131896138191, 0.37178972363471985, -0.2294686734676361, -0.09285298734903336, -0.09358353167772293, -0.2945886552333832, 0.3733120262622833, -0.09185850620269775, 0.22494371235370636, -0.21804167330265045, -0.37933996319770813, -0.036952584981918335, 0.2361474186182022, 0.4447900652885437, 0.5027590394020081, -0.04608793556690216, 0.23921415209770203, -0.6194944977760315, -0.23947176337242126, -0.06386382132768631, -0.1733875870704651, -0.5610283613204956, 0.04335556924343109, 0.5989258885383606, 0.04815402999520302, 0.35711315274238586, -0.7359504103660583, -0.005667914170771837, -0.2874361276626587, 0.39059388637542725, 0.6432746052742004, -0.005264079198241234, 0.4646255373954773, -0.15436223149299622, 0.703603208065033, -0.21135947108268738, -0.1080336645245552, -0.32152411341667175, -0.17103934288024902, -0.5961122512817383, -0.25809577107429504, 0.4167076349258423, 0.37211599946022034, -0.33086860179901123, 0.4356106221675873, -0.426949679851532, -0.7351687550544739, -0.37755879759788513, 0.14972122013568878, 0.3672850430011749, 0.3230140507221222, 0.22817333042621613, -0.1251249611377716, -0.9206288456916809, -0.8334259390830994, -0.052062470465898514, -0.30705147981643677, 0.0013409230159595609, -0.12248733639717102, 0.7502918839454651, -0.3120253384113312, 0.8969570398330688, -0.48523205518722534, -0.3329954445362091, 0.0599287748336792, 0.31815606355667114, 0.02415156178176403, 0.7176429033279419, 0.7214371562004089, -0.8614052534103394, -0.7334984540939331, -0.0476188100874424, -0.6862447261810303, 0.2631320357322693, 0.14439575374126434, -0.1459919661283493, 0.11023582518100739, 0.916703462600708, -0.6002454161643982, 0.15390151739120483, 0.5316190123558044, -0.5177337527275085, 0.4262256324291229, -0.27272939682006836, -0.07182367146015167, -1.625300645828247, 0.36973029375076294, 0.05463847890496254, -0.449815958738327, -0.33484983444213867, 0.3352975845336914, 0.40226244926452637, -0.5211236476898193, -0.3157775104045868, 0.41953545808792114, -0.5398703217506409, -0.10589876025915146, -0.22274453938007355, 0.12202716618776321, 0.1840982586145401, 0.034926723688840866, 0.08253148198127747, 0.8424740433692932, 0.5183584690093994, -0.11560343950986862, -0.13835394382476807, 0.388630211353302, -0.09429420530796051, 0.3955475389957428, -0.7154064774513245, 0.4730266332626343, -0.07004012912511826, 0.5496605634689331, -0.9272314310073853, -0.17515720427036285, 0.1357213407754898, -0.5931956171989441, 0.5803312659263611, -0.343195378780365, -0.757727861404419, -0.46586182713508606, -0.5261788368225098, 0.33539727330207825, 0.26229915022850037, -0.42578181624412537, 0.6035776734352112, 0.1503961980342865, 0.20811058580875397, -0.5087291598320007, -0.6217437982559204, 0.06967926025390625, 0.1949579119682312, -0.589974045753479, 0.6662487387657166, -0.14489591121673584, 0.03845755383372307, 0.3276386559009552, 0.026588713750243187, 0.030894624069333076, -0.07060639560222626, 0.6469947099685669, 0.0937127098441124, -0.09877762943506241, 0.2676399052143097, -0.10822520405054092, -0.4858633279800415, -0.1347106695175171, -0.27442359924316406, 0.6088046431541443, -0.48201313614845276, -0.5107460021972656, -0.16125336289405823, 0.5452466011047363, 0.49923694133758545, -0.22679486870765686, 0.6069349050521851, 0.6451672911643982, -0.3110849857330322, 0.04619404673576355, -0.4942706823348999, -0.11592120677232742, -0.5297118425369263, 0.48615002632141113, -0.5914772748947144, -0.9575129747390747, 0.4708256721496582, -0.20110684633255005, -0.10668196529150009, 0.47281864285469055, 0.15886124968528748, -0.3444975018501282, 0.8091086149215698, 0.7671782374382019, 0.0055191973224282265, 0.8406561613082886, -0.6064866185188293, 0.04881369695067406, -0.8586935997009277, -0.21777452528476715, -0.8427175283432007, -0.02637752704322338, -0.6996314525604248, -0.6545835733413696, -0.06877196580171585, 0.12496701627969742, -0.49239403009414673, 0.5386560559272766, -0.6661891341209412, 0.40476781129837036, 0.7050010561943054, -0.2630457580089569, -0.06198444962501526, -0.050279129296541214, -0.0967021957039833, -0.011538319289684296, -0.4531885087490082, -0.739526629447937, 1.0857787132263184, 0.4334694743156433, 0.9118990302085876, -0.13850493729114532, 1.2610652446746826, 0.4274754822254181, 0.10697092115879059, -0.8234643936157227, 0.4203689992427826, -0.3609774112701416, -0.8131356835365295, -0.07643517106771469, -0.017757883295416832, -1.1233596801757812, 0.02652689442038536, 0.03924000635743141, -0.7424872517585754, 0.5178729295730591, 0.013150738552212715, -0.0005964104784652591, 0.2941417098045349, -0.7929868698120117, 0.8105455040931702, 0.12386838346719742, -0.2048288732767105, -0.3608337640762329, -0.13158006966114044, -0.22335651516914368, -0.13041210174560547, 0.18539150059223175, 0.13625362515449524, -0.048019591718912125, 0.8556687235832214, -0.38861653208732605, 0.7103742361068726, -0.3599218428134918, 0.13874635100364685, 0.12154357135295868, 0.13592393696308136, 0.5827214121818542, 0.02957417443394661, -0.255595862865448, -0.13318929076194763, 0.30914604663848877, -0.6084440350532532, -0.4425218999385834, 0.7267029285430908, -0.9365986585617065, -0.42708656191825867, -0.7142764925956726, -0.5336171984672546, -0.09090026468038559, 0.3179188370704651, 0.3232952058315277, 0.1553579866886139, -0.5078322887420654, 0.30879902839660645, 0.37741562724113464, 0.28618478775024414, 0.4309616684913635, 0.5030282735824585, -0.13651765882968903, -0.3474048376083374, 0.8957083821296692, 0.07290526479482651, -0.17533649504184723, 0.6761376261711121, -0.04562997445464134, 0.006755506154149771, -0.48610392212867737, 0.06399629265069962, 0.4655129313468933, -0.9421759247779846, 0.00707509508356452, -0.7707876563072205, -0.4650326371192932, -0.7452857494354248, -0.5298546552658081, -0.5073668956756592, -0.30469879508018494, -0.3295389413833618, -0.4531726837158203, 0.42521166801452637, 0.8490688800811768, -0.3352568447589874, 0.4897887408733368, -0.5059729218482971, -0.031135661527514458, 0.13377898931503296, 0.35632768273353577, -0.11104606837034225, -0.4738871455192566, -0.6138542294502258, -0.5220458507537842, -0.3902810215950012, -0.9390989542007446, 0.17509925365447998, 0.3709268867969513, 0.6880829334259033, 0.6141430139541626, -0.12326744943857193, 0.35160449147224426, -0.3178824186325073, 0.45671647787094116, 0.00932303536683321, -0.9163979887962341, 0.8366760611534119, -0.5567643046379089, 0.20590761303901672, 0.8997313380241394, 0.6504728198051453, -0.2506614625453949, -0.7399868369102478, -0.782811164855957, -0.8574686050415039, 0.7765495181083679, 0.028858786448836327, 0.2853281497955322, -0.18193699419498444, 0.15012691915035248, -0.011763036251068115, -0.19039466977119446, -0.6591184735298157, -0.10489720851182938, -0.6263530254364014, -0.08819060772657394, -0.27949991822242737, -0.5540995597839355, -0.10640667378902435, -0.18221691250801086, 0.6567780375480652, -0.271244615316391, 0.35207560658454895, 0.20602284371852875, -0.32737672328948975, -0.10031138360500336, 0.11872773617506027, 0.35899943113327026, 0.847969114780426, -1.011252760887146, 0.4456407129764557, -0.4173104465007782, -0.8490752577781677, -0.11225937306880951, 0.6053720116615295, -0.15408381819725037, 0.3362415134906769, 0.570307195186615, 0.641169011592865, 0.47541895508766174, -0.3220200836658478, 0.34528854489326477, 0.0736333504319191, -0.45148947834968567, -0.6950896978378296, -0.1812557727098465, 0.3119322657585144, 0.21794697642326355, 0.8611693382263184, 0.1349344253540039, 0.021777937188744545, -0.4439102113246918, 0.26673996448516846, 0.1495659500360489, -0.5437483787536621, -0.4627877473831177, 0.6591172814369202, 0.3151131272315979, -0.34368035197257996, 0.03301838040351868, -0.369471937417984, -0.4357617497444153, 0.5527876019477844, 0.6925534605979919, 0.9246228337287903, -0.2737842798233032, 0.5368015170097351, 0.5220938920974731, 0.42661750316619873, 0.2757498025894165, 0.27702534198760986, -0.1431867778301239, -0.7336145043373108, -0.1189817488193512, -0.40738213062286377, -0.5958861708641052, -0.08618229627609253, -0.6387059092521667, 0.23663121461868286, -0.8020371794700623, -0.298678457736969, 0.4411640763282776, 0.3379817008972168, -0.8074169754981995, -0.1499432921409607, 0.08385065943002701, 1.2464133501052856, -0.8999506235122681, 1.131536602973938, 1.113392949104309, -0.9773749113082886, -0.7378689050674438, 0.06870471686124802, -0.311977356672287, -0.4380342364311218, 0.8459809422492981, 0.07618658244609833, -0.30927395820617676, 0.33655208349227905, -0.4366540014743805, -1.0815327167510986, 1.1519213914871216, 0.6740830540657043, -0.38829463720321655, -0.2232348471879959, -0.22766727209091187, 0.6493745446205139, -0.3639133870601654, 0.8177401423454285, 0.039322953671216965, 0.6154097318649292, 0.1090567484498024, -0.6299813985824585, 0.1481638252735138, -0.6567289233207703, 0.16297076642513275, 0.1110382080078125, -0.724523663520813, 0.9806841611862183, 0.24350641667842865, -0.2735474705696106, -0.11008244007825851, 0.5630525946617126, 0.20222657918930054, 0.2650958299636841, 0.3996495306491852, 0.5141429901123047, 0.9859275817871094, 0.1197383850812912, 1.0482888221740723, -0.48496630787849426, 0.4695761203765869, 1.4125710725784302, -0.30966562032699585, 0.788249135017395, 0.6238959431648254, -0.2576236128807068, 1.1501508951187134, 0.8071557283401489, -0.3766618072986603, 0.61898273229599, -0.08069242537021637, -0.09249785542488098, -0.23793643712997437, -0.12974457442760468, -0.6951152682304382, 0.26972466707229614, 0.3363049030303955, -0.7414126396179199, -0.4111059308052063, -0.08720312267541885, -0.017657460644841194, 0.31723394989967346, 0.15251290798187256, 0.4760892987251282, 0.05743006616830826, -0.33518990874290466, 0.6323087215423584, -0.21422745287418365, 0.7346678376197815, -0.8850542306900024, 0.13210268318653107, -0.24034765362739563, 0.12363114207983017, -0.4099530875682831, -0.4978715479373932, 0.3096557855606079, -0.010391448624432087, -0.5192952752113342, -0.2964371144771576, 0.8709676265716553, 0.009307713247835636, -0.5103096961975098, 0.9030529856681824, 0.4658801555633545, 0.43948546051979065, 0.05000381916761398, -0.5731772780418396, -0.11825630068778992, -0.48050567507743835, -0.34282320737838745, 0.2621259093284607, 0.12977837026119232, -0.03590800613164902, 0.5014898777008057, 0.5589175224304199, -0.1207185834646225, -0.156235471367836, 0.5367804169654846, 0.9006776809692383, -0.5972472429275513, -0.5694637298583984, -0.42219215631484985, 0.21563471853733063, -0.11893503367900848, -0.125496968626976, 0.8448563814163208, 0.9984066486358643, 0.7827563285827637, -0.14869424700737, 0.8189220428466797, -0.27591565251350403, 0.5754464268684387, 0.047597840428352356, 0.8479742407798767, -0.4259032905101776, -0.0928255245089531, -0.49301677942276, -0.970805823802948, -0.1353057622909546, 0.47320130467414856, -0.3401370346546173, 0.12070485949516296, 1.1301621198654175, 0.9625131487846375, -0.3631824851036072, -0.2640995979309082, 0.2814657986164093, -0.010604700073599815, 0.29724955558776855, 0.4108281135559082, 0.8816987872123718, -0.48365315794944763, 0.909869372844696, -0.02153056673705578, -0.14134123921394348, -0.37418732047080994, -0.8190722465515137, -0.9162180423736572, -1.097163438796997, -0.31714820861816406, -0.3695977032184601, 0.24275952577590942, 0.7347400784492493, 1.2199763059616089, -0.8670951724052429, -0.18108467757701874, -0.36314821243286133, 0.017117630690336227, 0.12491762638092041, -0.19626334309577942, 0.6624372005462646, -0.4539986848831177, -0.9287280440330505, 0.6144081354141235, -0.05786055698990822, -0.033081185072660446, -0.3264443576335907, -0.20077866315841675, -0.6128541231155396, -0.07429563999176025, 0.09604468196630478, 0.4428514540195465, -0.4099319875240326, -0.5020574331283569, -0.15002818405628204, -0.3341441750526428, 0.07144894450902939, 0.9190061688423157, -0.8630677461624146, 0.3782306909561157, 0.5744306445121765, 0.3929308354854584, 1.0560386180877686, -0.18144117295742035, 0.444681316614151, -0.8048126101493835, 0.3550781011581421, 0.24794377386569977, 0.4819454252719879, 0.42724668979644775, -0.36885949969291687, 0.7509316205978394, 0.16195422410964966, -0.4645807445049286, -0.8584890961647034, 0.04639911651611328, -1.11077880859375, -0.3516201078891754, 0.8485143780708313, -0.30200788378715515, -0.13448624312877655, -0.05582885816693306, -0.15916551649570465, 0.6144311428070068, -0.7451016306877136, 0.4894576668739319, 0.452514111995697, 0.25270381569862366, -0.2581228017807007, -0.27075809240341187, 0.3937162160873413, 0.3049473166465759, -0.6597532629966736, -0.3736605942249298, 0.200203999876976, 0.3184799253940582, 0.9016345143318176, 0.7161838412284851, 0.013323904946446419, 0.30416831374168396, 0.469559907913208, 0.40200817584991455, -0.398592472076416, -0.2066199630498886, -0.04292749986052513, 0.29256489872932434, 0.3506886959075928, -0.38174089789390564 ]
lanwuwei/GigaBERT-v3-Arabic-and-English
lanwuwei
2023-01-08T00:59:27Z
10,045
1
transformers
[ "transformers", "pytorch", "jax", "bert", "feature-extraction", "en", "ar", "multilingual", "dataset:gigaword", "dataset:oscar", "dataset:wikipedia", "endpoints_compatible", "region:us" ]
feature-extraction
2022-03-02T23:29:05Z
--- language: - en - ar - multilingual datasets: - gigaword - oscar - wikipedia --- ## GigaBERT-v3 GigaBERT-v3 is a customized bilingual BERT for English and Arabic. It was pre-trained in a large-scale corpus (Gigaword+Oscar+Wikipedia) with ~10B tokens, showing state-of-the-art zero-shot transfer performance from English to Arabic on information extraction (IE) tasks. More details can be found in the following paper: @inproceedings{lan2020gigabert, author = {Lan, Wuwei and Chen, Yang and Xu, Wei and Ritter, Alan}, title = {An Empirical Study of Pre-trained Transformers for Arabic Information Extraction}, booktitle = {Proceedings of The 2020 Conference on Empirical Methods on Natural Language Processing (EMNLP)}, year = {2020} } ## Usage ``` from transformers import * tokenizer = BertTokenizer.from_pretrained("lanwuwei/GigaBERT-v3-Arabic-and-English", do_lower_case=True) model = BertForTokenClassification.from_pretrained("lanwuwei/GigaBERT-v3-Arabic-and-English") ``` More code examples can be found [here](https://github.com/lanwuwei/GigaBERT).
[ -0.6622840166091919, -0.7035554051399231, 0.1996479034423828, 0.2440464198589325, -0.4121633470058441, 0.1516018956899643, -0.21222038567066193, -0.7111661434173584, 0.29306063055992126, 0.27052173018455505, -0.39084383845329285, -0.5212961435317993, -0.7018909454345703, 0.0688830241560936, -0.4129139184951782, 1.3769112825393677, -0.1567758321762085, 0.27737635374069214, 0.3453613221645355, 0.06047533452510834, -0.10695039480924606, -0.6714654564857483, -0.5111486315727234, -0.14839568734169006, 0.7070932388305664, 0.54377281665802, 0.9653949737548828, 0.35376349091529846, 0.4929533004760742, 0.3229658603668213, 0.19253216683864594, -0.05445042997598648, -0.38051241636276245, -0.43366026878356934, 0.03884391114115715, -0.25325822830200195, -0.4619614779949188, -0.205121248960495, 0.610305905342102, 0.43977466225624084, 0.05606281757354736, 0.2373981475830078, -0.3102364242076874, 0.3464944064617157, -0.5095030069351196, 0.2521287798881531, -0.656718373298645, 0.009574748575687408, -0.3817840814590454, 0.028486760333180428, -0.25589868426322937, -0.40971797704696655, -0.0790390819311142, -0.3266388475894928, 0.45370590686798096, -0.16351281106472015, 1.5086960792541504, -0.16922737658023834, -0.436743825674057, -0.12095477432012558, -0.9355782270431519, 0.8437379002571106, -0.648775041103363, 0.5475766658782959, 0.3905753493309021, 0.6252782344818115, 0.2957570254802704, -1.0354255437850952, -0.9835466742515564, -0.000192766819964163, -0.016840722411870956, 0.31710439920425415, -0.23592759668827057, -0.124941386282444, 0.170805424451828, 0.27404770255088806, -0.38052958250045776, 0.19908063113689423, -0.638115406036377, -0.4649604558944702, 0.6585924625396729, -0.2953466773033142, 0.23458163440227509, -0.08133546262979507, -0.5317037105560303, -0.23505045473575592, -0.741339385509491, -0.22781893610954285, 0.5887640714645386, 0.1766369342803955, -0.16579724848270416, 0.41069847345352173, 0.23162248730659485, 0.548546314239502, 0.014801832847297192, -0.12799271941184998, 0.676592230796814, -0.2352350503206253, 0.0036304446402937174, 0.10865981876850128, 0.878588855266571, -0.005549905821681023, 0.3437413275241852, -0.28832656145095825, -0.36316055059432983, -0.4595146179199219, 0.36449047923088074, -1.140714406967163, -0.025818316265940666, 0.22837930917739868, -0.3862885534763336, 0.024392331019043922, 0.22526279091835022, -0.5263980031013489, 0.16226288676261902, -0.14427781105041504, 0.7846707105636597, -0.6893267035484314, -0.29684650897979736, 0.002029196359217167, -0.09400367736816406, 0.5445811748504639, 0.3215373754501343, -1.2886230945587158, -0.07697302848100662, 0.6241946220397949, 0.7512179613113403, -0.09873036295175552, -0.5457891821861267, -0.29390308260917664, 0.27063632011413574, -0.22678518295288086, 0.7904865145683289, -0.2151791751384735, -0.44375064969062805, 0.3831961750984192, -0.027986997738480568, -0.02871512621641159, -0.5124287605285645, 0.9612265229225159, -1.0394742488861084, 0.21627505123615265, -0.22046945989131927, -0.43096739053726196, -0.4785315692424774, 0.011644424870610237, -0.8650677800178528, 1.024067997932434, 0.40112707018852234, -0.7104695439338684, 0.3390653431415558, -0.851763129234314, -0.5389602184295654, 0.3730153739452362, -0.27475711703300476, -0.39575445652008057, -0.09733349829912186, 0.44960203766822815, 0.35898205637931824, -0.2076600044965744, 0.08150509744882584, -0.0156555138528347, -0.55637127161026, 0.13942623138427734, -0.5488159656524658, 0.9664838314056396, 0.2567283511161804, -0.4871244430541992, 0.04880249500274658, -0.7729397416114807, 0.06376620382070541, -0.10352341085672379, -0.37014925479888916, 0.40014299750328064, -0.11689583212137222, 0.5732706785202026, 0.22040852904319763, 0.6206521987915039, -0.7525238990783691, 0.19332928955554962, -0.21413347125053406, 0.10388840734958649, 0.7426021695137024, -0.40023988485336304, 0.12504325807094574, -0.3331739604473114, 0.4721107482910156, -0.006038994062691927, 0.03605736047029495, 0.09537751227617264, -0.3146337866783142, -0.9579254984855652, -0.6655074954032898, 0.5804875493049622, 0.7169145941734314, -1.0311681032180786, 0.6384021043777466, -0.6495460271835327, -0.7026317715644836, -0.7027608156204224, 0.21986234188079834, 0.1135362908244133, 0.1716892570257187, 0.5681282877922058, -0.1738082468509674, -0.6616310477256775, -1.182959794998169, -0.18382656574249268, -0.3513113558292389, -0.14959390461444855, 0.2083592414855957, 0.5409325957298279, -0.6828490495681763, 0.9383457899093628, -0.1950739026069641, -0.25332844257354736, -0.5989212989807129, 0.5211216807365417, 0.6527740359306335, 0.4169805347919464, 0.757391095161438, -0.8964288830757141, -0.7107622623443604, 0.3299115002155304, -0.4383692741394043, -0.15836574137210846, -0.09223264455795288, -0.37297701835632324, 0.3741801381111145, 0.2598492503166199, -0.7837329506874084, 0.317295104265213, 0.5972417593002319, -0.10522410273551941, 0.747641384601593, 0.0100743118673563, 0.02074512094259262, -1.102609634399414, 0.22637136280536652, -0.5203127861022949, -0.2232898324728012, -0.6574295163154602, -0.04941148683428764, 0.21629314124584198, 0.2604042589664459, -0.5456074476242065, 0.48580965399742126, -0.21304018795490265, -0.06729516386985779, -0.0839463472366333, -0.13354532420635223, -0.28871697187423706, 0.5361965894699097, 0.057767774909734726, 1.247642159461975, 0.30078887939453125, -0.42743951082229614, 0.5747089982032776, 0.392059326171875, -0.5055286884307861, 0.158503457903862, -0.7315144538879395, 0.4309774935245514, 0.06450668722391129, -0.08872170746326447, -0.9453320503234863, -0.15363161265850067, 0.054103173315525055, -0.551325798034668, 0.4437597990036011, 0.007513159886002541, -0.8450958728790283, -0.45639118552207947, -0.34873902797698975, 0.2114078849554062, 0.6485323905944824, -0.8581622838973999, 0.7048722505569458, 0.08046511560678482, -0.3714038133621216, -0.5761995315551758, -0.6926975846290588, 0.05107245221734047, -0.009628787636756897, -0.6478861570358276, 0.5083547234535217, -0.13597147166728973, 0.08452441543340683, -0.16523030400276184, 0.09381308406591415, -0.4638292193412781, -0.03520142287015915, -0.006697723641991615, 0.6038951277732849, -0.29285600781440735, 0.13413859903812408, -0.09378407895565033, -0.06533972918987274, 0.10712778568267822, -0.12908223271369934, 0.6810488700866699, -0.38746604323387146, -0.4168727695941925, -0.22207395732402802, 0.4193115830421448, 0.3079027831554413, -0.10246790945529938, 0.9628922343254089, 1.4780938625335693, -0.02886054664850235, 0.24187588691711426, -0.7156575322151184, 0.0510101318359375, -0.5559332966804504, 0.5523722767829895, -0.325215607881546, -0.9408188462257385, 0.38527578115463257, 0.2433529645204544, 0.2904016077518463, 0.8253230452537537, 0.8687894940376282, -0.13939723372459412, 1.0564141273498535, 0.636894702911377, -0.36566102504730225, 0.5463814735412598, -0.3654107451438904, 0.341142863035202, -0.5840968489646912, -0.03635827824473381, -0.5440695285797119, -0.24022240936756134, -0.6419520378112793, -0.2620945870876312, 0.2146584689617157, 0.12243279814720154, -0.3595614731311798, 0.36857014894485474, 0.10467998683452606, 0.3672262728214264, 0.6428504586219788, -0.23830203711986542, -0.10359559208154678, 0.45284193754196167, 0.026503171771764755, -0.1194014698266983, -0.6167119741439819, -0.6201564073562622, 1.0486398935317993, 0.11921361088752747, 0.39001569151878357, 0.7518395185470581, 0.7844598889350891, 0.4149016737937927, 0.526891827583313, -0.9015973210334778, 0.5670802593231201, 0.05644279345870018, -0.9557074308395386, -0.1730121374130249, -0.3283645212650299, -1.25734543800354, 0.3359665870666504, -0.10603692382574081, -0.9561082720756531, -0.08888649940490723, -0.09696105867624283, -0.1741126924753189, 0.27650871872901917, -0.783121645450592, 0.7195921540260315, -0.3931823670864105, -0.43467772006988525, -0.09352195262908936, -0.6368815302848816, 0.0448271743953228, -0.41335201263427734, 0.2661159336566925, 0.07914000004529953, 0.0554037019610405, 0.8594942688941956, -0.3941391408443451, 0.5536642074584961, -0.08556945621967316, -0.2675459086894989, 0.15226536989212036, -0.16723589599132538, 0.5142878293991089, -0.0961928442120552, -0.04824827238917351, 0.6386667490005493, -0.1047106608748436, -0.6152402758598328, -0.33682361245155334, 0.47322800755500793, -1.2101054191589355, -0.7270229458808899, -0.3797900974750519, -0.5415923595428467, -0.24209977686405182, 0.5047414898872375, 0.32411444187164307, 0.14256343245506287, -0.1816413700580597, 0.336690217256546, 0.21236008405685425, -0.13532166182994843, 0.7771222591400146, 0.6967852115631104, -0.501950204372406, -0.5086619257926941, 1.0234085321426392, 0.1665625274181366, 0.05573199316859245, 0.3936452269554138, -0.16514573991298676, -0.18921123445034027, -0.517950713634491, -0.7219458222389221, 0.2957494556903839, -0.6856435537338257, -0.17104394733905792, -0.5519868731498718, -0.6677359938621521, -0.4792366623878479, -0.14647214114665985, -0.19743357598781586, -0.2819150388240814, -0.3759458065032959, -0.26469141244888306, 0.2229168564081192, 0.4689287543296814, -0.28155118227005005, 0.6689792275428772, -1.181443691253662, 0.3958559036254883, 0.48544982075691223, 0.022342607378959656, -0.3436855971813202, -0.7052844166755676, -0.7050694227218628, 0.08548493683338165, -0.41289758682250977, -0.8736919164657593, 0.6217086911201477, 0.2181844264268875, 0.6333521604537964, 0.7149428725242615, -0.5106238722801208, 0.7080825567245483, -0.6109063029289246, 1.0571218729019165, 0.12505537271499634, -1.032328486442566, 0.045784562826156616, -0.3245472013950348, 0.33630654215812683, 0.4744335114955902, 0.7342746257781982, -0.38912928104400635, 0.05002368614077568, -0.8638070821762085, -1.0141431093215942, 0.9063365459442139, 0.4266246557235718, 0.30587321519851685, 0.0009855824755504727, -0.19448387622833252, 0.43194153904914856, 0.29151013493537903, -0.6684113144874573, -0.4245899021625519, -0.24774760007858276, -0.2289418876171112, -0.3697225749492645, -0.5110005736351013, -0.040980562567710876, -0.520408570766449, 0.932988703250885, 0.07121042907238007, 0.6595457792282104, 0.06596212089061737, -0.4954334795475006, 0.24238193035125732, 0.37683501839637756, 0.5726814866065979, 0.6789537072181702, -0.46947985887527466, 0.11147383600473404, 0.30223914980888367, -0.9325360655784607, -0.10000072419643402, 0.6025789380073547, -0.1835447996854782, 0.48160460591316223, 0.7856290936470032, 0.8362589478492737, 0.06500127911567688, -0.5109097361564636, 0.6298273205757141, 0.10628654807806015, -0.3195800185203552, -0.6106401681900024, -0.13700082898139954, -0.05305618420243263, 0.21369239687919617, 0.6389941573143005, -0.19264745712280273, 0.1495179831981659, -0.4556104242801666, 0.05602142959833145, 0.32412296533584595, -0.27159368991851807, -0.5097998380661011, 0.3056163787841797, 0.31558388471603394, -0.37406259775161743, 0.6419472694396973, -0.2050631195306778, -0.8715267181396484, 0.517095148563385, 0.7469325065612793, 0.9364461302757263, -0.19589190185070038, 0.38678181171417236, 0.35832005739212036, 0.5096001625061035, 0.3885398805141449, 0.643244743347168, -0.35498467087745667, -1.043614149093628, -0.3411409854888916, -0.5822470188140869, -0.29193252325057983, 0.20626544952392578, -0.6794449090957642, 0.12349507212638855, -0.2112632840871811, -0.16304853558540344, 0.1604950875043869, 0.04684741422533989, -1.0302773714065552, -0.07415615022182465, 0.2571888566017151, 0.855867862701416, -0.5806406736373901, 1.1019047498703003, 0.7835683822631836, -0.3704601526260376, -0.8446280360221863, -0.15604455769062042, -0.33192774653434753, -1.0491875410079956, 0.997089684009552, 0.285919725894928, -0.22321349382400513, 0.20768094062805176, -0.5915656685829163, -1.0487685203552246, 1.0040942430496216, 0.4377831816673279, -0.39093759655952454, 0.3651413321495056, 0.3570272624492645, 0.4305133819580078, -0.14128141105175018, 0.6223267912864685, 0.6287060379981995, 0.5966418981552124, 0.17512400448322296, -0.9528204798698425, -0.5234176516532898, -0.3947799503803253, -0.07717718929052353, 0.2438482642173767, -0.6149324774742126, 1.1006507873535156, -0.12205909192562103, -0.3399541676044464, 0.03147978335618973, 0.8464242815971375, -0.1594076007604599, -0.18993808329105377, 0.4050828218460083, 0.4018898606300354, 0.5301969051361084, -0.16937625408172607, 0.961633026599884, -0.41352227330207825, 0.3462401032447815, 0.9648895859718323, -0.23075638711452484, 0.9747747182846069, 0.5802276134490967, -0.5150094628334045, 0.9605429768562317, 0.3555021286010742, -0.10839035362005234, 0.49177971482276917, -0.28607815504074097, -0.37597501277923584, -0.10992725193500519, -0.003197289537638426, -0.6530131697654724, 0.5522274374961853, 0.2588467299938202, -0.4114021360874176, -0.20676052570343018, -0.24754822254180908, 0.44687920808792114, -0.6546556353569031, -0.17602412402629852, 0.7057267427444458, -0.4258224070072174, -0.4924144148826599, 0.781158447265625, 0.11324571818113327, 0.5095946788787842, -0.9856160283088684, -0.03434721380472183, -0.2625965178012848, 0.26085108518600464, -0.07454042136669159, -0.6405271291732788, 0.00979328341782093, 0.09222672879695892, 0.08945373445749283, -0.11306849122047424, 0.6720041036605835, -0.3665751814842224, -0.7638644576072693, 0.18228618800640106, 0.5089484453201294, 0.3891361951828003, 0.26523011922836304, -0.5673604607582092, 0.019554466009140015, 0.24703049659729004, -0.3072448670864105, 0.048609308898448944, 0.3869805335998535, 0.26329150795936584, 0.18871718645095825, 0.8254607319831848, 0.23400984704494476, 0.05724763870239258, 0.2931322157382965, 0.7278978228569031, -0.7620449066162109, -0.3534805476665497, -0.9437761902809143, 0.21785646677017212, -0.2842327952384949, -0.3222883641719818, 1.0836334228515625, 0.7222052216529846, 1.0051733255386353, -0.39235079288482666, 0.8402999043464661, -0.09924130141735077, 0.28700777888298035, -0.4726620018482208, 0.5895705223083496, -0.36724549531936646, 0.04282282665371895, -0.08728959411382675, -1.0131629705429077, -0.03928830474615097, 0.7604910731315613, -0.13777564465999603, 0.2840370237827301, 0.7345007658004761, 0.7691662907600403, 0.06737231463193893, 0.035875704139471054, 0.4126585125923157, 0.32550162076950073, 0.379267156124115, 0.5230119228363037, 0.7488782405853271, -0.37295451760292053, 0.6011711359024048, -0.21549876034259796, -0.03213615342974663, -0.4269837737083435, -0.7268935441970825, -0.8979650735855103, -0.39743924140930176, 0.03267348185181618, -0.14906838536262512, -0.07215865701436996, 0.9380906820297241, 0.6240014433860779, -0.7953281402587891, -0.3896041512489319, 0.14530035853385925, -0.05765771493315697, -0.17242233455181122, -0.16970191895961761, 0.5407679677009583, -0.23068970441818237, -0.7878203392028809, 0.05854644998908043, 0.11703823506832123, 0.21057552099227905, -0.1442619413137436, 0.0282759889960289, -0.368542343378067, 0.19506768882274628, 0.5780537724494934, 0.27149665355682373, -0.5656051635742188, -0.5134368538856506, -0.36585313081741333, -0.2090587019920349, 0.20042359828948975, 0.4530687630176544, -0.7339008450508118, 0.2935335636138916, 0.2714150547981262, 0.65654456615448, 0.7765825390815735, -0.20614074170589447, 0.38483884930610657, -0.7129481434822083, 0.3309100866317749, 0.14152000844478607, 0.4088595509529114, 0.38495302200317383, -0.1391160488128662, 0.46775510907173157, 0.09566023200750351, -0.47035685181617737, -0.4406139552593231, 0.20873390138149261, -0.9463356137275696, 0.042695123702287674, 1.340943694114685, -0.1291404366493225, -0.17788252234458923, -0.10843449831008911, -0.6217078566551208, 0.3482617735862732, -0.35353055596351624, 0.8424902558326721, 1.012937068939209, 0.2618633508682251, 0.05560984089970589, -0.6360123753547668, 0.21668721735477448, 0.587376594543457, -0.858595609664917, -0.4846632778644562, 0.35440585017204285, -0.04268551990389824, 0.3794628083705902, 0.3880228102207184, 0.08594221621751785, 0.504172682762146, 0.024858301505446434, 0.502540111541748, -0.03597329184412956, -0.11998828500509262, -0.08894535899162292, 0.003075247397646308, 0.032880257815122604, -0.22544626891613007 ]
nvidia/segformer-b3-finetuned-ade-512-512
nvidia
2022-08-06T10:29:16Z
10,017
6
transformers
[ "transformers", "pytorch", "tf", "segformer", "vision", "image-segmentation", "dataset:scene_parse_150", "arxiv:2105.15203", "license:other", "endpoints_compatible", "has_space", "region:us" ]
image-segmentation
2022-03-02T23:29:05Z
--- license: other tags: - vision - image-segmentation datasets: - scene_parse_150 widget: - src: https://huggingface.co/datasets/hf-internal-testing/fixtures_ade20k/resolve/main/ADE_val_00000001.jpg example_title: House - src: https://huggingface.co/datasets/hf-internal-testing/fixtures_ade20k/resolve/main/ADE_val_00000002.jpg example_title: Castle --- # SegFormer (b3-sized) model fine-tuned on ADE20k SegFormer model fine-tuned on ADE20k at resolution 512x512. It was introduced in the paper [SegFormer: Simple and Efficient Design for Semantic Segmentation with Transformers](https://arxiv.org/abs/2105.15203) by Xie et al. and first released in [this repository](https://github.com/NVlabs/SegFormer). Disclaimer: The team releasing SegFormer did not write a model card for this model so this model card has been written by the Hugging Face team. ## Model description SegFormer consists of a hierarchical Transformer encoder and a lightweight all-MLP decode head to achieve great results on semantic segmentation benchmarks such as ADE20K and Cityscapes. The hierarchical Transformer is first pre-trained on ImageNet-1k, after which a decode head is added and fine-tuned altogether on a downstream dataset. ## Intended uses & limitations You can use the raw model for semantic segmentation. See the [model hub](https://huggingface.co/models?other=segformer) to look for fine-tuned versions on a task that interests you. ### How to use Here is how to use this model to classify an image of the COCO 2017 dataset into one of the 1,000 ImageNet classes: ```python from transformers import SegformerFeatureExtractor, SegformerForSemanticSegmentation from PIL import Image import requests feature_extractor = SegformerFeatureExtractor.from_pretrained("nvidia/segformer-b3-finetuned-ade-512-512") model = SegformerForSemanticSegmentation.from_pretrained("nvidia/segformer-b3-finetuned-ade-512-512") url = "http://images.cocodataset.org/val2017/000000039769.jpg" image = Image.open(requests.get(url, stream=True).raw) inputs = feature_extractor(images=image, return_tensors="pt") outputs = model(**inputs) logits = outputs.logits # shape (batch_size, num_labels, height/4, width/4) ``` For more code examples, we refer to the [documentation](https://huggingface.co/transformers/model_doc/segformer.html#). ### License The license for this model can be found [here](https://github.com/NVlabs/SegFormer/blob/master/LICENSE). ### BibTeX entry and citation info ```bibtex @article{DBLP:journals/corr/abs-2105-15203, author = {Enze Xie and Wenhai Wang and Zhiding Yu and Anima Anandkumar and Jose M. Alvarez and Ping Luo}, title = {SegFormer: Simple and Efficient Design for Semantic Segmentation with Transformers}, journal = {CoRR}, volume = {abs/2105.15203}, year = {2021}, url = {https://arxiv.org/abs/2105.15203}, eprinttype = {arXiv}, eprint = {2105.15203}, timestamp = {Wed, 02 Jun 2021 11:46:42 +0200}, biburl = {https://dblp.org/rec/journals/corr/abs-2105-15203.bib}, bibsource = {dblp computer science bibliography, https://dblp.org} } ```
[ -0.8795965909957886, -0.7275334000587463, 0.1859193742275238, 0.21978938579559326, -0.3148367702960968, -0.3632959723472595, 0.005435698665678501, -0.6940935850143433, 0.28349998593330383, 0.5766459703445435, -0.8531211018562317, -0.5760818123817444, -0.7482670545578003, 0.10918472707271576, -0.30778130888938904, 0.8059650659561157, 0.04768405109643936, -0.1290367990732193, -0.2958177328109741, -0.3559514284133911, -0.024717681109905243, -0.28672516345977783, -0.6289777159690857, -0.3486284911632538, 0.37340620160102844, 0.22350960969924927, 0.5911341309547424, 0.8105114102363586, 0.6773451566696167, 0.4601426124572754, -0.45178085565567017, 0.14919446408748627, -0.29648369550704956, -0.19718217849731445, 0.045239850878715515, -0.09539488703012466, -0.44777238368988037, -0.0032752640545368195, 0.37609216570854187, 0.6253359913825989, 0.08763536810874939, 0.34322482347488403, -0.018686093389987946, 0.45617038011550903, -0.45078080892562866, 0.10556847602128983, -0.49005937576293945, 0.140879288315773, 0.038912415504455566, 0.0055877272970974445, -0.27499788999557495, -0.19437727332115173, 0.21106870472431183, -0.5099590420722961, 0.7443299293518066, 0.048556577414274216, 1.5384982824325562, 0.4025207459926605, -0.36417993903160095, -0.05576195567846298, -0.4767257869243622, 0.8031941056251526, -0.650639533996582, 0.5222448110580444, -0.08549762517213821, 0.3422604203224182, 0.1455313265323639, -0.9893956184387207, -0.4674612581729889, 0.1746186465024948, -0.2106342613697052, -0.07490850239992142, -0.3700840473175049, 0.05234012380242348, 0.474342942237854, 0.5688994526863098, -0.44198837876319885, 0.07723201811313629, -0.7183582186698914, -0.42038974165916443, 0.7127093076705933, 0.0633646696805954, 0.27604374289512634, -0.35240089893341064, -0.7821272015571594, -0.45213639736175537, -0.32902857661247253, 0.11713036894798279, 0.25715821981430054, 0.0189548060297966, -0.29003316164016724, 0.4661126136779785, -0.040208809077739716, 0.7580918073654175, 0.4370385706424713, -0.129113107919693, 0.519364595413208, -0.1454373449087143, -0.322622686624527, 0.033617906272411346, 0.9218215346336365, 0.44968003034591675, -0.00937102921307087, 0.07991919666528702, -0.09701688587665558, 0.1008724495768547, 0.3159956932067871, -1.3095576763153076, -0.22645318508148193, 0.09040200710296631, -0.5350301861763, -0.29607656598091125, 0.19509391486644745, -0.7828906774520874, -0.07375805824995041, -0.1729903370141983, 0.4858607351779938, -0.3325747847557068, -0.07532408088445663, 0.11600006371736526, -0.11394846439361572, 0.7518194913864136, 0.261985719203949, -0.8470094203948975, 0.22670899331569672, 0.5353431105613708, 0.8047126531600952, -0.24229580163955688, -0.1295202374458313, -0.13006886839866638, -0.06146550551056862, -0.1611638069152832, 0.8776631951332092, -0.24699275195598602, -0.3258912265300751, -0.30087095499038696, 0.6217153668403625, -0.2597149610519409, -0.645642101764679, 0.7612025737762451, -0.5356289148330688, 0.21618202328681946, -0.015673991292715073, -0.3822912275791168, -0.609786868095398, 0.28706297278404236, -0.6639763116836548, 0.9191176891326904, 0.2552284300327301, -0.7926641702651978, 0.4892314672470093, -0.5946946740150452, -0.26856133341789246, -0.050491463392972946, 0.06465074419975281, -0.9108059406280518, 0.044320523738861084, 0.4792819023132324, 0.5041635036468506, -0.20460160076618195, 0.16191640496253967, -0.5868134498596191, -0.17383137345314026, -0.013373460620641708, -0.19698621332645416, 0.9969678521156311, 0.3212786912918091, -0.33320364356040955, 0.44635796546936035, -0.6942867636680603, -0.007789058145135641, 0.4782615900039673, 0.0480445921421051, 0.01303933933377266, -0.3441593647003174, 0.24004946649074554, 0.41346919536590576, 0.23538385331630707, -0.6904171109199524, 0.02773698978126049, -0.3366018831729889, 0.42004162073135376, 0.6430870890617371, 0.1319998800754547, 0.46565261483192444, -0.12025056779384613, 0.31648698449134827, 0.173839271068573, 0.4456040561199188, -0.11614585667848587, -0.23565223813056946, -1.1276180744171143, -0.44278424978256226, 0.22602449357509613, 0.13667349517345428, -0.40911054611206055, 0.6326150894165039, -0.21774941682815552, -0.6415433287620544, -0.5085620880126953, 0.0069375853054225445, 0.046919085085392, 0.4900446832180023, 0.5356959700584412, -0.4078594148159027, -0.7350702881813049, -1.1851683855056763, 0.14449000358581543, 0.2253647893667221, -0.088106669485569, 0.3759635090827942, 0.5772156119346619, -0.6645005345344543, 0.8076694011688232, -0.7891286015510559, -0.3491082787513733, -0.22209501266479492, -0.0624442957341671, 0.3187182545661926, 0.5782442688941956, 0.6408423781394958, -0.8344548940658569, -0.3601171672344208, -0.20941053330898285, -0.5948034524917603, -0.07645691931247711, 0.1456972360610962, -0.3416398763656616, 0.16507509350776672, 0.4288516938686371, -0.5673949718475342, 0.41352567076683044, 0.4662288725376129, -0.5849052667617798, 0.3183425962924957, -0.04505797103047371, -0.022930506616830826, -1.0163286924362183, 0.181910440325737, 0.18855826556682587, -0.25822731852531433, -0.503955066204071, 0.14043927192687988, 0.022566765546798706, -0.16928093135356903, -0.6343636512756348, 0.5684085488319397, -0.34374767541885376, -0.010062250308692455, -0.250610888004303, -0.1578400582075119, 0.1775675266981125, 0.7713050246238708, 0.1711849570274353, 0.3119966983795166, 0.48133397102355957, -0.7075241208076477, 0.21895697712898254, 0.5277194976806641, -0.3734934329986572, 0.5160329937934875, -1.048299789428711, 0.07660721242427826, -0.07973586022853851, 0.11353733390569687, -0.7270962595939636, -0.3659420609474182, 0.3994179666042328, -0.3196532130241394, 0.42058369517326355, -0.2932172119617462, -0.24174204468727112, -0.6054826378822327, -0.23051518201828003, 0.38874438405036926, 0.4987294673919678, -0.8054644465446472, 0.587378740310669, 0.5122215151786804, 0.11382647603750229, -0.25971969962120056, -0.61609947681427, -0.3536076545715332, -0.4133376181125641, -1.054713249206543, 0.6824395656585693, -0.04112459346652031, 0.19837971031665802, 0.03633856400847435, -0.3582305312156677, -0.03795424848794937, -0.05425857752561569, 0.35197362303733826, 0.5122779607772827, -0.12659652531147003, -0.42987629771232605, -0.02160743996500969, -0.405521422624588, 0.1321718543767929, -0.1031360849738121, 0.6378400921821594, -0.3557737469673157, -0.3571817874908447, -0.29546982049942017, -0.010280554182827473, 0.48589152097702026, -0.27858152985572815, 0.48940369486808777, 1.2445335388183594, -0.33381789922714233, -0.05484450235962868, -0.575293779373169, -0.2669139802455902, -0.5642457008361816, 0.32288607954978943, -0.2248472422361374, -1.0899795293807983, 0.5566663146018982, 0.06476684659719467, 0.04306495189666748, 0.9895617365837097, 0.4839636981487274, 0.1449662297964096, 1.2794623374938965, 0.6094762682914734, 0.43866655230522156, 0.5223461985588074, -0.8073210716247559, 0.18932349979877472, -1.0603188276290894, -0.5710064172744751, -0.4112437069416046, -0.4151679575443268, -0.7472022175788879, -0.6775311827659607, 0.4110139310359955, 0.16206637024879456, -0.3892645537853241, 0.5916846990585327, -0.8394084572792053, 0.20722761750221252, 0.4943230450153351, 0.08339043706655502, -0.16657686233520508, 0.07440017908811569, -0.12136998772621155, 0.08384653925895691, -0.7125776410102844, -0.37688735127449036, 0.35360604524612427, 0.5658705234527588, 0.7356213331222534, -0.13684618473052979, 0.5985901951789856, -0.10298341512680054, -0.005689017940312624, -0.9501441121101379, 0.6143999099731445, -0.09306222200393677, -0.7042936086654663, -0.09462565183639526, -0.31892284750938416, -1.0025538206100464, 0.43861207365989685, -0.13802053034305573, -0.8919677734375, 0.6398403644561768, 0.11008870601654053, -0.2647040784358978, 0.30111268162727356, -0.6504766941070557, 1.1961678266525269, -0.1980946660041809, -0.428186297416687, 0.12528741359710693, -0.7098609805107117, 0.2575734257698059, 0.2512308359146118, -0.08100322633981705, -0.4272054135799408, 0.2742513418197632, 0.9577661752700806, -0.6918032765388489, 0.6781567931175232, -0.3353426158428192, 0.2076113373041153, 0.6049584746360779, -0.09600196778774261, 0.361633837223053, 0.03569871187210083, 0.27277347445487976, 0.49345120787620544, 0.23307164013385773, -0.35309311747550964, -0.4251534342765808, 0.6699001789093018, -0.8408761024475098, -0.610258936882019, -0.4180436432361603, -0.2835715115070343, -0.020657142624258995, 0.37128111720085144, 0.4705287516117096, 0.41379135847091675, -0.07921222597360611, 0.4774145483970642, 0.6325034499168396, -0.31835228204727173, 0.5273321270942688, 0.19433002173900604, -0.14489132165908813, -0.43708011507987976, 0.9132606387138367, -0.17765875160694122, 0.02807782217860222, 0.26806890964508057, 0.295305073261261, -0.4872846305370331, -0.25077134370803833, -0.4324488043785095, 0.3039018213748932, -0.6428024768829346, -0.42654237151145935, -0.8818782567977905, -0.5622422099113464, -0.45876017212867737, -0.2754823863506317, -0.48494163155555725, -0.32047030329704285, -0.43410196900367737, 0.004616808146238327, 0.38796135783195496, 0.3942127525806427, -0.1889740228652954, 0.35284608602523804, -0.6976675987243652, 0.2584255039691925, 0.38651537895202637, 0.36909571290016174, -0.04018377885222435, -0.6089069247245789, -0.13247698545455933, -0.011369994841516018, -0.5692252516746521, -0.5379580855369568, 0.5982301831245422, 0.0679905116558075, 0.522590160369873, 0.5703281760215759, -0.12090526521205902, 0.9488210678100586, -0.21823905408382416, 0.6148982048034668, 0.39548954367637634, -0.7951448559761047, 0.3751312494277954, -0.18054096400737762, 0.504787027835846, 0.404874324798584, 0.2825828194618225, -0.5391258597373962, 0.05908261984586716, -0.8435269594192505, -1.1210368871688843, 0.9583147764205933, 0.10619775205850601, -0.010190233588218689, 0.10377755016088486, -0.053916800767183304, 0.014936651103198528, -0.0673588216304779, -0.5839439630508423, -0.34689414501190186, -0.36427032947540283, -0.19877469539642334, -0.041501183062791824, -0.41753140091896057, -0.015868183225393295, -0.5113661289215088, 0.718169093132019, -0.14084000885486603, 0.6687575578689575, 0.2678363621234894, -0.31026363372802734, 0.0001816603180486709, -0.03676431626081467, 0.4360113739967346, 0.3057907521724701, -0.3087311387062073, 0.09714090824127197, 0.18878036737442017, -0.42060768604278564, -0.07515696436166763, 0.39746057987213135, -0.27652794122695923, -0.05556228384375572, 0.33200445771217346, 1.1142621040344238, 0.3150388300418854, -0.26278918981552124, 0.5672716498374939, -0.006098206155002117, -0.5215004682540894, -0.3477417230606079, 0.25288882851600647, -0.006302539259195328, 0.385423868894577, 0.2284347414970398, 0.382301390171051, 0.3210103213787079, 0.013594931922852993, 0.2845856845378876, 0.347728967666626, -0.7271462082862854, -0.35122573375701904, 0.8075300455093384, 0.11145789921283722, -0.012033900246024132, 0.6977351903915405, -0.1207142248749733, -0.6739435791969299, 0.8563644886016846, 0.5292240381240845, 1.0202109813690186, -0.03314213454723358, 0.2506733238697052, 0.7594652771949768, 0.13623401522636414, 0.12905973196029663, -0.12130604684352875, -0.1013256311416626, -0.7581344246864319, -0.34343209862709045, -1.0115470886230469, -0.0037951814010739326, 0.14579227566719055, -0.7112650871276855, 0.5558919310569763, -0.41851580142974854, -0.17133904993534088, 0.23352813720703125, 0.08849810808897018, -1.0461561679840088, 0.25991320610046387, 0.24022811651229858, 0.9648928046226501, -0.6019872426986694, 0.4501795172691345, 0.7754228711128235, -0.2239294946193695, -0.7731664776802063, -0.46069762110710144, -0.0267206821590662, -0.8688943982124329, 0.39286303520202637, 0.5231730341911316, 0.015468351542949677, 0.06484747678041458, -0.682244598865509, -1.0270895957946777, 1.3182551860809326, 0.12050546705722809, -0.27166202664375305, -0.02320754900574684, -0.0064089493826031685, 0.3640296161174774, -0.44306275248527527, 0.35746634006500244, 0.42486825585365295, 0.5293761491775513, 0.7098228335380554, -0.4606199860572815, 0.11410193145275116, -0.3009558916091919, 0.19188947975635529, 0.32821404933929443, -0.8428372740745544, 0.607351541519165, -0.32950928807258606, -0.2540503740310669, -0.12966133654117584, 0.707232654094696, 0.16505587100982666, 0.250221312046051, 0.7081577777862549, 0.7695802450180054, 0.4144914746284485, -0.3385979235172272, 0.845844030380249, -0.21102117002010345, 0.7528218030929565, 0.7539646029472351, 0.24190476536750793, 0.3245248794555664, 0.42874592542648315, -0.11690095067024231, 0.4478108882904053, 0.9332314133644104, -0.5494797229766846, 0.4447372853755951, -0.08220883458852768, 0.1652115136384964, -0.3927234709262848, -0.21996361017227173, -0.4097333550453186, 0.7801612615585327, 0.2719007730484009, -0.5873664617538452, -0.20157620310783386, -0.15734326839447021, -0.014373167417943478, -0.4643937945365906, -0.2008286416530609, 0.658660352230072, 0.126185804605484, -0.34092485904693604, 0.6517413258552551, 0.14415393769741058, 0.6804990768432617, -0.43774908781051636, 0.0241526048630476, -0.09567780047655106, 0.2821933329105377, -0.3473808467388153, -0.4895547032356262, 0.5714910626411438, -0.21465863287448883, -0.0461563766002655, -0.11640795320272446, 0.9460718631744385, -0.2768244743347168, -0.7444356083869934, 0.17931735515594482, 0.14094847440719604, 0.02792755328118801, 0.14971868693828583, -0.9207571148872375, 0.4335542619228363, 0.0604739673435688, -0.45074814558029175, 0.0065423669293522835, 0.1383107602596283, 0.11993918567895889, 0.5107623934745789, 0.5723491907119751, -0.3053593039512634, 0.0033102964516729116, -0.13784563541412354, 0.8875370025634766, -0.7015819549560547, -0.3867124617099762, -0.7286195755004883, 0.5695053935050964, -0.32991763949394226, -0.31248629093170166, 0.7711318135261536, 0.6638996005058289, 1.127385139465332, -0.24641847610473633, 0.28992488980293274, -0.4306069314479828, 0.17515040934085846, -0.24018186330795288, 0.5198588371276855, -0.6745738387107849, -0.08366136252880096, -0.43743082880973816, -1.0951931476593018, -0.36580389738082886, 0.8566150665283203, -0.37033501267433167, 0.27338528633117676, 0.515903890132904, 0.9223614931106567, -0.32512253522872925, -0.00801028497517109, 0.22678692638874054, 0.10076320171356201, 0.2035779058933258, 0.3271516263484955, 0.617030680179596, -0.5387684106826782, 0.5178673267364502, -0.723564088344574, 0.02096773125231266, -0.495168536901474, -0.6174572706222534, -0.854539692401886, -0.5846237540245056, -0.5049651861190796, -0.346692830324173, -0.4185589551925659, 0.8470213413238525, 1.0817437171936035, -0.8682424426078796, -0.06916046142578125, 0.03610117733478546, 0.19080905616283417, -0.19805140793323517, -0.3016629219055176, 0.48387932777404785, -0.021030791103839874, -0.9612448811531067, -0.052531659603118896, 0.2604058086872101, 0.18186645209789276, -0.035628847777843475, -0.2121812254190445, -0.028277313336730003, -0.167020782828331, 0.6651403903961182, 0.27291339635849, -0.6153178215026855, -0.355241984128952, 0.19235467910766602, -0.013392808847129345, 0.22951750457286835, 0.5998502373695374, -0.5005784630775452, 0.36782267689704895, 0.5626366138458252, 0.45139259099960327, 0.9557715058326721, 0.08034241944551468, 0.16345800459384918, -0.4687899351119995, 0.2535093128681183, 0.16515889763832092, 0.48053592443466187, 0.42212405800819397, -0.23237359523773193, 0.5271131992340088, 0.31994491815567017, -0.5096123218536377, -0.5949023962020874, 0.10556061565876007, -1.2271132469177246, -0.12784059345722198, 1.0463600158691406, 0.0441255047917366, -0.618794322013855, 0.2971201241016388, -0.18968942761421204, 0.4000625014305115, -0.19461049139499664, 0.49794143438339233, 0.25715160369873047, -0.1752902716398239, -0.3928614556789398, -0.16379034519195557, 0.37268760800361633, 0.033040329813957214, -0.5178021788597107, -0.5133952498435974, 0.4620520770549774, 0.4384622275829315, 0.283620148897171, 0.16818374395370483, -0.42084482312202454, 0.08537144958972931, 0.13175243139266968, 0.3407302498817444, -0.2583684027194977, -0.2300831377506256, -0.2076835185289383, 0.1477469652891159, -0.15442052483558655, -0.2834496796131134 ]
Yntec/Thriller
Yntec
2023-10-07T03:02:34Z
10,010
2
diffusers
[ "diffusers", "General", "Photo", "Movie", "LandScapes", "MagicArt35", "Lykon", "stable-diffusion", "stable-diffusion-diffusers", "text-to-image", "license:creativeml-openrail-m", "endpoints_compatible", "has_space", "diffusers:StableDiffusionPipeline", "region:us" ]
text-to-image
2023-10-07T01:36:05Z
--- license: creativeml-openrail-m library_name: diffusers pipeline_tag: text-to-image tags: - General - Photo - Movie - LandScapes - MagicArt35 - Lykon - stable-diffusion - stable-diffusion-diffusers - diffusers - text-to-image --- # Thriller A mix of PhotoMovieXFinal and AbsoluteRemix. ![Comparison](https://cdn-uploads.huggingface.co/production/uploads/63239b8370edc53f51cd5d42/DM6FqcBQG3tqqKwPUUE-2.png) (Click for larger) ![Sample](https://cdn-uploads.huggingface.co/production/uploads/63239b8370edc53f51cd5d42/igggiNKvmnfamSBZEjZXS.png) DETAILED CHIBI EYES, cartoon pretty CUTE girl in white shirt, fashion shoes, costume, white skirt, 1940, magazine ad, iconic. A painting of a store with a lot of food, a photorealistic painting by simon stålenhag, featured on cgsociety, photorealism, 2d game art, hyper-realistic, hyper realism Original pages: https://civitai.com/models/94687?modelVersionId=101000 (photoMovieX) https://civitai.com/models/81458?modelVersionId=132760 (AbsoluteReality) https://huggingface.co/Yntec/AbsoluteRemix # Recipe SuperMerger Weight sum MBW 1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,1,1,1,1,1,1,1,1,1,1,1 Model A: AbsoluteRemix Model B: PhotoMovieXFinal Output: Thriller
[ -0.448738694190979, -0.6776437163352966, 0.3493037223815918, 0.37684011459350586, -0.24039573967456818, 0.35530757904052734, 0.4020451307296753, -0.6028335094451904, 0.6353213787078857, 0.39713698625564575, -0.5945268869400024, -0.7073131799697876, -0.46351441740989685, -0.08168443292379379, -0.5077501535415649, 0.6535503268241882, 0.010735111311078072, 0.3401193618774414, 0.05006296560168266, 0.03950876742601395, -0.37257567048072815, -0.4044978618621826, -0.3700591027736664, -0.3239990174770355, 0.4191458225250244, 0.4469089210033417, 1.17001473903656, 0.7016074061393738, 0.5474770069122314, 0.33427003026008606, 0.30795571208000183, -0.3279290199279785, -0.6506856083869934, -0.08055040240287781, -0.4954352378845215, -0.4335136413574219, -0.3076102137565613, 0.31901267170906067, 0.5547828674316406, 0.15415140986442566, -0.014255526475608349, 0.24555723369121552, -0.4075523614883423, 0.4928545355796814, -0.621746838092804, -0.442693293094635, 0.061223335564136505, 0.42557257413864136, 0.3049614429473877, 0.1158372089266777, 0.048129852861166, -0.2848378121852875, -0.2831037640571594, -0.8926751017570496, 0.20047669112682343, 0.1815110296010971, 1.4980396032333374, -0.13914655148983002, -0.4756592810153961, -0.08044953644275665, -1.0640783309936523, 0.7231677174568176, -0.5147495269775391, 0.42512136697769165, -0.10566828399896622, 0.27286869287490845, -0.1713264137506485, -0.6758448481559753, -0.6409662961959839, 0.038757797330617905, 0.24412564933300018, 0.5795236825942993, -0.5864428281784058, -0.29940104484558105, 0.3396901488304138, 0.48305004835128784, -0.6143118143081665, -0.08097849041223526, -0.17702478170394897, 0.07299230992794037, 0.6475417613983154, 0.21820883452892303, 0.46776655316352844, 0.0668720230460167, -0.949118435382843, -0.30373281240463257, -0.42709583044052124, 0.15681926906108856, 0.258176326751709, -0.12440579384565353, -0.6083566546440125, 0.7549422383308411, 0.05980260670185089, 0.5453095436096191, 0.4154264032840729, -0.3774830400943756, 0.10107547044754028, -0.43086424469947815, -0.2084895521402359, -0.12518687546253204, 0.9444091320037842, 1.1127732992172241, 0.050224725157022476, 0.16438190639019012, -0.1541444957256317, 0.44570863246917725, 0.3008604645729065, -1.0472553968429565, -0.31226950883865356, 0.4774993658065796, -0.10222548991441727, -0.5674841403961182, 0.2564849853515625, -0.8740209937095642, -0.3799990713596344, -0.20566408336162567, 0.46838781237602234, -0.45518410205841064, -0.4331357479095459, -0.20332187414169312, -0.4197050631046295, 0.49118638038635254, 0.21900677680969238, -0.14127328991889954, 0.01662471890449524, 0.29895034432411194, 1.0318049192428589, 0.01489709597080946, 0.2296617180109024, 0.06806253641843796, 0.3128397762775421, -0.9589732885360718, 0.8508647084236145, -0.2679595649242401, -0.6118029356002808, 0.045553915202617645, 0.2052198201417923, 0.1793336421251297, -0.5106360912322998, 0.5920746922492981, -0.35257700085639954, -0.13632430136203766, -0.4995526969432831, -0.3707491159439087, -0.1270151287317276, 0.500022292137146, -0.6347936391830444, 0.4520673453807831, 0.3340229392051697, -0.7221633195877075, 0.6925255060195923, -0.35719218850135803, 0.026933519169688225, 0.29560011625289917, -0.3012116253376007, -0.2931296229362488, 0.06347765028476715, -0.12970146536827087, -0.0031237236689776182, -0.3568309545516968, -0.10456714034080505, -0.6393845081329346, -0.8633546233177185, 0.7751232981681824, 0.05644179880619049, 0.6272598505020142, 0.47709575295448303, -0.4562787115573883, 0.010284628719091415, -0.7601704001426697, -0.0006470246007665992, 0.46777570247650146, -0.12850546836853027, -0.050641369074583054, -0.6422609686851501, 0.27383238077163696, 0.6246322393417358, 0.2654494643211365, -0.5108960866928101, 0.2330247163772583, 0.06501680612564087, -0.30631154775619507, 0.5295711755752563, 0.5139693021774292, 0.31408336758613586, -0.6489546298980713, 1.0854920148849487, 0.3108904957771301, 0.2981756925582886, 0.08151251077651978, -0.033617593348026276, -1.021168828010559, -0.8354238271713257, 0.4345434308052063, 0.9210489392280579, -1.0754237174987793, 0.31352633237838745, 0.14645299315452576, -0.9567753672599792, -0.43675899505615234, -0.058175235986709595, 0.6415019631385803, 0.2606617510318756, -0.08222828805446625, -0.6631579995155334, -0.5365335941314697, -1.133498191833496, -0.10727814584970474, 0.05018311366438866, -0.15164268016815186, -0.048213571310043335, 0.34115615487098694, -0.37688884139060974, 0.5491915345191956, -0.6091325283050537, -0.4154159724712372, -0.5329236388206482, -0.06679680943489075, 0.8596726655960083, 0.6550924777984619, 1.1194926500320435, -1.1260937452316284, -0.4611876904964447, -0.43841245770454407, -0.9236140251159668, 0.0885172188282013, -0.16391286253929138, -0.419662207365036, -0.14439933001995087, 0.25040462613105774, -0.6444547772407532, 0.7346523404121399, 0.13924381136894226, -0.6004152894020081, 0.8800998330116272, -0.1452919989824295, 0.7840015888214111, -1.0724302530288696, -0.2924390733242035, 0.7697820067405701, -0.275173544883728, -0.7017856240272522, 0.7662833333015442, -0.31758809089660645, -0.03383805230259895, -0.8174697160720825, 0.5840975642204285, -0.6575470566749573, 0.1622333824634552, -0.1973104178905487, 0.0928911566734314, 0.030318494886159897, 0.5396977663040161, 0.03454020991921425, 0.5199140310287476, 1.009079098701477, -0.4843006432056427, 0.852721631526947, 0.0532316155731678, -0.20384709537029266, 0.45813047885894775, -0.8762065172195435, 0.061933305114507675, 0.17615333199501038, -0.02186300978064537, -1.4483226537704468, -0.45376813411712646, 0.7297534942626953, -0.640566885471344, 0.11764377355575562, -0.3170838952064514, -0.7304109334945679, -0.4755707085132599, -0.7073182463645935, 0.40427279472351074, 0.5352755188941956, -0.03589952364563942, 0.4711277186870575, 0.13284261524677277, 0.2587431073188782, -0.3606298565864563, -0.9742571711540222, -0.0020708036608994007, -0.2639676034450531, -0.13800136744976044, 0.11429022252559662, -0.07661140710115433, -0.6579782366752625, -0.1496713012456894, -0.0827716663479805, -0.24478796124458313, -0.6287282705307007, 0.5345781445503235, 0.7559931874275208, -0.05546532943844795, -0.6081334352493286, 0.08229677379131317, 0.13656844198703766, -0.14278572797775269, 0.020880073308944702, 0.4431106150150299, -0.25790610909461975, -0.2682359516620636, -0.6454307436943054, 0.6631238460540771, 0.8135084509849548, 0.44735467433929443, 0.7355121374130249, 0.833052396774292, -0.3008292317390442, 0.4252582788467407, -0.403093159198761, -0.09863230586051941, -0.5588240027427673, 0.043687231838703156, -0.5302550196647644, -0.5296666026115417, 0.8831363320350647, 0.01646064594388008, -0.3298584222793579, 0.3974316418170929, 0.37742817401885986, -0.12924312055110931, 1.1511889696121216, 0.4823538362979889, -0.04630901664495468, 0.33565548062324524, -0.8337302207946777, 0.26749187707901, -0.2648358643054962, -0.22427013516426086, -0.21064609289169312, -0.44724807143211365, -0.8264886736869812, -0.4020039141178131, 0.47206708788871765, 0.2046480029821396, -0.5137353539466858, 0.6813092827796936, -0.2901543378829956, 0.499918669462204, 0.5445677638053894, 0.3794824481010437, 0.2335892766714096, 0.2997325360774994, -0.5836752653121948, -0.414311945438385, -0.7683194279670715, -0.1757759153842926, 0.6146692037582397, 0.04137186333537102, 0.6524440050125122, 0.43213096261024475, 0.5975986123085022, 0.5434704422950745, 0.1727531999349594, -0.871392011642456, 1.0642510652542114, 0.20127402245998383, -1.0038450956344604, 0.2406446486711502, -0.42628949880599976, -0.6520769596099854, 0.22687001526355743, -0.8013340830802917, -0.6597735285758972, 0.6920139193534851, 0.09425663948059082, -0.47769615054130554, 0.3219173848628998, -0.6700559258460999, 0.6394938230514526, -0.2077195793390274, -1.1931582689285278, 0.01748810149729252, -0.5267863869667053, 0.4243496358394623, 0.12418818473815918, 0.5940508842468262, 0.2283337265253067, -0.16430450975894928, 0.37632691860198975, -0.109731025993824, 0.5031557679176331, 0.01625715009868145, 0.03009055182337761, 0.5779062509536743, 0.844374418258667, 0.07574792206287384, 0.3972124457359314, 0.20899419486522675, 0.20025749504566193, 0.018533438444137573, -0.6674202680587769, -0.5491433143615723, 1.0077828168869019, -0.746371865272522, -0.39398840069770813, -1.0447598695755005, -0.5237942337989807, -0.028864005580544472, 0.14043614268302917, 0.8599304556846619, 0.9008667469024658, -0.22255271673202515, -0.1040756106376648, 0.38766470551490784, -0.07152580469846725, 0.5078613758087158, 0.5028989911079407, -0.6729215979576111, -0.7889941930770874, 0.8257575631141663, 0.07309436053037643, 0.41607922315597534, 0.24457654356956482, -0.03234580531716347, -0.3881164789199829, -0.29020893573760986, -0.30105745792388916, 0.5554856061935425, -0.43462949991226196, -0.11528077721595764, -0.23257531225681305, -0.1616961807012558, -0.6942200064659119, -0.5924097299575806, -0.26989123225212097, -0.41414809226989746, -0.2432943880558014, -0.15100443363189697, 0.19269728660583496, 0.5855196118354797, -0.2793252468109131, 0.23677176237106323, -0.8981339335441589, 0.44393637776374817, 0.22409963607788086, 0.0028498272877186537, -0.4844519793987274, -0.6239007115364075, -0.11203619092702866, -0.005554453935474157, -0.4839484691619873, -1.1366316080093384, 0.614386260509491, -0.261814683675766, 0.09729703515768051, 0.928507387638092, 0.03927677497267723, 0.7139484882354736, 0.12292145937681198, 0.9361200332641602, 0.6776161789894104, -0.6267474889755249, 0.3055460453033447, -0.8873537182807922, 0.695635974407196, 0.6992889642715454, 0.7239363193511963, -0.42318710684776306, -0.2988065481185913, -0.8754298090934753, -1.0815597772598267, 0.481452614068985, 0.3977109491825104, -0.04507474601268768, 0.3692046105861664, 0.2564789056777954, -0.3610142469406128, 0.6163600087165833, -0.9692984819412231, -0.37802499532699585, -0.18848499655723572, -0.018600670620799065, 0.04724923148751259, -0.18412770330905914, -0.43814411759376526, -0.7176617383956909, 0.7928873300552368, 0.2802591323852539, 0.5583076477050781, 0.332685649394989, 0.40599361062049866, -0.3589154779911041, 0.029820555821061134, 0.5213824510574341, 0.9437502026557922, -0.693696141242981, -0.04402543976902962, -0.36412471532821655, -0.5219238996505737, 0.6503639817237854, -0.2398708164691925, -0.30979418754577637, 0.17084002494812012, 0.5803190469741821, 0.6528819799423218, 0.12067878246307373, -0.8548310399055481, 0.5449718832969666, -0.00000221811046685616, -0.10424092411994934, -0.7133601307868958, 0.46083298325538635, -0.17167435586452484, 0.5716392993927002, 0.4631115794181824, 0.37070712447166443, 0.5261750817298889, -0.8988901972770691, 0.21713796257972717, 0.05339387431740761, -0.6903839707374573, -0.30469322204589844, 0.5989128947257996, -0.3005675971508026, -0.44623181223869324, 0.2596115171909332, -0.5466222167015076, -0.49479883909225464, 0.8973422646522522, 0.7110887765884399, 0.8439407348632812, -0.45542609691619873, 0.6369264721870422, 0.7047536373138428, 0.10647329688072205, 0.008674226701259613, 0.6072137951850891, 0.2635456323623657, -0.739798903465271, 0.07754126936197281, -0.29863253235816956, -0.49791136384010315, 0.23313191533088684, -0.6278252601623535, 0.4136095345020294, -1.0579644441604614, -0.22791558504104614, -0.10419992357492447, -0.011259052902460098, -0.16227969527244568, 0.6194542646408081, -0.19730186462402344, 0.9944953322410583, -1.0907710790634155, 0.6136581897735596, 0.9889205694198608, -0.6488528251647949, -1.0021398067474365, 0.09883715212345123, 0.3560371398925781, -0.14830045402050018, 0.004992691799998283, 0.06957018375396729, -0.24667513370513916, -0.3627106845378876, -1.15728759765625, -0.6431961059570312, 0.8089354634284973, 0.3069550395011902, -0.7974421977996826, 0.2338944524526596, -0.056060560047626495, 0.7875536680221558, -0.8226533532142639, 0.2711459994316101, 0.7177989482879639, 0.48495838046073914, 0.994616687297821, -0.2895325720310211, -0.26902464032173157, -0.6974501609802246, -0.03329959884285927, -0.09336601197719574, -0.8170503973960876, 0.7191232442855835, -0.5807052850723267, -0.0742257684469223, 0.2946825921535492, 0.684802234172821, 0.6902704238891602, 0.562278151512146, 0.6855287551879883, 0.6950321793556213, -0.26298627257347107, -0.3904149532318115, 1.3220082521438599, -0.10748379677534103, 0.2336846888065338, 1.1212317943572998, -0.19444480538368225, 0.3250912129878998, 0.18240058422088623, -0.31175944209098816, 0.3394826054573059, 1.1065503358840942, -0.20765669643878937, 0.6215485334396362, 0.15626968443393707, -0.20817990601062775, -0.3914165794849396, -0.36484381556510925, -0.29797229170799255, 0.30810847878456116, 0.049084629863500595, -0.18732178211212158, 0.038880281150341034, -0.00022044722572900355, 0.304660439491272, 0.2808234691619873, -0.2673870921134949, 0.5987505316734314, 0.03367067128419876, -0.36129462718963623, 0.7971769571304321, -0.03642677143216133, 0.4024401307106018, -0.6871725916862488, -0.25374776124954224, -0.44150859117507935, 0.2930220663547516, -0.12023108452558517, -0.5372399687767029, -0.2694081664085388, -0.14687950909137726, -0.06797534227371216, 0.20871202647686005, 0.6406452655792236, -0.5382952690124512, -1.2316721677780151, 0.3695771396160126, -0.0185479037463665, 0.12352300435304642, 0.16947795450687408, -1.162149429321289, 0.3983568847179413, 0.14076635241508484, 0.03039110265672207, -0.13332971930503845, 0.08912702649831772, 0.34724679589271545, 0.7553250193595886, 0.30714771151542664, 0.29887905716896057, -0.16329774260520935, -0.002092254813760519, 0.7243266105651855, -0.577264130115509, -0.5904524326324463, -0.7214943170547485, 0.3352958559989929, -0.2835196256637573, -0.3121984899044037, 1.0347223281860352, 0.8490658402442932, 0.4508849084377289, -0.5755696892738342, 0.46058329939842224, -0.05696074292063713, 0.3346715569496155, -0.27844345569610596, 0.4754697382450104, -0.8633071780204773, -0.0876203179359436, -0.8661922812461853, -1.2863274812698364, -0.15156878530979156, 0.3378312885761261, 0.017752887681126595, 0.13435134291648865, 0.2642558813095093, 0.9487767815589905, -0.030802935361862183, -0.4107692539691925, 0.40569427609443665, 0.48643627762794495, 0.06394896656274796, 0.24831591546535492, 0.8162062168121338, -0.6398336887359619, 0.05025346949696541, -0.2888053059577942, -0.5675919651985168, -0.19121448695659637, -0.6515210866928101, -0.6667330861091614, -0.5321746468544006, -0.5498917102813721, -0.6409387588500977, 0.0021205362863838673, 1.2723740339279175, 0.7535952925682068, -0.7407780289649963, -0.44801226258277893, 0.24607738852500916, -0.0017505676951259375, -0.3832239508628845, -0.3313295543193817, -0.20998388528823853, 0.9257426857948303, -0.8897121548652649, 0.4151792526245117, 0.3448639214038849, 0.7048174142837524, -0.23969757556915283, 0.46630504727363586, -0.5796536207199097, 0.607084333896637, 0.16815802454948425, 0.1482803076505661, -0.32889747619628906, -0.00929977186024189, -0.24247042834758759, 0.047152165323495865, -0.09251559525728226, 0.7991059422492981, -0.37262019515037537, 0.23758217692375183, 0.5099680423736572, -0.2800803482532501, 0.5457419157028198, 0.32155513763427734, 0.40600159764289856, -0.39325466752052307, 0.6764253973960876, -0.012373565696179867, 0.34819087386131287, 0.3931858539581299, -0.656263530254364, 0.653384268283844, 0.5789147019386292, -0.26704639196395874, -0.8908369541168213, 0.2986430525779724, -1.4843381643295288, -0.34131985902786255, 1.2439707517623901, 0.08498580753803253, -0.32130151987075806, 0.1662733256816864, -0.27346381545066833, 0.12434197217226028, -0.5930825471878052, 0.4275312125682831, 0.6896315813064575, -0.047805700451135635, -0.1945042610168457, -0.21356022357940674, 0.05321519449353218, 0.021176928654313087, -0.3298015594482422, -0.7981241941452026, 0.9883124232292175, 0.3354123532772064, 0.5450541973114014, 0.48172515630722046, -0.3872198462486267, 0.20775726437568665, 0.2371276170015335, 0.3024289906024933, 0.07726547867059708, -0.5539901256561279, -0.029797419905662537, 0.37849220633506775, -0.2978748381137848, -0.40484654903411865 ]
pankajmathur/orca_mini_v3_70b
pankajmathur
2023-11-18T12:15:17Z
10,004
19
transformers
[ "transformers", "pytorch", "llama", "text-generation", "en", "dataset:psmathur/orca_mini_v1_dataset", "dataset:ehartford/dolphin", "arxiv:2306.02707", "license:other", "endpoints_compatible", "has_space", "text-generation-inference", "region:us" ]
text-generation
2023-08-10T02:28:29Z
--- language: - en library_name: transformers license: other datasets: - psmathur/orca_mini_v1_dataset - ehartford/dolphin pipeline_tag: text-generation --- # orca_mini_v3_70b A Llama2-70b model trained on Orca Style datasets. <br> ![orca-mini](https://huggingface.co/psmathur/orca_mini_v3_70b/resolve/main/orca_minis_small.jpeg) <br> **P.S. If you're interested to collaborate, please connect with me at www.linkedin.com/in/pankajam.** <br> ### quantized versions Big thanks to [@TheBloke](https://huggingface.co/TheBloke) 1) https://huggingface.co/TheBloke/orca_mini_v3_70B-GGML 2) https://huggingface.co/TheBloke/orca_mini_v3_70B-GPTQ <br> #### license disclaimer: This model is bound by the license & usage restrictions of the original Llama-2 model. And comes with no warranty or gurantees of any kind. <br> ## Evaluation We evaluated orca_mini_v3_70b on a wide range of tasks using [Language Model Evaluation Harness](https://github.com/EleutherAI/lm-evaluation-harness) from EleutherAI. Here are the results on metrics used by [HuggingFaceH4 Open LLM Leaderboard](https://huggingface.co/spaces/HuggingFaceH4/open_llm_leaderboard) ||| |:------:|:--------:| |**Task**|**Value**| |*ARC*|0.7125| |*HellaSwag*|0.8785| |*MMLU*|0.7018| |*TruthfulQA*|0.6127| |*Winogrande*|0.8272| |*GSM8K*|0.4086| |*DROP*|0.4017| |**Total Average**|**0.649**| <br> ### Prompt Format ``` ### System: You are an AI assistant that follows instruction extremely well. Help as much as you can. ### User: Tell me about Orcas. ### Assistant: ``` #### OobaBooga Instructions: This model required upto 45GB GPU VRAM in 4bit so it can be loaded directly on Single RTX 6000/L40/A40/A100/H100 GPU or Double RTX 4090/L4/A10/RTX 3090/RTX A5000 So, if you have access to Machine with 45GB GPU VRAM and have installed [OobaBooga Web UI](https://github.com/oobabooga/text-generation-webui) on it. You can just download this model by using HF repo link directly on OobaBooga Web UI "Model" Tab/Page & Just use **load-in-4bit** option in it. ![model_load_screenshot](https://huggingface.co/pankajmathur/model_101/resolve/main/oobabooga_model_load_screenshot.png) After that go to Default Tab/Page on OobaBooga Web UI and **copy paste above prompt format into Input** and Enjoy! ![default_input_screenshot](https://huggingface.co/pankajmathur/model_101/resolve/main/default_input_screenshot.png) <br> #### Code Instructions: Below shows a code example on how to use this model ```python import torch from transformers import AutoModelForCausalLM, AutoTokenizer, pipeline tokenizer = AutoTokenizer.from_pretrained("psmathur/orca_mini_v3_70b") model = AutoModelForCausalLM.from_pretrained( "psmathur/orca_mini_v3_70b", torch_dtype=torch.float16, load_in_4bit=True, low_cpu_mem_usage=True, device_map="auto" ) system_prompt = "### System:\nYou are an AI assistant that follows instruction extremely well. Help as much as you can.\n\n" #generate text steps instruction = "Tell me about Orcas." prompt = f"{system_prompt}### User: {instruction}\n\n### Assistant:\n" inputs = tokenizer(prompt, return_tensors="pt").to("cuda") output = model.generate(**inputs, do_sample=True, top_p=0.95, top_k=0, max_new_tokens=4096) print(tokenizer.decode(output[0], skip_special_tokens=True)) ``` <br> #### Limitations & Biases: While this model aims for accuracy, it can occasionally produce inaccurate or misleading results. Despite diligent efforts in refining the pretraining data, there remains a possibility for the generation of inappropriate, biased, or offensive content. Exercise caution and cross-check information when necessary. <br> ### Citiation: Please kindly cite using the following BibTeX: ``` @misc{orca_mini_v3_70b, author = {Pankaj Mathur}, title = {orca_mini_v3_70b: An Orca Style Llama2-70b model}, month = {august}, year = {2023}, publisher = {HuggingFace}, journal = {HuggingFace repository}, howpublished = {\url{https://https://huggingface.co/psmathur/orca_mini_v3_70b}, } ``` ``` @misc{mukherjee2023orca, title={Orca: Progressive Learning from Complex Explanation Traces of GPT-4}, author={Subhabrata Mukherjee and Arindam Mitra and Ganesh Jawahar and Sahaj Agarwal and Hamid Palangi and Ahmed Awadallah}, year={2023}, eprint={2306.02707}, archivePrefix={arXiv}, primaryClass={cs.CL} } ``` ``` @software{touvron2023llama2, title={Llama 2: Open Foundation and Fine-Tuned Chat Models}, author={Hugo Touvron, Louis Martin, Kevin Stone, Peter Albert, Amjad Almahairi, Yasmine Babaei, Nikolay Bashlykov, Soumya Batra, Prajjwal Bhargava, Shruti Bhosale, Dan Bikel, Lukas Blecher, Cristian Canton Ferrer, Moya Chen, Guillem Cucurull, David Esiobu, Jude Fernandes, Jeremy Fu, Wenyin Fu, Brian Fuller, Cynthia Gao, Vedanuj Goswami, Naman Goyal, Anthony Hartshorn, Saghar Hosseini, Rui Hou, Hakan Inan, Marcin Kardas, Viktor Kerkez Madian Khabsa, Isabel Kloumann, Artem Korenev, Punit Singh Koura, Marie-Anne Lachaux, Thibaut Lavril, Jenya Lee, Diana Liskovich, Yinghai Lu, Yuning Mao, Xavier Martinet, Todor Mihaylov, Pushkar Mishra, Igor Molybog, Yixin Nie, Andrew Poulton, Jeremy Reizenstein, Rashi Rungta, Kalyan Saladi, Alan Schelten, Ruan Silva, Eric Michael Smith, Ranjan Subramanian, Xiaoqing Ellen Tan, Binh Tang, Ross Taylor, Adina Williams, Jian Xiang Kuan, Puxin Xu , Zheng Yan, Iliyan Zarov, Yuchen Zhang, Angela Fan, Melanie Kambadur, Sharan Narang, Aurelien Rodriguez, Robert Stojnic, Sergey Edunov, Thomas Scialom}, year={2023} } ``` # [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_psmathur__orca_mini_v3_70b) | Metric | Value | |-----------------------|---------------------------| | Avg. | 64.9 | | ARC (25-shot) | 71.25 | | HellaSwag (10-shot) | 87.85 | | MMLU (5-shot) | 70.18 | | TruthfulQA (0-shot) | 61.27 | | Winogrande (5-shot) | 82.72 | | GSM8K (5-shot) | 40.86 | | DROP (3-shot) | 40.17 |
[ -0.4383373558521271, -0.9605149626731873, 0.26801633834838867, 0.051739051938056946, -0.2970656156539917, 0.053142938762903214, -0.04425914213061333, -0.6613476872444153, 0.3330439627170563, 0.21591824293136597, -0.6690491437911987, -0.7296059131622314, -0.6035189032554626, -0.22440870106220245, 0.012469341978430748, 1.0855932235717773, -0.08401286602020264, -0.21132047474384308, 0.07034877687692642, -0.24990873038768768, -0.551942765712738, -0.40467461943626404, -0.8699684739112854, -0.38382118940353394, 0.21472905576229095, 0.27224311232566833, 0.5908235907554626, 0.6743065714836121, 0.4818689227104187, 0.3468608856201172, -0.29126328229904175, 0.23839005827903748, -0.4873461127281189, -0.2974662184715271, 0.18517351150512695, -0.6245158314704895, -1.113201379776001, 0.09033332765102386, 0.3974877893924713, 0.2943146824836731, -0.357361376285553, 0.413802832365036, 0.07982753962278366, 0.36396464705467224, -0.37906500697135925, 0.48289597034454346, -0.3200538158416748, 0.01951531507074833, -0.38686850666999817, 0.0689741000533104, -0.0006672624149359763, -0.46426108479499817, 0.011309649795293808, -0.6783893704414368, -0.04029807820916176, 0.0045794234611094, 1.1687662601470947, 0.27432781457901, -0.23352788388729095, -0.3653987944126129, -0.2731648087501526, 0.7144899368286133, -0.9907565712928772, 0.21832861006259918, 0.19534893333911896, 0.27003198862075806, -0.28421124815940857, -0.7541172504425049, -0.6456623077392578, -0.16234904527664185, -0.08541903644800186, 0.3271908462047577, -0.20829850435256958, -0.08883801102638245, 0.30890703201293945, 0.46529972553253174, -0.5543935298919678, 0.1689952164888382, -0.4712465703487396, -0.19421294331550598, 0.6286992430686951, 0.3454524278640747, 0.3266940116882324, -0.14160116016864777, -0.3965204358100891, -0.3801101744174957, -0.6576469540596008, 0.5188445448875427, 0.4937938451766968, 0.18355654180049896, -0.634355902671814, 0.5992264151573181, -0.05262169986963272, 0.663429319858551, 0.20637483894824982, -0.5081517100334167, 0.5371595621109009, -0.4645296335220337, -0.35851356387138367, -0.15580089390277863, 0.9456650018692017, 0.2557094693183899, -0.032516658306121826, 0.3597618639469147, -0.08847364783287048, 0.083527572453022, -0.14315089583396912, -0.8277900815010071, -0.2619095742702484, 0.13315537571907043, -0.4627540111541748, -0.32043808698654175, -0.043955039232969284, -0.8463398814201355, -0.2037876695394516, -0.02062433399260044, 0.2942058742046356, -0.4578879773616791, -0.4004064202308655, 0.28460893034935, 0.09263303130865097, 0.472232848405838, 0.23351271450519562, -0.8519987463951111, 0.3467526137828827, 0.25593236088752747, 0.8940908312797546, -0.01624305732548237, -0.14962634444236755, -0.1336422711610794, -0.06876920908689499, -0.12777727842330933, 0.6520717740058899, -0.2517097294330597, -0.44911283254623413, -0.32622289657592773, -0.13590408861637115, -0.09039876610040665, -0.439320832490921, 0.5666715502738953, -0.2767990231513977, 0.2004985511302948, -0.20349352061748505, -0.2593502700328827, -0.31696242094039917, 0.27465566992759705, -0.5555717349052429, 1.2942240238189697, 0.02140132524073124, -0.7291144132614136, 0.23659923672676086, -0.8437231183052063, -0.10934925824403763, -0.24154919385910034, -0.20472556352615356, -0.6986838579177856, -0.19418692588806152, 0.43977099657058716, 0.4072442352771759, -0.27800869941711426, 0.04475290700793266, -0.43844741582870483, -0.2885581851005554, 0.09155596792697906, -0.14898210763931274, 1.0977976322174072, 0.12622995674610138, -0.6699706315994263, 0.13583365082740784, -0.8143050670623779, -0.060092877596616745, 0.5180899500846863, -0.38003769516944885, -0.0004348123911768198, -0.2635779082775116, -0.306621253490448, 0.21302703022956848, 0.48388779163360596, -0.627384603023529, 0.4019976556301117, -0.3077894151210785, 0.603974461555481, 0.8120324611663818, -0.13405659794807434, 0.26497212052345276, -0.3766202926635742, 0.5918038487434387, 0.0320524126291275, 0.4848233163356781, 0.13190066814422607, -0.7736117243766785, -1.0779469013214111, -0.42163053154945374, 0.2501294016838074, 0.4591578543186188, -0.5825371146202087, 0.6405379176139832, -0.1212339922785759, -0.7979179620742798, -0.6312564015388489, 0.06996075063943863, 0.44680923223495483, 0.6444568037986755, 0.3475388288497925, -0.5322206020355225, -0.5515108108520508, -0.7619474530220032, 0.17965057492256165, -0.28297191858291626, -0.001140150590799749, 0.5635406374931335, 0.5934358239173889, -0.24854516983032227, 0.9844143390655518, -0.6773122549057007, -0.4762013554573059, -0.2458837330341339, 0.12386437505483627, 0.4021560251712799, 0.5412411689758301, 0.8428200483322144, -0.532048225402832, -0.3401823341846466, -0.16748479008674622, -0.9226382970809937, -0.08900529146194458, 0.1864118129014969, -0.34371331334114075, 0.2935428023338318, 0.38611871004104614, -0.7838499546051025, 0.7076579332351685, 0.6492159366607666, -0.40508776903152466, 0.6490257382392883, -0.1382777988910675, -0.04107700288295746, -0.8704257011413574, 0.27364346385002136, -0.05616745725274086, -0.27884164452552795, -0.28944653272628784, 0.09182220697402954, -0.11956118047237396, 0.0548986941576004, -0.48608964681625366, 0.7391146421432495, -0.498454749584198, 0.02861371636390686, -0.05366606265306473, 0.2692646384239197, -0.0962662398815155, 0.756101667881012, -0.03757346421480179, 0.5823301076889038, 0.663171648979187, -0.4209705889225006, 0.39577624201774597, 0.40643110871315, -0.457392156124115, 0.40102872252464294, -0.8478371500968933, 0.33470502495765686, 0.09766291081905365, 0.47445863485336304, -1.187172532081604, -0.22207525372505188, 0.5827500224113464, -0.562652051448822, 0.3847920894622803, 0.01801139861345291, -0.4759955406188965, -0.52059006690979, -0.5150721073150635, 0.43665188550949097, 0.6987274289131165, -0.5718204379081726, 0.5946691632270813, 0.4228047728538513, -0.1390579342842102, -0.5351405739784241, -0.7369658350944519, -0.29873380064964294, -0.30649131536483765, -0.6972417235374451, 0.31720489263534546, -0.32858142256736755, -0.001806683256290853, -0.07188639044761658, -0.1620275378227234, 0.15072187781333923, -0.016848323866724968, 0.4659135937690735, 0.6021502614021301, -0.2100171595811844, -0.28715991973876953, -0.03502407670021057, -0.10779175907373428, 0.016844023019075394, 0.015741482377052307, 0.7518259882926941, -0.3909418284893036, -0.21789801120758057, -0.592955470085144, -0.13156086206436157, 0.3870505094528198, -0.23682910203933716, 0.795420229434967, 0.7604650855064392, -0.25533366203308105, 0.15591634809970856, -0.6011946797370911, -0.20703265070915222, -0.523597240447998, 0.1861807405948639, -0.4761224389076233, -0.7893606424331665, 0.8048900365829468, 0.21356311440467834, 0.20990322530269623, 0.7110099196434021, 0.6922792792320251, -0.02017909847199917, 1.008878469467163, 0.7638905644416809, -0.02745467983186245, 0.6061282753944397, -0.6450245976448059, 0.04736528918147087, -0.9819180369377136, -0.6198595762252808, -0.3373768627643585, -0.4062899351119995, -0.5432430505752563, -0.31333255767822266, 0.40806135535240173, 0.2851412296295166, -0.49479401111602783, 0.4104869067668915, -0.5940252542495728, 0.0831429734826088, 0.5005934834480286, 0.3886348605155945, 0.20140479505062103, -0.044786304235458374, -0.2705341875553131, 0.11007121950387955, -0.7323886156082153, -0.5261314511299133, 1.2007499933242798, 0.4516380727291107, 0.7873290777206421, 0.14760449528694153, 0.6187911629676819, 0.04886239022016525, 0.3656802475452423, -0.5612232089042664, 0.6326633095741272, 0.2889828085899353, -0.7239953279495239, -0.2386052906513214, -0.40316295623779297, -0.9258362650871277, 0.1159861758351326, -0.12288445234298706, -0.9008612036705017, 0.21492598950862885, 0.07081394642591476, -0.670513927936554, 0.317231148481369, -0.5536919236183167, 0.8112722039222717, -0.24349871277809143, -0.10187717527151108, 0.08780863881111145, -0.7582350373268127, 0.5629153251647949, 0.0643698051571846, 0.12239247560501099, -0.18704070150852203, -0.22587233781814575, 0.9878204464912415, -0.639161229133606, 0.9498156309127808, -0.10847847908735275, -0.15653827786445618, 0.5365806221961975, -0.15167538821697235, 0.5320250391960144, 0.12238232791423798, -0.14050288498401642, 0.5225216150283813, -0.24109679460525513, -0.47300097346305847, -0.3128241002559662, 0.6657371520996094, -1.136088490486145, -0.5288500189781189, -0.47583460807800293, -0.28770148754119873, 0.08204933255910873, 0.20654720067977905, 0.42937958240509033, 0.2588195204734802, 0.08398547023534775, -0.03983790799975395, 0.5151454210281372, -0.2884165346622467, 0.5759480595588684, 0.4399815499782562, -0.2379644513130188, -0.5302367210388184, 0.7062785029411316, 0.16879254579544067, 0.2807190716266632, 0.012513508088886738, 0.08307375013828278, -0.42681455612182617, -0.493486613035202, -0.5079159736633301, 0.5234413743019104, -0.5331711173057556, -0.41321703791618347, -0.6319010853767395, -0.2758122980594635, -0.40395107865333557, -0.017207497730851173, -0.4794744849205017, -0.2526661157608032, -0.5859175324440002, -0.22751660645008087, 0.5234312415122986, 0.6687687635421753, -0.12636777758598328, 0.40107661485671997, -0.3797069489955902, 0.20484481751918793, 0.37582433223724365, 0.2094869762659073, 0.09787099063396454, -0.8638595938682556, -0.10120592266321182, 0.19302581250667572, -0.706104040145874, -0.6293720602989197, 0.47730591893196106, 0.1014217659831047, 0.5223671793937683, 0.2970704436302185, -0.10903216898441315, 1.0488061904907227, -0.18148380517959595, 0.9963746070861816, 0.4085140526294708, -0.9475209712982178, 0.5849748253822327, -0.32752373814582825, 0.2174019068479538, 0.3613220751285553, 0.40875929594039917, -0.09489869326353073, -0.33336907625198364, -0.8948929309844971, -0.8959916234016418, 0.9037269949913025, 0.3860158622264862, -0.049282144755125046, 0.22052398324012756, 0.5176643133163452, 0.12207134813070297, 0.2040056586265564, -0.918334424495697, -0.5447527170181274, -0.2881768047809601, -0.016450854018330574, -0.03487462177872658, -0.2053084671497345, -0.02496078610420227, -0.3384612798690796, 0.7465173006057739, 0.014822878874838352, 0.5529935956001282, 0.12028736621141434, 0.08505541831254959, -0.09928049147129059, -0.15925829112529755, 0.6400882005691528, 0.6277496218681335, -0.44535255432128906, -0.20588937401771545, 0.2843315899372101, -0.6199628114700317, -0.016871877014636993, 0.11095895618200302, -0.06981305778026581, -0.11261837929487228, 0.3265167474746704, 0.8207448124885559, -0.06455979496240616, -0.5045767426490784, 0.45250144600868225, -0.13256731629371643, -0.1042984127998352, -0.3295265734195709, 0.13304175436496735, 0.19514764845371246, 0.4328007102012634, 0.2478308528661728, 0.0911698192358017, -0.05595121905207634, -0.7521754503250122, -0.11965452134609222, 0.33552849292755127, -0.18501214683055878, -0.42401471734046936, 0.9321845173835754, 0.07067377865314484, -0.2175082564353943, 0.671741247177124, -0.10524529963731766, -0.39845481514930725, 0.8288977146148682, 0.35585734248161316, 0.5767899751663208, -0.29666730761528015, -0.0538053922355175, 0.5544915795326233, 0.1582045704126358, -0.08318200707435608, 0.4455123245716095, 0.1399080753326416, -0.5446633100509644, -0.2127072662115097, -0.6537488698959351, -0.24896900355815887, 0.3272750973701477, -0.6956361532211304, 0.5097402334213257, -0.5765214562416077, -0.45544013381004333, 0.011338298209011555, 0.31112197041511536, -0.7349184155464172, 0.23150931298732758, 0.21691159904003143, 0.9050713777542114, -0.5993563532829285, 0.8842069506645203, 0.6104108691215515, -0.7312339544296265, -1.0309555530548096, -0.34239327907562256, 0.060817912220954895, -1.0630885362625122, 0.5085626840591431, 0.08896846324205399, -0.06619161367416382, 0.01930660381913185, -0.6984594464302063, -0.9649436473846436, 1.501028299331665, 0.4952215552330017, -0.4698498845100403, -0.04850505292415619, -0.04285355284810066, 0.51650470495224, -0.29905664920806885, 0.736372709274292, 0.7330582737922668, 0.4705805778503418, 0.19215519726276398, -1.1123981475830078, 0.29714909195899963, -0.3450438380241394, -0.11514211446046829, 0.03919193893671036, -1.1944347620010376, 1.2034145593643188, -0.27868974208831787, -0.06787784397602081, 0.39890196919441223, 0.6571670174598694, 0.5915770530700684, 0.09666930139064789, 0.36709076166152954, 0.757265567779541, 0.6787839531898499, -0.140219584107399, 1.0624358654022217, -0.11367883533239365, 0.654258131980896, 0.8560678958892822, 0.07479813694953918, 0.7765766978263855, 0.1457473486661911, -0.34392476081848145, 0.6938419938087463, 0.942451000213623, 0.04484892264008522, 0.5717648863792419, 0.0991644635796547, 0.017117641866207123, -0.0813550278544426, -0.006626016926020384, -0.6801444292068481, 0.45447707176208496, 0.3902095854282379, -0.22029753029346466, -0.1471918374300003, -0.12698869407176971, 0.24043534696102142, -0.35527491569519043, -0.22550316154956818, 0.668061375617981, 0.23886071145534515, -0.3571491837501526, 1.0700953006744385, 0.07727115601301193, 0.9658685326576233, -0.7368320226669312, 0.004543616436421871, -0.4856259226799011, 0.14795686304569244, -0.37511196732521057, -0.6220336556434631, 0.04504096135497093, -0.02032902091741562, 0.10772082209587097, -0.09103638678789139, 0.5135104656219482, -0.22833149135112762, -0.36443427205085754, 0.339228093624115, 0.29205814003944397, 0.3772298991680145, 0.13926681876182556, -0.9831012487411499, 0.3537976145744324, 0.061006490141153336, -0.6555013060569763, 0.33057883381843567, 0.3333413302898407, 0.07957200706005096, 0.7267781496047974, 0.6336367726325989, 0.02293253131210804, 0.2287381887435913, -0.3615124523639679, 1.1243247985839844, -0.5719295144081116, -0.38061830401420593, -0.9946252107620239, 0.5477376580238342, -0.04625599458813667, -0.5507677793502808, 0.8758037090301514, 0.5643925666809082, 0.8881878852844238, 0.08260668069124222, 0.6440140008926392, -0.39462628960609436, 0.21783588826656342, -0.4436587691307068, 0.785480797290802, -0.7487075924873352, 0.22540493309497833, -0.20740602910518646, -0.9587981700897217, -0.1288776695728302, 0.8839836120605469, -0.3554966151714325, 0.16805677115917206, 0.5409844517707825, 0.813846230506897, -0.11438940465450287, -0.14106597006320953, 0.09231118112802505, 0.40876463055610657, 0.39932897686958313, 0.8244081139564514, 0.5940365195274353, -0.6877414584159851, 0.7691831588745117, -0.3607865869998932, -0.46749669313430786, -0.3830985128879547, -0.8383058905601501, -1.0437029600143433, -0.22288177907466888, -0.402935653924942, -0.39866209030151367, -0.06037164479494095, 0.7862759828567505, 0.8588355779647827, -0.6232479810714722, -0.4088902175426483, 0.02627043053507805, -0.01281246729195118, -0.2428574413061142, -0.18336345255374908, 0.5827120542526245, 0.11875149607658386, -0.9121173024177551, 0.127873033285141, 0.066639244556427, 0.3920973837375641, -0.2611405849456787, -0.16487133502960205, -0.2741946876049042, 0.06920966506004333, 0.421231210231781, 0.519429624080658, -0.7140616178512573, -0.21381214261054993, -0.14591948688030243, -0.28772541880607605, 0.30401232838630676, 0.23076289892196655, -0.7773564457893372, 0.31674256920814514, 0.33387723565101624, 0.15591104328632355, 0.8322293758392334, -0.01801929995417595, 0.16619442403316498, -0.5077128410339355, 0.34231454133987427, 0.04016255959868431, 0.38607192039489746, 0.1582408845424652, -0.3025727868080139, 0.7606910467147827, 0.24674361944198608, -0.45338958501815796, -0.8207195401191711, -0.06353052705526352, -1.33211088180542, 0.032654743641614914, 1.11928391456604, -0.4552886188030243, -0.41784366965293884, 0.21281516551971436, -0.4411788880825043, 0.4102438688278198, -0.6275684237480164, 0.839869499206543, 0.45060640573501587, -0.2929717004299164, -0.08525088429450989, -0.5780289769172668, 0.40742403268814087, 0.1864241510629654, -0.9551019072532654, -0.4007778465747833, 0.19774161279201508, 0.46623507142066956, 0.2710449993610382, 0.7441903948783875, -0.20155201852321625, 0.15745311975479126, 0.0543910413980484, 0.27440345287323, -0.320546418428421, -0.0029910646844655275, -0.15098093450069427, -0.001982484245672822, -0.14638246595859528, -0.41501742601394653 ]
garage-bAInd/Platypus2-7B
garage-bAInd
2023-08-22T18:32:58Z
10,004
4
transformers
[ "transformers", "pytorch", "llama", "text-generation", "en", "dataset:garage-bAInd/Open-Platypus", "arxiv:2308.07317", "arxiv:2307.09288", "license:cc-by-nc-sa-4.0", "endpoints_compatible", "has_space", "text-generation-inference", "region:us" ]
text-generation
2023-08-22T03:48:58Z
--- license: cc-by-nc-sa-4.0 language: - en datasets: - garage-bAInd/Open-Platypus --- # Platypus2-7B **NOTE**: There is some issue with LLaMa-2 7B and fine-tuning only works if you use `fp16=False` and `bf16=True` in the HF trainer. Gathering more intel on this but if you have any thoughts about this issue or performance, please let us know! Platypus-7B is an instruction fine-tuned model based on the LLaMA2-7B transformer architecture. ![Platty](./Best_Platty_small.jpeg) ### Benchmark Metrics | Metric | Value | |-----------------------|-------| | MMLU (5-shot) | - | | ARC (25-shot) | - | | HellaSwag (10-shot) | - | | TruthfulQA (0-shot) | - | | Avg. | - | We use state-of-the-art [Language Model Evaluation Harness](https://github.com/EleutherAI/lm-evaluation-harness) to run the benchmark tests above, using the same version as the HuggingFace LLM Leaderboard. Please see below for detailed instructions on reproducing benchmark results. ### Model Details * **Trained by**: Cole Hunter & Ariel Lee * **Model type:** **Platypus2-7B** is an auto-regressive language model based on the LLaMA2 transformer architecture. * **Language(s)**: English * **License for base weights**: Non-Commercial Creative Commons license ([CC BY-NC-4.0](https://creativecommons.org/licenses/by-nc/4.0/)) ### Prompt Template ``` ### Instruction: <prompt> (without the <>) ### Response: ``` ### Training Dataset `garage-bAInd/Platypus2-7B` trained using STEM and logic based dataset [`garage-bAInd/Open-Platypus`](https://huggingface.co/datasets/garage-bAInd/Open-Platypus). Please see our [paper](https://arxiv.org/abs/2308.07317) and [project webpage](https://platypus-llm.github.io) for additional information. ### Training Procedure `garage-bAInd/Platypus2-7B` was instruction fine-tuned using LoRA on 1 A100 80GB. For training details and inference instructions please see the [Platypus2](https://github.com/arielnlee/Platypus) GitHub repo. ### Reproducing Evaluation Results Install LM Evaluation Harness: ``` # clone repository git clone https://github.com/EleutherAI/lm-evaluation-harness.git # check out the correct commit git checkout b281b0921b636bc36ad05c0b0b0763bd6dd43463 # change to repo directory cd lm-evaluation-harness # install pip install -e . ``` Each task was evaluated on 1 A100 80GB GPU. ARC: ``` python main.py --model hf-causal-experimental --model_args pretrained=garage-bAInd/Platypus2-7B,use_accelerate=True,dtype="bfloat16" --tasks arc_challenge --batch_size 2 --no_cache --write_out --output_path results/Platypus2-7B/arc_challenge_25shot.json --device cuda --num_fewshot 25 ``` HellaSwag: ``` python main.py --model hf-causal-experimental --model_args pretrained=garage-bAInd/Platypus2-7B,use_accelerate=True,dtype="bfloat16" --tasks hellaswag --batch_size 2 --no_cache --write_out --output_path results/Platypus2-7B/hellaswag_10shot.json --device cuda --num_fewshot 10 ``` MMLU: ``` python main.py --model hf-causal-experimental --model_args pretrained=garage-bAInd/Platypus2-7B,use_accelerate=True,dtype="bfloat16" --tasks hendrycksTest-* --batch_size 2 --no_cache --write_out --output_path results/Platypus2-7B/mmlu_5shot.json --device cuda --num_fewshot 5 ``` TruthfulQA: ``` python main.py --model hf-causal-experimental --model_args pretrained=garage-bAInd/Platypus2-7B,use_accelerate=True,dtype="bfloat16" --tasks truthfulqa_mc --batch_size 2 --no_cache --write_out --output_path results/Platypus2-7B/truthfulqa_0shot.json --device cuda ``` ### Limitations and bias Llama 2 and fine-tuned variants are a new technology that carries risks with use. Testing conducted to date has been in English, and has not covered, nor could it cover all scenarios. For these reasons, as with all LLMs, Llama 2 and any fine-tuned varient's potential outputs cannot be predicted in advance, and the model may in some instances produce inaccurate, biased or other objectionable responses to user prompts. Therefore, before deploying any applications of Llama 2 variants, developers should perform safety testing and tuning tailored to their specific applications of the model. Please see the Responsible Use Guide available at https://ai.meta.com/llama/responsible-use-guide/ ### Citations ```bibtex @article{platypus2023, title={Platypus: Quick, Cheap, and Powerful Refinement of LLMs}, author={Ariel N. Lee and Cole J. Hunter and Nataniel Ruiz}, booktitle={arXiv preprint arxiv:2308.07317}, year={2023} } ``` ```bibtex @misc{touvron2023llama, title={Llama 2: Open Foundation and Fine-Tuned Chat Models}, author={Hugo Touvron and Louis Martin and Kevin Stone and Peter Albert and Amjad Almahairi and Yasmine Babaei and Nikolay Bashlykov year={2023}, eprint={2307.09288}, archivePrefix={arXiv}, } ``` ```bibtex @inproceedings{ hu2022lora, title={Lo{RA}: Low-Rank Adaptation of Large Language Models}, author={Edward J Hu and Yelong Shen and Phillip Wallis and Zeyuan Allen-Zhu and Yuanzhi Li and Shean Wang and Lu Wang and Weizhu Chen}, booktitle={International Conference on Learning Representations}, year={2022}, url={https://openreview.net/forum?id=nZeVKeeFYf9} } ```
[ -0.30182841420173645, -0.8390656113624573, 0.3162117600440979, 0.4048417806625366, -0.3630269467830658, -0.03586837276816368, -0.39666837453842163, -0.5004645586013794, 0.02310042269527912, 0.2979765236377716, -0.5189538598060608, -0.38660287857055664, -0.6810466051101685, -0.03940611332654953, -0.07222806662321091, 1.0096006393432617, -0.40878137946128845, -0.2015867382287979, -0.09356459975242615, -0.21255899965763092, -0.6712996363639832, -0.4529285728931427, -0.4305824637413025, -0.43873727321624756, 0.27598506212234497, 0.3642357289791107, 0.5688703060150146, 0.6449964046478271, 0.6777369976043701, 0.2966676950454712, -0.2166289985179901, 0.2722383141517639, -0.6197443008422852, -0.14323483407497406, 0.20513418316841125, -0.5573007464408875, -0.5263716578483582, 0.08639552444219589, 0.48536837100982666, 0.318406343460083, -0.20837780833244324, 0.4354870319366455, 0.1410854309797287, 0.3244079649448395, -0.6220594644546509, 0.4037911891937256, -0.5829022526741028, -0.19285409152507782, -0.3277634382247925, -0.21306927502155304, -0.31060850620269775, -0.2061837911605835, -0.1759433001279831, -0.772701621055603, 0.009939038194715977, 0.10471551865339279, 1.1306792497634888, 0.6203554272651672, -0.22059597074985504, -0.150968536734581, -0.3551662266254425, 0.8991022109985352, -0.8627432584762573, 0.1541755348443985, 0.37917834520339966, 0.12056774646043777, -0.4539676308631897, -0.6446648836135864, -0.6088875532150269, -0.33754056692123413, -0.03796868026256561, 0.10142232477664948, -0.22912944853305817, -0.0025935310404747725, 0.3935951590538025, 0.4115387499332428, -0.36991041898727417, 0.4932597279548645, -0.47246816754341125, -0.19946163892745972, 0.757129430770874, 0.15954409539699554, 0.024896757677197456, -0.13236798346042633, -0.49176183342933655, -0.4249848425388336, -0.7584085464477539, 0.3878445327281952, 0.4341108798980713, 0.1441613733768463, -0.4583590030670166, 0.6706798076629639, -0.1401074230670929, 0.41683366894721985, 0.12569144368171692, -0.5760244727134705, 0.5831948518753052, -0.22946956753730774, -0.28744378685951233, -0.024549897760152817, 0.9043846130371094, 0.4434363842010498, 0.028885597363114357, 0.06690756231546402, -0.22100695967674255, 0.32549798488616943, -0.1339927762746811, -0.8336241841316223, -0.15905387699604034, 0.28599363565444946, -0.3030030429363251, -0.20940016210079193, -0.210090771317482, -0.5752110481262207, -0.3689303994178772, -0.11387667059898376, 0.44719406962394714, -0.4443868398666382, -0.39066046476364136, 0.2423984557390213, -0.015483005903661251, 0.49828198552131653, 0.23163296282291412, -0.7299151420593262, 0.37792494893074036, 0.5956344604492188, 0.8365896940231323, -0.36524277925491333, -0.6442505717277527, -0.41939103603363037, -0.034546494483947754, -0.22997644543647766, 0.8038957118988037, -0.16497421264648438, -0.20312708616256714, -0.2785774767398834, 0.18861082196235657, -0.21112969517707825, -0.6728100776672363, 0.4816529154777527, -0.29557549953460693, 0.08789001405239105, -0.24226731061935425, -0.4366335868835449, -0.337870717048645, -0.08864811062812805, -0.42449185252189636, 1.3392112255096436, 0.16538633406162262, -0.7769815325737, 0.08939517289400101, -0.6531369686126709, -0.4283730983734131, -0.20473282039165497, 0.15395595133304596, -0.6073145270347595, -0.036229927092790604, 0.13484685122966766, 0.4169448912143707, -0.48030585050582886, 0.28419145941734314, -0.25881558656692505, -0.4551987946033478, 0.20099997520446777, -0.11655261367559433, 0.9393845796585083, 0.1906723827123642, -0.6570940017700195, 0.11170584708452225, -0.6486408710479736, -0.19020549952983856, 0.47736504673957825, -0.3686255216598511, -0.09181030839681625, -0.06583910435438156, -0.16266854107379913, 0.10950890183448792, 0.4122895896434784, -0.45814526081085205, 0.09495395421981812, -0.3955465257167816, 0.577880859375, 0.7450082898139954, -0.05341147258877754, 0.22511181235313416, -0.45912662148475647, 0.3834078311920166, 0.08524741977453232, 0.300468772649765, 0.03075968101620674, -0.7194622755050659, -1.0692577362060547, -0.24936766922473907, 0.018200602382421494, 0.779733419418335, -0.4533887803554535, 0.5435478687286377, 0.04791565611958504, -0.5909542441368103, -0.5697760581970215, 0.3812798261642456, 0.5728220343589783, 0.5491998791694641, 0.5461743474006653, -0.3883160352706909, -0.5789170265197754, -0.8411544561386108, -0.12579333782196045, -0.33154451847076416, 0.2013900876045227, 0.29957568645477295, 0.6872484683990479, -0.3223632276058197, 0.6026091575622559, -0.467731237411499, -0.2731422185897827, -0.24746079742908478, -0.037256065756082535, 0.3470597267150879, 0.6495741605758667, 0.48766231536865234, -0.2032398134469986, -0.19441092014312744, -0.2059555947780609, -0.7882113456726074, -0.26250073313713074, -0.03377090021967888, -0.2659245729446411, 0.46263769268989563, 0.17544503509998322, -0.8692145347595215, 0.36431896686553955, 0.4872371554374695, -0.19308564066886902, 0.4912908971309662, -0.16859810054302216, -0.1727471500635147, -0.7953969240188599, 0.10142942517995834, 0.03330136835575104, 0.008861257694661617, -0.44843730330467224, 0.15575657784938812, -0.027343185618519783, 0.15748631954193115, -0.6257946491241455, 0.6014763116836548, -0.48540252447128296, -0.15361616015434265, -0.2050410509109497, 0.10896594822406769, -0.144968181848526, 0.7410807013511658, -0.052260056138038635, 0.8565586805343628, 0.4963326156139374, -0.6075711846351624, 0.183872252702713, 0.3851114511489868, -0.36282336711883545, 0.2671794295310974, -0.8927710056304932, 0.22416776418685913, 0.12441396713256836, 0.27935755252838135, -1.01639986038208, -0.22965699434280396, 0.3307296931743622, -0.30384039878845215, 0.330030232667923, 0.10254820436239243, -0.6948756575584412, -0.46309274435043335, -0.4745461046695709, 0.2510169744491577, 0.8720955848693848, -0.6437072157859802, 0.2844942808151245, 0.4103638231754303, 0.12178787589073181, -0.6072161793708801, -0.7498992681503296, -0.24494484066963196, -0.38721662759780884, -0.7160021066665649, 0.1950981169939041, -0.1686609387397766, -0.1921466439962387, -0.33522677421569824, -0.1815652698278427, 0.13672217726707458, 0.257855623960495, 0.5318316221237183, 0.35834968090057373, -0.16472727060317993, -0.1245684027671814, 0.07215803116559982, -0.22131052613258362, 0.01885705068707466, 0.10500933229923248, 0.6664901971817017, -0.3683469295501709, -0.166190966963768, -0.7911770939826965, -0.01780119724571705, 0.44106239080429077, -0.30753472447395325, 0.6864862442016602, 0.7087497711181641, -0.20770828425884247, 0.14960122108459473, -0.8038282990455627, -0.229977548122406, -0.5196718573570251, 0.37726977467536926, -0.22992977499961853, -0.7931727170944214, 0.6466351747512817, -0.00741803040727973, 0.20150519907474518, 0.7246354818344116, 0.827538788318634, -0.005045611876994371, 0.8050248622894287, 0.5598101615905762, 0.11581920087337494, 0.4440556764602661, -0.6742261648178101, 0.07656389474868774, -1.0619131326675415, -0.3628346025943756, -0.3909071385860443, -0.37983646988868713, -0.6315783262252808, -0.4975327253341675, 0.21311840415000916, 0.3204644024372101, -0.6049978733062744, 0.5019055008888245, -0.5051484704017639, 0.2538757920265198, 0.5338819622993469, 0.12807048857212067, 0.18722708523273468, 0.0909130796790123, -0.08507019281387329, -0.0037316041998565197, -0.6307482123374939, -0.5605141520500183, 1.1343739032745361, 0.5659685730934143, 0.888178825378418, -0.0607624277472496, 0.6665769219398499, -0.14060157537460327, 0.3299219310283661, -0.6419361233711243, 0.6094828844070435, -0.07493314146995544, -0.4594348967075348, -0.03261168301105499, -0.20201437175273895, -0.9268726706504822, 0.2700185179710388, -0.041008539497852325, -0.7820762991905212, 0.22678591310977936, 0.10024110972881317, -0.42483389377593994, 0.32043352723121643, -0.9224905967712402, 0.7726720571517944, -0.4543984532356262, -0.45552173256874084, -0.24072866141796112, -0.7319708466529846, 0.6771782040596008, -0.022486593574285507, 0.028540408238768578, -0.31713438034057617, -0.11900942027568817, 1.0660943984985352, -0.5790974497795105, 0.9656684398651123, -0.2846079468727112, -0.017362607643008232, 0.4880983829498291, -0.07196279615163803, 0.5591046214103699, 0.07300703972578049, -0.008379622362554073, 0.4511600732803345, -0.018670545890927315, -0.30471017956733704, -0.18065185844898224, 0.8053044080734253, -1.3206466436386108, -0.6780600547790527, -0.4867292642593384, -0.7400631308555603, 0.020505618304014206, 0.1011619120836258, 0.19579431414604187, -0.011839470826089382, 0.3255768120288849, 0.0849163830280304, 0.6003317832946777, -0.43719080090522766, 0.6130737662315369, 0.5192675590515137, -0.00527587253600359, -0.3853036165237427, 0.7744821906089783, 0.030700311064720154, 0.25829651951789856, 0.10714728385210037, 0.13084174692630768, -0.2780977189540863, -0.4625408947467804, -0.2713943421840668, 0.6445443034172058, -0.5809733867645264, -0.5130755305290222, -0.49144548177719116, -0.23903034627437592, -0.23592591285705566, 0.05932186171412468, -0.5274783968925476, -0.43096843361854553, -0.6845839023590088, -0.039404358714818954, 0.6579228043556213, 0.5686190724372864, -0.09199050813913345, 0.7279371023178101, -0.19398972392082214, 0.36440977454185486, 0.20874488353729248, 0.3400866985321045, -0.020853642374277115, -0.7986485958099365, 0.019717076793313026, 0.06572306901216507, -0.6449141502380371, -0.7034894227981567, 0.389116495847702, 0.18316815793514252, 0.7059922218322754, 0.1656496673822403, -0.009315958246588707, 0.9204426407814026, -0.21649456024169922, 0.8098462820053101, 0.23859775066375732, -0.8148203492164612, 0.672958493232727, -0.06934864073991776, 0.07774341851472855, 0.4292391538619995, 0.2662574052810669, -0.12584815919399261, -0.36192813515663147, -0.7111492156982422, -0.7967711091041565, 0.8707451224327087, 0.3024497628211975, -0.11305072158575058, 0.24272313714027405, 0.5108888149261475, 0.1702076643705368, 0.12908577919006348, -0.7627484798431396, -0.34307295083999634, -0.3577174246311188, -0.022245485335588455, -0.15855181217193604, -0.25293147563934326, -0.15810848772525787, -0.4377749562263489, 0.7305270433425903, -0.055571120232343674, 0.4897661805152893, 0.22236916422843933, -0.38879355788230896, -0.30900418758392334, 0.02167605049908161, 0.6732156872749329, 0.609809398651123, -0.4136033058166504, -0.04435113072395325, 0.33432090282440186, -0.6281086802482605, 0.1779012680053711, 0.2373431921005249, -0.06150786578655243, -0.20356106758117676, 0.3884317874908447, 1.1716046333312988, 0.10488930344581604, -0.6063610315322876, 0.4340020716190338, -0.04534398764371872, -0.19685059785842896, -0.22649219632148743, 0.2662173807621002, 0.12822966277599335, 0.3672561049461365, 0.29386255145072937, -0.010558456182479858, -0.28515440225601196, -0.3822117745876312, -0.16071981191635132, 0.3693225681781769, 0.12449220567941666, -0.4298214614391327, 0.8905325531959534, 0.068647600710392, -0.29772377014160156, 0.5685930252075195, -0.1785356104373932, -0.33744990825653076, 0.762487530708313, 0.723590612411499, 0.6248818039894104, -0.2218881994485855, -0.041379209607839584, 0.43700212240219116, 0.5350133776664734, -0.2403796762228012, 0.46188268065452576, 0.14148183166980743, -0.4982660412788391, -0.37913966178894043, -0.7161314487457275, -0.2648485004901886, 0.3813669681549072, -0.4546351432800293, 0.35908424854278564, -0.6543475985527039, -0.2752431333065033, -0.14998868107795715, 0.4580511748790741, -0.6810734272003174, -0.08230423182249069, 0.10979818552732468, 1.0143301486968994, -0.9230942726135254, 0.7866208553314209, 0.6521918773651123, -0.5123540163040161, -0.974816620349884, -0.39585646986961365, -0.13888207077980042, -1.1385841369628906, 0.524264395236969, 0.26034095883369446, 0.03984969109296799, -0.06335059553384781, -0.750791609287262, -1.064205288887024, 1.52535879611969, 0.7299181222915649, -0.6514304280281067, 0.21534977853298187, 0.13514846563339233, 0.5467491149902344, -0.22357679903507233, 0.34087541699409485, 0.8449371457099915, 0.5425164103507996, 0.04809984937310219, -1.2007724046707153, 0.2404348999261856, -0.23683065176010132, 0.11895600706338882, -0.07841192930936813, -1.120675802230835, 1.100067377090454, -0.42117685079574585, -0.11360407620668411, 0.2922452390193939, 0.6284210681915283, 0.772169291973114, 0.2437615543603897, 0.387216717004776, 0.868898868560791, 0.8586944937705994, -0.07802944630384445, 1.2006540298461914, -0.3866623342037201, 0.48162275552749634, 0.9380050897598267, -0.1566377580165863, 0.9531166553497314, 0.5790363550186157, -0.4233549237251282, 0.6177656650543213, 0.9095171689987183, -0.07529990375041962, 0.5468723177909851, 0.13112512230873108, 0.18294833600521088, -0.10757589340209961, -0.036122314631938934, -0.5383053421974182, 0.3793409764766693, 0.33750346302986145, -0.12057015299797058, -0.09553618729114532, -0.14544719457626343, 0.20602929592132568, -0.4011417329311371, -0.16774685680866241, 0.537839949131012, 0.2787092626094818, -0.7162147760391235, 1.201526403427124, 0.10332408547401428, 0.9012501239776611, -0.5266581773757935, 0.18626491725444794, -0.48180386424064636, 0.2695823013782501, -0.3810783326625824, -0.6517543196678162, 0.018781477585434914, -0.01232434157282114, 0.09428121894598007, -0.0034778788685798645, 0.6420854926109314, -0.08317731320858002, -0.3367871940135956, 0.41594114899635315, 0.29983747005462646, 0.3221259117126465, 0.1505393236875534, -0.6931934356689453, 0.3365022838115692, -0.09385140985250473, -0.42782294750213623, 0.32726508378982544, 0.06131413206458092, -0.22174213826656342, 0.6410869359970093, 0.687393307685852, -0.055440012365579605, 0.302457332611084, -0.16024602949619293, 1.011672854423523, -0.397215873003006, -0.36670640110969543, -0.750066339969635, 0.45266467332839966, 0.1849678009748459, -0.6367040872573853, 0.7286451458930969, 0.5424954295158386, 0.743140459060669, 0.13380403816699982, 0.5340263843536377, -0.10428757965564728, 0.29254546761512756, -0.4354335367679596, 0.49554967880249023, -0.5070339441299438, 0.3935548663139343, -0.08444233238697052, -0.9790605306625366, -0.14709332585334778, 0.7614552974700928, -0.41258201003074646, -0.08387481421232224, 0.8323553800582886, 0.9317904710769653, -0.14592240750789642, -0.22914297878742218, -0.13060124218463898, 0.5487228631973267, 0.24849548935890198, 0.9185062646865845, 0.8488250374794006, -0.7244770526885986, 0.5460198521614075, -0.5648477077484131, -0.3317759037017822, -0.2569935619831085, -0.7290138006210327, -1.0171281099319458, -0.4154100716114044, -0.46107417345046997, -0.40270212292671204, 0.0425843708217144, 0.7468470335006714, 0.5355581641197205, -0.8367787599563599, -0.5363672375679016, -0.03219401836395264, 0.12354816496372223, -0.17992885410785675, -0.17937999963760376, 0.4770198166370392, -0.27528682351112366, -0.42771315574645996, 0.2327992469072342, 0.09210455417633057, 0.17420895397663116, -0.34398317337036133, -0.3532356321811676, -0.2727791368961334, -0.14569051563739777, 0.4440918564796448, 0.40087562799453735, -0.8920431137084961, -0.11457869410514832, 0.008144643157720566, -0.09007499366998672, 0.27948305010795593, 0.448149710893631, -0.8147498965263367, 0.020503057166934013, 0.3274066746234894, 0.44225651025772095, 0.7387008666992188, -0.18769071996212006, 0.10544650256633759, -0.5125581622123718, 0.5223709344863892, -0.07771912217140198, 0.4172289967536926, 0.4601600766181946, -0.32100069522857666, 0.5532739162445068, 0.417803555727005, -0.593765914440155, -1.0142461061477661, -0.1373615264892578, -1.1844203472137451, -0.09361062943935394, 1.484621524810791, -0.15445750951766968, -0.5290138125419617, 0.23915377259254456, -0.2666231393814087, 0.45714569091796875, -0.4659893810749054, 0.7243728637695312, 0.3251889646053314, -0.2536013126373291, -0.18209175765514374, -0.768776535987854, 0.3215242028236389, 0.3927573263645172, -0.889823317527771, -0.1529727578163147, 0.23765605688095093, 0.5238425731658936, 0.16717170178890228, 0.5033102631568909, 0.06011531129479408, 0.2713669538497925, -0.20447362959384918, 0.06961310654878616, -0.20924901962280273, -0.058689773082733154, -0.4127429723739624, -0.2271072268486023, 0.08999191224575043, -0.20829306542873383 ]
sentence-transformers/msmarco-MiniLM-L-12-v3
sentence-transformers
2022-06-16T00:16:13Z
9,993
16
sentence-transformers
[ "sentence-transformers", "pytorch", "tf", "jax", "bert", "feature-extraction", "sentence-similarity", "transformers", "arxiv:1908.10084", "license:apache-2.0", "endpoints_compatible", "has_space", "region:us" ]
sentence-similarity
2022-03-02T23:29:05Z
--- pipeline_tag: sentence-similarity license: apache-2.0 tags: - sentence-transformers - feature-extraction - sentence-similarity - transformers --- # sentence-transformers/msmarco-MiniLM-L-12-v3 This is a [sentence-transformers](https://www.SBERT.net) model: It maps sentences & paragraphs to a 384 dimensional dense vector space and can be used for tasks like clustering or semantic search. ## Usage (Sentence-Transformers) Using this model becomes easy when you have [sentence-transformers](https://www.SBERT.net) installed: ``` pip install -U sentence-transformers ``` Then you can use the model like this: ```python from sentence_transformers import SentenceTransformer sentences = ["This is an example sentence", "Each sentence is converted"] model = SentenceTransformer('sentence-transformers/msmarco-MiniLM-L-12-v3') embeddings = model.encode(sentences) print(embeddings) ``` ## Usage (HuggingFace Transformers) Without [sentence-transformers](https://www.SBERT.net), you can use the model like this: First, you pass your input through the transformer model, then you have to apply the right pooling-operation on-top of the contextualized word embeddings. ```python from transformers import AutoTokenizer, AutoModel import torch #Mean Pooling - Take attention mask into account for correct averaging def mean_pooling(model_output, attention_mask): token_embeddings = model_output[0] #First element of model_output contains all token embeddings input_mask_expanded = attention_mask.unsqueeze(-1).expand(token_embeddings.size()).float() return torch.sum(token_embeddings * input_mask_expanded, 1) / torch.clamp(input_mask_expanded.sum(1), min=1e-9) # Sentences we want sentence embeddings for sentences = ['This is an example sentence', 'Each sentence is converted'] # Load model from HuggingFace Hub tokenizer = AutoTokenizer.from_pretrained('sentence-transformers/msmarco-MiniLM-L-12-v3') model = AutoModel.from_pretrained('sentence-transformers/msmarco-MiniLM-L-12-v3') # Tokenize sentences encoded_input = tokenizer(sentences, padding=True, truncation=True, return_tensors='pt') # Compute token embeddings with torch.no_grad(): model_output = model(**encoded_input) # Perform pooling. In this case, max pooling. sentence_embeddings = mean_pooling(model_output, encoded_input['attention_mask']) print("Sentence embeddings:") print(sentence_embeddings) ``` ## Evaluation Results For an automated evaluation of this model, see the *Sentence Embeddings Benchmark*: [https://seb.sbert.net](https://seb.sbert.net?model_name=sentence-transformers/msmarco-MiniLM-L-12-v3) ## Full Model Architecture ``` SentenceTransformer( (0): Transformer({'max_seq_length': 512, 'do_lower_case': False}) with Transformer model: BertModel (1): Pooling({'word_embedding_dimension': 384, 'pooling_mode_cls_token': False, 'pooling_mode_mean_tokens': True, 'pooling_mode_max_tokens': False, 'pooling_mode_mean_sqrt_len_tokens': False}) ) ``` ## Citing & Authors This model was trained by [sentence-transformers](https://www.sbert.net/). If you find this model helpful, feel free to cite our publication [Sentence-BERT: Sentence Embeddings using Siamese BERT-Networks](https://arxiv.org/abs/1908.10084): ```bibtex @inproceedings{reimers-2019-sentence-bert, title = "Sentence-BERT: Sentence Embeddings using Siamese BERT-Networks", author = "Reimers, Nils and Gurevych, Iryna", booktitle = "Proceedings of the 2019 Conference on Empirical Methods in Natural Language Processing", month = "11", year = "2019", publisher = "Association for Computational Linguistics", url = "http://arxiv.org/abs/1908.10084", } ```
[ -0.31853970885276794, -0.666053056716919, 0.24919795989990234, 0.2852371037006378, -0.29107484221458435, -0.45213451981544495, -0.3246801197528839, -0.07897645980119705, 0.2009289562702179, 0.34602388739585876, -0.6509546637535095, -0.3834764063358307, -0.6617224812507629, 0.167208731174469, -0.37920334935188293, 0.9641842842102051, -0.09136977791786194, 0.008839464746415615, -0.34149032831192017, -0.2596941590309143, -0.26798251271247864, -0.3680538535118103, -0.4596628248691559, -0.17445822060108185, 0.34812095761299133, 0.2532990276813507, 0.502637505531311, 0.39017215371131897, 0.26301872730255127, 0.45473596453666687, -0.059566929936409, 0.3005775511264801, -0.32077327370643616, -0.14270484447479248, 0.09207198768854141, -0.4292726516723633, -0.05487169697880745, 0.19367094337940216, 0.5770655870437622, 0.3919846713542938, -0.1752239465713501, 0.20152515172958374, 0.16266272962093353, 0.3212503492832184, -0.3750138282775879, 0.45837798714637756, -0.6108590364456177, 0.18624591827392578, 0.036387793719768524, 0.04968828707933426, -0.5960986614227295, -0.12268481403589249, 0.17959415912628174, -0.3270353376865387, 0.27569323778152466, 0.3530195653438568, 1.1546059846878052, 0.4078168570995331, -0.2401600480079651, -0.4747598469257355, -0.25263679027557373, 0.855500340461731, -0.8511818647384644, 0.16039593517780304, 0.29459095001220703, 0.07287005335092545, 0.004291137680411339, -1.018730878829956, -0.7570285797119141, -0.1716746985912323, -0.5989517569541931, 0.14721395075321198, -0.396818071603775, 0.027233464643359184, 0.2561556398868561, 0.22278442978858948, -0.7299068570137024, -0.0700884759426117, -0.5036898255348206, -0.24372394382953644, 0.5309566259384155, 0.17752134799957275, 0.317903995513916, -0.6097977161407471, -0.4520171284675598, -0.28259146213531494, -0.22334524989128113, 0.042808450758457184, 0.08909473568201065, 0.28479447960853577, -0.36675575375556946, 0.8920404314994812, 0.016481876373291016, 0.5454893708229065, -0.09667590260505676, 0.13288527727127075, 0.556246817111969, -0.5067276358604431, -0.3618563711643219, -0.09794356673955917, 1.1334819793701172, 0.2687959372997284, 0.22826875746250153, 0.12073265016078949, -0.19948571920394897, 0.09034141898155212, 0.21521472930908203, -0.8047473430633545, -0.40193411707878113, 0.1697777360677719, -0.4787828326225281, -0.4106005132198334, 0.08433199673891068, -0.7060848474502563, -0.06758534163236618, 0.0841907262802124, 0.7108024954795837, -0.5422429442405701, 0.25989362597465515, 0.13967353105545044, -0.20923185348510742, 0.12258196622133255, -0.32195284962654114, -0.7265623807907104, 0.22609418630599976, 0.1485065519809723, 1.0744330883026123, 0.07690111547708511, -0.49718090891838074, -0.29461953043937683, -0.13351035118103027, 0.06964834779500961, 0.8136736750602722, -0.2916853129863739, -0.06503523141145706, 0.14636556804180145, 0.310508131980896, -0.6437488198280334, -0.34137940406799316, 0.5763954520225525, -0.2747389078140259, 0.7341340184211731, 0.167367622256279, -0.7462803721427917, -0.0628502294421196, 0.0814807265996933, -0.5297293663024902, 1.1519910097122192, 0.123642198741436, -0.9950582981109619, 0.0007077663904055953, -0.8091004490852356, -0.2323954552412033, -0.2170054167509079, -0.05424677953124046, -0.7042219638824463, 0.13962945342063904, 0.48191455006599426, 0.6355146169662476, 0.08170250058174133, 0.16964758932590485, -0.22150735557079315, -0.40923407673835754, 0.36140161752700806, -0.2577670216560364, 1.1764414310455322, 0.21715839207172394, -0.31606781482696533, 0.3045063316822052, -0.40646567940711975, -0.16800227761268616, 0.39031878113746643, -0.08687204867601395, -0.23177200555801392, -0.11080392450094223, 0.1831316351890564, 0.41295892000198364, 0.23214957118034363, -0.5805839896202087, 0.2508852481842041, -0.5670716166496277, 0.8079203367233276, 0.7082178592681885, 0.0010708299232646823, 0.6249945163726807, -0.3973446786403656, 0.2681569457054138, 0.24964097142219543, 0.07987798750400543, -0.2564273178577423, -0.5267584919929504, -1.1200217008590698, -0.4007989466190338, 0.35155463218688965, 0.5061031579971313, -0.9486313462257385, 0.9249094724655151, -0.4381590187549591, -0.4964548945426941, -0.8849206566810608, -0.02233501709997654, 0.1062127947807312, 0.4254661202430725, 0.6205242872238159, 0.022725721821188927, -0.7161108255386353, -1.0358871221542358, -0.12802894413471222, 0.058061383664608, 0.06653619557619095, 0.25122538208961487, 0.7846198081970215, -0.5073610544204712, 1.0108342170715332, -0.6808261871337891, -0.6325790286064148, -0.45687946677207947, 0.24012617766857147, 0.28217875957489014, 0.526841402053833, 0.5064988136291504, -0.5917003154754639, -0.46046730875968933, -0.5759000182151794, -0.7061759829521179, -0.03549577295780182, -0.24127836525440216, -0.19297988712787628, 0.25002434849739075, 0.5157135128974915, -0.8292034268379211, 0.3858862519264221, 0.6801691651344299, -0.5161943435668945, 0.4051189124584198, -0.31624308228492737, -0.2647346556186676, -1.2572437524795532, -0.028004659339785576, -0.06628574430942535, -0.27069053053855896, -0.4530027508735657, 0.044028423726558685, 0.14276708662509918, -0.11498770862817764, -0.49186062812805176, 0.5068953037261963, -0.4491141438484192, 0.11991944909095764, -0.0531604140996933, 0.5117841958999634, -0.00803933572024107, 0.7962326407432556, -0.1939142644405365, 0.7472198605537415, 0.44601473212242126, -0.5137619972229004, 0.2790907621383667, 0.586435079574585, -0.5172983407974243, 0.09763756394386292, -0.7893027663230896, 0.048200640827417374, -0.05394415184855461, 0.3453677296638489, -1.1816742420196533, 0.055940959602594376, 0.2814399302005768, -0.5233356952667236, 0.06092781201004982, 0.20597083866596222, -0.8034481406211853, -0.683440089225769, -0.4735580384731293, 0.10579553991556168, 0.5620563626289368, -0.5182875394821167, 0.586076557636261, 0.3210173547267914, -0.12706443667411804, -0.459539532661438, -1.1197686195373535, -0.09593409299850464, -0.15160027146339417, -0.7424286603927612, 0.4146585166454315, -0.20127438008785248, 0.21882610023021698, 0.23884645104408264, 0.2561890780925751, 0.15715469419956207, -0.14925527572631836, 0.05136687308549881, 0.3066076636314392, -0.04467013105750084, 0.258508563041687, 0.3066146671772003, -0.1671004444360733, -0.05181266367435455, -0.17736907303333282, 0.8358081579208374, -0.3225739300251007, -0.07851748913526535, -0.346451073884964, 0.1966657042503357, 0.3056432008743286, -0.2106402963399887, 1.2302894592285156, 1.0034235715866089, -0.44338467717170715, -0.13811475038528442, -0.4203226864337921, -0.3513953685760498, -0.5027570724487305, 0.4675142467021942, -0.3323637843132019, -1.0109411478042603, 0.3891555368900299, 0.3107180893421173, 0.026683807373046875, 0.7807347774505615, 0.671288788318634, -0.3276422917842865, 0.9050883650779724, 0.6430197358131409, -0.11773481220006943, 0.5459879636764526, -0.6694681644439697, 0.26728886365890503, -0.9174342155456543, -0.05206756293773651, -0.3503100872039795, -0.32872918248176575, -0.6680588722229004, -0.4801081120967865, 0.2613530457019806, -0.13685902953147888, -0.2308545559644699, 0.6431136727333069, -0.5596526861190796, 0.13921554386615753, 0.5331843495368958, 0.0687275156378746, 0.011778498999774456, 0.12240932881832123, -0.5658878684043884, -0.13501331210136414, -0.8669422268867493, -0.5667191743850708, 0.7243180871009827, 0.3830028772354126, 0.44165468215942383, -0.12453308701515198, 0.6916778683662415, 0.1744752824306488, 0.1544118970632553, -0.7483998537063599, 0.5770713686943054, -0.320705771446228, -0.44786399602890015, -0.342568963766098, -0.4124644994735718, -0.9501528143882751, 0.623549222946167, -0.2049688696861267, -0.7105740904808044, 0.1372513324022293, -0.1826981157064438, -0.370963454246521, 0.2272837907075882, -0.8137202262878418, 1.100089192390442, 0.12131930887699127, 0.02468240261077881, -0.06725721061229706, -0.715278685092926, 0.23977404832839966, 0.1772312968969345, 0.2646428644657135, -0.10872136056423187, -0.16769421100616455, 0.9246901869773865, -0.347720742225647, 0.9435275197029114, -0.1341872364282608, 0.23855412006378174, 0.3599459230899811, -0.26809629797935486, 0.4180505573749542, -0.16230930387973785, -0.00704398937523365, 0.1131288930773735, -0.04096405208110809, -0.4440610408782959, -0.45911678671836853, 0.7140361070632935, -0.8806477189064026, -0.2838725745677948, -0.5749170780181885, -0.6284831762313843, -0.03355808183550835, 0.2601321041584015, 0.46104443073272705, 0.3429524004459381, -0.04251768812537193, 0.38389095664024353, 0.4205361008644104, -0.2786807715892792, 0.7600162029266357, 0.17546449601650238, -0.13945746421813965, -0.48668423295021057, 0.5864874720573425, 0.1436530500650406, -0.028819413855671883, 0.322969913482666, 0.2719978988170624, -0.41263043880462646, -0.14965881407260895, -0.4462282359600067, 0.543488085269928, -0.5611987113952637, -0.3167043924331665, -1.0442835092544556, -0.5155523419380188, -0.6153917908668518, 0.00956182461231947, -0.25351372361183167, -0.385134220123291, -0.49376800656318665, -0.29220500588417053, 0.2834109365940094, 0.4443226456642151, -0.005111892241984606, 0.415881872177124, -0.7175645232200623, 0.1959398239850998, 0.2011212706565857, -0.038459643721580505, -0.10810094326734543, -0.8870672583580017, -0.43337351083755493, 0.09632910043001175, -0.3198816776275635, -0.8157949447631836, 0.694144606590271, 0.24571895599365234, 0.5208752155303955, 0.1836996227502823, 0.11606619507074356, 0.7143943309783936, -0.6742516160011292, 0.8507660031318665, 0.06723697483539581, -1.0263828039169312, 0.5051212310791016, -0.004589289426803589, 0.36523690819740295, 0.5214695930480957, 0.27429845929145813, -0.5017164349555969, -0.4222985506057739, -0.796278178691864, -0.8915340304374695, 0.7739425897598267, 0.5615460276603699, 0.4641485810279846, -0.20057441294193268, 0.09709176421165466, -0.28889042139053345, 0.23840896785259247, -1.0595698356628418, -0.47870680689811707, -0.24574291706085205, -0.617991030216217, -0.3926737904548645, -0.35456547141075134, 0.003341879928484559, -0.3857297897338867, 0.7085099816322327, -0.04587484523653984, 0.8667076230049133, 0.28563234210014343, -0.5316911339759827, 0.2529931664466858, 0.13298998773097992, 0.7198614478111267, 0.10543347150087357, -0.05796727165579796, 0.27382180094718933, 0.35648953914642334, -0.26296910643577576, -0.003592425025999546, 0.45495304465293884, -0.13600648939609528, 0.27480316162109375, 0.4308589994907379, 0.9465370774269104, 0.4397004544734955, -0.4832947254180908, 0.8457766175270081, -0.11378549039363861, -0.1291239857673645, -0.4671842157840729, -0.13609826564788818, 0.2467964142560959, 0.2782104015350342, 0.23747888207435608, 0.16300031542778015, 0.019076842814683914, -0.41589564085006714, 0.35336190462112427, 0.20418167114257812, -0.47214365005493164, 0.015469578094780445, 0.6189014315605164, -0.05296952649950981, -0.14428257942199707, 0.8546416759490967, -0.2923104465007782, -0.6660116314888, 0.4569711983203888, 0.6224169731140137, 0.8803936839103699, -0.0078047472052276134, 0.2196623980998993, 0.44181668758392334, 0.5394299030303955, -0.00909475889056921, 0.008385113440454006, 0.11020652204751968, -0.9567292332649231, -0.15236367285251617, -0.5892760157585144, 0.15425124764442444, -0.13570290803909302, -0.590589702129364, 0.29517677426338196, -0.06256340444087982, -0.0815650001168251, -0.21918542683124542, 0.043269913643598557, -0.7829875349998474, -0.003980100620537996, 0.07612372189760208, 0.9350149631500244, -1.064521312713623, 1.0024429559707642, 0.624654233455658, -0.7399871945381165, -0.6826502680778503, -0.20653603971004486, -0.24433961510658264, -0.8887436985969543, 0.3540499806404114, 0.4459972381591797, 0.09848034381866455, 0.1240369901061058, -0.6048191785812378, -0.7962237596511841, 1.4247349500656128, 0.2001209706068039, -0.38328003883361816, -0.22174514830112457, -0.01581038534641266, 0.5693206191062927, -0.6118308305740356, 0.35680466890335083, 0.4603891372680664, 0.3129556477069855, -0.17687340080738068, -0.681572437286377, 0.20731082558631897, -0.27985432744026184, 0.29974210262298584, -0.2127809375524521, -0.6277447938919067, 0.9551472067832947, -0.08697021007537842, -0.2568320631980896, 0.2607372999191284, 0.9509109854698181, 0.4091435372829437, -0.010325957089662552, 0.5250635147094727, 0.7236613631248474, 0.6679508686065674, -0.12605483829975128, 1.062670111656189, -0.18217357993125916, 0.8353976011276245, 1.096917748451233, 0.1472419798374176, 1.0856258869171143, 0.5016393065452576, -0.11566983908414841, 0.8708714246749878, 0.5585107207298279, -0.28370168805122375, 0.7184382677078247, 0.149627223610878, 0.07354037463665009, 0.12379522621631622, 0.10360842943191528, -0.2047656774520874, 0.3909958600997925, 0.2418062835931778, -0.7287835478782654, 0.06634020060300827, 0.27428561449050903, 0.14025281369686127, -0.04904672130942345, 0.00006585902883671224, 0.6208694577217102, 0.2726489305496216, -0.36537986993789673, 0.3958711624145508, 0.24704289436340332, 1.0355451107025146, -0.47281938791275024, 0.28834962844848633, -0.21059493720531464, 0.30617353320121765, -0.05749903991818428, -0.5455926060676575, 0.4346887469291687, -0.0978216901421547, -0.06839089840650558, -0.2472389191389084, 0.7054884433746338, -0.7231555581092834, -0.6417635679244995, 0.3227848410606384, 0.4814211130142212, 0.10872615873813629, 0.06631425768136978, -1.0597989559173584, 0.07302829623222351, 0.09776920080184937, -0.452879935503006, 0.22050446271896362, 0.2194509357213974, 0.37652191519737244, 0.5624567866325378, 0.4567505717277527, -0.10513748973608017, 0.25263887643814087, 0.12780629098415375, 0.8333598971366882, -0.5964227914810181, -0.5584800243377686, -0.9129413366317749, 0.7295486330986023, -0.2854793965816498, -0.23538607358932495, 0.813948392868042, 0.5695880055427551, 0.8824249505996704, -0.37378764152526855, 0.4844128489494324, -0.18817000091075897, 0.23845809698104858, -0.5642284750938416, 0.9066209197044373, -0.5452951788902283, -0.029282037168741226, -0.16779959201812744, -0.9041488766670227, -0.2894996106624603, 1.1144132614135742, -0.33088982105255127, 0.09429015964269638, 1.0470654964447021, 0.8960286378860474, -0.09105872362852097, -0.09309019148349762, 0.21890446543693542, 0.43712082505226135, 0.1773177683353424, 0.4437510669231415, 0.5225372910499573, -0.8904693722724915, 0.7817346453666687, -0.6085298657417297, -0.06965461373329163, -0.2185693085193634, -0.7366941571235657, -0.990270733833313, -0.8130577802658081, -0.3135233223438263, -0.34213706851005554, -0.21383753418922424, 1.0675921440124512, 0.6107615232467651, -0.8083113431930542, -0.15093685686588287, -0.04729460924863815, -0.13219186663627625, -0.14666375517845154, -0.3303143084049225, 0.5377614498138428, -0.5778506398200989, -0.7959555983543396, 0.23359450697898865, -0.03029908612370491, 0.04713008552789688, -0.292880117893219, 0.08393516391515732, -0.5887541174888611, 0.22095218300819397, 0.7200725078582764, -0.26972150802612305, -0.765625536441803, -0.3048384487628937, -0.019901607185602188, -0.5670918226242065, -0.097235769033432, 0.510844349861145, -0.6283196210861206, 0.30158334970474243, 0.4294363856315613, 0.47951748967170715, 0.7879377007484436, -0.2925775349140167, 0.29881879687309265, -0.8734930157661438, 0.3667827248573303, 0.05642751231789589, 0.8074186444282532, 0.3494034707546234, -0.2217019647359848, 0.6183821558952332, 0.26278653740882874, -0.47798916697502136, -0.7400544881820679, -0.13459551334381104, -0.9993726015090942, -0.22087489068508148, 1.1129933595657349, -0.3011253774166107, -0.3090171217918396, 0.19768622517585754, -0.3556876480579376, 0.44171732664108276, -0.280324250459671, 0.6349079012870789, 0.8057882785797119, -0.0989609882235527, -0.4142158329486847, -0.390889436006546, 0.30694273114204407, 0.4450847804546356, -0.6208146810531616, -0.30675655603408813, 0.16528263688087463, 0.22833040356636047, 0.25662732124328613, 0.5148752927780151, -0.08670490980148315, -0.11168528348207474, 0.06245819479227066, 0.14796480536460876, -0.17622582614421844, -0.08788678795099258, -0.520400881767273, 0.10642487555742264, -0.429794579744339, -0.39006921648979187 ]
microsoft/Orca-2-13b
microsoft
2023-11-22T17:56:02Z
9,993
461
transformers
[ "transformers", "pytorch", "llama", "text-generation", "orca", "orca2", "microsoft", "arxiv:2311.11045", "license:other", "endpoints_compatible", "has_space", "text-generation-inference", "region:us" ]
text-generation
2023-11-14T01:12:36Z
--- pipeline_tag: text-generation tags: - orca - orca2 - microsoft license: other license_name: microsoft-research-license license_link: LICENSE --- # Orca 2 <!-- Provide a quick summary of what the model is/does. --> Orca 2 is built for research purposes only and provides a single turn response in tasks such as reasoning over user given data, reading comprehension, math problem solving and text summarization. The model is designed to excel particularly in reasoning. Note that: 1. This is a research model, intended to show that we can use capable models and complex workflows (advanced prompts, multiple calls) to create synthetic data that can teach Small Language Models (SLMs) new capabilities. We chose reasoning because it is a widely useful capability that SLMs lack. 2. The model is not optimized for chat and has not been trained with RLHF or DPO. It is best used after being finetuned for chat or for a specific task. 3. Beyond reasoning, the model inherits capabilities and limitations of its base (LLAMA-2 base). We have already seen that the benefits of the Orca training can be applied to other base model too. We make Orca 2's weights publicly available to support further research on the development, evaluation, and alignment of SLMs. ## What is Orca 2’s intended use(s)? + Orca 2 is built for research purposes only. + The main purpose is to allow the research community to assess its abilities and to provide a foundation for building better frontier models. ## How was Orca 2 evaluated? + Orca 2 has been evaluated on a large number of tasks ranging from reasoning to grounding and safety. Please refer to Section 6 and Appendix in the [Orca 2 paper](https://arxiv.org/pdf/2311.11045.pdf) for details on evaluations. ## Model Details Orca 2 is a finetuned version of LLAMA-2. Orca 2’s training data is a synthetic dataset that was created to enhance the small model’s reasoning abilities. All synthetic training data was moderated using the Microsoft Azure content filters. More details about the model can be found in the [Orca 2 paper](https://arxiv.org/pdf/2311.11045.pdf). Please refer to LLaMA-2 technical report for details on the model architecture. ## License Orca 2 is licensed under the [Microsoft Research License](LICENSE). Llama 2 is licensed under the [LLAMA 2 Community License](https://ai.meta.com/llama/license/), Copyright © Meta Platforms, Inc. All Rights Reserved. ## Bias, Risks, and Limitations Orca 2, built upon the LLaMA 2 model family, retains many of its limitations, as well as the common limitations of other large language models or limitation caused by its training process, including: **Data Biases**: Large language models, trained on extensive data, can inadvertently carry biases present in the source data. Consequently, the models may generate outputs that could be potentially biased or unfair. **Lack of Contextual Understanding**: Despite their impressive capabilities in language understanding and generation, these models exhibit limited real-world understanding, resulting in potential inaccuracies or nonsensical responses. **Lack of Transparency**: Due to the complexity and size, large language models can act as “black boxes”, making it difficult to comprehend the rationale behind specific outputs or decisions. We recommend reviewing transparency notes from Azure for more information. **Content Harms**: There are various types of content harms that large language models can cause. It is important to be aware of them when using these models, and to take actions to prevent them. It is recommended to leverage various content moderation services provided by different companies and institutions. On an important note, we hope for better regulations and standards from government and technology leaders around content harms for AI technologies in future. We value and acknowledge the important role that research and open source community can play in this direction. **Hallucination**: It is important to be aware and cautious not to entirely rely on a given language model for critical decisions or information that might have deep impact as it is not obvious how to prevent these models from fabricating content. Moreover, it is not clear whether small models may be more susceptible to hallucination in ungrounded generation use cases due to their smaller sizes and hence reduced memorization capacities. This is an active research topic and we hope there will be more rigorous measurement, understanding and mitigations around this topic. **Potential for Misuse**: Without suitable safeguards, there is a risk that these models could be maliciously used for generating disinformation or harmful content. **Data Distribution**: Orca 2’s performance is likely to correlate strongly with the distribution of the tuning data. This correlation might limit its accuracy in areas underrepresented in the training dataset such as math, coding, and reasoning. **System messages**: Orca 2 demonstrates variance in performance depending on the system instructions. Additionally, the stochasticity introduced by the model size may lead to generation of non-deterministic responses to different system instructions. **Zero-Shot Settings**: Orca 2 was trained on data that mostly simulate zero-shot settings. While the model demonstrate very strong performance in zero-shot settings, it does not show the same gains of using few-shot learning compared to other, specially larger, models. **Synthetic data**: As Orca 2 is trained on synthetic data, it could inherit both the advantages and shortcomings of the models and methods used for data generation. We posit that Orca 2 benefits from the safety measures incorporated during training and safety guardrails (e.g., content filter) within the Azure OpenAI API. However, detailed studies are required for better quantification of such risks. This model is solely designed for research settings, and its testing has only been carried out in such environments. It should not be used in downstream applications, as additional analysis is needed to assess potential harm or bias in the proposed application. ## Getting started with Orca 2 **Inference with Hugging Face library** ```python import torch import transformers if torch.cuda.is_available(): torch.set_default_device("cuda") else: torch.set_default_device("cpu") model = transformers.AutoModelForCausalLM.from_pretrained("microsoft/Orca-2-13b", device_map='auto') # https://github.com/huggingface/transformers/issues/27132 # please use the slow tokenizer since fast and slow tokenizer produces different tokens tokenizer = transformers.AutoTokenizer.from_pretrained( "microsoft/Orca-2-13b", use_fast=False, ) system_message = "You are Orca, an AI language model created by Microsoft. You are a cautious assistant. You carefully follow instructions. You are helpful and harmless and you follow ethical guidelines and promote positive behavior." user_message = "How can you determine if a restaurant is popular among locals or mainly attracts tourists, and why might this information be useful?" prompt = f"<|im_start|>system\n{system_message}<|im_end|>\n<|im_start|>user\n{user_message}<|im_end|>\n<|im_start|>assistant" inputs = tokenizer(prompt, return_tensors='pt') output_ids = model.generate(inputs["input_ids"],) answer = tokenizer.batch_decode(output_ids)[0] print(answer) # This example continues showing how to add a second turn message by the user to the conversation second_turn_user_message = "Give me a list of the key points of your first answer." # we set add_special_tokens=False because we dont want to automatically add a bos_token between messages second_turn_message_in_markup = f"\n<|im_start|>user\n{second_turn_user_message}<|im_end|>\n<|im_start|>assistant" second_turn_tokens = tokenizer(second_turn_message_in_markup, return_tensors='pt', add_special_tokens=False) second_turn_input = torch.cat([output_ids, second_turn_tokens['input_ids']], dim=1) output_ids_2 = model.generate(second_turn_input,) second_turn_answer = tokenizer.batch_decode(output_ids_2)[0] print(second_turn_answer) ``` **Safe inference with Azure AI Content Safety** The usage of [Azure AI Content Safety](https://azure.microsoft.com/en-us/products/ai-services/ai-content-safety/) on top of model prediction is strongly encouraged and can help prevent content harms. Azure AI Content Safety is a content moderation platform that uses AI to keep your content safe. By integrating Orca 2 with Azure AI Content Safety, we can moderate the model output by scanning it for sexual content, violence, hate, and self-harm with multiple severity levels and multi-lingual detection. ```python import os import math import transformers import torch from azure.ai.contentsafety import ContentSafetyClient from azure.core.credentials import AzureKeyCredential from azure.core.exceptions import HttpResponseError from azure.ai.contentsafety.models import AnalyzeTextOptions CONTENT_SAFETY_KEY = os.environ["CONTENT_SAFETY_KEY"] CONTENT_SAFETY_ENDPOINT = os.environ["CONTENT_SAFETY_ENDPOINT"] # We use Azure AI Content Safety to filter out any content that reaches "Medium" threshold # For more information: https://learn.microsoft.com/en-us/azure/ai-services/content-safety/ def should_filter_out(input_text, threshold=4): # Create an Content Safety client client = ContentSafetyClient(CONTENT_SAFETY_ENDPOINT, AzureKeyCredential(CONTENT_SAFETY_KEY)) # Construct a request request = AnalyzeTextOptions(text=input_text) # Analyze text try: response = client.analyze_text(request) except HttpResponseError as e: print("Analyze text failed.") if e.error: print(f"Error code: {e.error.code}") print(f"Error message: {e.error.message}") raise print(e) raise categories = ["hate_result", "self_harm_result", "sexual_result", "violence_result"] max_score = -math.inf for category in categories: max_score = max(max_score, getattr(response, category).severity) return max_score >= threshold model_path = 'microsoft/Orca-2-13b' device = torch.device("cuda:0" if torch.cuda.is_available() else "cpu") model = transformers.AutoModelForCausalLM.from_pretrained(model_path) model.to(device) tokenizer = transformers.AutoTokenizer.from_pretrained( model_path, model_max_length=4096, padding_side="right", use_fast=False, add_special_tokens=False, ) system_message = "You are Orca, an AI language model created by Microsoft. You are a cautious assistant. You carefully follow instructions. You are helpful and harmless and you follow ethical guidelines and promote positive behavior." user_message = "\" \n :You can't just say, \"\"that's crap\"\" and remove it without gaining a consensus. You already know this, based on your block history. —/ \" \nIs the comment obscene? \nOptions : Yes, No." prompt = f"<|im_start|>system\n{system_message}<|im_end|>\n<|im_start|>user\n{user_message}<|im_end|>\n<|im_start|>assistant" inputs = tokenizer(prompt, return_tensors='pt') inputs = inputs.to(device) output_ids = model.generate(inputs["input_ids"], max_length=4096, do_sample=False, temperature=0.0, use_cache=True) sequence_length = inputs["input_ids"].shape[1] new_output_ids = output_ids[:, sequence_length:] answers = tokenizer.batch_decode(new_output_ids, skip_special_tokens=True) final_output = answers[0] if not should_filter_out(answers[0]) else "[Content Filtered]" print(final_output) ``` ## Citation ```bibtex @misc{mitra2023orca, title={Orca 2: Teaching Small Language Models How to Reason}, author={Arindam Mitra and Luciano Del Corro and Shweti Mahajan and Andres Codas and Clarisse Simoes and Sahaj Agrawal and Xuxi Chen and Anastasia Razdaibiedina and Erik Jones and Kriti Aggarwal and Hamid Palangi and Guoqing Zheng and Corby Rosset and Hamed Khanpour and Ahmed Awadallah}, year={2023}, eprint={2311.11045}, archivePrefix={arXiv}, primaryClass={cs.AI} } ```
[ -0.11012536287307739, -0.9528617262840271, 0.24256649613380432, 0.10608850419521332, -0.22657379508018494, -0.2272397130727768, -0.03570859134197235, -0.8077678680419922, 0.050535015761852264, 0.4726119637489319, -0.3781878352165222, -0.2985084652900696, -0.5111528635025024, -0.24370695650577545, -0.28215619921684265, 0.9694405794143677, 0.06128421053290367, 0.15154951810836792, -0.05631539225578308, -0.15338964760303497, -0.6397560238838196, -0.5675604343414307, -1.1647372245788574, -0.299916535615921, 0.29842913150787354, 0.37901777029037476, 0.6256276965141296, 0.72339928150177, 0.19350384175777435, 0.23396898806095123, -0.24279636144638062, 0.3440229296684265, -0.4987105429172516, 0.003363925963640213, -0.16740722954273224, -0.6880300045013428, -0.5830116868019104, -0.000819441513158381, 0.34969452023506165, 0.4557338058948517, -0.09860588610172272, 0.2967716455459595, 0.07393789291381836, 0.34837764501571655, -0.3862897753715515, 0.2951546609401703, -0.5239335298538208, -0.04465063288807869, -0.22722069919109344, -0.04804544523358345, -0.3309730887413025, -0.25689470767974854, -0.027827128767967224, -0.5778139233589172, -0.05570891499519348, 0.06620971113443375, 0.6986550688743591, 0.3313230872154236, -0.4535142481327057, -0.48666998744010925, -0.4639541506767273, 0.7818304896354675, -0.7082963585853577, 0.12298177927732468, 0.36375051736831665, 0.1642487645149231, -0.3195304274559021, -0.7511956095695496, -0.7642524838447571, -0.29013511538505554, 0.07208789885044098, -0.008812538348138332, 0.02612580731511116, -0.18545685708522797, 0.2531222403049469, 0.1075664833188057, -0.6228035092353821, 0.37742307782173157, -0.621266782283783, -0.24762660264968872, 0.7560106515884399, 0.30150288343429565, 0.3400808870792389, -0.056458622217178345, -0.28111404180526733, -0.36929547786712646, -0.7662225961685181, 0.36011892557144165, 0.4856327474117279, 0.35542792081832886, -0.3754243850708008, 0.8481191992759705, 0.11274854838848114, 0.4203123152256012, -0.09565046429634094, -0.3610852062702179, 0.21645230054855347, -0.3267914354801178, -0.17457279562950134, -0.041141577064991, 0.7375336289405823, 0.33103734254837036, 0.06656493246555328, 0.10586000978946686, -0.018702585250139236, 0.22532127797603607, 0.09749630093574524, -0.5951901078224182, 0.011686363257467747, 0.48785144090652466, -0.5556983947753906, -0.3848685920238495, -0.0936172753572464, -0.6177119016647339, -0.47477471828460693, -0.1666765958070755, 0.19078369438648224, -0.2720390260219574, -0.40667691826820374, 0.23765626549720764, -0.09402265399694443, 0.4006769061088562, 0.14335617423057556, -0.9967470169067383, 0.31683751940727234, 0.6755145788192749, 0.6952280402183533, -0.12266182899475098, -0.3655748963356018, -0.24285289645195007, -0.20327502489089966, -0.3794117569923401, 0.669950008392334, -0.18716050684452057, -0.39918678998947144, -0.021323783323168755, -0.02601447142660618, 0.06138644739985466, -0.5202230215072632, 0.3595879077911377, -0.48185986280441284, 0.22371479868888855, -0.4101022183895111, -0.18927165865898132, -0.3212096691131592, -0.06868943572044373, -0.44824495911598206, 1.119814395904541, 0.0326010026037693, -0.6263401508331299, 0.18563790619373322, -0.8096356391906738, -0.47628253698349, -0.20643232762813568, -0.2284371554851532, -0.3335297703742981, -0.0001539353106636554, -0.027998628094792366, 0.06162583455443382, -0.3767007291316986, 0.2426408976316452, -0.35801661014556885, -0.09434811770915985, 0.2586140036582947, -0.11128664016723633, 1.1241785287857056, 0.30059465765953064, -0.48393404483795166, 0.00028922883211635053, -0.4842633306980133, -0.04752516373991966, 0.38758596777915955, -0.38775166869163513, -0.060716867446899414, 0.01767810992896557, 0.16755712032318115, 0.2968803346157074, 0.31244686245918274, -0.5477571487426758, 0.30027392506599426, -0.4358043074607849, 0.7078608870506287, 0.4664510190486908, -0.09855018556118011, 0.46434494853019714, -0.2529090344905853, 0.43203479051589966, 0.03233909606933594, 0.2128252387046814, 0.17278636991977692, -0.7512771487236023, -0.9899287819862366, 0.03608720377087593, 0.15303267538547516, 0.6082274913787842, -0.6641790270805359, 0.3460446000099182, 0.03634580969810486, -0.505068838596344, -0.5444130897521973, 0.025929775089025497, 0.5187724828720093, 0.4337361454963684, 0.30805346369743347, -0.47673723101615906, -0.8547266721725464, -0.7003523707389832, 0.06167120113968849, -0.4346327781677246, 0.0763525515794754, 0.42680755257606506, 0.5681450366973877, -0.08343838155269623, 0.9430660605430603, -0.41818973422050476, -0.3374183475971222, -0.41932857036590576, 0.05137338489294052, -0.13477323949337006, 0.6633206605911255, 0.5338512063026428, -0.6460163593292236, -0.1989445686340332, -0.19926688075065613, -1.0054142475128174, 0.1551252156496048, -0.11579340696334839, -0.10935277491807938, 0.5433669090270996, 0.47693362832069397, -0.7159685492515564, 0.48076510429382324, 0.33904626965522766, -0.40268388390541077, 0.42585065960884094, -0.17368490993976593, -0.33114466071128845, -0.8066983222961426, 0.2260812222957611, -0.3420926630496979, -0.05444776639342308, -0.6881025433540344, 0.07743741571903229, -0.21555276215076447, -0.13460499048233032, -0.5614316463470459, 0.7247966527938843, -0.16987664997577667, -0.12560054659843445, -0.3588114380836487, 0.13242706656455994, -0.08571311086416245, 0.46946802735328674, 0.3129945397377014, 0.6488621234893799, 0.6388711929321289, -0.6306413412094116, 0.2214038074016571, 0.4155229330062866, -0.3263193666934967, 0.25787171721458435, -0.8909549713134766, 0.41355639696121216, -0.19945552945137024, 0.41683512926101685, -0.9950912594795227, -0.17719268798828125, 0.36449894309043884, -0.7368869781494141, 0.27970483899116516, 0.23440738022327423, -0.6043187379837036, -0.2968957722187042, -0.32561516761779785, 0.3660064935684204, 0.5511649250984192, -0.5104163289070129, 0.5016660094261169, 0.670376181602478, -0.040167808532714844, -0.4752550423145294, -1.0558415651321411, 0.04858645051717758, -0.24057753384113312, -0.7502012848854065, 0.183266744017601, 0.017315110191702843, -0.18304120004177094, -0.17200353741645813, 0.032644618302583694, 0.11948098242282867, 0.10653065890073776, 0.38615480065345764, 0.292954683303833, -0.14850103855133057, 0.08640363812446594, 0.1298031508922577, -0.17957013845443726, 0.22316086292266846, -0.25357168912887573, 0.687716007232666, -0.18245938420295715, -0.15549302101135254, -0.4057231843471527, 0.3248528838157654, 0.5380661487579346, -0.22279103100299835, 0.8818610906600952, 0.5595500469207764, -0.30672687292099, -0.09013596922159195, -0.5685568451881409, -0.3498586416244507, -0.43274950981140137, 0.5473071336746216, -0.22509822249412537, -0.7271742820739746, 0.5873176455497742, 0.4562792479991913, 0.2953566610813141, 0.5337761640548706, 0.7649039626121521, 0.06604363024234772, 1.1207983493804932, 0.7374197244644165, -0.03720061480998993, 0.3729146718978882, -0.489669531583786, 0.2390061467885971, -0.9085806608200073, -0.7741844058036804, -0.5370135307312012, -0.1608768254518509, -0.5615726709365845, -0.2055540382862091, 0.2834527790546417, 0.048415906727313995, -0.29310157895088196, 0.43638375401496887, -0.48833176493644714, 0.13193446397781372, 0.6136865615844727, 0.14852380752563477, 0.049884434789419174, -0.0077782878652215, 0.031973812729120255, 0.2941862940788269, -0.7835468053817749, -0.7570255994796753, 1.1914093494415283, 0.6213008165359497, 0.663430392742157, 0.17443551123142242, 0.3036196529865265, 0.15168045461177826, 0.09668867290019989, -0.6140448451042175, 0.5524485111236572, 0.1399172842502594, -0.8503444194793701, -0.34436964988708496, -0.21644960343837738, -1.030769944190979, 0.1373765617609024, 0.042525969445705414, -0.8912073969841003, 0.35914701223373413, 0.0633786991238594, -0.5735152363777161, 0.13848738372325897, -0.7232838273048401, 0.8213183879852295, -0.22274908423423767, -0.15187855064868927, -0.1304374635219574, -0.8129829168319702, 0.4748765528202057, 0.05889814347028732, 0.07591710239648819, 0.1520504504442215, -0.28498533368110657, 0.9228624105453491, -0.5815975666046143, 0.9959584474563599, -0.08201562613248825, -0.11758121103048325, 0.7107077836990356, -0.016935724765062332, 0.43380844593048096, 0.24291911721229553, -0.14768797159194946, 0.27197736501693726, 0.09825647622346878, -0.3024163246154785, -0.3664158284664154, 0.6730397939682007, -1.037764072418213, -0.3740478456020355, -0.423713743686676, -0.4957926869392395, 0.09106893837451935, 0.019144542515277863, 0.3825072944164276, 0.2758784592151642, 0.16079774498939514, 0.04848366975784302, 0.431728720664978, -0.41306182742118835, 0.34759125113487244, 0.547722578048706, -0.2033843696117401, -0.3290490210056305, 0.7665262222290039, 0.1919354647397995, 0.1676778793334961, 0.0339527428150177, -0.011481167748570442, -0.5904219150543213, -0.39728933572769165, -0.35580578446388245, 0.3395940065383911, -0.7338969707489014, -0.08455550670623779, -0.7179563641548157, -0.16365978121757507, -0.6110221147537231, 0.1302211433649063, -0.4219686686992645, -0.5004810094833374, -0.5974850654602051, -0.14118804037570953, 0.2949881851673126, 0.632286787033081, -0.19643926620483398, 0.127773255109787, -0.22018876671791077, 0.23177704215049744, 0.30441150069236755, 0.0042303926311433315, 0.21714958548545837, -0.8030545115470886, 0.01705353334546089, 0.2215294986963272, -0.5242077708244324, -0.6030722856521606, 0.26832303404808044, -0.05709206685423851, 0.34495624899864197, 0.29601985216140747, -0.02227071300148964, 0.6154851913452148, -0.13683420419692993, 1.0171129703521729, 0.03610096126794815, -0.8458048701286316, 0.441945344209671, -0.03053407184779644, 0.0631459429860115, 0.41107866168022156, 0.22107408940792084, -0.30864012241363525, -0.24502032995224, -0.7346509695053101, -0.7645543217658997, 1.0551047325134277, 0.3771103024482727, 0.26350849866867065, -0.11426564306020737, 0.4490743577480316, -0.040618833154439926, 0.2114325761795044, -0.7848219275474548, -0.4367145597934723, -0.23917298018932343, 0.18966466188430786, -0.021284813061356544, -0.5013573169708252, 0.14540627598762512, -0.11958113312721252, 0.7945442199707031, 0.12194398790597916, 0.43995779752731323, 0.1378989964723587, 0.004420890007168055, -0.1042141392827034, -0.11479518562555313, 0.7572932243347168, 0.43654099106788635, -0.1232081726193428, 0.12079986184835434, 0.3527563512325287, -0.5467497706413269, -0.07011076807975769, -0.11159425973892212, -0.23985551297664642, -0.1938832551240921, 0.3201372027397156, 0.702021062374115, -0.338036447763443, -0.7468357086181641, 0.20609039068222046, 0.028591608628630638, 0.008581929840147495, -0.3577105700969696, 0.0978252962231636, 0.12135030329227448, 0.21469180285930634, 0.1470332145690918, 0.07113189250230789, 0.01077486202120781, -0.8976805210113525, -0.18857119977474213, 0.37760788202285767, -0.1230945810675621, -0.2832321524620056, 0.7619181275367737, 0.11559034883975983, -0.497332364320755, 0.7149378657341003, -0.19749514758586884, -0.3789959251880646, 0.899371325969696, 0.5115270614624023, 0.5552992820739746, -0.22782039642333984, -0.005501268431544304, 0.3748534321784973, 0.41601818799972534, -0.20339328050613403, 0.6185544729232788, 0.10455305874347687, -0.6821504235267639, -0.1661282330751419, -0.3454200327396393, -0.17556744813919067, 0.5166180729866028, -0.6219615936279297, 0.38361024856567383, -0.49362218379974365, -0.3289133310317993, 0.08027958124876022, 0.08485273271799088, -0.4698963761329651, 0.12943872809410095, 0.21644966304302216, 0.9350011348724365, -0.8021644949913025, 0.8023054599761963, 0.5613902807235718, -0.7526648044586182, -0.9473745822906494, -0.4346438944339752, 0.1292899250984192, -0.8063268661499023, 0.5609423518180847, 0.1608012467622757, 0.0461631715297699, -0.18734873831272125, -0.6448789238929749, -0.8594720363616943, 1.0509424209594727, 0.3882442116737366, -0.13877874612808228, 0.03815196454524994, 0.38086333870887756, 0.6566249132156372, -0.5182034969329834, 0.5360379815101624, 0.7783448696136475, 0.357223242521286, 0.10277549177408218, -0.9240686297416687, 0.2808626592159271, -0.20734362304210663, 0.20860299468040466, -0.3082142472267151, -0.7332948446273804, 1.0008662939071655, -0.35728687047958374, -0.10301639884710312, 0.40999263525009155, 0.6601182818412781, 0.3540293872356415, 0.2354123741388321, 0.32861512899398804, 0.4073478877544403, 0.6740791201591492, 0.03514034301042557, 1.141086459159851, -0.1607125997543335, 0.3096890151500702, 1.0374714136123657, -0.21465322375297546, 0.8667645454406738, 0.45313671231269836, -0.15605734288692474, 0.39851996302604675, 0.8373585939407349, 0.008958844467997551, 0.5501787066459656, 0.12450886517763138, 0.036841440945863724, 0.01411917433142662, -0.399131178855896, -0.6206368803977966, 0.5367889404296875, 0.34797558188438416, -0.3846621811389923, -0.12784835696220398, -0.026020988821983337, 0.2528178095817566, -0.2816120684146881, -0.019764788448810577, 0.6771278381347656, 0.22269879281520844, -0.8541132807731628, 0.8652857542037964, 0.35802868008613586, 0.4351935088634491, -0.5400271415710449, 0.00748348468914628, -0.4385772943496704, 0.14350834488868713, -0.3768710196018219, -0.6101704239845276, 0.45398566126823425, 0.07231363654136658, -0.06633996218442917, -0.078460194170475, 0.4056006968021393, -0.40234169363975525, -0.2193138301372528, 0.20540422201156616, 0.15459761023521423, 0.5089574456214905, -0.01140775065869093, -0.7492005228996277, 0.3631133735179901, 0.05453552305698395, -0.20649461448192596, 0.3869536817073822, 0.1400446593761444, -0.13289394974708557, 0.6780570149421692, 0.6597355604171753, -0.05271028354763985, -0.0717075914144516, -0.09857238084077835, 0.9686992168426514, -0.22268730401992798, -0.4488808512687683, -0.7739251255989075, 0.5240748524665833, 0.07268478721380234, -0.49742239713668823, 0.7273171544075012, 0.7143798470497131, 0.7740767002105713, -0.0653391107916832, 0.6727988719940186, -0.3208254277706146, 0.25942713022232056, -0.4351648986339569, 0.7045282125473022, -0.6012815833091736, 0.40360772609710693, 0.149031400680542, -0.8614321351051331, -0.08687201887369156, 0.7120664119720459, -0.3963451683521271, 0.20154857635498047, 0.7276808023452759, 1.0462204217910767, 0.053018197417259216, -0.048116207122802734, 0.001352627412416041, 0.3402150571346283, 0.40611690282821655, 0.6458718776702881, 0.6609593033790588, -0.5567008256912231, 0.6666331887245178, -0.20055022835731506, -0.2917814254760742, -0.2349657267332077, -0.6960556507110596, -1.062150478363037, -0.4282115399837494, -0.2799002528190613, -0.6494795083999634, 0.0047839670442044735, 0.8584495186805725, 0.7614138126373291, -0.8097366094589233, -0.42280369997024536, -0.2107483446598053, 0.1224595308303833, -0.16221269965171814, -0.17671051621437073, 0.5175535082817078, -0.2351692020893097, -0.5660977363586426, 0.3033491373062134, 0.07261582463979721, 0.16417936980724335, -0.46169838309288025, -0.13119417428970337, -0.04957941174507141, 0.1807035207748413, 0.5137917399406433, 0.6655099391937256, -0.8138810992240906, -0.14877139031887054, -0.07827417552471161, -0.23415915668010712, -0.1163436695933342, 0.43707576394081116, -0.6333256959915161, 0.34503066539764404, 0.3443685472011566, 0.26631858944892883, 0.6176286935806274, -0.1259305775165558, 0.26552051305770874, -0.37068137526512146, 0.42957812547683716, 0.11934790760278702, 0.25591331720352173, 0.24855463206768036, -0.5009725689888, 0.5539368987083435, 0.039523638784885406, -0.38058826327323914, -0.899711012840271, 0.1577797681093216, -0.9796455502510071, -0.1350247859954834, 1.4356616735458374, -0.14113666117191315, -0.206780806183815, -0.18644678592681885, -0.39871662855148315, 0.2789950370788574, -0.4435242712497711, 0.9775841236114502, 0.36046233773231506, -0.07406371086835861, 0.1128561794757843, -0.5425793528556824, 0.5562559962272644, 0.4110614061355591, -0.8525300025939941, -0.17527705430984497, 0.08295562118291855, 0.30400967597961426, 0.2497580200433731, 0.5061924457550049, -0.2088838815689087, 0.33991944789886475, 0.16335561871528625, 0.09400154650211334, -0.4220333695411682, -0.25523319840431213, -0.3768274486064911, 0.045456793159246445, 0.026297172531485558, -0.30485430359840393 ]
timm/vit_base_patch32_clip_224.openai
timm
2023-11-22T16:23:43Z
9,977
0
timm
[ "timm", "pytorch", "vision", "arxiv:2103.00020", "arxiv:1908.04913", "license:apache-2.0", "region:us" ]
null
2022-11-01T22:03:18Z
--- license: apache-2.0 tags: - timm - vision library_tag: timm --- # CLIP (OpenAI model for timm) ## Model Details The CLIP model was developed by researchers at OpenAI to learn about what contributes to robustness in computer vision tasks. The model was also developed to test the ability of models to generalize to arbitrary image classification tasks in a zero-shot manner. It was not developed for general model deployment - to deploy models like CLIP, researchers will first need to carefully study their capabilities in relation to the specific context they’re being deployed within. This instance of the CLIP model is intended for loading in * `timm` (https://github.com/rwightman/pytorch-image-models) and * `OpenCLIP` (https://github.com/mlfoundations/open_clip) libraries. Please see https://huggingface.co/openai/clip-vit-base-patch32 for use in Hugging Face Transformers. ### Model Date January 2021 ### Model Type The model uses a ViT-B/32 Transformer architecture as an image encoder and uses a masked self-attention Transformer as a text encoder. These encoders are trained to maximize the similarity of (image, text) pairs via a contrastive loss. The original implementation had two variants: one using a ResNet image encoder and the other using a Vision Transformer. This repository has the variant with the Vision Transformer. ### Documents - [Blog Post](https://openai.com/blog/clip/) - [CLIP Paper](https://arxiv.org/abs/2103.00020) ## Model Use ### Intended Use The model is intended as a research output for research communities. We hope that this model will enable researchers to better understand and explore zero-shot, arbitrary image classification. We also hope it can be used for interdisciplinary studies of the potential impact of such models - the CLIP paper includes a discussion of potential downstream impacts to provide an example for this sort of analysis. #### Primary intended uses The primary intended users of these models are AI researchers. We primarily imagine the model will be used by researchers to better understand robustness, generalization, and other capabilities, biases, and constraints of computer vision models. ### Out-of-Scope Use Cases **Any** deployed use case of the model - whether commercial or not - is currently out of scope. Non-deployed use cases such as image search in a constrained environment, are also not recommended unless there is thorough in-domain testing of the model with a specific, fixed class taxonomy. This is because our safety assessment demonstrated a high need for task specific testing especially given the variability of CLIP’s performance with different class taxonomies. This makes untested and unconstrained deployment of the model in any use case currently potentially harmful. Certain use cases which would fall under the domain of surveillance and facial recognition are always out-of-scope regardless of performance of the model. This is because the use of artificial intelligence for tasks such as these can be premature currently given the lack of testing norms and checks to ensure its fair use. Since the model has not been purposefully trained in or evaluated on any languages other than English, its use should be limited to English language use cases. ## Data The model was trained on publicly available image-caption data. This was done through a combination of crawling a handful of websites and using commonly-used pre-existing image datasets such as [YFCC100M](http://projects.dfki.uni-kl.de/yfcc100m/). A large portion of the data comes from our crawling of the internet. This means that the data is more representative of people and societies most connected to the internet which tend to skew towards more developed nations, and younger, male users. ### Data Mission Statement Our goal with building this dataset was to test out robustness and generalizability in computer vision tasks. As a result, the focus was on gathering large quantities of data from different publicly-available internet data sources. The data was gathered in a mostly non-interventionist manner. However, we only crawled websites that had policies against excessively violent and adult images and allowed us to filter out such content. We do not intend for this dataset to be used as the basis for any commercial or deployed model and will not be releasing the dataset. ## Limitations CLIP and our analysis of it have a number of limitations. CLIP currently struggles with respect to certain tasks such as fine grained classification and counting objects. CLIP also poses issues with regards to fairness and bias which we discuss in the paper and briefly in the next section. Additionally, our approach to testing CLIP also has an important limitation- in many cases we have used linear probes to evaluate the performance of CLIP and there is evidence suggesting that linear probes can underestimate model performance. ### Bias and Fairness We find that the performance of CLIP - and the specific biases it exhibits - can depend significantly on class design and the choices one makes for categories to include and exclude. We tested the risk of certain kinds of denigration with CLIP by classifying images of people from [Fairface](https://arxiv.org/abs/1908.04913) into crime-related and non-human animal categories. We found significant disparities with respect to race and gender. Additionally, we found that these disparities could shift based on how the classes were constructed. (Details captured in the Broader Impacts Section in the paper). We also tested the performance of CLIP on gender, race and age classification using the Fairface dataset (We default to using race categories as they are constructed in the Fairface dataset.) in order to assess quality of performance across different demographics. We found accuracy >96% across all races for gender classification with ‘Middle Eastern’ having the highest accuracy (98.4%) and ‘White’ having the lowest (96.5%). Additionally, CLIP averaged ~93% for racial classification and ~63% for age classification. Our use of evaluations to test for gender, race and age classification as well as denigration harms is simply to evaluate performance of the model across people and surface potential risks and not to demonstrate an endorsement/enthusiasm for such tasks.
[ -0.549680769443512, -0.5453611016273499, 0.16422607004642487, 0.014662114903330803, -0.16212396323680878, -0.15392053127288818, 0.055216383188962936, -0.6519537568092346, 0.12735408544540405, 0.42863956093788147, -0.30166447162628174, -0.4173556864261627, -0.5981404185295105, 0.08224532008171082, -0.6001588106155396, 0.7742774486541748, -0.11321333050727844, 0.02098623476922512, -0.26574257016181946, -0.39015698432922363, -0.5765488147735596, -0.6580204367637634, -0.22418875992298126, 0.2177751511335373, 0.14138972759246826, 0.13186460733413696, 0.6749695539474487, 0.787428081035614, 0.7827059030532837, 0.17151951789855957, -0.22540955245494843, -0.09723586589097977, -0.47227925062179565, -0.6216718554496765, -0.42149585485458374, -0.4078616201877594, -0.34480249881744385, 0.2671022415161133, 0.5744448900222778, 0.38809749484062195, 0.01283128373324871, 0.24757273495197296, 0.02591896615922451, 0.3803776502609253, -0.9474149346351624, -0.13108187913894653, -0.5165916085243225, 0.07123929262161255, -0.3656703233718872, 0.10074376314878464, -0.19417235255241394, -0.24771016836166382, 0.3155767619609833, -0.38179612159729004, 0.4633784890174866, 0.003351002000272274, 1.2178181409835815, 0.15551568567752838, -0.2830059230327606, 0.01596708409488201, -0.6491957902908325, 0.7590442895889282, -0.45849233865737915, 0.26830169558525085, 0.23961210250854492, 0.47146838903427124, 0.13214798271656036, -0.7855600714683533, -0.5895158648490906, -0.0663178414106369, 0.2754553258419037, 0.010629141703248024, -0.26232874393463135, -0.0010697288671508431, 0.39258819818496704, 0.43481913208961487, -0.16162070631980896, -0.07024639844894409, -0.677932858467102, -0.2312553972005844, 0.6044157147407532, 0.2552589178085327, 0.4114735722541809, -0.19574551284313202, -0.6359482407569885, -0.4256424903869629, -0.5938607454299927, 0.48138511180877686, 0.48858824372291565, 0.1823045015335083, -0.20679964125156403, 0.6635403037071228, 0.04870293289422989, 0.34613797068595886, -0.006650328636169434, -0.25595399737358093, 0.2999879717826843, -0.44363537430763245, -0.12530456483364105, -0.29245516657829285, 0.7384319305419922, 0.8468082547187805, 0.22532765567302704, 0.09042534232139587, -0.07344312965869904, 0.20317675173282623, 0.4355790913105011, -0.867874264717102, -0.08807586878538132, -0.18011681735515594, -0.5954954028129578, -0.3350004255771637, 0.3244900107383728, -1.0189837217330933, 0.09912396222352982, -0.09669049829244614, 0.7036880254745483, -0.45041346549987793, -0.07524974644184113, 0.11726299673318863, -0.2773078680038452, 0.29085126519203186, 0.35539814829826355, -0.6306604743003845, 0.39749035239219666, 0.3253283202648163, 1.113373041152954, -0.4695624113082886, -0.28583526611328125, 0.012235446833074093, -0.04443661496043205, -0.1295541226863861, 0.6655694246292114, -0.28495660424232483, -0.438031941652298, -0.042197130620479584, 0.3952922224998474, -0.0732368528842926, -0.6263269186019897, 0.5589004755020142, -0.25837159156799316, 0.10754505544900894, -0.2581275403499603, -0.3058125674724579, -0.6066609025001526, 0.263897567987442, -0.6208680272102356, 0.8724349737167358, 0.24333134293556213, -0.763362467288971, 0.41019830107688904, -0.8051371574401855, -0.06480321288108826, -0.14931929111480713, -0.13575705885887146, -0.5949277877807617, -0.2643969655036926, 0.3982425332069397, 0.24235649406909943, -0.1816769242286682, 0.3356561064720154, -0.5750996470451355, -0.43780219554901123, 0.18978966772556305, -0.27830806374549866, 0.9336960315704346, 0.05683070048689842, -0.38299041986465454, 0.05874767154455185, -0.27445685863494873, -0.23166897892951965, 0.27387937903404236, 0.11889156699180603, -0.2404719740152359, -0.10825593769550323, 0.244014710187912, 0.04638504981994629, -0.13192963600158691, -0.7590179443359375, 0.08069457113742828, -0.07498103380203247, 0.4618346393108368, 0.6720027327537537, 0.11246654391288757, 0.31863367557525635, -0.5129621028900146, 0.5987130403518677, -0.03480319306254387, 0.6486913561820984, -0.14550554752349854, -0.4693596661090851, -0.4499129354953766, -0.5149375796318054, 0.5582777857780457, 0.621804416179657, -0.5018778443336487, 0.1485082507133484, -0.06818489730358124, -0.27843379974365234, -0.23265285789966583, -0.23774167895317078, 0.36363163590431213, 0.5985610485076904, 0.30613380670547485, -0.9406321048736572, -0.4875238537788391, -1.0444411039352417, 0.12743252515792847, -0.04974668473005295, -0.07627467811107635, 0.5967376232147217, 0.9106613397598267, -0.26761460304260254, 1.1874501705169678, -0.6785774827003479, -0.483384907245636, -0.1337742805480957, -0.1061805859208107, -0.13852143287658691, 0.48772570490837097, 1.049352765083313, -0.9253779649734497, -0.19583895802497864, -0.5793845653533936, -0.8273102045059204, 0.062243539839982986, 0.17282681167125702, -0.1815759539604187, 0.022871114313602448, 0.16196566820144653, -0.2757374942302704, 0.9917643666267395, 0.19257813692092896, -0.0041521876119077206, 0.6884092092514038, 0.19379889965057373, 0.31732240319252014, -0.5623208284378052, 0.37855350971221924, 0.16816483438014984, -0.24332085251808167, -0.4735462963581085, 0.1465459018945694, -0.02370532602071762, -0.4561654031276703, -0.8816400170326233, 0.37814953923225403, -0.08965128660202026, -0.10089754313230515, -0.17407982051372528, -0.13545702397823334, 0.19008682668209076, 0.6132919788360596, 0.017048794776201248, 1.1088887453079224, 0.4240635633468628, -0.7205173969268799, -0.07871193438768387, 0.5790654420852661, -0.41633594036102295, 0.5875897407531738, -0.8692158460617065, 0.04192199558019638, -0.04060693830251694, 0.07746370881795883, -0.49201124906539917, -0.3811180293560028, 0.35378366708755493, -0.3676146864891052, 0.17983153462409973, -0.14567357301712036, -0.3670564293861389, -0.5268320441246033, -0.6048361659049988, 0.712691068649292, 0.5738966464996338, -0.4761662781238556, 0.3360516130924225, 0.8186399340629578, 0.1988896280527115, -0.5499409437179565, -0.7189245820045471, -0.016123129054903984, -0.3625304400920868, -0.7018850445747375, 0.536941647529602, -0.0032777872402220964, -0.06300371140241623, 0.10184429585933685, 0.07142002135515213, -0.3262862265110016, 0.050215426832437515, 0.4393329322338104, 0.523622989654541, -0.04522958770394325, -0.10021287202835083, -0.24887624382972717, 0.3631161153316498, -0.009572955779731274, 0.20066282153129578, 0.19153954088687897, -0.07850946485996246, -0.40636804699897766, -0.4699455499649048, 0.4105996787548065, 0.461721807718277, -0.26902201771736145, 0.47920605540275574, 0.4125445485115051, -0.29716452956199646, 0.01627032831311226, -0.5248492956161499, -0.03793446347117424, -0.42369699478149414, 0.38513797521591187, -0.05137268826365471, -0.8342195749282837, 0.747372031211853, 0.05343947187066078, -0.10825550556182861, 0.584501326084137, 0.3372774124145508, -0.032548800110816956, 0.8234409689903259, 1.0415154695510864, 0.010147026740014553, 0.7157755494117737, -0.63861083984375, 0.03442404791712761, -0.961909830570221, -0.2906649112701416, -0.2955882251262665, -0.22482651472091675, -0.4540643095970154, -0.44447094202041626, 0.628821611404419, 0.1645481437444687, -0.11388922482728958, 0.42632320523262024, -0.6381663084030151, 0.4115453362464905, 0.573001503944397, 0.45795106887817383, 0.0017934406641870737, -0.1061655730009079, 0.04936736449599266, -0.23490047454833984, -0.5701967477798462, -0.5022978186607361, 1.173028588294983, 0.6787843108177185, 0.7061154842376709, -0.11201921105384827, 0.25001010298728943, 0.48061448335647583, -0.0009245929541066289, -0.7872822284698486, 0.5142490267753601, -0.38102707266807556, -0.7899675965309143, -0.1380353569984436, -0.10494903475046158, -0.8163638710975647, 0.06780250370502472, -0.018954064697027206, -0.7769390940666199, 0.561430811882019, 0.06441348046064377, -0.33229759335517883, 0.6196719408035278, -0.5301434397697449, 0.9242585897445679, -0.2046615183353424, -0.3072637915611267, 0.0042441654950380325, -0.7256876230239868, 0.6651630401611328, -0.035383306443691254, 0.06169334799051285, -0.2378477305173874, 0.08584335446357727, 1.051393747329712, -0.5733281373977661, 0.9157085418701172, -0.17785120010375977, 0.43648669123649597, 0.7771562337875366, -0.1771211177110672, -0.058643341064453125, -0.193648561835289, 0.22616714239120483, 0.609319269657135, 0.2604961097240448, -0.1286432296037674, -0.4356708526611328, 0.09028474241495132, -0.7543962597846985, -0.4131797254085541, -0.392030268907547, -0.47905176877975464, 0.15537604689598083, 0.14384423196315765, 0.43966761231422424, 0.7193333506584167, -0.11964734643697739, 0.11699210852384567, 0.6142181158065796, -0.4784841537475586, 0.3348414897918701, 0.2278011441230774, -0.34156596660614014, -0.5594101548194885, 0.8049882054328918, 0.23714706301689148, 0.20095187425613403, 0.04654094949364662, 0.05003238096833229, -0.2278536856174469, -0.5187751054763794, -0.4499547779560089, 0.08479982614517212, -0.7208319902420044, -0.393331378698349, -0.47013115882873535, -0.33691272139549255, -0.4681575894355774, 0.008806324563920498, -0.3763650357723236, -0.2968451678752899, -0.4999258816242218, 0.21402746438980103, 0.26817965507507324, 0.6256482601165771, -0.14346249401569366, 0.34527936577796936, -0.597685694694519, 0.32748210430145264, 0.3088768720626831, 0.5141517519950867, -0.035225313156843185, -0.6009789705276489, -0.16286958754062653, -0.009671864099800587, -0.8733204007148743, -0.7664331197738647, 0.40516865253448486, 0.31296005845069885, 0.5927084684371948, 0.26703378558158875, 0.25367072224617004, 0.6522082686424255, -0.4325351119041443, 1.0076165199279785, 0.1688818484544754, -0.9591336846351624, 0.617833137512207, -0.39117133617401123, 0.1469845324754715, 0.7755207419395447, 0.4734364449977875, -0.24939700961112976, -0.17623932659626007, -0.5209399461746216, -0.8403672575950623, 0.7712247967720032, 0.19083908200263977, 0.12103378772735596, 0.011726961471140385, 0.38592493534088135, 0.02993995137512684, 0.1547282636165619, -0.6250417828559875, -0.19222863018512726, -0.4297172725200653, 0.02903219871222973, 0.326551228761673, -0.3642214238643646, -0.1442013680934906, -0.3155685365200043, 0.311614453792572, -0.07204633206129074, 0.6120014786720276, 0.5391712784767151, -0.18842081725597382, 0.033164821565151215, -0.10038972645998001, 0.5853383541107178, 0.6403387784957886, -0.41562914848327637, -0.19221727550029755, 0.2248719483613968, -0.8385630249977112, 0.06350930780172348, -0.17134393751621246, -0.4918692409992218, -0.010601654648780823, 0.24645240604877472, 0.8061878681182861, 0.16903191804885864, -0.7845749855041504, 1.0138907432556152, -0.027219675481319427, -0.4700120687484741, -0.29399821162223816, 0.004933859687298536, -0.643134593963623, 0.16794392466545105, 0.3431031405925751, 0.2311854362487793, 0.39383962750434875, -0.5820846557617188, 0.4782809615135193, 0.4467812776565552, -0.3686883747577667, -0.4115872383117676, 0.7623407244682312, 0.1834266036748886, -0.2128719836473465, 0.47402244806289673, -0.18364718556404114, -0.8828087449073792, 0.7600271701812744, 0.3358927071094513, 0.7700870633125305, -0.02739287167787552, 0.1646934151649475, 0.4740123748779297, 0.2599272131919861, -0.3003930449485779, 0.008503408171236515, 0.06332793086767197, -0.5674738883972168, -0.2272706925868988, -0.36164724826812744, -0.6661085486412048, 0.12247384339570999, -0.9175816774368286, 0.4278445541858673, -0.5997510552406311, -0.4827381372451782, -0.1838030070066452, -0.3021257221698761, -0.6543603539466858, 0.08005790412425995, 0.05435026064515114, 1.1916346549987793, -0.8175148367881775, 0.4408692419528961, 0.4469608664512634, -0.6287908554077148, -0.6982377171516418, -0.05901657044887543, 0.03853106498718262, -0.6216884851455688, 0.6708052158355713, 0.4834486246109009, -0.018358269706368446, -0.45348113775253296, -0.9375170469284058, -0.8721751570701599, 1.0411276817321777, 0.4657704830169678, -0.25393420457839966, -0.10839401930570602, -0.008553951978683472, 0.3504248559474945, -0.3593616187572479, 0.2883402407169342, 0.3146006464958191, -0.002219206653535366, 0.3457193076610565, -1.2141008377075195, -0.12703515589237213, -0.10977227985858917, 0.23982714116573334, 0.12298361212015152, -0.7991500496864319, 0.9625443816184998, -0.24075359106063843, -0.4779864549636841, 0.09534410387277603, 0.4005807340145111, -0.09299948066473007, 0.4360095262527466, 0.4841977655887604, 0.6810765266418457, 0.35904639959335327, 0.0243370421230793, 1.0819681882858276, -0.012970585376024246, 0.44462838768959045, 0.931603193283081, -0.1951216161251068, 0.8737620711326599, 0.3219746947288513, -0.4203979969024658, 0.3512870967388153, 0.42566201090812683, -0.6149964332580566, 0.7596097588539124, -0.02017350122332573, 0.07653926312923431, 0.027601515874266624, -0.5036405324935913, -0.21785502135753632, 0.7091589570045471, 0.0009455541730858386, -0.3875197172164917, -0.1468735933303833, 0.42930638790130615, -0.17925068736076355, -0.017828255891799927, -0.4101123809814453, 0.4249548614025116, -0.1125231608748436, -0.3062914311885834, 0.32218149304389954, 0.05066954717040062, 0.9007434844970703, -0.42104339599609375, -0.1246928945183754, 0.10160757601261139, 0.1633477360010147, -0.09773197025060654, -0.9066129326820374, 0.6880923509597778, 0.14402420818805695, -0.14617611467838287, -0.018137728795409203, 0.7428939938545227, -0.01583692617714405, -0.4424465596675873, 0.20965072512626648, 0.018856070935726166, 0.3555988371372223, -0.15429387986660004, -0.5800069570541382, 0.21708539128303528, 0.032567109912633896, 0.11070182919502258, 0.4209439158439636, 0.00719173438847065, -0.18926896154880524, 0.6630061268806458, 0.3661043643951416, -0.08082527667284012, 0.020986774936318398, -0.2734089493751526, 1.0471779108047485, -0.5477242469787598, -0.3808300793170929, -0.7091939449310303, 0.39939945936203003, -0.02940807305276394, -0.3502476215362549, 0.6740595698356628, 0.577274739742279, 1.0600805282592773, -0.044968076050281525, 0.5574488043785095, -0.29124051332473755, 0.5491604208946228, -0.32636353373527527, 0.4959622621536255, -0.4965657889842987, -0.06445159763097763, -0.422441303730011, -0.6381320953369141, -0.23620636761188507, 0.5313194394111633, -0.3051176071166992, -0.043643008917570114, 0.517551600933075, 0.6242116689682007, -0.1631130874156952, -0.02762247994542122, 0.24176573753356934, -0.4085265100002289, 0.26442769169807434, 0.49702781438827515, 0.6569989919662476, -0.692607045173645, 0.6578722596168518, -0.6659318208694458, -0.30302098393440247, -0.1931750327348709, -0.826259195804596, -1.0884498357772827, -0.45263782143592834, -0.45732590556144714, -0.12996213138103485, 0.002335966331884265, 0.613033652305603, 0.8817165493965149, -0.6888632774353027, -0.15858566761016846, 0.32337528467178345, -0.07460759580135345, 0.024883076548576355, -0.2500651478767395, 0.2958747446537018, 0.14451758563518524, -0.5419390201568604, -0.1403418332338333, 0.13229341804981232, 0.3592439591884613, -0.22601139545440674, 0.1942633092403412, -0.1689293086528778, -0.12287121266126633, 0.41060391068458557, 0.501336395740509, -0.6626432538032532, -0.4732922613620758, 0.15985119342803955, 0.11715696007013321, 0.30295348167419434, 0.7162161469459534, -0.6957299113273621, 0.42442020773887634, 0.2457042783498764, 0.5710753798484802, 0.5668771266937256, 0.22410960495471954, 0.36220988631248474, -0.5041283965110779, 0.20128989219665527, 0.24539999663829803, 0.3421572148799896, 0.3027343451976776, -0.37956979870796204, 0.641203761100769, 0.5067752003669739, -0.6290278434753418, -1.0029258728027344, 0.06245528906583786, -1.0589569807052612, -0.08818624913692474, 0.7902478575706482, -0.4460631310939789, -0.5679775476455688, 0.0861802026629448, -0.27079907059669495, 0.25969964265823364, -0.3891957402229309, 0.765049159526825, 0.40253132581710815, -0.09739338606595993, -0.44723817706108093, -0.6521812081336975, 0.200649693608284, 0.05071459710597992, -0.5982980132102966, -0.3483339846134186, 0.31877458095550537, 0.5165464878082275, 0.31332528591156006, 0.40557798743247986, -0.4025360643863678, 0.3763071894645691, -0.025335734710097313, 0.2679107189178467, -0.30419546365737915, -0.3286234736442566, -0.5577330589294434, 0.31139373779296875, -0.2488848716020584, -0.6175921559333801 ]
j5ng/et5-typos-corrector
j5ng
2023-06-05T07:41:33Z
9,948
2
transformers
[ "transformers", "pytorch", "t5", "text2text-generation", "ko", "license:apache-2.0", "autotrain_compatible", "endpoints_compatible", "text-generation-inference", "region:us" ]
text2text-generation
2023-06-04T07:20:53Z
--- language: - ko pipeline_tag: text2text-generation license: apache-2.0 --- ## 한국어 맞춤법 교정기(Korean Typos Corrector) - ETRI-et5 모델을 기반으로 fine-tuning한 한국어 구어체 전용 맞춤법 교정기 입니다. ## Base on PLM model(ET5) - ETRI(https://aiopen.etri.re.kr/et5Model) ## Base on Dataset - 모두의 말뭉치(https://corpus.korean.go.kr/request/reausetMain.do?lang=ko) 맞춤법 교정 데이터 ## Data Preprocessing - 1. 특수문자 제거 (쉼표) .(마침표) 제거 - 2. null 값("") 제거 - 3. 너무 짧은 문장 제거(길이 2 이하) - 4. 문장 내 &name&, name1 등 이름 태그가 포함된 단어 제거(단어만 제거하고 문장은 살림) - total : 318,882 쌍 *** ## How to use ```python from transformers import T5ForConditionalGeneration, T5Tokenizer # T5 모델 로드 model = T5ForConditionalGeneration.from_pretrained("j5ng/et5-typos-corrector") tokenizer = T5Tokenizer.from_pretrained("j5ng/et5-typos-corrector") device = "cuda:0" if torch.cuda.is_available() else "cpu" # device = "mps:0" if torch.cuda.is_available() else "cpu" # for mac m1 model = model.to(device) # 예시 입력 문장 input_text = "아늬 진짜 무ㅓ하냐고" # 입력 문장 인코딩 input_encoding = tokenizer("맞춤법을 고쳐주세요: " + input_text, return_tensors="pt") input_ids = input_encoding.input_ids.to(device) attention_mask = input_encoding.attention_mask.to(device) # T5 모델 출력 생성 output_encoding = model.generate( input_ids=input_ids, attention_mask=attention_mask, max_length=128, num_beams=5, early_stopping=True, ) # 출력 문장 디코딩 output_text = tokenizer.decode(output_encoding[0], skip_special_tokens=True) # 결과 출력 print(output_text) # 아니 진짜 뭐 하냐고. ``` *** ## With Transformer Pipeline ```python from transformers import T5ForConditionalGeneration, T5Tokenizer, pipeline model = T5ForConditionalGeneration.from_pretrained('j5ng/et5-typos-corrector') tokenizer = T5Tokenizer.from_pretrained('j5ng/et5-typos-corrector') typos_corrector = pipeline( "text2text-generation", model=model, tokenizer=tokenizer, device=0 if torch.cuda.is_available() else -1, framework="pt", ) input_text = "완죤 어이업ㅅ네진쨬ㅋㅋㅋ" output_text = typos_corrector("맞춤법을 고쳐주세요: " + input_text, max_length=128, num_beams=5, early_stopping=True)[0]['generated_text'] print(output_text) # 완전 어이없네 진짜 ᄏᄏᄏᄏ. ```
[ -0.22341738641262054, -0.5814076066017151, 0.3706452548503876, 0.49135756492614746, -0.35169345140457153, 0.17774921655654907, -0.3022456169128418, -0.1378975659608841, 0.1593647450208664, 0.3883229196071625, -0.44465750455856323, -0.688245415687561, -0.784815788269043, 0.5547058582305908, 0.020883526653051376, 0.8353485465049744, -0.36761096119880676, -0.1925199180841446, 0.30996131896972656, -0.04646803066134453, -0.5117374658584595, -0.38053184747695923, -0.7321755886077881, -0.12902432680130005, 0.10847049951553345, 0.6305956840515137, 0.3374498784542084, 0.5134389400482178, 0.5743509531021118, 0.46093156933784485, -0.1927255392074585, 0.24370157718658447, -0.16050103306770325, -0.009203504770994186, 0.04970266669988632, -0.6946243643760681, -0.4723840057849884, -0.12594398856163025, 0.67192542552948, 0.4135342538356781, 0.2268008291721344, 0.493625283241272, -0.0006352287018671632, 0.40456289052963257, -0.44322600960731506, 0.3172643482685089, -0.4771885573863983, 0.11478137969970703, -0.35360240936279297, -0.2699202001094818, -0.4685424268245697, -0.47878018021583557, -0.1970108300447464, -0.6742671132087708, 0.5561995506286621, 0.15112614631652832, 1.4761855602264404, 0.4213242530822754, -0.10026887059211731, 0.09059375524520874, -0.6865844130516052, 0.8811549544334412, -0.9425933361053467, 0.3563300669193268, 0.26177293062210083, 0.1595683991909027, -0.07767178863286972, -1.3149513006210327, -0.8125708699226379, 0.026452435180544853, -0.16784697771072388, 0.36976736783981323, -0.025466129183769226, 0.14318601787090302, 0.749645471572876, 0.2918154299259186, -0.3102119266986847, -0.14570870995521545, -0.7227737903594971, -0.43694576621055603, 0.49147599935531616, 0.03588978946208954, 0.48074567317962646, -0.5540399551391602, -0.09315155446529388, -0.23423804342746735, -0.324530690908432, 0.23026533424854279, 0.19179394841194153, 0.1628098040819168, -0.3668035864830017, 0.9446506500244141, -0.13202783465385437, 0.4998876750469208, 0.7091429233551025, -0.41083142161369324, 0.7147941589355469, -0.4720931351184845, -0.5269991159439087, 0.2202908992767334, 1.084875226020813, 0.3252273201942444, 0.5269368290901184, -0.11579156666994095, -0.07890497148036957, 0.1418098509311676, 0.04597891867160797, -0.6400262713432312, -0.09649728983640671, 0.5066967010498047, -0.42409002780914307, -0.47456246614456177, 0.2713751792907715, -0.8515564799308777, 0.06617021560668945, 0.06275680661201477, 0.5894593596458435, -0.5057960152626038, -0.11099112778902054, 0.04839364066720009, -0.5232728123664856, -0.08069881051778793, -0.27461114525794983, -0.9208290576934814, -0.07753565162420273, 0.24166345596313477, 0.6789010763168335, 0.421230286359787, -0.3994084298610687, -0.29705744981765747, 0.24168826639652252, -0.19610527157783508, 0.7455321550369263, 0.01995249278843403, -0.4441526532173157, -0.1330879181623459, 0.3410114049911499, -0.5772386789321899, -0.5484287738800049, 1.0142345428466797, -0.28518661856651306, 0.65287846326828, -0.07115644216537476, -0.434663325548172, -0.19822707772254944, 0.1399991363286972, -0.6460699439048767, 1.1772468090057373, 0.3728778064250946, -0.982841968536377, 0.46513721346855164, -0.8565770387649536, -0.5487134456634521, -0.10990411043167114, 0.21244002878665924, -0.8451166749000549, -0.02179262787103653, 0.4407058358192444, 0.5110893249511719, 0.11567189544439316, 0.046225834637880325, -0.058590877801179886, -0.24277818202972412, 0.22536903619766235, -0.18777036666870117, 1.0186108350753784, 0.13819769024848938, -0.7200649380683899, 0.2221442013978958, -1.0041016340255737, 0.2741745710372925, 0.0983097106218338, -0.43927109241485596, 0.06500566750764847, -0.3059295117855072, -0.13244159519672394, 0.4180896282196045, 0.3230072259902954, -0.6335234642028809, 0.0881933718919754, -0.5146223902702332, 0.6908754110336304, 0.6202044486999512, 0.047399476170539856, 0.3566184341907501, -0.44723841547966003, 0.40057533979415894, 0.2900007367134094, 0.06273224204778671, -0.028449879959225655, -0.3469522297382355, -1.1604474782943726, -0.30642637610435486, 0.4662656784057617, 0.7732638120651245, -1.0284396409988403, 0.6198157072067261, -0.4063801169395447, -0.4167594313621521, -0.9266818165779114, -0.2880474030971527, 0.2987337112426758, 0.7195199728012085, 0.7427459955215454, 0.21661199629306793, -1.0941345691680908, -0.6776534914970398, -0.4850527346134186, -0.10704915225505829, -0.07566467672586441, 0.1405164748430252, 0.5688726902008057, -0.3210082948207855, 0.8482872247695923, -0.4847005605697632, -0.40857917070388794, -0.5074641108512878, 0.18815957009792328, 0.5336172580718994, 0.4977496862411499, 0.4519175589084625, -0.5236936211585999, -0.6914262771606445, -0.11269272863864899, -0.6528422236442566, -0.3949493169784546, -0.08474266529083252, 0.16296815872192383, 0.6869953870773315, 0.4480130970478058, -0.661146879196167, 0.4919326901435852, 0.25398048758506775, -0.6783024668693542, 0.9158753156661987, -0.4261665642261505, 0.3161819875240326, -1.5786097049713135, 0.38950470089912415, -0.09686573594808578, -0.3405274450778961, -0.6419696807861328, -0.12927097082138062, 0.3659510612487793, 0.1856416016817093, -0.6184358596801758, 0.6120073795318604, -0.4685129225254059, 0.19219492375850677, 0.054776255041360855, -0.10028453171253204, 0.1344807893037796, 0.5221925377845764, -0.048061005771160126, 0.820141077041626, 0.21554304659366608, -0.8331423401832581, 0.36854100227355957, 0.38654062151908875, -0.3034086525440216, 0.1502276062965393, -0.7998764514923096, -0.14875060319900513, 0.036409419029951096, 0.2292395532131195, -1.0941388607025146, -0.38103145360946655, 0.6386252045631409, -0.7213011980056763, 0.37411490082740784, 0.04191004857420921, -0.5029269456863403, -0.9080264568328857, -0.4481770098209381, 0.19548583030700684, 0.4009476900100708, -0.5022579431533813, 0.46134018898010254, 0.05690683424472809, 0.04831799119710922, -0.7302830815315247, -0.9070598483085632, -0.09902569651603699, -0.31455424427986145, -0.8758523464202881, 0.7557139992713928, 0.06873466819524765, 0.059513598680496216, -0.22543156147003174, -0.12869329750537872, -0.04846075177192688, -0.18477372825145721, -0.05732861906290054, 0.4939180314540863, -0.18941517174243927, -0.2341616451740265, 0.039399296045303345, -0.4194181561470032, -0.07849091291427612, -0.09854768216609955, 0.759620189666748, -0.016325674951076508, 0.022349881008267403, -0.7171112895011902, -0.07617685943841934, 0.695539116859436, -0.16215643286705017, 0.7124395370483398, 0.9055566787719727, -0.35153183341026306, 0.18027035892009735, -0.6572233438491821, 0.008166473358869553, -0.5336070656776428, 0.48697328567504883, -0.702298104763031, -0.4979037046432495, 0.6781772971153259, 0.10508506000041962, -0.07526957243680954, 1.0072239637374878, 0.41074931621551514, -0.11579137295484543, 1.1124215126037598, 0.457546204328537, 0.1305854320526123, 0.40619462728500366, -0.6158831119537354, 0.4973033368587494, -1.044259786605835, -0.4618782699108124, -0.6078932285308838, -0.270730584859848, -0.7428123354911804, -0.32385367155075073, 0.2953346073627472, 0.10525122284889221, -0.4877091944217682, 0.5187287330627441, -0.6599633693695068, 0.14656071364879608, 0.5403398275375366, 0.17512503266334534, 0.11178877204656601, -0.027273954823613167, -0.4956934154033661, -0.19689927995204926, -0.7407111525535583, -0.4221452474594116, 1.1046688556671143, 0.37814757227897644, 0.4887211322784424, -0.17711199820041656, 0.6038244366645813, -0.26286473870277405, -0.04300073906779289, -0.8143596053123474, 0.49831220507621765, -0.2736661434173584, -0.45908015966415405, -0.1496114879846573, -0.24874073266983032, -0.8562958836555481, -0.012738224118947983, -0.10066411644220352, -0.9323883652687073, 0.33147701621055603, 0.037158865481615067, -0.5769888162612915, 0.5682134628295898, -0.9415123462677002, 1.1178611516952515, -0.0835302546620369, -0.24689924716949463, 0.13311636447906494, -0.8063486218452454, 0.26793554425239563, 0.1431034356355667, 0.027541667222976685, 0.18698368966579437, 0.013569149188697338, 0.9141535758972168, -0.5184042453765869, 0.5606469511985779, -0.10783492028713226, 0.07791336625814438, 0.24643325805664062, -0.3267298936843872, 0.5762602090835571, -0.07582788914442062, -0.006711037829518318, 0.13822515308856964, -0.08163537085056305, -0.2124180793762207, -0.14749130606651306, 0.49462950229644775, -0.9790849089622498, -0.5259642601013184, -0.64737868309021, -0.37569659948349, 0.08705075085163116, 0.40336325764656067, 1.0223051309585571, 0.20865029096603394, 0.25252801179885864, 0.16879428923130035, 0.5747697353363037, -0.27418065071105957, 0.9498276114463806, 0.1832159012556076, -0.02392166666686535, -0.6702699661254883, 0.8353060483932495, 0.4044209122657776, 0.3127914369106293, 0.37614771723747253, 0.09289354085922241, -0.5894050002098083, -0.09757279604673386, -0.3434637486934662, 0.47133928537368774, -0.5498764514923096, -0.24836783111095428, -0.8989953398704529, -0.4244201183319092, -0.8148122429847717, -0.07499957084655762, -0.3045192062854767, -0.5112782716751099, -0.4604514539241791, -0.17978012561798096, 0.23648542165756226, 0.29820552468299866, -0.27889272570610046, 0.41657352447509766, -0.9129408597946167, 0.7963173985481262, 0.06816541403532028, 0.40992406010627747, -0.26112067699432373, -0.7877939939498901, -0.08426792919635773, 0.18467609584331512, -0.6361027956008911, -0.8640132546424866, 0.7224256992340088, -0.014948892407119274, 0.44452965259552, 0.36705780029296875, -0.0230108555406332, 0.9698771834373474, -0.40988463163375854, 0.9106170535087585, 0.09063241630792618, -1.2433940172195435, 0.5245636105537415, -0.12641428411006927, 0.5700350999832153, 0.24191920459270477, 0.11951090395450592, -0.896280825138092, -0.38550692796707153, -1.1104768514633179, -1.0350699424743652, 1.1359803676605225, 0.3333895206451416, -0.2341437041759491, 0.15821614861488342, 0.09980189800262451, -0.07274951040744781, 0.10119462013244629, -0.7854236364364624, -0.5868432521820068, -0.5166735649108887, -0.409280925989151, 0.06250625848770142, -0.3442993760108948, 0.13699868321418762, -0.4253489375114441, 1.0824700593948364, 0.13221661746501923, 0.6797176599502563, 0.6199043989181519, -0.2843250632286072, -0.161381334066391, 0.24890363216400146, 0.8544822335243225, 0.5179848074913025, -0.2827678322792053, 0.002272226382046938, 0.3874608278274536, -0.8293774127960205, 0.056110870093107224, 0.2985224723815918, -0.22710905969142914, 0.47416946291923523, 0.22772003710269928, 1.1381334066390991, 0.056185878813266754, -0.21855978667736053, 0.1561550796031952, -0.10089340806007385, -0.4013866186141968, -0.3531953692436218, -0.07599315047264099, 0.08570609241724014, 0.12896712124347687, 0.4327099025249481, 0.30769437551498413, -0.35215479135513306, -0.28482747077941895, 0.002787842880934477, -0.08585325628519058, -0.12588410079479218, -0.16974756121635437, 0.9807581305503845, 0.02980092354118824, -0.3614482283592224, 0.49969422817230225, -0.013083725236356258, -0.8809003233909607, 0.9816786646842957, 0.744592547416687, 0.8928642272949219, -0.37994229793548584, 0.2093736082315445, 0.7537506818771362, 0.26454365253448486, -0.38507574796676636, 0.6101336479187012, 0.349325031042099, -0.7470770478248596, -0.3209105432033539, -0.4655032455921173, 0.051978785544633865, 0.4309239387512207, -0.24380312860012054, 0.6207383871078491, -0.45138290524482727, -0.3607974648475647, 0.10384741425514221, 0.1566370278596878, -0.7742440700531006, 0.44450312852859497, 0.061783190816640854, 0.7808331251144409, -0.5793764591217041, 0.6485561728477478, 0.865950345993042, -0.5767433047294617, -1.181879997253418, 0.044896457344293594, -0.43797239661216736, -0.8150725960731506, 0.7201481461524963, 0.26528510451316833, 0.3006894886493683, 0.3106839954853058, -0.4983835518360138, -0.9948490858078003, 1.3269383907318115, 0.20318332314491272, -0.4612782597541809, 0.03986399248242378, 0.405721515417099, 0.584269106388092, -0.043035250157117844, 0.47934821248054504, 0.6644805073738098, 0.8311576247215271, -0.11466328054666519, -1.1595933437347412, 0.24552449584007263, -0.10431919246912003, -0.11780761927366257, 0.19134099781513214, -0.8620542287826538, 1.0471774339675903, -0.4791210889816284, -0.3110092878341675, 0.021791378036141396, 0.6176185011863708, 0.5139074921607971, 0.20335336029529572, 0.29101982712745667, 0.6734150052070618, 0.7839458584785461, -0.3371492624282837, 0.9038580656051636, -0.5493682622909546, 0.6969163417816162, 0.7204692959785461, 0.21244384348392487, 0.4264611601829529, 0.5977627038955688, -0.30564308166503906, 0.4202256500720978, 0.8004646301269531, -0.2854807376861572, 0.471314013004303, -0.1553799957036972, -0.1903763860464096, 0.11795943230390549, 0.08397796750068665, -0.560646116733551, 0.35176223516464233, 0.4016857445240021, -0.6366132497787476, -0.019810661673545837, -0.09365756064653397, 0.37341544032096863, -0.30344271659851074, -0.42339277267456055, 0.4974133372306824, 0.11275247484445572, -0.8408195376396179, 0.7988340258598328, 0.26947852969169617, 0.9790569543838501, -0.35802161693573, 0.22687700390815735, -0.15152812004089355, 0.47062546014785767, -0.42071667313575745, -0.763859748840332, 0.3299817442893982, 0.021525230258703232, -0.4264802634716034, -0.15655532479286194, 0.9361664652824402, -0.525288462638855, -0.7840835452079773, 0.04026206210255623, 0.2193659394979477, -0.042891886085271835, 0.02959170937538147, -0.6029706001281738, -0.16338156163692474, 0.24771499633789062, -0.29236820340156555, -0.2579565644264221, 0.47506895661354065, 0.058342792093753815, 0.6529325842857361, 0.570634663105011, 0.10064730048179626, 0.3628689646720886, 0.1513684242963791, 0.5406154990196228, -0.8563719391822815, -0.536362886428833, -1.020760416984558, 0.8826174736022949, -0.28985244035720825, -0.629417359828949, 0.6252878308296204, 0.5529953241348267, 0.8712449073791504, -0.4737056791782379, 1.2123125791549683, -0.426699161529541, 0.5792427659034729, -0.3774278461933136, 0.8809188008308411, -0.28922396898269653, -0.09991322457790375, -0.27581024169921875, -0.899342954158783, -0.39983972907066345, 0.6831478476524353, -0.35310277342796326, 0.0034952261485159397, 1.2211745977401733, 0.7258156538009644, -0.14428484439849854, -0.25349345803260803, 0.14562441408634186, 0.6558592915534973, 0.24662980437278748, 0.6367852687835693, 0.18857339024543762, -1.0720887184143066, 0.7493422031402588, -0.6218748688697815, 0.18808326125144958, -0.26748985052108765, -0.6478602886199951, -0.8383471965789795, -0.3623961806297302, -0.33496788144111633, -0.6355404853820801, -0.1673339158296585, 1.0059525966644287, 0.2768060863018036, -1.0181220769882202, 0.015374625101685524, -0.22417254745960236, 0.3230707347393036, -0.2898344099521637, -0.37153708934783936, 0.6156255006790161, -0.5815776586532593, -1.0593525171279907, -0.020346451550722122, -0.08761901408433914, 0.34693214297294617, 0.21901912987232208, 0.10784363001585007, -0.32676249742507935, -0.17758385837078094, 0.5209935307502747, 0.37723296880722046, -0.6842408180236816, -0.3861905634403229, 0.22109180688858032, -0.3865954875946045, 0.3332347869873047, 0.32515743374824524, -0.6971780061721802, 0.27380678057670593, 0.9493294358253479, 0.2317298799753189, 0.46523037552833557, -0.17161594331264496, 0.648318886756897, -0.7470499277114868, 0.22876033186912537, -0.01133822277188301, 0.5517742037773132, 0.3276123106479645, -0.44326499104499817, 0.5573456883430481, 0.6918473243713379, -0.5768569111824036, -0.6927398443222046, -0.3520539104938507, -1.067455530166626, -0.15240032970905304, 1.3390090465545654, -0.0012074192054569721, -0.3615606725215912, -0.1697443723678589, -0.6407676935195923, 1.0722788572311401, -0.4051555097103119, 1.1016186475753784, 0.8478198647499084, 0.12543141841888428, -0.11276315152645111, -0.3936534821987152, 0.6744673848152161, 0.4710955023765564, -0.7537709474563599, -0.42375630140304565, -0.1206432655453682, 0.49290135502815247, 0.295558363199234, 0.4193306565284729, -0.059015579521656036, 0.33602288365364075, -0.0856211706995964, 0.3430997431278229, -0.1530480533838272, 0.03565307706594467, -0.09426995366811752, 0.031515516340732574, -0.4599231481552124, -0.7228955626487732 ]
DeepChem/ChemBERTa-77M-MLM
DeepChem
2022-01-20T18:02:38Z
9,939
8
transformers
[ "transformers", "pytorch", "roberta", "fill-mask", "autotrain_compatible", "endpoints_compatible", "region:us" ]
fill-mask
2022-03-02T23:29:04Z
Entry not found
[ -0.3227650225162506, -0.22568431496620178, 0.862226128578186, 0.43461495637893677, -0.5282987952232361, 0.7012965679168701, 0.7915717363357544, 0.07618638128042221, 0.7746025919914246, 0.2563219666481018, -0.7852817177772522, -0.22573819756507874, -0.9104480743408203, 0.5715669393539429, -0.3992334008216858, 0.5791245698928833, -0.14494505524635315, -0.10751161724328995, 0.28233757615089417, -0.2768954336643219, -0.5409224033355713, -0.36855220794677734, -1.1902776956558228, 0.061491113156080246, 0.5316578149795532, 0.7435142397880554, 0.7584060430526733, 0.3652167320251465, 0.6432578563690186, 0.3932291269302368, -0.23138920962810516, 0.4827055037021637, -0.04171813279390335, 0.00260411505587399, -0.3524433970451355, -0.5516898036003113, -0.28596609830856323, 0.07584730535745621, 1.0961304903030396, 0.966687798500061, -0.284663587808609, 0.05330817773938179, -0.3063621520996094, 0.33088892698287964, -0.49734312295913696, 0.3054099678993225, -0.022506045177578926, 0.16318801045417786, -0.7041513919830322, -0.5535354018211365, 0.012794834561645985, -0.7361212968826294, 0.17926570773124695, -0.690081000328064, 0.8269098401069641, 0.18583157658576965, 1.1533750295639038, 0.14819414913654327, -0.462487131357193, -0.8161764144897461, -0.6538989543914795, 0.5711171627044678, -0.32703715562820435, 0.39680248498916626, 0.7028235197067261, -0.048573412001132965, -0.9820332527160645, -0.6745741367340088, -0.46466192603111267, 0.2923962473869324, 0.35402774810791016, -0.3411678075790405, -0.17522086203098297, -0.3058989644050598, 0.15792037546634674, 0.12811517715454102, -0.4841994643211365, -0.5543919205665588, -0.5475160479545593, -0.3960252106189728, 0.6206658482551575, 0.3482950031757355, 0.2429177463054657, -0.1888415813446045, -0.3228583335876465, 0.0880163162946701, -0.4160851538181305, 0.3402571678161621, 0.6335517168045044, 0.7114017009735107, -0.5811444520950317, 0.560215950012207, -0.04927587881684303, 0.7439703941345215, 0.11445561796426773, -0.27478092908859253, 0.41460567712783813, -0.14724725484848022, 0.055171746760606766, 0.4226345121860504, 0.31524422764778137, 0.2841312289237976, -0.3273695111274719, 0.2032228708267212, -0.3215144872665405, -0.30496224761009216, -0.22332167625427246, -0.29490774869918823, -0.3592180609703064, 0.5492289066314697, -0.3314017057418823, -0.42855486273765564, 1.143175721168518, -0.4200771450996399, -0.7302224040031433, 0.33156412839889526, 0.4065209925174713, -0.0994480773806572, -0.37146568298339844, -0.052260834723711014, -0.8458789587020874, -0.007907390594482422, 0.7491172552108765, -0.7198970913887024, 0.3371737599372864, 0.4728063642978668, 0.7417217493057251, 0.19650575518608093, -0.14034469425678253, -0.42949390411376953, 0.2971969544887543, -0.8659994006156921, 0.6320174336433411, -0.20135220885276794, -1.0051977634429932, 0.11150479316711426, 0.8971705436706543, -0.37896400690078735, -1.2094876766204834, 1.0605159997940063, -0.6887932419776917, 0.16017857193946838, -0.676761269569397, -0.14661237597465515, -0.07118501514196396, -0.005096632521599531, -0.6088156700134277, 0.7567102313041687, 0.587267279624939, -0.4995276927947998, 0.21429483592510223, -0.26029831171035767, -0.39151400327682495, 0.38824859261512756, -0.07935450226068497, -0.21858926117420197, 0.713833212852478, -0.6647079586982727, -0.26932814717292786, 0.2942774295806885, 0.2368936538696289, -0.35706108808517456, -0.7931919097900391, 0.08478113263845444, -0.05786270648241043, 1.550750494003296, -0.03868847340345383, -0.3586106300354004, -0.679383397102356, -1.1506240367889404, -0.07070787996053696, 0.6886883974075317, -0.9194989204406738, -0.27839475870132446, -0.046410128474235535, -0.26169314980506897, 0.08994917571544647, 0.7390589714050293, -1.1194051504135132, 0.2832726836204529, -0.05092663690447807, -0.22794683277606964, 0.8271058797836304, 0.15387225151062012, 0.24758946895599365, 0.14913396537303925, 0.42958706617355347, 0.527725338935852, 0.11115207523107529, 0.683587908744812, -0.34720373153686523, -0.9694353938102722, 0.6154631972312927, 0.25266361236572266, 0.8121447563171387, -0.49945297837257385, 0.2685093879699707, 0.27025535702705383, -0.3409680724143982, -0.5682371854782104, -0.3102838397026062, 0.09025752544403076, 0.14930562674999237, 0.11142510175704956, -0.5721710324287415, -0.6576125025749207, -0.9689140319824219, -0.13590654730796814, -0.4314374029636383, -0.3571570813655853, 0.21006910502910614, 0.5792906284332275, -1.1975523233413696, 0.4128875136375427, -0.7705625891685486, -0.7038741111755371, -0.01065548975020647, -0.19338123500347137, 0.7540656328201294, 0.43240174651145935, 0.5033966898918152, -0.6397148370742798, -0.5661987066268921, -0.22470176219940186, -1.0333747863769531, -0.13280506432056427, 0.24819621443748474, 0.3065737783908844, -0.13423344492912292, -0.2744963765144348, -0.48740333318710327, 0.8100387454032898, 0.14789170026779175, -0.5391897559165955, 0.5220767259597778, -0.3020317256450653, 0.17224803566932678, -0.6369150280952454, -0.06916818022727966, -0.661676287651062, -0.0009071884560398757, -0.3608308732509613, -0.5737438797950745, 0.14772287011146545, 0.07017494738101959, -0.16065457463264465, 0.28808408975601196, -0.909277081489563, -0.0010852962732315063, -0.7442210912704468, 0.379071980714798, 0.06394772231578827, -0.3145078718662262, -0.017517540603876114, 1.0000386238098145, 0.7784460783004761, -0.3848048746585846, 0.721744179725647, 0.4440041184425354, 0.19036155939102173, 0.7630521059036255, -0.18725109100341797, 0.16478213667869568, -0.5245416760444641, -0.12161104381084442, -0.8887597918510437, -1.0982946157455444, 0.7320570349693298, -0.6114250421524048, 0.36542922258377075, -0.4277869760990143, 0.2589159905910492, -0.6919258832931519, -0.03885362669825554, 0.4808599352836609, -0.05936325341463089, -0.6863942742347717, 0.5232570171356201, 0.45317530632019043, -0.2019241601228714, -0.6609031558036804, -0.530157208442688, 0.39365822076797485, 0.6154114007949829, -0.16390392184257507, 0.06878514587879181, 0.14941060543060303, -0.5441926121711731, -0.040802597999572754, -0.38691970705986023, -0.45766758918762207, 0.054224006831645966, 0.13053473830223083, -0.005750799085944891, -0.404820054769516, -0.0868026465177536, -0.35842007398605347, -0.4656120240688324, 0.21876516938209534, 0.3011947274208069, -0.04096309468150139, -0.42599788308143616, -0.3619818687438965, -0.888181209564209, 0.6719610095024109, 0.5370282530784607, 0.05281545966863632, 0.7555549740791321, 0.16819314658641815, -0.8014987707138062, -0.13532210886478424, -0.1760706603527069, 0.2696830928325653, -0.5588056445121765, 0.13849826157093048, -0.013484534807503223, -0.0637492910027504, 0.26297882199287415, 0.25386232137680054, -0.4300556778907776, 0.9276250004768372, -0.2615274488925934, -0.3592521846294403, 0.7960181832313538, 0.5974742770195007, 0.49583131074905396, 0.16503219306468964, -0.044541798532009125, 0.900709331035614, -1.1966516971588135, -0.6563175916671753, -0.7409549355506897, -0.15945707261562347, -0.43510833382606506, -0.032105933874845505, 0.6254412531852722, 0.2900990843772888, -0.1333388388156891, 0.4756395220756531, -0.5243489742279053, 0.3556033670902252, 1.01198410987854, 0.35748639702796936, 0.3435698449611664, -0.7570229172706604, -0.2515777349472046, -0.1402427852153778, -0.9998157620429993, -0.2631377875804901, 0.8871029019355774, 0.22752606868743896, 0.844460666179657, 0.5992541313171387, 0.6784542798995972, 0.1367226243019104, 0.2523828148841858, -0.30590319633483887, 0.3920294940471649, 0.4376082420349121, -1.0401138067245483, -0.42758408188819885, 0.021418681368231773, -0.9703338742256165, -0.14227519929409027, -0.03495011106133461, -0.42617112398147583, 0.7681737542152405, 0.00016589462757110596, -0.4076709747314453, 0.7732734084129333, -0.455583393573761, 0.7562873363494873, -0.4473648965358734, -0.02663906291127205, 0.4699096083641052, -0.7070636749267578, 0.4677430987358093, 0.12878790497779846, 0.6205843091011047, -0.015572631731629372, -0.04078587517142296, 0.7104941606521606, -0.9129160046577454, 0.25438642501831055, -0.6348397135734558, 0.22421300411224365, 0.24246945977210999, 0.51606285572052, 0.5969953536987305, 0.4371243417263031, 0.10119888931512833, -0.23920902609825134, 0.04115807265043259, -0.8241125345230103, -0.210506409406662, 0.697515606880188, -0.7186890840530396, -0.6864197850227356, -1.2355337142944336, 0.14438660442829132, 0.27347055077552795, 0.389305055141449, 0.7959296107292175, 0.571408748626709, 0.1289544403553009, 0.680525004863739, 0.9888588190078735, -0.0688566341996193, 0.9166924357414246, 0.3224477171897888, 0.09175168722867966, -0.21944808959960938, 0.7036820650100708, 0.26627904176712036, -0.24707956612110138, -0.11939732730388641, 0.20913465321063995, -0.11069409549236298, -0.591761589050293, -0.49990686774253845, 0.3701757788658142, -0.6731787919998169, -0.18303893506526947, -0.6243735551834106, -0.6043769717216492, -0.511759340763092, 0.06927360594272614, -0.7147687673568726, 0.23979046940803528, -0.7753565907478333, -0.10574902594089508, 0.04323432594537735, 0.9792009592056274, -0.589311957359314, 0.5805224180221558, -1.1218582391738892, 0.19345788657665253, -0.07949887961149216, 0.7921058535575867, 0.21395787596702576, -0.7344395518302917, -0.3975418508052826, -0.11592631042003632, -0.3729911744594574, -1.3576762676239014, 0.21404948830604553, -0.2454141080379486, 0.23094046115875244, 0.6145404577255249, 0.1397707313299179, 0.5258248448371887, -0.34326282143592834, 0.7029101848602295, -0.057017259299755096, -0.7069286704063416, 0.7934495210647583, -0.5026894807815552, 0.4963534474372864, 0.9765996932983398, 0.5333835482597351, -0.7984007596969604, 0.035741209983825684, -1.041123390197754, -0.6008695363998413, 0.38426393270492554, 0.11928944289684296, -0.03601083159446716, -0.6659559011459351, -0.054019637405872345, -0.16143807768821716, 0.6043745279312134, -1.039069414138794, -0.7858356237411499, 0.2576698362827301, 0.5277302861213684, 0.0816856250166893, -0.5653398633003235, 0.20880667865276337, -0.544416069984436, 1.0657774209976196, 0.45109400153160095, 0.3274499475955963, 0.8406060934066772, 0.46492424607276917, -0.3823164403438568, 0.09252490103244781, 0.7662695050239563, 0.6666232347488403, -0.5239797830581665, -0.2908027470111847, -0.08827541768550873, -0.9143403768539429, 0.05927472561597824, 0.11168918758630753, -0.013455932028591633, 0.9082110524177551, 0.5793083310127258, 0.2539709210395813, 0.4514279365539551, -0.726460337638855, 0.8859451413154602, -0.14954176545143127, -0.12472866475582123, -1.0677239894866943, 0.1948619782924652, -0.23984959721565247, 0.5006402134895325, 1.0061326026916504, 0.5250048041343689, -0.047630298882722855, -0.8143380880355835, -0.01473585981875658, 0.6939172148704529, -0.7091123461723328, -0.17449834942817688, 0.944853663444519, 0.3847099542617798, -1.2953051328659058, 1.106776475906372, -0.5381771326065063, -0.560332179069519, 0.9121301770210266, 0.522956907749176, 1.1221847534179688, -0.44204121828079224, 0.0008676342549733818, 0.2662237286567688, 0.41378432512283325, 0.5423170328140259, 1.0869629383087158, 0.431413471698761, -0.7931063771247864, 0.8826584815979004, -0.24776044487953186, -0.40361151099205017, -0.05347571521997452, -0.42859897017478943, 0.16892178356647491, -0.4406192898750305, -0.10713007301092148, -0.3444187641143799, 0.28543180227279663, -0.7072042226791382, 0.42807620763778687, -0.0838567465543747, 0.8653068542480469, -0.8553727269172668, 0.47207626700401306, 0.635470449924469, -0.3337355852127075, -0.8508191108703613, -0.26198428869247437, -0.11448462307453156, -0.6389466524124146, 0.30214807391166687, -0.4554102420806885, 0.044398851692676544, 0.09623463451862335, -0.649151623249054, -1.1778275966644287, 0.9093633890151978, -0.639612078666687, -0.2784462869167328, 0.20464053750038147, -0.11514760553836823, 0.28811705112457275, -0.2524643540382385, 0.010661216452717781, 0.41876548528671265, 0.748940110206604, 0.2844654619693756, -0.7727053761482239, -0.3694884479045868, 0.0015032943338155746, -0.44474777579307556, 0.7582978010177612, -0.6002101898193359, 1.1840779781341553, -0.5563543438911438, -0.059654366225004196, 0.44384512305259705, 0.24690914154052734, 0.21076197922229767, 0.6629220843315125, 0.1442081481218338, 0.7282265424728394, 1.07012140750885, -0.40835219621658325, 0.8811809420585632, 0.26432839035987854, 0.47430819272994995, 0.7238501906394958, -0.6487724781036377, 0.7513749003410339, 0.31810489296913147, -0.5682924389839172, 0.9228013753890991, 1.2906063795089722, -0.15699204802513123, 0.8079374432563782, 0.05136508867144585, -1.081600546836853, 0.325833261013031, -0.20724765956401825, -0.7530064582824707, 0.3150254189968109, 0.19055864214897156, -0.6920982599258423, -0.5770308971405029, -0.24046507477760315, -0.35662803053855896, -0.11552901566028595, -0.7631728649139404, 0.6720563769340515, -0.016969164833426476, -0.5103683471679688, 0.18857547640800476, 0.2877499461174011, 0.17368432879447937, -0.5235732793807983, -0.02939440682530403, -0.22823619842529297, 0.2660655975341797, -0.5670853853225708, -0.5234526991844177, 0.5724433064460754, -0.32430219650268555, -0.5343255400657654, 0.18147465586662292, 0.763587236404419, -0.16923809051513672, -0.4515409469604492, 0.32472723722457886, 0.6959525346755981, 0.1665852814912796, 0.4250282347202301, -0.23511263728141785, 0.24480605125427246, -0.08044824004173279, -0.06651552021503448, 0.27714768052101135, 0.3449169099330902, 0.22435641288757324, 0.4450142979621887, 0.43285664916038513, -0.01808755099773407, -0.10736498981714249, -0.382819801568985, 0.4124940037727356, -0.9542785882949829, -0.5713282823562622, -0.6307113766670227, 0.2740660607814789, -0.02315417304635048, -1.0836423635482788, 0.4145168364048004, 1.4406683444976807, 1.0359982252120972, -0.4756383001804352, 1.067226529121399, -0.21818485856056213, 0.9594791531562805, 0.41483086347579956, 0.5420440435409546, -0.6030411720275879, 0.03835370019078255, -0.4364396035671234, -1.076962947845459, -0.35716333985328674, 0.4539391100406647, -0.022899555042386055, -0.3429867625236511, 0.872571587562561, 0.5887166261672974, -0.33473607897758484, -0.11728022992610931, 0.048487238585948944, -0.029941488057374954, -0.12433847039937973, 0.5145376324653625, 0.7648399472236633, -0.9344304800033569, -0.10680416971445084, -0.21577754616737366, -0.6382725834846497, -0.5047279000282288, -0.9632009267807007, -0.12959396839141846, -0.16037796437740326, 0.035343267023563385, -0.5662806630134583, 0.00255737011320889, 1.208324909210205, 0.5684957504272461, -1.1113994121551514, -0.5303789377212524, 0.3371853232383728, 0.3920421898365021, -0.1874791383743286, -0.24202413856983185, 0.2984568774700165, 0.15382249653339386, -0.5908876657485962, 0.6875665783882141, 0.8089625239372253, 0.208888977766037, 0.19554761052131653, 0.15893013775348663, -0.8229473829269409, -0.14913435280323029, 0.17440445721149445, 0.9450570344924927, -0.939853310585022, -0.7114843130111694, -0.03168516233563423, -0.27094873785972595, -0.05765746906399727, 0.17102102935314178, -0.4046344757080078, 0.5180677175521851, 0.34591493010520935, 0.49933457374572754, 0.0561608150601387, -0.054746925830841064, 0.5409556031227112, -0.9069057703018188, 0.09425963461399078, 0.4134361147880554, 0.4154115319252014, -0.4000864028930664, -0.5910194516181946, 0.6713420748710632, 1.0073972940444946, -0.6594868898391724, -0.8743268847465515, -0.19846712052822113, -1.0016002655029297, 0.04189709946513176, 0.6762762069702148, 0.5009527802467346, -0.4806513786315918, -0.4174500107765198, -0.5617399215698242, -0.1254672110080719, -0.1369970738887787, 0.7621601819992065, 1.179680585861206, -0.7432094812393188, 0.07975747436285019, -1.038639783859253, 0.6594986915588379, -0.2419457733631134, -0.3457581698894501, -0.48644304275512695, 0.3832802176475525, 0.35236993432044983, 0.440481036901474, 0.614812433719635, 0.1408471167087555, 0.8338426351547241, 0.3126053214073181, -0.1702686995267868, 0.2698982357978821, -0.4559200704097748, -0.028932858258485794, -0.057962555438280106, 0.31015971302986145, -1.0262157917022705 ]
timm/efficientnetv2_rw_s.ra2_in1k
timm
2023-04-27T21:13:07Z
9,929
0
timm
[ "timm", "pytorch", "safetensors", "image-classification", "dataset:imagenet-1k", "arxiv:2110.00476", "arxiv:2104.00298", "license:apache-2.0", "region:us" ]
image-classification
2022-12-12T23:58:49Z
--- tags: - image-classification - timm library_name: timm license: apache-2.0 datasets: - imagenet-1k --- # Model card for efficientnetv2_rw_s.ra2_in1k A EfficientNet-v2 image classification model. This is a `timm` specific variation of the architecture. Trained on ImageNet-1k in `timm` using recipe template described below. Recipe details: * RandAugment `RA2` recipe. Inspired by and evolved from EfficientNet RandAugment recipes. Published as `B` recipe in [ResNet Strikes Back](https://arxiv.org/abs/2110.00476). * RMSProp (TF 1.0 behaviour) optimizer, EMA weight averaging * Step (exponential decay w/ staircase) LR schedule with warmup ## Model Details - **Model Type:** Image classification / feature backbone - **Model Stats:** - Params (M): 23.9 - GMACs: 4.9 - Activations (M): 21.4 - Image size: train = 288 x 288, test = 384 x 384 - **Papers:** - EfficientNetV2: Smaller Models and Faster Training: https://arxiv.org/abs/2104.00298 - ResNet strikes back: An improved training procedure in timm: https://arxiv.org/abs/2110.00476 - **Dataset:** ImageNet-1k - **Original:** https://github.com/huggingface/pytorch-image-models ## Model Usage ### Image Classification ```python from urllib.request import urlopen from PIL import Image import timm img = Image.open(urlopen( 'https://huggingface.co/datasets/huggingface/documentation-images/resolve/main/beignets-task-guide.png' )) model = timm.create_model('efficientnetv2_rw_s.ra2_in1k', pretrained=True) model = model.eval() # get model specific transforms (normalization, resize) data_config = timm.data.resolve_model_data_config(model) transforms = timm.data.create_transform(**data_config, is_training=False) output = model(transforms(img).unsqueeze(0)) # unsqueeze single image into batch of 1 top5_probabilities, top5_class_indices = torch.topk(output.softmax(dim=1) * 100, k=5) ``` ### Feature Map Extraction ```python from urllib.request import urlopen from PIL import Image import timm img = Image.open(urlopen( 'https://huggingface.co/datasets/huggingface/documentation-images/resolve/main/beignets-task-guide.png' )) model = timm.create_model( 'efficientnetv2_rw_s.ra2_in1k', pretrained=True, features_only=True, ) model = model.eval() # get model specific transforms (normalization, resize) data_config = timm.data.resolve_model_data_config(model) transforms = timm.data.create_transform(**data_config, is_training=False) output = model(transforms(img).unsqueeze(0)) # unsqueeze single image into batch of 1 for o in output: # print shape of each feature map in output # e.g.: # torch.Size([1, 24, 144, 144]) # torch.Size([1, 48, 72, 72]) # torch.Size([1, 64, 36, 36]) # torch.Size([1, 160, 18, 18]) # torch.Size([1, 272, 9, 9]) print(o.shape) ``` ### Image Embeddings ```python from urllib.request import urlopen from PIL import Image import timm img = Image.open(urlopen( 'https://huggingface.co/datasets/huggingface/documentation-images/resolve/main/beignets-task-guide.png' )) model = timm.create_model( 'efficientnetv2_rw_s.ra2_in1k', pretrained=True, num_classes=0, # remove classifier nn.Linear ) model = model.eval() # get model specific transforms (normalization, resize) data_config = timm.data.resolve_model_data_config(model) transforms = timm.data.create_transform(**data_config, is_training=False) output = model(transforms(img).unsqueeze(0)) # output is (batch_size, num_features) shaped tensor # or equivalently (without needing to set num_classes=0) output = model.forward_features(transforms(img).unsqueeze(0)) # output is unpooled, a (1, 1792, 9, 9) shaped tensor output = model.forward_head(output, pre_logits=True) # output is a (1, num_features) shaped tensor ``` ## Model Comparison Explore the dataset and runtime metrics of this model in timm [model results](https://github.com/huggingface/pytorch-image-models/tree/main/results). ## Citation ```bibtex @inproceedings{tan2021efficientnetv2, title={Efficientnetv2: Smaller models and faster training}, author={Tan, Mingxing and Le, Quoc}, booktitle={International conference on machine learning}, pages={10096--10106}, year={2021}, organization={PMLR} } ``` ```bibtex @misc{rw2019timm, author = {Ross Wightman}, title = {PyTorch Image Models}, year = {2019}, publisher = {GitHub}, journal = {GitHub repository}, doi = {10.5281/zenodo.4414861}, howpublished = {\url{https://github.com/huggingface/pytorch-image-models}} } ``` ```bibtex @inproceedings{wightman2021resnet, title={ResNet strikes back: An improved training procedure in timm}, author={Wightman, Ross and Touvron, Hugo and Jegou, Herve}, booktitle={NeurIPS 2021 Workshop on ImageNet: Past, Present, and Future} } ```
[ -0.3537957966327667, -0.4385816752910614, -0.12764431536197662, 0.032464709132909775, -0.2815665900707245, -0.4630638062953949, -0.2116895169019699, -0.41960805654525757, 0.25246039032936096, 0.4809619188308716, -0.42261043190956116, -0.5298826694488525, -0.7527531385421753, -0.20204167068004608, -0.08631899952888489, 0.8024263978004456, -0.07119986414909363, 0.036834269762039185, -0.17516204714775085, -0.6165929436683655, -0.26180508732795715, -0.14166973531246185, -1.0556890964508057, -0.5634267330169678, 0.45205146074295044, 0.38040679693222046, 0.4999910593032837, 0.7160748243331909, 0.7195411324501038, 0.46852296590805054, -0.0363556370139122, 0.23706696927547455, -0.27155235409736633, -0.11833750456571579, 0.36815202236175537, -0.7064314484596252, -0.3857691287994385, 0.1655968576669693, 0.6743416786193848, 0.24191801249980927, 0.00571157643571496, 0.4632495939731598, 0.1433744728565216, 0.7039763927459717, -0.273971825838089, 0.1561790555715561, -0.4539796710014343, 0.22921675443649292, -0.14283020794391632, 0.0650487095117569, -0.3412666916847229, -0.3008996248245239, 0.08975984901189804, -0.5297290086746216, 0.33369526267051697, 0.06755182892084122, 1.2911901473999023, 0.3141320049762726, -0.07525074481964111, 0.019768336787819862, -0.2415233999490738, 0.789619505405426, -0.7258623242378235, 0.2000460922718048, 0.3419792354106903, 0.31931018829345703, -0.08115740120410919, -1.2323040962219238, -0.5739935636520386, -0.11847470700740814, -0.16835355758666992, 0.0366198867559433, -0.357082337141037, -0.05891554430127144, 0.30698275566101074, 0.10872465372085571, -0.5142437219619751, 0.31078967452049255, -0.5353783965110779, -0.18486693501472473, 0.4581742584705353, 0.02575984038412571, 0.3539973497390747, -0.26580721139907837, -0.49502915143966675, -0.5107281804084778, -0.420238733291626, 0.3479759991168976, 0.3376312255859375, 0.24319329857826233, -0.5801243782043457, 0.4310768246650696, 0.11634664982557297, 0.5587659478187561, -0.045341141521930695, -0.2969527244567871, 0.5667966604232788, 0.017817139625549316, -0.3847283720970154, -0.2334592044353485, 1.0417052507400513, 0.4506196081638336, 0.15399979054927826, 0.19415347278118134, -0.13674156367778778, -0.4341416656970978, -0.044098466634750366, -1.2542568445205688, -0.45041096210479736, 0.29008132219314575, -0.7001110911369324, -0.3820508122444153, 0.22848646342754364, -0.5279343724250793, -0.14054404199123383, -0.026604048907756805, 0.48206907510757446, -0.4466238021850586, -0.43884316086769104, -0.13185405731201172, -0.29027029871940613, 0.3920612633228302, 0.249150350689888, -0.5392592549324036, 0.24541082978248596, 0.47253596782684326, 1.2670469284057617, 0.10137271136045456, -0.3634413480758667, -0.3559233248233795, -0.411686509847641, -0.32030025124549866, 0.46977779269218445, -0.029641402885317802, 0.1342008411884308, -0.34107062220573425, 0.29249638319015503, -0.06975698471069336, -0.7739560604095459, 0.1566716432571411, -0.35079994797706604, 0.21532855927944183, -0.1469350904226303, -0.16034556925296783, -0.615734338760376, 0.3041406273841858, -0.5332175493240356, 1.381234049797058, 0.3880420923233032, -0.9721662402153015, 0.20347090065479279, -0.5479139685630798, -0.08358454704284668, -0.3085489273071289, -0.05077635124325752, -1.0940980911254883, -0.1442505419254303, 0.041296619921922684, 0.7121820449829102, -0.4481119215488434, -0.05179401487112045, -0.5168663263320923, -0.25885334610939026, 0.2852393090724945, 0.04396377503871918, 1.0765739679336548, 0.24375297129154205, -0.5160077810287476, 0.13498401641845703, -0.5547663569450378, 0.2612279951572418, 0.5848070383071899, -0.25663378834724426, -0.10171312093734741, -0.562717854976654, 0.18430902063846588, 0.35974615812301636, 0.027504412457346916, -0.4624478816986084, 0.20929017663002014, -0.27819013595581055, 0.4771583378314972, 0.6270586848258972, -0.18479973077774048, 0.318429559469223, -0.41666439175605774, 0.2326357662677765, 0.22946065664291382, 0.18714837729930878, 0.038810845464468, -0.5937286019325256, -0.9092200398445129, -0.49700137972831726, 0.42462158203125, 0.4795965552330017, -0.6500188112258911, 0.3998057544231415, -0.1805197298526764, -0.7514469027519226, -0.4157036244869232, 0.1534767895936966, 0.6529982686042786, 0.5704790949821472, 0.30050551891326904, -0.5719744563102722, -0.5464947819709778, -1.021877646446228, -0.004961037542670965, -0.016509801149368286, 0.06837935745716095, 0.41989585757255554, 0.7340489029884338, -0.08300768584012985, 0.6265416145324707, -0.38262128829956055, -0.28762492537498474, -0.33832278847694397, 0.07641562074422836, 0.30179572105407715, 0.8408098816871643, 0.8709695935249329, -0.6242176294326782, -0.5474182963371277, -0.11430652439594269, -0.9362061619758606, 0.21489739418029785, -0.06434507668018341, -0.23410139977931976, 0.2562304437160492, 0.1952887624502182, -0.5074993371963501, 0.49353542923927307, 0.21675899624824524, -0.2285994291305542, 0.33567774295806885, -0.22876030206680298, 0.20513173937797546, -1.19051992893219, 0.14492303133010864, 0.3721637725830078, -0.18829606473445892, -0.4742021858692169, 0.17854657769203186, 0.022543776780366898, -0.009259983897209167, -0.5581465363502502, 0.7030124664306641, -0.6358140110969543, -0.31152722239494324, -0.21003569662570953, -0.24986083805561066, 0.010369649156928062, 0.682971715927124, -0.139956533908844, 0.3920479118824005, 0.7892236113548279, -0.4131317138671875, 0.5088922381401062, 0.33893224596977234, -0.2918459475040436, 0.3016912341117859, -0.7629722952842712, 0.34420132637023926, -0.038663748651742935, 0.27808624505996704, -1.0941953659057617, -0.3401668965816498, 0.48877182602882385, -0.6695374846458435, 0.6847500801086426, -0.5172722339630127, -0.5177614092826843, -0.5539461374282837, -0.508704423904419, 0.3425546884536743, 0.8020477294921875, -0.7983384728431702, 0.4354565143585205, 0.24872872233390808, 0.27565091848373413, -0.6430721282958984, -1.0785449743270874, -0.16911214590072632, -0.3753509521484375, -0.7777923941612244, 0.2613503336906433, 0.26608937978744507, 0.00911008007824421, 0.16283300518989563, -0.00948142446577549, -0.2202177494764328, -0.04368415102362633, 0.5467252135276794, 0.23006153106689453, -0.284511536359787, -0.11265435069799423, -0.28964105248451233, -0.14104017615318298, 0.012441142462193966, -0.3842138350009918, 0.5674445033073425, -0.20741117000579834, -0.12428552657365799, -0.970583975315094, -0.0671197697520256, 0.38551199436187744, -0.04668358713388443, 0.849814236164093, 1.1967271566390991, -0.5495277643203735, -0.08678566664457321, -0.4738532602787018, -0.4171411991119385, -0.49659454822540283, 0.6037806868553162, -0.32912248373031616, -0.4866797626018524, 0.791938304901123, -0.012921126559376717, 0.08715946972370148, 0.6610329747200012, 0.376739501953125, -0.10810697078704834, 0.6547704935073853, 0.554295003414154, 0.31969907879829407, 0.7368282079696655, -1.099034309387207, -0.2589872479438782, -0.9553090929985046, -0.5719666481018066, -0.41811418533325195, -0.7530691027641296, -0.6185944080352783, -0.4898079037666321, 0.4435788094997406, 0.2130521982908249, -0.4488561153411865, 0.5137911438941956, -0.8276017308235168, 0.09594431519508362, 0.7718430757522583, 0.5860592126846313, -0.48802945017814636, 0.43362560868263245, -0.19897383451461792, -0.0607072189450264, -0.9422768354415894, -0.20027747750282288, 1.0914130210876465, 0.4979322552680969, 0.4818844199180603, 0.001032004482112825, 0.6851238012313843, -0.19155572354793549, 0.27655550837516785, -0.5903566479682922, 0.5652453899383545, -0.20948810875415802, -0.41620510816574097, -0.11778459697961807, -0.5014172196388245, -1.0786038637161255, 0.14843884110450745, -0.26453033089637756, -0.71695876121521, 0.1374872326850891, 0.2891661822795868, -0.22803641855716705, 0.7810444235801697, -0.7945848703384399, 0.8960723280906677, -0.11363701522350311, -0.5065414309501648, -0.011694204062223434, -0.7932850122451782, 0.3962995707988739, 0.26612403988838196, -0.2248302400112152, -0.05486081540584564, 0.07179320603609085, 1.1736233234405518, -0.7122510075569153, 0.8629582524299622, -0.5389769077301025, 0.5621418952941895, 0.6131596565246582, -0.15606887638568878, 0.5070582628250122, -0.10310369729995728, -0.18456882238388062, 0.3205283582210541, -0.13055065274238586, -0.4611647129058838, -0.6079316735267639, 0.6320372223854065, -1.046239972114563, -0.22452746331691742, -0.3537493348121643, -0.32367897033691406, 0.29036664962768555, 0.05718548595905304, 0.5841080546379089, 0.7432855367660522, 0.356596440076828, 0.35679587721824646, 0.6108788251876831, -0.464874267578125, 0.4144563674926758, -0.03562651947140694, -0.059253014624118805, -0.5657638907432556, 0.8687363266944885, 0.3194151222705841, 0.15781085193157196, 0.1795339435338974, 0.269395112991333, -0.32249316573143005, -0.6223501563072205, -0.33610016107559204, 0.26501843333244324, -0.7431164383888245, -0.5616896748542786, -0.7526870369911194, -0.36821386218070984, -0.4185761511325836, 0.025528360158205032, -0.6215329170227051, -0.4345720410346985, -0.4355432987213135, 0.2662351131439209, 0.7864226698875427, 0.5678131580352783, -0.29690322279930115, 0.5990612506866455, -0.4500195384025574, 0.20890282094478607, 0.1615835279226303, 0.40742766857147217, 0.01796850934624672, -0.944019079208374, -0.18666426837444305, -0.09710366278886795, -0.337177038192749, -0.6423479318618774, 0.46132341027259827, 0.2246394157409668, 0.4506837725639343, 0.3214092254638672, -0.22155450284481049, 0.6660634279251099, -0.02740420401096344, 0.5496622323989868, 0.6105652451515198, -0.38449668884277344, 0.5757461190223694, 0.053655702620744705, 0.09794887900352478, 0.18130484223365784, 0.2361900955438614, -0.24610614776611328, 0.06500424444675446, -0.8849995136260986, -0.8523196578025818, 0.9769883751869202, 0.125594362616539, -0.023580754175782204, 0.3245721161365509, 0.8438555002212524, 0.01601896435022354, -0.08216861635446548, -0.6932371258735657, -0.5574591755867004, -0.2971169054508209, -0.20463383197784424, 0.11630029231309891, -0.2191009521484375, -0.07584697008132935, -0.6489441394805908, 0.7731016278266907, -0.048411644995212555, 0.8351666331291199, 0.26809296011924744, 0.031010327860713005, -0.04738268256187439, -0.4900379478931427, 0.44725972414016724, 0.19505292177200317, -0.23194420337677002, 0.14859002828598022, 0.1777019053697586, -0.5167879462242126, 0.12241053581237793, 0.07594026625156403, -0.09827910363674164, -0.010221805423498154, 0.5182228088378906, 1.0328927040100098, -0.072821706533432, 0.08942777663469315, 0.46638941764831543, -0.08751721680164337, -0.46224185824394226, -0.34696316719055176, 0.22581392526626587, 0.014688470400869846, 0.5171655416488647, 0.1808067411184311, 0.48327648639678955, -0.11557293683290482, -0.28339284658432007, 0.3262193500995636, 0.5271909236907959, -0.3147928714752197, -0.2819209694862366, 0.7188476920127869, -0.14078187942504883, -0.2792151868343353, 0.9481418132781982, -0.25398150086402893, -0.4590747654438019, 1.212161660194397, 0.45280757546424866, 0.9685201048851013, 0.08774733543395996, 0.024585887789726257, 0.8778989315032959, 0.31170904636383057, -0.11301545798778534, 0.20918357372283936, 0.2502228915691376, -0.7492060661315918, 0.05817398428916931, -0.4664534330368042, 0.10704322904348373, 0.34352073073387146, -0.5786580443382263, 0.32306617498397827, -0.7519007921218872, -0.43807464838027954, 0.11413335055112839, 0.3759321868419647, -1.0501338243484497, 0.1599874198436737, -0.1031206026673317, 0.9369297027587891, -0.6961215734481812, 0.8242796063423157, 0.8993691205978394, -0.4431512951850891, -1.136491060256958, -0.17642845213413239, 0.17425018548965454, -1.0132246017456055, 0.7557036876678467, 0.4726165235042572, 0.13677355647087097, 0.06077423319220543, -0.7715260982513428, -0.67104172706604, 1.5337096452713013, 0.5154538750648499, -0.19448205828666687, 0.372426837682724, -0.14867189526557922, 0.16929489374160767, -0.38535943627357483, 0.6119868755340576, 0.1648470163345337, 0.4740087687969208, 0.3297845721244812, -0.5947147011756897, 0.2698610723018646, -0.3881550431251526, 0.21801355481147766, 0.13182073831558228, -0.9818200469017029, 0.8736990690231323, -0.5693805813789368, -0.14345325529575348, 0.09278042614459991, 0.7519895434379578, 0.15074947476387024, 0.2099490910768509, 0.5210791826248169, 0.8862200975418091, 0.5611434578895569, -0.3573122024536133, 1.0001734495162964, 0.03948593512177467, 0.5501688718795776, 0.7109475135803223, 0.3705803453922272, 0.5859617590904236, 0.3140115737915039, -0.198125422000885, 0.37194231152534485, 1.094873070716858, -0.350869357585907, 0.3761900067329407, 0.26689913868904114, 0.14712147414684296, -0.06853585690259933, 0.08745729923248291, -0.473855197429657, 0.6156231164932251, 0.06329679489135742, -0.506883978843689, -0.17481249570846558, 0.007905160076916218, 0.04177137464284897, -0.324642151594162, -0.12963005900382996, 0.5697019696235657, 0.061836063861846924, -0.42578110098838806, 0.8653896450996399, 0.3153986930847168, 0.8573882579803467, -0.4499683380126953, -0.003627303522080183, -0.28385624289512634, 0.2248547226190567, -0.31498050689697266, -0.735639750957489, 0.32068148255348206, -0.24295338988304138, -0.014931579120457172, 0.052149929106235504, 0.7341547012329102, -0.27659887075424194, -0.40224602818489075, 0.20644088089466095, 0.2969003915786743, 0.5803772807121277, 0.14098165929317474, -1.3084133863449097, 0.22696542739868164, 0.047238703817129135, -0.7252440452575684, 0.3954993188381195, 0.3016633093357086, 0.150340273976326, 0.7294288873672485, 0.5551584959030151, -0.11272216588258743, 0.04722872003912926, -0.21537230908870697, 0.8153926730155945, -0.39834752678871155, -0.2842966318130493, -0.776203453540802, 0.590630292892456, -0.1698855608701706, -0.6302722096443176, 0.46890726685523987, 0.6033146381378174, 0.7847633957862854, 0.045869387686252594, 0.5194268822669983, -0.32818281650543213, -0.051220834255218506, -0.5147753357887268, 0.6947222948074341, -0.8184972405433655, 0.03410978987812996, 0.017313966527581215, -0.7228946685791016, -0.3130112886428833, 0.7508272528648376, -0.10670880973339081, 0.424997478723526, 0.4853462874889374, 1.078344702720642, -0.365843266248703, -0.4605749249458313, 0.07207795977592468, 0.13500677049160004, 0.07515313476324081, 0.4305855929851532, 0.35346290469169617, -0.8190978169441223, 0.2915911078453064, -0.6778239011764526, -0.24828578531742096, -0.2349047213792801, -0.7048839926719666, -0.9568092823028564, -0.8125229477882385, -0.6609185934066772, -0.7839991450309753, -0.034069549292325974, 1.0263901948928833, 1.0922998189926147, -0.6434696912765503, -0.0762232169508934, -0.001042440184392035, 0.14827638864517212, -0.32906201481819153, -0.23281718790531158, 0.666968822479248, -0.1259382665157318, -0.6748723983764648, -0.2910492420196533, 0.07733555883169174, 0.2852259874343872, 0.0508081279695034, -0.3225120007991791, -0.13936759531497955, -0.2612447440624237, 0.19719888269901276, 0.35730165243148804, -0.6701475977897644, -0.24136193096637726, -0.2924579083919525, -0.1804405301809311, 0.3356891870498657, 0.4970929026603699, -0.46200042963027954, 0.3323012590408325, 0.49815765023231506, 0.4201290011405945, 0.8084667921066284, -0.3488531708717346, -0.03696697577834129, -0.8994157910346985, 0.6352573037147522, -0.14274096488952637, 0.4418180584907532, 0.4347236454486847, -0.32760876417160034, 0.6634535193443298, 0.4644419848918915, -0.37286368012428284, -0.9094805121421814, -0.018032943829894066, -1.1149901151657104, -0.19917353987693787, 1.0807467699050903, -0.450602263212204, -0.5143935084342957, 0.4630610942840576, 0.052946366369724274, 0.6977929472923279, -0.06438538432121277, 0.386346697807312, 0.11262116581201553, -0.13867317140102386, -0.6711404323577881, -0.6574567556381226, 0.4295721650123596, 0.17732879519462585, -0.6238180994987488, -0.46452367305755615, -0.053668227046728134, 0.7107616662979126, 0.13207592070102692, 0.5706040263175964, -0.0694781094789505, 0.1806645691394806, 0.22105161845684052, 0.48216426372528076, -0.6664885878562927, -0.18130359053611755, -0.25612151622772217, 0.03103366121649742, -0.034213386476039886, -0.6312459111213684 ]
lanwuwei/GigaBERT-v4-Arabic-and-English
lanwuwei
2021-05-19T21:19:13Z
9,923
3
transformers
[ "transformers", "pytorch", "jax", "bert", "feature-extraction", "endpoints_compatible", "region:us" ]
feature-extraction
2022-03-02T23:29:05Z
## GigaBERT-v4 GigaBERT-v4 is a continued pre-training of [GigaBERT-v3](https://huggingface.co/lanwuwei/GigaBERT-v3-Arabic-and-English) on code-switched data, showing improved zero-shot transfer performance from English to Arabic on information extraction (IE) tasks. More details can be found in the following paper: @inproceedings{lan2020gigabert, author = {Lan, Wuwei and Chen, Yang and Xu, Wei and Ritter, Alan}, title = {GigaBERT: Zero-shot Transfer Learning from English to Arabic}, booktitle = {Proceedings of The 2020 Conference on Empirical Methods on Natural Language Processing (EMNLP)}, year = {2020} } ## Download ``` from transformers import * tokenizer = BertTokenizer.from_pretrained("lanwuwei/GigaBERT-v4-Arabic-and-English", do_lower_case=True) model = BertForTokenClassification.from_pretrained("lanwuwei/GigaBERT-v4-Arabic-and-English") ``` Here is downloadable link [GigaBERT-v4](https://drive.google.com/drive/u/1/folders/1uFGzMuTOD7iNsmKQYp_zVuvsJwOaIdar).
[ -0.4635862410068512, -0.5905840396881104, 0.17063474655151367, 0.048731349408626556, -0.41684314608573914, 0.23777228593826294, -0.20486997067928314, -0.6818786263465881, 0.17296038568019867, 0.3808484375476837, -0.5068903565406799, -0.5393462181091309, -0.6011196970939636, 0.18735730648040771, -0.2960191071033478, 1.2805559635162354, -0.4584261476993561, 0.18127761781215668, 0.17827656865119934, -0.021064668893814087, -0.29880744218826294, -0.7232672572135925, -0.6295401453971863, -0.12097563594579697, 0.48907193541526794, 0.6469378471374512, 0.5869587063789368, 0.39159679412841797, 0.5983597636222839, 0.3158222436904907, 0.3580068349838257, -0.19485637545585632, -0.645982563495636, -0.3727566599845886, 0.01815384067595005, -0.26847535371780396, -0.4968869090080261, -0.009578065015375614, 0.7476449608802795, 0.3955976963043213, -0.04163539782166481, 0.1830029934644699, -0.24180372059345245, 0.5055715441703796, -0.46301302313804626, 0.3519430458545685, -0.5876824855804443, 0.0626998096704483, -0.4019520580768585, -0.15013617277145386, -0.24774594604969025, -0.20335431396961212, -0.19460643827915192, -0.46994173526763916, 0.4649033844470978, -0.21413318812847137, 1.5143826007843018, -0.08154623210430145, -0.5019485950469971, 0.11199118942022324, -0.8517121076583862, 0.7941417098045349, -0.6859994530677795, 0.726813554763794, 0.3866610825061798, 0.5105729103088379, 0.3932497501373291, -1.0630178451538086, -0.8613452315330505, -0.05461721494793892, 0.15664435923099518, 0.37993571162223816, -0.19391511380672455, -0.06701857596635818, 0.2892918884754181, 0.2759868800640106, -0.41276776790618896, 0.08614584803581238, -0.8132105469703674, -0.5409625768661499, 0.7508406043052673, -0.19328776001930237, 0.19042596220970154, 0.09550058841705322, -0.523037314414978, -0.21715982258319855, -0.9183414578437805, -0.18507255613803864, 0.4323047697544098, 0.1163521558046341, -0.4304053485393524, 0.18054276704788208, -0.07329478114843369, 0.6685891151428223, 0.11493244022130966, -0.18223950266838074, 0.9647082686424255, -0.5363655686378479, 0.038251303136348724, 0.00975260604172945, 0.8337007164955139, 0.0881384015083313, 0.15931753814220428, -0.10439348220825195, -0.17656747996807098, -0.3111705183982849, 0.31299349665641785, -1.386427879333496, -0.11481192708015442, 0.16065146028995514, -0.20876917243003845, -0.0907793939113617, 0.1050727441906929, -0.6114189028739929, 0.3038913607597351, -0.2612774968147278, 0.5800976753234863, -0.6765534281730652, -0.3455791771411896, 0.2919934093952179, 0.07422797381877899, 0.5739678144454956, 0.43776601552963257, -1.2066776752471924, -0.008305939845740795, 0.4623251259326935, 0.9115740656852722, -0.21340332925319672, -0.5969475507736206, -0.486522376537323, 0.16521956026554108, -0.2191493660211563, 0.7927121520042419, -0.16112159192562103, -0.3350369334220886, 0.19609013199806213, 0.14963971078395844, -0.1775188148021698, -0.47046250104904175, 0.8751116991043091, -0.7473805546760559, 0.28188109397888184, -0.2332262247800827, -0.48026981949806213, -0.523578941822052, 0.1830018013715744, -0.7218639254570007, 1.004202127456665, 0.42685407400131226, -0.6215782165527344, 0.30919042229652405, -0.7714734077453613, -0.3931922912597656, 0.36144423484802246, -0.28066420555114746, -0.4508361220359802, -0.27489909529685974, 0.2546870708465576, 0.3343576490879059, -0.05447106435894966, -0.06060607358813286, -0.12262780964374542, -0.5143709778785706, 0.013134376145899296, -0.6274169087409973, 0.8076473474502563, 0.1599205732345581, -0.5794907808303833, -0.029756810516119003, -0.9407613277435303, 0.018588582053780556, 0.002745059784501791, -0.3766322433948517, 0.48108264803886414, -0.3408413529396057, 0.2693030536174774, 0.43487146496772766, 0.477477490901947, -0.664726197719574, 0.27047476172447205, -0.22669357061386108, 0.12856213748455048, 0.599378764629364, -0.2573468089103699, 0.2394540160894394, -0.19954635202884674, 0.7445209622383118, 0.1391998529434204, 0.04519681632518768, 0.009077043272554874, -0.2767423391342163, -0.876203715801239, -0.3388911783695221, 0.45646557211875916, 0.7617530226707458, -1.1679775714874268, 0.4062773585319519, -0.612596333026886, -0.6051158905029297, -0.6288133263587952, 0.15877267718315125, 0.30408287048339844, 0.24577559530735016, 0.6074265241622925, -0.3579377830028534, -0.647528886795044, -0.6881226301193237, -0.02937711775302887, -0.22017525136470795, 0.07677579671144485, 0.17196661233901978, 0.5486021637916565, -0.5721651315689087, 0.7057860493659973, -0.2838740944862366, -0.1557372659444809, -0.6693412065505981, 0.3043749928474426, 0.4400498569011688, 0.3207043707370758, 0.738096296787262, -0.7325810790061951, -0.6776106953620911, 0.2908712923526764, -0.5031971335411072, -0.19274765253067017, -0.23649746179580688, -0.36114224791526794, 0.3782995343208313, 0.3846764862537384, -0.6131243705749512, 0.33458757400512695, 0.7097210884094238, -0.2984062135219574, 0.8744217157363892, 0.11549776047468185, 0.18327684700489044, -1.1103973388671875, 0.18659454584121704, -0.4820203483104706, -0.36749789118766785, -0.6999791860580444, 0.009685099124908447, 0.2086038887500763, 0.2508484721183777, -0.6347343325614929, 0.5791265964508057, -0.42740538716316223, -0.11285609006881714, -0.1236271858215332, -0.03172123432159424, -0.0570659264922142, 0.5132381319999695, 0.010273906402289867, 1.289690613746643, 0.47679948806762695, -0.42883244156837463, 0.5453141331672668, 0.41519251465797424, -0.1932676136493683, 0.30021604895591736, -0.6348416209220886, 0.5050674676895142, 0.17906413972377777, -0.06991133093833923, -0.8068402409553528, 0.047998420894145966, 0.38403141498565674, -0.5955476760864258, 0.6079660058021545, -0.1763700395822525, -0.2726338803768158, -0.3527643382549286, -0.4847267270088196, 0.3314707577228546, 0.5752220153808594, -0.6138438582420349, 0.42569977045059204, 0.005232588853687048, -0.27392852306365967, -0.623784065246582, -0.6869629621505737, 0.13944076001644135, -0.020813969895243645, -0.41942909359931946, 0.5157973170280457, -0.2422918677330017, 0.26025721430778503, -0.17220431566238403, 0.05884344503283501, -0.26349300146102905, -0.1993243396282196, -0.0011789948912337422, 0.5858814716339111, -0.2935352325439453, -0.07275369763374329, -0.23017801344394684, -0.25475946068763733, 0.019806919619441032, -0.2748129665851593, 0.6256914734840393, -0.2873901128768921, -0.2934117317199707, -0.2138279676437378, 0.20468202233314514, 0.04174874722957611, -0.14081579446792603, 0.8354471325874329, 1.3717482089996338, 0.03477386385202408, 0.18258701264858246, -0.47431686520576477, 0.007580440957099199, -0.5702763795852661, 0.6040769219398499, -0.44247379899024963, -1.0793157815933228, 0.24347510933876038, 0.12150873988866806, 0.2212497740983963, 0.7607388496398926, 0.6370366811752319, 0.04579174891114235, 0.7633968591690063, 0.6568498015403748, -0.35769104957580566, 0.6368923783302307, -0.5677105784416199, 0.23661431670188904, -0.691048800945282, 0.045982107520103455, -0.5059877634048462, -0.10350222885608673, -0.4676775634288788, -0.3608831763267517, 0.08370010554790497, 0.24172335863113403, -0.32026591897010803, 0.4660617709159851, 0.0261152982711792, 0.4153713881969452, 0.2949349284172058, -0.2007170170545578, -0.028140850365161896, 0.43699386715888977, 0.033812057226896286, -0.14885744452476501, -0.6534368991851807, -0.32703372836112976, 1.146816611289978, 0.05899399146437645, 0.3266291618347168, 0.6058167219161987, 0.8076645731925964, 0.2467140108346939, 0.2927551865577698, -0.8880018591880798, 0.6003949642181396, 0.07555142790079117, -0.6490819454193115, -0.20796798169612885, -0.6219973564147949, -1.2537306547164917, 0.23140232264995575, -0.021813325583934784, -0.8234559893608093, -0.13965052366256714, -0.009929393418133259, -0.08587288856506348, 0.2629982531070709, -0.6328637003898621, 0.8555676937103271, -0.3341439366340637, -0.572870135307312, -0.08277465403079987, -0.5941037535667419, 0.09885212033987045, -0.35410958528518677, 0.25153648853302, 0.1433049589395523, 0.10357428342103958, 0.9336123466491699, -0.42694973945617676, 0.5529776811599731, -0.16215549409389496, -0.2396988719701767, 0.16942094266414642, -0.2096213847398758, 0.476362407207489, -0.15918177366256714, -0.008244697004556656, 0.7411553859710693, -0.12079603224992752, -0.4433097541332245, -0.3198329508304596, 0.3941407799720764, -1.0861577987670898, -0.5999079346656799, -0.4549892544746399, -0.41302254796028137, -0.16564543545246124, 0.5971702933311462, 0.48402202129364014, 0.4077834486961365, -0.06499996036291122, 0.317113995552063, 0.32510635256767273, -0.08939395099878311, 0.6368388533592224, 0.7319004535675049, -0.5443271994590759, -0.5131983160972595, 0.9746744632720947, 0.285651296377182, 0.21611471474170685, 0.3816547989845276, -0.08853181451559067, -0.23553788661956787, -0.8094353675842285, -0.7856629490852356, 0.3407706618309021, -0.6208436489105225, -0.2860267758369446, -0.5943717360496521, -0.7038582563400269, -0.5065802931785583, -0.13291682302951813, -0.3678670823574066, -0.25132232904434204, -0.4111097753047943, -0.45652061700820923, 0.4819059669971466, 0.3884994089603424, -0.2770364284515381, 0.46621426939964294, -1.251288652420044, 0.3264603018760681, 0.27762436866760254, 0.07514030486345291, -0.41408225893974304, -1.0335577726364136, -0.813787043094635, 0.11211784183979034, -0.45680826902389526, -0.8704841732978821, 0.6083647608757019, 0.333229124546051, 0.5420734882354736, 0.5723628997802734, -0.4320119321346283, 0.6307250261306763, -0.6578176021575928, 1.028801679611206, 0.3044074773788452, -0.9299644827842712, -0.001126553281210363, -0.3333701193332672, 0.44443780183792114, 0.6516615152359009, 0.7172101140022278, -0.49132347106933594, 0.20517443120479584, -0.793353796005249, -0.968191385269165, 0.9139353632926941, 0.3073957860469818, 0.21305260062217712, 0.12886744737625122, 0.015764005482196808, 0.2725279629230499, 0.23398397862911224, -0.689190685749054, -0.330193430185318, -0.4015931487083435, -0.17062708735466003, -0.3599301278591156, -0.4073629677295685, 0.09835844486951828, -0.5855647921562195, 1.0218361616134644, -0.10773761570453644, 0.6912868618965149, 0.06608131527900696, -0.3654428720474243, 0.1375436633825302, 0.3367665112018585, 0.585410475730896, 0.6135498881340027, -0.41747134923934937, 0.03808779641985893, 0.3228885233402252, -1.2111889123916626, 0.07380902022123337, 0.5745553374290466, -0.24272097647190094, 0.30638402700424194, 0.666671633720398, 1.1592227220535278, 0.1960640549659729, -0.3419438600540161, 0.7139276266098022, 0.10232638567686081, -0.5563328266143799, -0.4592553973197937, 0.0013062466168776155, -0.07651710510253906, 0.13871945440769196, 0.25997769832611084, -0.14592254161834717, 0.21595917642116547, -0.5277824401855469, 0.2306799292564392, 0.12694013118743896, -0.33745652437210083, -0.605461061000824, 0.3208785653114319, 0.2742217779159546, -0.265330970287323, 0.6062708497047424, -0.419761598110199, -0.8177794218063354, 0.3625998795032501, 0.8167663216590881, 0.9356094598770142, -0.24185000360012054, 0.3534597158432007, 0.5503401756286621, 0.3913725018501282, 0.2654232382774353, 0.7307923436164856, -0.25458312034606934, -1.1810882091522217, -0.46711495518684387, -0.48429226875305176, -0.34747180342674255, 0.1317327618598938, -0.6449182629585266, 0.212713822722435, -0.18091922998428345, -0.02200746163725853, -0.03176949918270111, 0.21121618151664734, -0.9697133302688599, -0.0532585009932518, 0.15682272613048553, 0.8051579594612122, -0.4495844841003418, 1.1904683113098145, 0.653183102607727, -0.4678373634815216, -1.07523775100708, -0.20118893682956696, -0.11886917054653168, -0.9575481414794922, 0.6917428970336914, 0.2810809910297394, -0.2413751184940338, 0.3260089159011841, -0.6231431365013123, -1.1600033044815063, 1.2600418329238892, 0.47905823588371277, -0.6615892052650452, 0.39576059579849243, 0.3070880174636841, 0.297093003988266, -0.10186301916837692, 0.6514780521392822, 0.6921859383583069, 0.3970305621623993, 0.41164132952690125, -0.864323079586029, -0.34495413303375244, -0.4382903277873993, -0.1679539978504181, 0.3247467279434204, -0.755275309085846, 0.980340838432312, -0.1337200403213501, -0.3090710937976837, -0.1771204173564911, 0.7246335744857788, -0.008384010754525661, 0.016270672902464867, 0.172263041138649, 0.5294486880302429, 0.5348337292671204, -0.12154541909694672, 0.8539761900901794, -0.31270161271095276, 0.45686984062194824, 1.0678437948226929, -0.39689841866493225, 1.1045368909835815, 0.33447638154029846, -0.6128856539726257, 0.860167384147644, 0.30864217877388, -0.08415725082159042, 0.533628523349762, -0.35163697600364685, -0.3250850737094879, 0.09749149531126022, 0.17157870531082153, -0.791944682598114, 0.5263797640800476, 0.1722068339586258, -0.11508351564407349, -0.1603326052427292, -0.14333917200565338, 0.5629207491874695, -0.7087383270263672, -0.14652734994888306, 0.6725143790245056, -0.25551071763038635, -0.3603501617908478, 0.978947103023529, 0.023051049560308456, 0.7067705988883972, -1.1028848886489868, -0.20014384388923645, -0.4147273004055023, 0.1894235759973526, -0.17759326100349426, -0.5893032550811768, 0.08261235803365707, 0.11541534215211868, 0.108477383852005, -0.1898280680179596, 0.8713161945343018, -0.4356115162372589, -0.6563313007354736, 0.19660194218158722, 0.4337514340877533, 0.47152969241142273, 0.29653918743133545, -0.7466980218887329, 0.09311361610889435, 0.46048396825790405, -0.39716506004333496, 0.2524142861366272, 0.36157146096229553, 0.28527751564979553, 0.16426251828670502, 0.8979413509368896, 0.3295783996582031, 0.12014086544513702, 0.2572900652885437, 0.665763258934021, -0.7655318379402161, -0.38200491666793823, -0.864772379398346, 0.28592389822006226, -0.2710873484611511, -0.4125233292579651, 1.064889669418335, 0.6513569951057434, 1.2245293855667114, -0.2666528820991516, 0.7853537201881409, -0.047584936022758484, 0.2667310833930969, -0.7659222483634949, 0.5041901469230652, -0.27568861842155457, 0.07851853966712952, -0.10989277809858322, -0.8817186951637268, -0.04344410449266434, 0.6930391788482666, -0.2266419678926468, 0.32867705821990967, 0.9048155546188354, 0.7908448576927185, -0.0577409602701664, -0.1563234031200409, 0.5171578526496887, 0.33249256014823914, 0.3966583013534546, 0.6676449775695801, 0.5815443396568298, -0.6270553469657898, 0.5104491710662842, -0.2001957893371582, -0.12750180065631866, -0.34581345319747925, -0.8435407876968384, -0.6943848729133606, -0.31435179710388184, -0.19685448706150055, -0.09328757226467133, -0.044070497155189514, 0.8870508074760437, 0.6303727030754089, -0.7268896698951721, -0.37782058119773865, 0.0005982161965221167, -0.2617611289024353, -0.2225790172815323, -0.19326908886432648, 0.44684356451034546, -0.1722719967365265, -0.5660989880561829, 0.19764047861099243, 0.31622233986854553, 0.09494558721780777, -0.004336162004619837, -0.24448169767856598, -0.437597393989563, 0.10152559727430344, 0.5760163068771362, 0.37777891755104065, -0.2749742865562439, -0.38460832834243774, -0.37804311513900757, -0.017852704972028732, 0.35049980878829956, 0.44019052386283875, -0.7992505431175232, 0.22805604338645935, 0.28385740518569946, 0.7540473937988281, 0.7995365858078003, -0.2554168105125427, 0.32509276270866394, -0.6637800335884094, 0.4041384756565094, -0.01804403029382229, 0.5148432850837708, 0.42022043466567993, -0.27031731605529785, 0.6611405611038208, 0.4231049120426178, -0.5084887146949768, -0.37730684876441956, 0.1552572101354599, -0.984580934047699, 0.14817111194133759, 1.5104800462722778, -0.23649372160434723, -0.02414543554186821, -0.1375209391117096, -0.5470181703567505, 0.4295367896556854, -0.3310762345790863, 0.5806816816329956, 0.7285100817680359, 0.28489598631858826, -0.38430055975914, -0.7989992499351501, 0.40283069014549255, 0.41896623373031616, -1.172811508178711, -0.39910581707954407, 0.5569156408309937, 0.1366506814956665, 0.16371338069438934, 0.8035727739334106, -0.0700325295329094, 0.43287861347198486, 0.16399367153644562, 0.5189546942710876, -0.19329579174518585, -0.2355985790491104, -0.3783571124076843, -0.10138126462697983, 0.014333914965391159, -0.3126355707645416 ]
pankajmathur/model_007
pankajmathur
2023-11-18T12:14:45Z
9,917
22
transformers
[ "transformers", "pytorch", "llama", "text-generation", "en", "dataset:pankajmathur/orca_mini_v1_dataset", "dataset:pankajmathur/dolly-v2_orca", "dataset:pankajmathur/WizardLM_Orca", "dataset:pankajmathur/alpaca_orca", "dataset:ehartford/dolphin", "arxiv:2306.02707", "license:llama2", "endpoints_compatible", "text-generation-inference", "region:us" ]
text-generation
2023-08-05T04:15:55Z
--- language: - en library_name: transformers license: llama2 datasets: - pankajmathur/orca_mini_v1_dataset - pankajmathur/dolly-v2_orca - pankajmathur/WizardLM_Orca - pankajmathur/alpaca_orca - ehartford/dolphin --- # model_007 A hybrid (explain + instruct) style Llama2-70b model, Pleae check examples below for both style prompts, Here is the list of datasets used: * Open-Platypus * Alpaca * WizardLM * Dolly-V2 * Dolphin Samples (~200K) * Orca_minis_v1 * Alpaca_orca * WizardLM_orca * Dolly-V2_orca <br> **P.S. If you're interested to collaborate, please connect with me at www.linkedin.com/in/pankajam.** <br> ### quantized versions Huge respect to @TheBloke, here are the GGML/GPTQ/GGUF versions, go crazy :) https://huggingface.co/TheBloke/model_007-70B-GGML https://huggingface.co/TheBloke/model_007-70B-GGUF https://huggingface.co/TheBloke/model_007-70B-GPTQ <br> #### license disclaimer: This model is bound by the license & usage restrictions of the original Llama-2 model. And comes with no warranty or gurantees of any kind. <br> ## Evaluation We evaluated model_007 on a wide range of tasks using [Language Model Evaluation Harness](https://github.com/EleutherAI/lm-evaluation-harness) from EleutherAI. Here are the results on metrics used by [HuggingFaceH4 Open LLM Leaderboard](https://huggingface.co/spaces/HuggingFaceH4/open_llm_leaderboard) ||| |:------:|:--------:| |**Task**|**Value**| |*ARC*|0.7108| |*HellaSwag*|0.8765| |*MMLU*|0.6904| |*TruthfulQA*|0.6312| |*Winogrande*|0.8335| |*GSM8K*|0.3715| |*DROP*|0.3105| |**Total Average**|**0.6320**| <br> ## Prompt Format Here is the Orca prompt format ``` ### System: You are an AI assistant that follows instruction extremely well. Help as much as you can. ### User: Tell me about Orcas. ### Assistant: ``` Here is the Alpaca prompt format ``` ### User: Tell me about Alpacas. ### Assistant: ``` #### OobaBooga Instructions: This model required upto 45GB GPU VRAM in 4bit so it can be loaded directly on Single RTX 6000/L40/A40/A100/H100 GPU or Double RTX 4090/L4/A10/RTX 3090/RTX A5000 So, if you have access to Machine with 45GB GPU VRAM and have installed [OobaBooga Web UI](https://github.com/oobabooga/text-generation-webui) on it. You can just download this model by using HF repo link directly on OobaBooga Web UI "Model" Tab/Page & Just use **load-in-4bit** option in it. ![model_load_screenshot](https://huggingface.co/pankajmathur/model_101/resolve/main/oobabooga_model_load_screenshot.png) After that go to Default Tab/Page on OobaBooga Web UI and **copy paste above prompt format into Input** and Enjoy! ![default_input_screenshot](https://huggingface.co/pankajmathur/model_101/resolve/main/default_input_screenshot.png) <br> #### Code Instructions: Below shows a code example on how to use this model via Orca prompt ```python import torch from transformers import AutoModelForCausalLM, AutoTokenizer, pipeline tokenizer = AutoTokenizer.from_pretrained("psmathur/model_007") model = AutoModelForCausalLM.from_pretrained( "psmathur/model_007", torch_dtype=torch.float16, load_in_8bit=True, low_cpu_mem_usage=True, device_map="auto" ) system_prompt = "### System:\nYou are an AI assistant that follows instruction extremely well. Help as much as you can.\n\n" #generate text steps instruction = "Tell me about Orcas." prompt = f"{system_prompt}### User: {instruction}\n\n### Assistant:\n" inputs = tokenizer(prompt, return_tensors="pt").to("cuda") output = model.generate(**inputs, do_sample=True, top_p=0.95, top_k=0, max_new_tokens=4096) print(tokenizer.decode(output[0], skip_special_tokens=True)) ``` Below shows a code example on how to use this model via Alpaca prompt ```python import torch from transformers import AutoModelForCausalLM, AutoTokenizer, pipeline tokenizer = AutoTokenizer.from_pretrained("psmathur/model_007") model = AutoModelForCausalLM.from_pretrained( "psmathur/model_007", torch_dtype=torch.float16, load_in_8bit=True, low_cpu_mem_usage=True, device_map="auto" ) #generate text steps instruction = "Tell me about Alpacas." prompt = f"### User: {instruction}\n\n### Assistant:\n" inputs = tokenizer(prompt, return_tensors="pt").to("cuda") output = model.generate(**inputs, do_sample=True, top_p=0.95, top_k=0, max_new_tokens=4096) print(tokenizer.decode(output[0], skip_special_tokens=True)) ``` <br> #### Limitations & Biases: While this model aims for accuracy, it can occasionally produce inaccurate or misleading results. Despite diligent efforts in refining the pretraining data, there remains a possibility for the generation of inappropriate, biased, or offensive content. Exercise caution and cross-check information when necessary. <br> ### Citiation: Please kindly cite using the following BibTeX: ``` @misc{model_007, author = {Pankaj Mathur}, title = {model_007: A hybrid (explain + instruct) style Llama2-70b model}, year = {2023}, publisher = {HuggingFace}, journal = {HuggingFace repository}, howpublished = {\url{https://https://huggingface.co/psmathur/model_007}, } ``` ``` @misc{mukherjee2023orca, title={Orca: Progressive Learning from Complex Explanation Traces of GPT-4}, author={Subhabrata Mukherjee and Arindam Mitra and Ganesh Jawahar and Sahaj Agarwal and Hamid Palangi and Ahmed Awadallah}, year={2023}, eprint={2306.02707}, archivePrefix={arXiv}, primaryClass={cs.CL} } ``` ``` @software{touvron2023llama2, title={Llama 2: Open Foundation and Fine-Tuned Chat Models}, author={Hugo Touvron, Louis Martin, Kevin Stone, Peter Albert, Amjad Almahairi, Yasmine Babaei, Nikolay Bashlykov, Soumya Batra, Prajjwal Bhargava, Shruti Bhosale, Dan Bikel, Lukas Blecher, Cristian Canton Ferrer, Moya Chen, Guillem Cucurull, David Esiobu, Jude Fernandes, Jeremy Fu, Wenyin Fu, Brian Fuller, Cynthia Gao, Vedanuj Goswami, Naman Goyal, Anthony Hartshorn, Saghar Hosseini, Rui Hou, Hakan Inan, Marcin Kardas, Viktor Kerkez Madian Khabsa, Isabel Kloumann, Artem Korenev, Punit Singh Koura, Marie-Anne Lachaux, Thibaut Lavril, Jenya Lee, Diana Liskovich, Yinghai Lu, Yuning Mao, Xavier Martinet, Todor Mihaylov, Pushkar Mishra, Igor Molybog, Yixin Nie, Andrew Poulton, Jeremy Reizenstein, Rashi Rungta, Kalyan Saladi, Alan Schelten, Ruan Silva, Eric Michael Smith, Ranjan Subramanian, Xiaoqing Ellen Tan, Binh Tang, Ross Taylor, Adina Williams, Jian Xiang Kuan, Puxin Xu , Zheng Yan, Iliyan Zarov, Yuchen Zhang, Angela Fan, Melanie Kambadur, Sharan Narang, Aurelien Rodriguez, Robert Stojnic, Sergey Edunov, Thomas Scialom}, year={2023} } ``` # [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_psmathur__model_007) | Metric | Value | |-----------------------|---------------------------| | Avg. | 63.2 | | ARC (25-shot) | 71.08 | | HellaSwag (10-shot) | 87.65 | | MMLU (5-shot) | 69.04 | | TruthfulQA (0-shot) | 63.12 | | Winogrande (5-shot) | 83.35 | | GSM8K (5-shot) | 37.15 | | DROP (3-shot) | 31.05 |
[ -0.4666413962841034, -0.9942116141319275, 0.25423669815063477, 0.09987910836935043, -0.3167775571346283, 0.0969443991780281, -0.033171411603689194, -0.5971546769142151, 0.3448238968849182, 0.2971378266811371, -0.673780620098114, -0.7198458313941956, -0.5861546397209167, -0.1572655290365219, -0.07192657142877579, 1.1796329021453857, -0.20616398751735687, -0.24322375655174255, 0.14373423159122467, -0.2506197988986969, -0.47047191858291626, -0.44274356961250305, -0.6930537819862366, -0.3488795757293701, 0.14482498168945312, 0.1811128854751587, 0.6486684679985046, 0.5262942910194397, 0.40577077865600586, 0.3438796401023865, -0.2668636441230774, 0.33320263028144836, -0.4858512580394745, -0.3047863245010376, 0.20641453564167023, -0.5971464514732361, -1.0554901361465454, 0.23215140402317047, 0.4026971161365509, 0.3180123269557953, -0.2945631146430969, 0.3445008099079132, 0.04433133825659752, 0.24689799547195435, -0.4290030896663666, 0.38766923546791077, -0.3474964201450348, 0.03739093244075775, -0.36583247780799866, -0.017724469304084778, -0.06764984130859375, -0.4419507384300232, 0.03338000923395157, -0.7239405512809753, 0.08841688185930252, 0.011081005446612835, 1.2125316858291626, 0.20385704934597015, -0.2988828122615814, -0.3952048122882843, -0.41131043434143066, 0.7478342056274414, -0.9946094751358032, 0.13492220640182495, 0.3251837193965912, 0.2646791636943817, -0.3176155388355255, -0.7146698236465454, -0.7786759734153748, -0.18806099891662598, -0.10919494181871414, 0.33426013588905334, -0.22755256295204163, -0.05431470647454262, 0.287623792886734, 0.5615918040275574, -0.5245856046676636, 0.1068773865699768, -0.5300549864768982, -0.2309449017047882, 0.5924527645111084, 0.333060622215271, 0.34038400650024414, -0.14935757219791412, -0.4524896740913391, -0.33088889718055725, -0.6138270497322083, 0.41663339734077454, 0.5436340570449829, 0.12816950678825378, -0.6227532029151917, 0.6396073698997498, -0.11010865867137909, 0.7344251275062561, 0.16936998069286346, -0.465008944272995, 0.5709364414215088, -0.4504474401473999, -0.3694494366645813, -0.16351497173309326, 0.991904616355896, 0.2949970066547394, -0.044005319476127625, 0.24760057032108307, -0.06336428225040436, 0.1255323886871338, -0.12113060057163239, -0.8125865459442139, -0.21222595870494843, 0.21775397658348083, -0.4405164122581482, -0.32093146443367004, -0.005018590018153191, -0.8545680046081543, -0.18923023343086243, 0.0005469016032293439, 0.39202311635017395, -0.45294564962387085, -0.4209522604942322, 0.3385288715362549, 0.10416680574417114, 0.5258212089538574, 0.18798226118087769, -0.8455672264099121, 0.3616037368774414, 0.288288414478302, 0.9571554064750671, -0.11579165607690811, -0.22778788208961487, -0.18654590845108032, -0.057355329394340515, -0.09832199662923813, 0.5939589142799377, -0.2431998997926712, -0.5036970973014832, -0.3168725371360779, -0.06562825292348862, -0.16639281809329987, -0.43301740288734436, 0.571948766708374, -0.2955889105796814, 0.3567970395088196, -0.21869808435440063, -0.31673145294189453, -0.3678210377693176, 0.23503610491752625, -0.56512451171875, 1.3033031225204468, 0.06411383301019669, -0.7528184056282043, 0.1938033252954483, -0.840135395526886, -0.11134729534387589, -0.23971642553806305, -0.15239305794239044, -0.702120304107666, -0.24071244895458221, 0.4271441400051117, 0.43789389729499817, -0.30834174156188965, 0.16258074343204498, -0.3132449984550476, -0.3294816315174103, 0.14657622575759888, -0.26089948415756226, 1.1585954427719116, 0.14522685110569, -0.683123767375946, 0.20917125046253204, -0.9012624621391296, -0.12014339864253998, 0.5686289668083191, -0.3315511643886566, 0.017863843590021133, -0.3126297891139984, -0.249678373336792, 0.1970832198858261, 0.4092407524585724, -0.5782085061073303, 0.38766172528266907, -0.30480441451072693, 0.5535078644752502, 0.7903394103050232, -0.09798206388950348, 0.2648584246635437, -0.3525760769844055, 0.6247966885566711, 0.00889873318374157, 0.4165116250514984, 0.04832693561911583, -0.7991434931755066, -1.0812797546386719, -0.44449833035469055, 0.16855855286121368, 0.5219135284423828, -0.5559026598930359, 0.7325584292411804, 0.05173874273896217, -0.8273231983184814, -0.6497020721435547, 0.03631886839866638, 0.3809778392314911, 0.760812520980835, 0.4328649044036865, -0.48101040720939636, -0.49730777740478516, -0.8179934024810791, 0.26076868176460266, -0.1723470538854599, 0.02283545397222042, 0.42421045899391174, 0.6472227573394775, -0.23206031322479248, 0.993036687374115, -0.698887288570404, -0.3769443929195404, -0.3071226179599762, 0.15194839239120483, 0.45851489901542664, 0.5283842086791992, 0.7808290719985962, -0.516244113445282, -0.2573266327381134, -0.23044610023498535, -0.9273348450660706, -0.1240323856472969, 0.13571703433990479, -0.3898527920246124, 0.23107263445854187, 0.23128025233745575, -0.8543488383293152, 0.6307177543640137, 0.6998281478881836, -0.5125650763511658, 0.6960472464561462, -0.18746395409107208, 0.006960017140954733, -0.99541175365448, 0.25454816222190857, -0.0247147586196661, -0.15181533992290497, -0.4255187511444092, 0.1265547126531601, -0.09779422730207443, 0.030966123566031456, -0.46880003809928894, 0.6931988596916199, -0.4541468620300293, 0.0015622456558048725, -0.13873930275440216, 0.1618194431066513, 0.007056003902107477, 0.7790623307228088, -0.08574484288692474, 0.6926898956298828, 0.6271416544914246, -0.46380001306533813, 0.41743043065071106, 0.40708842873573303, -0.44639456272125244, 0.32262492179870605, -0.8544594049453735, 0.30427488684654236, 0.13678210973739624, 0.5405241847038269, -1.1610733270645142, -0.17857864499092102, 0.6189809441566467, -0.45629075169563293, 0.30546656250953674, 0.12168828397989273, -0.49261683225631714, -0.5268891453742981, -0.47489213943481445, 0.4018300473690033, 0.6539425253868103, -0.5878226161003113, 0.6750285029411316, 0.37689900398254395, -0.06067093089222908, -0.4871752858161926, -0.5919895768165588, -0.29232296347618103, -0.3339588940143585, -0.7092140316963196, 0.3534666895866394, -0.29080361127853394, -0.05306732654571533, -0.12261630594730377, -0.06728861480951309, 0.1863950788974762, 0.043042682111263275, 0.3539866507053375, 0.7305444478988647, -0.14036166667938232, -0.2953079044818878, -0.020610887557268143, -0.16901277005672455, -0.025384726002812386, 0.06203936040401459, 0.8945820927619934, -0.35521531105041504, -0.24399539828300476, -0.6351300477981567, -0.02456783503293991, 0.39314359426498413, -0.39405637979507446, 0.898283839225769, 0.7782100439071655, -0.281428724527359, 0.18972435593605042, -0.5946600437164307, -0.1697159707546234, -0.5084482431411743, 0.251202255487442, -0.4179259240627289, -0.6846331357955933, 0.8491741418838501, 0.22122380137443542, 0.22333236038684845, 0.7309778332710266, 0.7780011892318726, 0.09651317447423935, 0.9804401397705078, 0.6994290351867676, 0.01301170326769352, 0.5115188360214233, -0.7134110331535339, 0.06409517675638199, -0.9920286536216736, -0.6450854539871216, -0.3496417701244354, -0.3600601851940155, -0.5119286179542542, -0.40164029598236084, 0.39870601892471313, 0.28050848841667175, -0.47382014989852905, 0.37371954321861267, -0.6182783246040344, 0.11787597090005875, 0.5543939471244812, 0.32530736923217773, 0.25066953897476196, -0.07484449446201324, -0.19959670305252075, 0.11741257458925247, -0.6127647161483765, -0.5471513271331787, 1.171880841255188, 0.46216821670532227, 0.7176817655563354, 0.06788650155067444, 0.6344012022018433, -0.031069763004779816, 0.31209760904312134, -0.5839728116989136, 0.6315868496894836, 0.30839458107948303, -0.6650535464286804, -0.12637320160865784, -0.31997036933898926, -0.8885061740875244, 0.18492308259010315, -0.2283620834350586, -0.8731724619865417, 0.20110297203063965, 0.05098256468772888, -0.6199036836624146, 0.3644348382949829, -0.6062365770339966, 0.7706822752952576, -0.26962754130363464, -0.11602252721786499, 0.09007933735847473, -0.632358193397522, 0.5767895579338074, 0.08650662004947662, 0.09631258994340897, -0.23305846750736237, -0.18055734038352966, 1.0744282007217407, -0.6466949582099915, 0.9192036986351013, -0.1088419184088707, -0.20105859637260437, 0.5186247229576111, -0.14401498436927795, 0.5580949783325195, -0.020485524088144302, -0.11961013078689575, 0.52947598695755, -0.34632620215415955, -0.45466819405555725, -0.3296145498752594, 0.6380848288536072, -1.1694213151931763, -0.5545526146888733, -0.47797760367393494, -0.43535116314888, 0.03128943219780922, 0.16238461434841156, 0.4833349883556366, 0.2590161859989166, 0.16388052701950073, -0.13013815879821777, 0.5389319658279419, -0.40872931480407715, 0.5384230613708496, 0.3979346454143524, -0.2416934072971344, -0.5138979554176331, 0.7139936685562134, 0.1762254238128662, 0.36185336112976074, -0.05672052502632141, 0.11925657838582993, -0.3832049071788788, -0.4942770004272461, -0.5522040128707886, 0.5280430912971497, -0.5585402250289917, -0.33033865690231323, -0.7165598273277283, -0.24894972145557404, -0.3577045798301697, -0.07926224917173386, -0.45003265142440796, -0.31014588475227356, -0.542895495891571, -0.29900291562080383, 0.6123732328414917, 0.640356719493866, 0.048952728509902954, 0.45972537994384766, -0.38336291909217834, 0.2870948910713196, 0.32066476345062256, 0.19312511384487152, 0.11469385027885437, -0.8243916034698486, -0.03573543578386307, 0.10515930503606796, -0.6807343363761902, -0.8353009223937988, 0.5238408446311951, 0.02736974135041237, 0.5645020604133606, 0.2740682363510132, -0.10325552523136139, 0.9422708749771118, -0.19447681307792664, 0.9868924021720886, 0.37215715646743774, -0.9521745443344116, 0.6027984619140625, -0.3503004312515259, 0.18234989047050476, 0.29621097445487976, 0.46757012605667114, -0.11529268324375153, -0.35640761256217957, -0.8440244793891907, -0.9618949294090271, 0.8731049299240112, 0.3971877694129944, -0.048506274819374084, 0.20071598887443542, 0.46259239315986633, 0.20531520247459412, 0.1778763085603714, -0.9328077435493469, -0.5907410383224487, -0.33180859684944153, -0.0494183711707592, -0.021460285410284996, -0.13027240335941315, -0.12870877981185913, -0.33632954955101013, 0.764605700969696, 0.016135405749082565, 0.48551130294799805, 0.10373830795288086, 0.09311489760875702, -0.10608943551778793, -0.10449830442667007, 0.617027223110199, 0.6461462378501892, -0.4046989381313324, -0.24374474585056305, 0.29892662167549133, -0.6021894216537476, 0.04389847815036774, 0.22287391126155853, -0.18186908960342407, -0.14552398025989532, 0.32176831364631653, 0.9428715109825134, -0.07426122575998306, -0.4665355086326599, 0.3875582814216614, -0.050270695239305496, -0.10147447884082794, -0.3001115620136261, 0.16183161735534668, 0.20484241843223572, 0.37033018469810486, 0.3392079770565033, 0.011917666532099247, -0.04225841537117958, -0.7501432299613953, -0.16368667781352997, 0.36640727519989014, -0.013408640399575233, -0.38967132568359375, 0.9652917981147766, 0.10051684826612473, -0.22936910390853882, 0.6657986640930176, -0.1242646872997284, -0.43804803490638733, 0.8146212100982666, 0.5000088214874268, 0.5785542130470276, -0.2793039083480835, 0.038501717150211334, 0.5211499333381653, 0.11577759683132172, -0.057593896985054016, 0.36458244919776917, 0.18367381393909454, -0.5960087180137634, -0.2106444239616394, -0.7105098962783813, -0.2941078841686249, 0.3503080904483795, -0.6739292144775391, 0.5149608850479126, -0.5624361038208008, -0.3498825430870056, -0.019105730578303337, 0.2904284596443176, -0.721578061580658, 0.1953301876783371, 0.1896427869796753, 0.8578153252601624, -0.7343080043792725, 0.8450791835784912, 0.518713116645813, -0.7428528070449829, -1.004905104637146, -0.31356650590896606, 0.05520504713058472, -1.095786452293396, 0.38619306683540344, 0.18200156092643738, -0.04480074718594551, -0.042997002601623535, -0.6419411301612854, -0.9187908172607422, 1.533262014389038, 0.43210747838020325, -0.44259926676750183, -0.08857067674398422, -0.014440303668379784, 0.4938237965106964, -0.26889583468437195, 0.7204943895339966, 0.7485376596450806, 0.4282089173793793, 0.23020246624946594, -1.1066079139709473, 0.3415171205997467, -0.3368730843067169, -0.1564202904701233, 0.04041360318660736, -1.1322330236434937, 1.2537962198257446, -0.29623138904571533, -0.024815259501338005, 0.33275866508483887, 0.7189840078353882, 0.6609191298484802, 0.1306743621826172, 0.36356595158576965, 0.7395479679107666, 0.7933595776557922, -0.12791742384433746, 1.12251615524292, -0.10817781090736389, 0.6369643807411194, 0.8476307988166809, -0.03047150745987892, 0.7650336623191833, 0.14823073148727417, -0.408843994140625, 0.6781578660011292, 0.9003987312316895, -0.048315759748220444, 0.5203412771224976, 0.045241501182317734, -0.07846523821353912, -0.03812499716877937, 0.013596449978649616, -0.6971814036369324, 0.5035429000854492, 0.37109681963920593, -0.269153356552124, -0.1565656065940857, -0.07555767893791199, 0.30750077962875366, -0.3475092947483063, -0.20427119731903076, 0.5708754062652588, 0.13530640304088593, -0.42514273524284363, 1.0168116092681885, 0.1261514574289322, 1.0267001390457153, -0.7966211438179016, -0.011636507697403431, -0.40439945459365845, 0.1106894314289093, -0.3306594789028168, -0.6112918257713318, 0.05483680218458176, -0.0010956794722005725, 0.09890618175268173, 0.010642964392900467, 0.5075269341468811, -0.2685065269470215, -0.47318708896636963, 0.31838616728782654, 0.3359197974205017, 0.32835325598716736, 0.1589384227991104, -0.9553636908531189, 0.3359055519104004, 0.05266030877828598, -0.6440871953964233, 0.3299849033355713, 0.2194301038980484, 0.022311924025416374, 0.6661129593849182, 0.6952196955680847, 0.0014109088806435466, 0.2340518981218338, -0.27631840109825134, 1.0988895893096924, -0.6024277806282043, -0.4062648117542267, -0.9732957482337952, 0.5300590395927429, -0.05562782660126686, -0.5640130639076233, 0.859588086605072, 0.5385047793388367, 0.8085578680038452, 0.11796392500400543, 0.6472781896591187, -0.30780553817749023, 0.20211270451545715, -0.5177977085113525, 0.7634352445602417, -0.5796101689338684, 0.19812726974487305, -0.22227588295936584, -0.9858026504516602, -0.09283020347356796, 0.9056875109672546, -0.3873332738876343, 0.1359480619430542, 0.4948376715183258, 0.8413168787956238, -0.10119910538196564, -0.043265681713819504, 0.02057688869535923, 0.39362412691116333, 0.4530012607574463, 0.7273945212364197, 0.5748043656349182, -0.6703028678894043, 0.6719181537628174, -0.4318835437297821, -0.48947030305862427, -0.2815554440021515, -0.7934481501579285, -1.0051922798156738, -0.3008119761943817, -0.35739684104919434, -0.4825618863105774, -0.15236471593379974, 0.8871116042137146, 0.7402027249336243, -0.6809263229370117, -0.38040030002593994, 0.056375663727521896, -0.08029013127088547, -0.18787932395935059, -0.21084357798099518, 0.6472505331039429, 0.13579729199409485, -0.9515703916549683, 0.17138215899467468, 0.030784467235207558, 0.3957540690898895, -0.3397887051105499, -0.1765812337398529, -0.3411669135093689, 0.075386181473732, 0.42771339416503906, 0.44149482250213623, -0.731545090675354, -0.10890087485313416, -0.10357391089200974, -0.1824883371591568, 0.250464528799057, 0.3006131947040558, -0.8051775097846985, 0.3372032642364502, 0.2740885615348816, 0.1727561503648758, 0.7588015794754028, -0.050461094826459885, 0.2395837903022766, -0.41466662287712097, 0.3734979033470154, 0.02961324341595173, 0.4809083044528961, 0.22566664218902588, -0.3517247140407562, 0.6410335302352905, 0.284029096364975, -0.4331780970096588, -0.7767465710639954, -0.070350781083107, -1.3452672958374023, 0.006074927281588316, 1.1727157831192017, -0.4117666780948639, -0.4064212739467621, 0.1531565636396408, -0.5170607566833496, 0.4544839859008789, -0.5632352232933044, 0.8546802401542664, 0.4969622492790222, -0.3467828631401062, -0.035415127873420715, -0.5875411629676819, 0.3363959491252899, 0.2215052992105484, -0.9868724346160889, -0.3256400227546692, 0.23314884305000305, 0.4531020522117615, 0.2773493826389313, 0.8054410815238953, -0.1946280598640442, 0.15247376263141632, 0.02398517355322838, 0.20990099012851715, -0.36167603731155396, 0.02621127851307392, -0.1498778909444809, 0.041780028492212296, -0.21228578686714172, -0.42833805084228516 ]
camembert/camembert-large
camembert
2020-12-11T21:35:25Z
9,912
7
transformers
[ "transformers", "pytorch", "camembert", "fr", "arxiv:1911.03894", "endpoints_compatible", "region:us" ]
null
2022-03-02T23:29:05Z
--- language: fr --- # CamemBERT: a Tasty French Language Model ## Introduction [CamemBERT](https://arxiv.org/abs/1911.03894) is a state-of-the-art language model for French based on the RoBERTa model. It is now available on Hugging Face in 6 different versions with varying number of parameters, amount of pretraining data and pretraining data source domains. For further information or requests, please go to [Camembert Website](https://camembert-model.fr/) ## Pre-trained models | Model | #params | Arch. | Training data | |--------------------------------|--------------------------------|-------|-----------------------------------| | `camembert-base` | 110M | Base | OSCAR (138 GB of text) | | `camembert/camembert-large` | 335M | Large | CCNet (135 GB of text) | | `camembert/camembert-base-ccnet` | 110M | Base | CCNet (135 GB of text) | | `camembert/camembert-base-wikipedia-4gb` | 110M | Base | Wikipedia (4 GB of text) | | `camembert/camembert-base-oscar-4gb` | 110M | Base | Subsample of OSCAR (4 GB of text) | | `camembert/camembert-base-ccnet-4gb` | 110M | Base | Subsample of CCNet (4 GB of text) | ## How to use CamemBERT with HuggingFace ##### Load CamemBERT and its sub-word tokenizer : ```python from transformers import CamembertModel, CamembertTokenizer # You can replace "camembert-base" with any other model from the table, e.g. "camembert/camembert-large". tokenizer = CamembertTokenizer.from_pretrained("camembert/camembert-large") camembert = CamembertModel.from_pretrained("camembert/camembert-large") camembert.eval() # disable dropout (or leave in train mode to finetune) ``` ##### Filling masks using pipeline ```python from transformers import pipeline camembert_fill_mask = pipeline("fill-mask", model="camembert/camembert-large", tokenizer="camembert/camembert-large") results = camembert_fill_mask("Le camembert est <mask> :)") # results #[{'sequence': '<s> Le camembert est bon :)</s>', 'score': 0.15560828149318695, 'token': 305}, #{'sequence': '<s> Le camembert est excellent :)</s>', 'score': 0.06821336597204208, 'token': 3497}, #{'sequence': '<s> Le camembert est délicieux :)</s>', 'score': 0.060438305139541626, 'token': 11661}, #{'sequence': '<s> Le camembert est ici :)</s>', 'score': 0.02023460529744625, 'token': 373}, #{'sequence': '<s> Le camembert est meilleur :)</s>', 'score': 0.01778135634958744, 'token': 876}] ``` ##### Extract contextual embedding features from Camembert output ```python import torch # Tokenize in sub-words with SentencePiece tokenized_sentence = tokenizer.tokenize("J'aime le camembert !") # ['▁J', "'", 'aime', '▁le', '▁cam', 'ember', 't', '▁!'] # 1-hot encode and add special starting and end tokens encoded_sentence = tokenizer.encode(tokenized_sentence) # [5, 133, 22, 1250, 16, 12034, 14324, 81, 76, 6] # NB: Can be done in one step : tokenize.encode("J'aime le camembert !") # Feed tokens to Camembert as a torch tensor (batch dim 1) encoded_sentence = torch.tensor(encoded_sentence).unsqueeze(0) embeddings, _ = camembert(encoded_sentence) # embeddings.detach() # torch.Size([1, 10, 1024]) #tensor([[[-0.1284, 0.2643, 0.4374, ..., 0.1627, 0.1308, -0.2305], # [ 0.4576, -0.6345, -0.2029, ..., -0.1359, -0.2290, -0.6318], # [ 0.0381, 0.0429, 0.5111, ..., -0.1177, -0.1913, -0.1121], # ..., ``` ##### Extract contextual embedding features from all Camembert layers ```python from transformers import CamembertConfig # (Need to reload the model with new config) config = CamembertConfig.from_pretrained("camembert/camembert-large", output_hidden_states=True) camembert = CamembertModel.from_pretrained("camembert/camembert-large", config=config) embeddings, _, all_layer_embeddings = camembert(encoded_sentence) # all_layer_embeddings list of len(all_layer_embeddings) == 25 (input embedding layer + 24 self attention layers) all_layer_embeddings[5] # layer 5 contextual embedding : size torch.Size([1, 10, 1024]) #tensor([[[-0.0600, 0.0742, 0.0332, ..., -0.0525, -0.0637, -0.0287], # [ 0.0950, 0.2840, 0.1985, ..., 0.2073, -0.2172, -0.6321], # [ 0.1381, 0.1872, 0.1614, ..., -0.0339, -0.2530, -0.1182], # ..., ``` ## Authors CamemBERT was trained and evaluated by Louis Martin\*, Benjamin Muller\*, Pedro Javier Ortiz Suárez\*, Yoann Dupont, Laurent Romary, Éric Villemonte de la Clergerie, Djamé Seddah and Benoît Sagot. ## Citation If you use our work, please cite: ```bibtex @inproceedings{martin2020camembert, title={CamemBERT: a Tasty French Language Model}, author={Martin, Louis and Muller, Benjamin and Su{\'a}rez, Pedro Javier Ortiz and Dupont, Yoann and Romary, Laurent and de la Clergerie, {\'E}ric Villemonte and Seddah, Djam{\'e} and Sagot, Beno{\^\i}t}, booktitle={Proceedings of the 58th Annual Meeting of the Association for Computational Linguistics}, year={2020} } ```
[ -0.19714275002479553, -0.9011542201042175, 0.3049474060535431, 0.3733646273612976, -0.2096906155347824, -0.15909475088119507, -0.41419994831085205, -0.04138651862740517, 0.5398846864700317, 0.4396608769893646, -0.5797028541564941, -0.6949528455734253, -0.6540834903717041, 0.03037147782742977, -0.36852192878723145, 1.0589897632598877, 0.008964716456830502, 0.08605814725160599, 0.046143095940351486, -0.05443653091788292, -0.21501262485980988, -0.6338025331497192, -0.6359913945198059, -0.4673924446105957, 0.4653940200805664, 0.10588570684194565, 0.4940755367279053, 0.48991137742996216, 0.2667372226715088, 0.4029468595981598, -0.15259434282779694, 0.005417476873844862, -0.45425042510032654, -0.13155417144298553, 0.04693353921175003, -0.5674270391464233, -0.6078891754150391, 0.08439432829618454, 0.5225726962089539, 0.5332525968551636, -0.02568320371210575, 0.07074924558401108, 0.10904660075902939, 0.6964093446731567, -0.15289007127285004, 0.42149296402931213, -0.4848833978176117, 0.10150007903575897, -0.11583583056926727, -0.12206146121025085, -0.4491671025753021, -0.3129100799560547, 0.19130803644657135, -0.6161614060401917, 0.10379684716463089, 0.010435258969664574, 1.2419068813323975, 0.09633693099021912, -0.2813958525657654, -0.08536698669195175, -0.2641305923461914, 0.96623295545578, -0.9350093007087708, 0.6100936532020569, 0.4121975600719452, 0.027567749843001366, -0.25114569067955017, -1.17585289478302, -0.780988872051239, -0.22516025602817535, -0.38125747442245483, 0.38373613357543945, -0.2559950649738312, -0.20778720080852509, 0.14679887890815735, 0.36667168140411377, -0.7379165291786194, -0.28076601028442383, -0.24820587038993835, -0.21349214017391205, 0.7367405295372009, -0.12942223250865936, 0.5070968866348267, -0.44108903408050537, -0.38035473227500916, -0.4703369438648224, -0.40213117003440857, 0.028295857831835747, 0.12286294251680374, 0.34393247961997986, -0.4531150162220001, 0.7252435088157654, -0.19676946103572845, 0.7439823150634766, -0.07285236567258835, -0.06193030625581741, 0.7768548130989075, -0.2778993546962738, -0.2896477282047272, 0.05560733377933502, 1.1250371932983398, 0.3853195011615753, 0.3889104723930359, -0.027000414207577705, -0.1317451000213623, -0.05047500878572464, -0.011187631636857986, -0.8065087199211121, -0.44530433416366577, 0.34802091121673584, -0.3155023455619812, -0.21211719512939453, 0.06508071720600128, -0.7306694984436035, 0.11031624674797058, -0.06250068545341492, 0.5622167587280273, -0.8145482540130615, -0.16499733924865723, 0.22765591740608215, -0.2335653305053711, 0.2767024040222168, 0.13800883293151855, -0.7649748921394348, 0.0782616063952446, 0.4551391899585724, 1.0129042863845825, 0.03583422303199768, -0.43777337670326233, -0.40226972103118896, -0.13725024461746216, -0.0944867953658104, 0.5211386680603027, -0.3902999460697174, -0.2497102916240692, -0.08515414595603943, 0.3347221314907074, -0.33630651235580444, -0.25970304012298584, 0.5671290159225464, -0.30108436942100525, 0.5169212222099304, -0.13247795403003693, -0.7226271033287048, -0.4062252342700958, 0.47008970379829407, -0.6195008158683777, 1.178545594215393, 0.483268678188324, -1.0090014934539795, 0.23158329725265503, -0.5415514707565308, -0.33049285411834717, 0.03142683580517769, -0.3310513496398926, -0.5766517519950867, -0.02263347990810871, 0.6095919609069824, 0.6279503703117371, -0.20449011027812958, 0.20368576049804688, -0.049136243760585785, -0.2272001951932907, 0.43959707021713257, -0.33452504873275757, 1.251668930053711, 0.11550392955541611, -0.3887917697429657, 0.14511854946613312, -0.8072689175605774, 0.19630067050457, 0.3285137712955475, -0.5163751840591431, 0.007437858264893293, -0.21580731868743896, 0.2669128179550171, 0.12701237201690674, 0.21878460049629211, -0.5480694770812988, 0.15331357717514038, -0.7076987028121948, 0.8217005729675293, 0.6897508502006531, 0.10752341151237488, 0.1378858983516693, -0.4201495349407196, 0.33793583512306213, 0.1930665522813797, -0.13906227052211761, -0.20527507364749908, -0.5090775489807129, -0.9586249589920044, -0.65965735912323, 0.5051102638244629, 0.7983912229537964, -0.8266705870628357, 0.946308970451355, -0.48686522245407104, -0.6497527956962585, -0.5280266404151917, -0.08663298934698105, 0.15099045634269714, 0.32421359419822693, 0.4962031841278076, -0.3740561008453369, -0.4847734272480011, -0.9465826153755188, -0.13999043405056, -0.10986953973770142, 0.015558908693492413, 0.1900000125169754, 0.6941741704940796, -0.22933609783649445, 1.1368159055709839, -0.6436313390731812, -0.2433931678533554, -0.30868032574653625, -0.07840948551893234, 0.5059905648231506, 0.8338467478752136, 0.7704002261161804, -0.5912253260612488, -0.5947560667991638, 0.02150385081768036, -0.9102681279182434, 0.24201208353042603, 0.0057496195659041405, -0.15839870274066925, 0.037043724209070206, 0.5256469249725342, -0.7086800932884216, 0.4198511838912964, 0.3596478998661041, -0.42971330881118774, 0.47203966975212097, -0.14976489543914795, 0.1567692905664444, -1.5010017156600952, -0.07643283903598785, 0.11122540384531021, -0.29253143072128296, -0.5975664258003235, 0.021982243284583092, -0.011193078011274338, -0.17898792028427124, -0.6378450393676758, 0.7073560357093811, -0.45847418904304504, 0.34821557998657227, 0.1831277310848236, 0.3495391607284546, 0.03697705641388893, 1.0000778436660767, 0.14428141713142395, 0.5143484473228455, 0.7989323735237122, -0.3511103391647339, 0.5939374566078186, 0.5059397220611572, -0.5659049153327942, 0.5953206419944763, -0.7395040392875671, 0.05098918452858925, -0.013333823531866074, 0.42172837257385254, -1.1424096822738647, -0.22113285958766937, 0.5159366130828857, -0.6971590518951416, 0.2719939053058624, -0.11005737632513046, -0.5235699415206909, -0.43720152974128723, -0.3239656984806061, 0.2709173858165741, 0.4553436040878296, -0.5109618902206421, 0.574306309223175, 0.08170772343873978, -0.02191612869501114, -0.5078470706939697, -1.0932320356369019, 0.03246563300490379, -0.35902178287506104, -0.8276963233947754, 0.45077720284461975, -0.22302906215190887, 0.1777941733598709, 0.03884757310152054, 0.05930841714143753, 0.02261681854724884, -0.10026909410953522, 0.09369614720344543, 0.0241460669785738, -0.24651311337947845, -0.09371506422758102, -0.059521157294511795, -0.06354101002216339, -0.15883882343769073, -0.44728338718414307, 0.8809720873832703, -0.3282085657119751, -0.16353839635849, -0.5555776953697205, 0.19576668739318848, 0.41015082597732544, -0.27001556754112244, 0.9630337357521057, 1.031132459640503, -0.49035564064979553, -0.026744017377495766, -0.4292890727519989, -0.3010530173778534, -0.5202170014381409, 0.5934262275695801, -0.591305136680603, -0.8909221887588501, 0.6200222969055176, 0.19247156381607056, 0.03196680545806885, 0.6306620836257935, 0.6166082620620728, 0.07583415508270264, 0.9235815405845642, 0.42585670948028564, -0.09556972235441208, 0.5035013556480408, -0.7073417901992798, 0.2138584852218628, -0.7767054438591003, -0.3735388517379761, -0.3676626980304718, -0.2647704482078552, -0.7631176710128784, -0.3500291109085083, 0.3767891228199005, 0.14592237770557404, -0.252176970243454, 0.6570257544517517, -0.5554465651512146, 0.1623562127351761, 0.6021723747253418, 0.5158885717391968, -0.06423791497945786, 0.2549859285354614, -0.4645896852016449, -0.1300610452890396, -0.9019099473953247, -0.37952718138694763, 0.8432256579399109, 0.5487473011016846, 0.6170905232429504, 0.14792919158935547, 0.8116804957389832, 0.13108164072036743, 0.1491503119468689, -0.7983608245849609, 0.7303980588912964, -0.09549959003925323, -0.6656206846237183, -0.22125522792339325, -0.5322409272193909, -0.885210394859314, 0.2919435203075409, -0.20748990774154663, -1.066253662109375, 0.11086045950651169, 0.07396500557661057, -0.22074590623378754, 0.3031114637851715, -0.8652765154838562, 1.132225513458252, -0.2841625213623047, -0.4045063257217407, 0.08520226180553436, -0.6204184889793396, 0.18735750019550323, 0.1074037104845047, 0.19778700172901154, 0.05378110706806183, 0.27592524886131287, 1.0949887037277222, -0.5335241556167603, 0.9934121966362, 0.03605605661869049, -0.07110453397035599, 0.33883896470069885, 0.060397956520318985, 0.4804440140724182, 0.22444415092468262, -0.030200865119695663, 0.26928621530532837, 0.07218100875616074, -0.57871013879776, -0.5750781297683716, 0.8860581517219543, -0.8904743790626526, -0.5192735195159912, -0.6202551126480103, -0.44442018866539, -0.00014354843006003648, 0.38088884949684143, 0.6584064364433289, 0.6311799883842468, -0.17698675394058228, 0.33054953813552856, 0.34137824177742004, -0.43249842524528503, 0.5774244666099548, 0.061944637447595596, -0.18626195192337036, -0.6872459650039673, 1.118681788444519, 0.08862531930208206, 0.036275941878557205, 0.4983258843421936, 0.27416110038757324, -0.24636444449424744, -0.29285117983818054, -0.36551550030708313, 0.5054031014442444, -0.655168890953064, -0.08098758012056351, -0.856753945350647, -0.5792385935783386, -0.5661593079566956, -0.2374449521303177, -0.4358136057853699, -0.6058005094528198, -0.4401090145111084, -0.18826761841773987, 0.5712632536888123, 0.392377644777298, -0.02162342146039009, 0.6124316453933716, -0.7760775089263916, -0.06959692388772964, 0.24117837846279144, 0.2940537929534912, -0.1012401282787323, -0.7375430464744568, -0.433124840259552, 0.014552365057170391, -0.2899353802204132, -0.9105178117752075, 0.5981526970863342, 0.14072974026203156, 0.6009781360626221, 0.22387300431728363, -0.09425947815179825, 0.4661698341369629, -0.5732696056365967, 1.2032560110092163, 0.40670496225357056, -1.0479837656021118, 0.45884862542152405, -0.19899913668632507, 0.2684568166732788, 0.3386000096797943, 0.44504573941230774, -0.6761190295219421, -0.24255166947841644, -0.8366565704345703, -1.1215592622756958, 0.9036915898323059, 0.6663787961006165, 0.18552610278129578, -0.24944734573364258, 0.2277526706457138, -0.13030479848384857, 0.22817544639110565, -1.1841055154800415, -0.49057018756866455, -0.6510782241821289, -0.5153941512107849, -0.29432210326194763, -0.11747637391090393, -0.14611534774303436, -0.47271978855133057, 0.9077831506729126, 0.12031249701976776, 0.6253255009651184, 0.3426373302936554, -0.23636296391487122, 0.20023058354854584, 0.15222382545471191, 0.5704039931297302, 0.5166304707527161, -0.4734579026699066, 0.17329612374305725, 0.17821261286735535, -0.505649745464325, 0.09832432866096497, 0.23968058824539185, 0.00010709906928241253, 0.02921108901500702, 0.7641749978065491, 1.103641390800476, 0.07233642041683197, -0.5716701745986938, 0.5489931106567383, -0.03986923769116402, -0.33045658469200134, -0.4961843192577362, 0.012920241802930832, 0.12856212258338928, 0.44132140278816223, 0.15816596150398254, -0.19352057576179504, -0.3411901593208313, -0.5608435273170471, 0.5309159159660339, 0.3306926190853119, -0.5976275205612183, -0.40908336639404297, 0.7222787141799927, 0.043700773268938065, -0.4615822732448578, 0.7472373247146606, -0.11739125102758408, -0.8084632158279419, 0.4236166477203369, 0.683591365814209, 0.9461563229560852, -0.08203301578760147, 0.25984036922454834, 0.6540464758872986, 0.4228183925151825, 0.04062126576900482, 0.16939768195152283, 0.15650801360607147, -0.9768519997596741, -0.10026003420352936, -0.7567372918128967, 0.309070348739624, 0.3184283375740051, -0.4239504933357239, 0.15107840299606323, -0.4132434129714966, -0.3239132761955261, -0.02368086948990822, 0.014338999055325985, -0.8004752993583679, 0.42092254757881165, -0.14249718189239502, 0.8976168036460876, -0.9992754459381104, 0.8034144639968872, 0.7324559688568115, -0.6708585619926453, -0.8360462784767151, 0.06309947371482849, -0.16316868364810944, -0.9929715394973755, 0.7275072336196899, 0.22347496449947357, 0.18759378790855408, 0.40838146209716797, -0.625436544418335, -0.8216981887817383, 1.1170504093170166, 0.29945245385169983, -0.40096503496170044, -0.028192676603794098, -0.05508510023355484, 0.44357049465179443, -0.4010826647281647, 0.46188703179359436, 0.7585384249687195, 0.4282146692276001, 0.08302444219589233, -0.6473801732063293, 0.19401517510414124, -0.43992194533348083, 0.010666538029909134, -0.08263750374317169, -0.8969083428382874, 0.9154956340789795, 0.004550513345748186, -0.11424046009778976, -0.12919287383556366, 0.9054156541824341, 0.20913882553577423, -0.030305633321404457, 0.4269472062587738, 0.8846716284751892, 0.5485346913337708, -0.2879360020160675, 0.970192551612854, -0.29409611225128174, 0.6959615349769592, 0.8667463064193726, 0.19742870330810547, 0.7158516645431519, 0.4027191698551178, -0.37200456857681274, 0.6585108041763306, 0.794552206993103, 0.07031579315662384, 0.6100612878799438, 0.3096882402896881, -0.14532341063022614, -0.04345852881669998, 0.18892988562583923, -0.45894184708595276, 0.43158870935440063, 0.34444311261177063, -0.40561190247535706, -0.12659890949726105, 0.05417703092098236, 0.37110742926597595, -0.031318604946136475, 0.11428949981927872, 0.49911874532699585, 0.2939872741699219, -0.5492954254150391, 1.008236050605774, 0.20476362109184265, 0.6859037280082703, -0.607648491859436, 0.159987211227417, -0.2844701409339905, 0.11399388313293457, -0.2269231528043747, -0.7954375147819519, -0.025837253779172897, -0.145015150308609, 0.09818314760923386, -0.0457957424223423, 0.33035770058631897, -0.7278763055801392, -0.7950769662857056, 0.34239840507507324, 0.5513201355934143, 0.1884428858757019, 0.06078803539276123, -1.1075074672698975, 0.19391126930713654, 0.35304439067840576, -0.7484843134880066, 0.033128365874290466, 0.3988872766494751, 0.25843867659568787, 0.5027273297309875, 0.45277997851371765, 0.0018255109898746014, 0.055849839001894, 0.08085694164037704, 0.9043049216270447, -0.7974549531936646, -0.6454997658729553, -1.057334542274475, 0.7393514513969421, -0.009263441897928715, -0.30400967597961426, 0.7764871120452881, 0.6937506198883057, 0.8874256014823914, -0.17273423075675964, 0.8126810789108276, -0.3085390329360962, 0.3029026687145233, -0.799241840839386, 0.7387164235115051, -0.9407103657722473, 0.09764806181192398, -0.42587512731552124, -1.112555742263794, -0.36034736037254333, 0.9416098594665527, -0.29096001386642456, 0.3178938925266266, 0.8973936438560486, 1.038476586341858, -0.32066622376441956, -0.21094518899917603, 0.19850078225135803, 0.5211164951324463, 0.5343496203422546, 0.603083074092865, 0.4538254737854004, -0.6859826445579529, 0.29789209365844727, -0.4459153115749359, -0.3055916726589203, -0.24400705099105835, -0.9409722685813904, -1.1713711023330688, -0.9596313834190369, -0.49996620416641235, -0.6483411192893982, -0.0640152171254158, 1.1467382907867432, 0.7343422174453735, -0.9519902467727661, -0.3378162682056427, -0.08150690793991089, -0.07805350422859192, -0.3279534578323364, -0.31152236461639404, 0.8328983187675476, -0.08710764348506927, -0.8102499842643738, 0.4831845760345459, -0.022219199687242508, 0.19232362508773804, 0.02345028705894947, -0.10384299606084824, -0.6559917330741882, 0.19627703726291656, 0.6799237132072449, 0.08287229388952255, -0.6627389788627625, -0.46426868438720703, -0.1215287446975708, -0.027980579063296318, 0.2100180834531784, 0.42665401101112366, -0.5688605308532715, 0.361542284488678, 0.5644624829292297, 0.4692516326904297, 0.9944831132888794, -0.13408496975898743, 0.4571756422519684, -1.14740788936615, 0.4540401101112366, 0.026012318208813667, 0.5293326377868652, 0.46074187755584717, -0.255399614572525, 0.5658855438232422, 0.5186310410499573, -0.48458555340766907, -0.8054770827293396, 0.14425954222679138, -1.3234890699386597, -0.32118654251098633, 0.9317498207092285, -0.18552324175834656, -0.5291340351104736, 0.34769073128700256, -0.24582944810390472, 0.5493724346160889, -0.501377284526825, 0.514767050743103, 0.799868643283844, -0.028732111677527428, -0.3135257065296173, -0.5713860392570496, 0.47812846302986145, 0.4741280674934387, -0.657436728477478, -0.13348129391670227, 0.1837209165096283, 0.5203405618667603, 0.26243889331817627, 0.6781030893325806, -0.0486283153295517, -0.13071796298027039, 0.022145602852106094, 0.07036332786083221, 0.0948760136961937, -0.15639625489711761, -0.1372898817062378, 0.04403345286846161, -0.15482570230960846, -0.32615217566490173 ]
thibaud/controlnet-openpose-sdxl-1.0
thibaud
2023-09-03T13:44:20Z
9,889
165
diffusers
[ "diffusers", "stable-diffusion-xl", "stable-diffusion-xl-diffusers", "text-to-image", "controlnet", "base_model:stabilityai/stable-diffusion-xl-base-1.0", "license:other", "has_space", "diffusers:ControlNetModel", "region:us" ]
text-to-image
2023-08-13T18:14:13Z
--- license: other base_model: stabilityai/stable-diffusion-xl-base-1.0 tags: - stable-diffusion-xl - stable-diffusion-xl-diffusers - text-to-image - diffusers - controlnet inference: false --- # SDXL-controlnet: OpenPose (v2) These are controlnet weights trained on stabilityai/stable-diffusion-xl-base-1.0 with OpenPose (v2) conditioning. You can find some example images in the following. prompt: a ballerina, romantic sunset, 4k photo ![images_0)](./screenshot_ballerina.png) ### Comfy Workflow ![images_0)](./out_ballerina.png) (Image is from ComfyUI, you can drag and drop in Comfy to use it as workflow) License: refers to the OpenPose's one. ### Using in 🧨 diffusers First, install all the libraries: ```bash pip install -q controlnet_aux transformers accelerate pip install -q git+https://github.com/huggingface/diffusers ``` Now, we're ready to make Darth Vader dance: ```python from diffusers import AutoencoderKL, StableDiffusionXLControlNetPipeline, ControlNetModel, UniPCMultistepScheduler import torch from controlnet_aux import OpenposeDetector from diffusers.utils import load_image # Compute openpose conditioning image. openpose = OpenposeDetector.from_pretrained("lllyasviel/ControlNet") image = load_image( "https://huggingface.co/datasets/huggingface/documentation-images/resolve/main/diffusers/person.png" ) openpose_image = openpose(image) # Initialize ControlNet pipeline. controlnet = ControlNetModel.from_pretrained("thibaud/controlnet-openpose-sdxl-1.0", torch_dtype=torch.float16) pipe = StableDiffusionXLControlNetPipeline.from_pretrained( "stabilityai/stable-diffusion-xl-base-1.0", controlnet=controlnet, torch_dtype=torch.float16 ) pipe.enable_model_cpu_offload() # Infer. prompt = "Darth vader dancing in a desert, high quality" negative_prompt = "low quality, bad quality" images = pipe( prompt, negative_prompt=negative_prompt, num_inference_steps=25, num_images_per_prompt=4, image=openpose_image.resize((1024, 1024)), generator=torch.manual_seed(97), ).images images[0] ``` Here are some gemerated examples: ![](./darth_vader_grid.png) ### Training Use of the training script by HF🤗 [here](https://github.com/huggingface/diffusers/blob/main/examples/controlnet/README_sdxl.md). #### Training data This checkpoint was first trained for 15,000 steps on laion 6a resized to a max minimum dimension of 768. #### Compute one 1xA100 machine (Thanks a lot HF🤗 to provide the compute!) #### Batch size Data parallel with a single gpu batch size of 2 with gradient accumulation 8. #### Hyper Parameters Constant learning rate of 8e-5 #### Mixed precision fp16
[ -0.3927934169769287, -0.30343061685562134, -0.01583629474043846, 0.3092312216758728, -0.24339789152145386, -0.22247233986854553, -0.048001136630773544, -0.03251388296484947, 0.4974674880504608, 0.6588936448097229, -0.6248770952224731, -0.35602322220802307, -0.5849986672401428, -0.3713030219078064, -0.13112583756446838, 0.9650796055793762, -0.5745121836662292, 0.10548385977745056, 0.09313008934259415, -0.2679002285003662, -0.030889295041561127, -0.09456825256347656, -0.9095115065574646, -0.5346037745475769, 0.4396074116230011, 0.32860836386680603, 0.5872297286987305, 0.6869137287139893, 0.311760276556015, 0.3937360942363739, -0.08473360538482666, -0.05872610956430435, -0.7215139269828796, -0.010948853567242622, 0.10671252757310867, -0.4426732063293457, -0.3032876253128052, 0.04531797021627426, 0.7209845781326294, 0.389384001493454, -0.3826597034931183, 0.046885084360837936, -0.09954696148633957, 0.6386903524398804, -0.7779842019081116, 0.15359996259212494, -0.10358937084674835, 0.38605159521102905, -0.2002757042646408, 0.07189177721738815, -0.10166647285223007, -0.17824943363666534, -0.26970764994621277, -0.8102675676345825, 0.07197340577840805, -0.09464827924966812, 1.164745569229126, 0.40963834524154663, -0.24067212641239166, 0.04327757656574249, -0.6518325209617615, 0.7010456919670105, -0.5607572793960571, 0.2797193229198456, 0.28250181674957275, 0.3923048973083496, 0.18869540095329285, -1.0219658613204956, -0.40578585863113403, -0.11837193369865417, 0.0904107391834259, 0.4249330759048462, -0.17384757101535797, 0.144444540143013, 0.730064868927002, 0.14307492971420288, -0.6385104656219482, 0.19082856178283691, -0.5313994884490967, -0.11494257301092148, 0.6344858407974243, 0.38682159781455994, 0.251589834690094, 0.053099825978279114, -0.8332927227020264, -0.29815515875816345, -0.37855157256126404, 0.253773957490921, 0.15169106423854828, -0.13478849828243256, -0.7631421089172363, 0.6698569655418396, 0.16179470717906952, 0.6889495849609375, 0.47021111845970154, -0.13930468261241913, 0.54704749584198, -0.3233082890510559, -0.4503614604473114, -0.08722690492868423, 0.7441531419754028, 0.5225352644920349, 0.16425219178199768, 0.21274079382419586, -0.30385854840278625, -0.01723126322031021, 0.2602073848247528, -1.104772925376892, -0.32737410068511963, 0.33514168858528137, -0.606080174446106, -0.2208186239004135, 0.2319304645061493, -0.4609171152114868, -0.21334624290466309, -0.599107027053833, 0.3309965431690216, -0.44382575154304504, -0.6288866400718689, -0.006870616693049669, -0.4645373523235321, 0.42822521924972534, 0.47273796796798706, -0.5021302103996277, 0.4690484404563904, 0.4224098324775696, 0.9068693518638611, -0.24926117062568665, -0.3768405616283417, -0.5637970566749573, -0.04298807308077812, -0.4912407100200653, 0.1471928060054779, -0.11941239982843399, -0.08747617900371552, -0.15288040041923523, 0.30571016669273376, -0.3063390552997589, -0.7453374862670898, 0.3981574773788452, -0.481821209192276, -0.08218644559383392, -0.018559833988547325, -0.5546194911003113, 0.021296586841344833, -0.18842990696430206, -0.5776294469833374, 0.8651941418647766, 0.3363438546657562, -0.9415309429168701, 0.3500424921512604, -0.634871780872345, -0.11850808560848236, -0.1451949179172516, -0.11529551446437836, -0.5187366008758545, -0.03120199590921402, -0.3577624261379242, 0.6555797457695007, 0.0986151173710823, -0.27373793721199036, -0.34276169538497925, -0.4280945658683777, 0.13833633065223694, 0.10301963239908218, 1.1600124835968018, 0.3908982276916504, -0.5154857039451599, 0.4039202630519867, -0.9102015495300293, 0.12427486479282379, 0.0442914217710495, -0.16103488206863403, -0.168183371424675, -0.610340416431427, 0.44751009345054626, 0.5132575631141663, 0.039861347526311874, -0.6346146464347839, 0.1041661724448204, -0.37883317470550537, 0.292005330324173, 0.6324499249458313, 0.08264634758234024, 0.5537487864494324, -0.31544557213783264, 0.7360901236534119, 0.4548235833644867, 0.05394136160612106, 0.09516312181949615, -0.4145677983760834, -0.7941692471504211, -0.3495921194553375, -0.29543358087539673, 0.5368360877037048, -1.1682231426239014, 0.34531933069229126, 0.1603284478187561, -0.7068746089935303, -0.45590898394584656, 0.21884602308273315, 0.4986831545829773, 0.5606225728988647, 0.2532781958580017, -0.30462464690208435, -0.5886254906654358, -0.6417898535728455, 0.581314742565155, 0.14553377032279968, -0.071967214345932, 0.09134391695261002, 0.6853854656219482, -0.023431899026036263, 0.6069234609603882, -0.4657458961009979, -0.15997447073459625, 0.11868328601121902, 0.172488272190094, 0.5526253581047058, 0.8136091828346252, 0.6387002468109131, -0.7311102747917175, -0.5539517402648926, 0.025650782510638237, -0.7588891386985779, 0.10286542028188705, -0.15279360115528107, -0.20868542790412903, 0.3848205804824829, 0.5077694654464722, -0.7277596592903137, 0.6351900100708008, 0.47191253304481506, -0.5589162707328796, 0.8425161242485046, -0.466033399105072, -0.04232221841812134, -1.1444237232208252, 0.3244962990283966, 0.2444462925195694, -0.21264782547950745, -0.4600253403186798, 0.08963725715875626, 0.20305997133255005, -0.06280098855495453, -0.7975339889526367, 0.7517449259757996, -0.5027499794960022, 0.23900166153907776, -0.3543391227722168, -0.24986551702022552, -0.16394905745983124, 0.5585864186286926, 0.2585285007953644, 0.37676361203193665, 1.020881175994873, -0.7269524335861206, 0.6790711283683777, 0.14673246443271637, -0.20374417304992676, 0.8799757361412048, -0.8560141921043396, -0.02605898305773735, -0.26262107491493225, 0.06460483372211456, -0.9710717797279358, -0.2735852599143982, 0.4599134624004364, -0.41818854212760925, 0.768322229385376, -0.1967204511165619, -0.11470868438482285, -0.5320194959640503, -0.4194161295890808, 0.13209368288516998, 0.7785304188728333, -0.5928471088409424, 0.27974170446395874, 0.1306035816669464, 0.5072579383850098, -0.931678056716919, -0.7850813269615173, -0.18267711997032166, -0.24672552943229675, -0.7072384357452393, 0.2989819645881653, -0.2845189869403839, -0.25696611404418945, -0.10930471122264862, -0.08810290694236755, -0.25893867015838623, -0.14826855063438416, 0.6386306285858154, 0.10036241263151169, -0.18170450627803802, -0.3671979308128357, 0.013360992074012756, -0.2928636968135834, 0.1547154188156128, -0.4847666919231415, 0.2841983437538147, -0.011400965973734856, -0.257252037525177, -0.7402137517929077, 0.1316417157649994, 0.5724083185195923, 0.23476436734199524, 0.8044672012329102, 1.3163204193115234, -0.5165905952453613, -0.286015123128891, -0.2690230906009674, -0.2834947109222412, -0.4753173589706421, 0.2336442619562149, -0.1802007406949997, -0.6508268713951111, 0.6676393747329712, 0.1850820928812027, 0.013100207783281803, 0.23774196207523346, 0.7136170268058777, -0.2042509913444519, 0.8898864984512329, 0.35735028982162476, 0.11614620685577393, 0.5447484850883484, -0.9236993193626404, -0.4652519226074219, -0.7564049363136292, -0.09651870280504227, -0.3982769250869751, -0.48102739453315735, -0.371027410030365, -0.7382253408432007, 0.36994093656539917, 0.3442491292953491, -0.8633434176445007, 0.48777657747268677, -0.40215641260147095, 0.19484934210777283, 0.4234069287776947, 0.12407278269529343, -0.3606147766113281, -0.04990823194384575, -0.38382676243782043, -0.16213171184062958, -0.5680311918258667, -0.047653552144765854, 0.7383328080177307, 0.45874932408332825, 1.3300095796585083, -0.13602624833583832, 0.7768272757530212, -0.06495513021945953, 0.16021470725536346, -0.4369715452194214, 0.42964789271354675, -0.11675368249416351, -0.330630362033844, -0.06540224701166153, -0.5347187519073486, -1.1461656093597412, -0.09307145327329636, -0.15132443606853485, -0.6375541090965271, 0.28844714164733887, 0.21460214257240295, -0.04660432040691376, 0.531255304813385, -0.6875556111335754, 0.7163558602333069, -0.15491537749767303, -0.791378915309906, 0.04274635761976242, -0.9567644596099854, 0.32374611496925354, 0.22295083105564117, -0.2487385869026184, 0.20687951147556305, -0.41694244742393494, 0.7830919027328491, -0.7907003164291382, 0.9674711227416992, -0.7523449063301086, -0.05501086637377739, 0.25804415345191956, -0.17469735443592072, 0.3591567575931549, 0.03500707447528839, -0.1996060013771057, 0.19485144317150116, 0.21057626605033875, -0.5172025561332703, -0.5712202191352844, 0.8272799253463745, -1.0117965936660767, 0.11114431172609329, -0.29817265272140503, -0.25187063217163086, 0.4289615750312805, 0.12518621981143951, 0.49187174439430237, 0.23391830921173096, 0.06798385083675385, 0.24155478179454803, 0.7077392339706421, -0.06207822635769844, 0.5514233112335205, 0.25022992491722107, -0.35473236441612244, -0.7523788213729858, 0.8124845027923584, 0.33450841903686523, 0.37246784567832947, 0.3381785750389099, 0.03889335319399834, -0.2628645896911621, -0.22312355041503906, -0.5804189443588257, 0.3413575291633606, -0.6621155738830566, -0.36079689860343933, -0.3557370901107788, -0.49962714314460754, -0.24019427597522736, -0.3322566747665405, -0.41230180859565735, -0.32726049423217773, -0.5033085942268372, 0.05093592405319214, 0.3629195988178253, 0.6747256517410278, -0.3911934792995453, 0.5251821875572205, -0.43516451120376587, 0.2405572086572647, 0.05548061057925224, 0.5256286263465881, -0.04029770568013191, -0.38379234075546265, -0.43621981143951416, -0.06581273674964905, -0.16500771045684814, -0.684425950050354, 0.34739652276039124, 0.12173716723918915, 0.631617546081543, 0.7715330719947815, -0.10308834165334702, 0.4257926046848297, -0.20356515049934387, 0.6818286180496216, 0.6366029381752014, -0.6727516651153564, 0.47262266278266907, -0.2776954472064972, 0.16619576513767242, 0.11172479391098022, 0.6985697746276855, -0.42455559968948364, 0.1122865080833435, -0.8183405995368958, -0.6290826797485352, 0.8941078782081604, 0.23466621339321136, -0.04457131773233414, 0.33763664960861206, 0.8284960985183716, -0.0216764397919178, 0.184908926486969, -0.595767080783844, -0.6769092679023743, -0.28514209389686584, -0.009486916474997997, -0.13779425621032715, 0.1948869526386261, -0.20204122364521027, -0.4587151110172272, 0.7328277230262756, -0.24552308022975922, 0.31821998953819275, 0.14781703054904938, 0.22671626508235931, -0.5403608679771423, -0.4478866755962372, 0.5587224960327148, 0.6941419839859009, -0.30336320400238037, -0.1268181949853897, -0.02475777640938759, -0.7186052203178406, 0.39111635088920593, 0.17627058923244476, -0.2146454006433487, -0.08569107949733734, 0.2669168710708618, 1.2120492458343506, 0.014031914994120598, -0.21591943502426147, 0.6172367930412292, -0.2251562625169754, -0.35023266077041626, -0.49783074855804443, 0.3380047082901001, 0.2426529973745346, 0.2870199382305145, -0.17193834483623505, 0.4838455021381378, -0.32424524426460266, 0.028497247025370598, 0.33160200715065, 0.3938906788825989, -0.6993065476417542, -0.4021880030632019, 0.9369487166404724, -0.09193434566259384, -0.10925621539354324, 0.5010320544242859, -0.16114729642868042, -0.0824384093284607, 0.8061241507530212, 0.5347129106521606, 0.9112904071807861, -0.39837566018104553, 0.2947787344455719, 0.7941573262214661, 0.19004182517528534, 0.04002797231078148, 0.6650857925415039, -0.1701129823923111, -0.6939805150032043, -0.40153995156288147, -0.6049880385398865, -0.29353266954421997, 0.009387494064867496, -0.701586127281189, 0.6657021045684814, -0.6949526071548462, -0.07254289835691452, -0.13252781331539154, 0.11410536617040634, -0.8593462705612183, 0.19455035030841827, 0.20267705619335175, 1.3802019357681274, -0.8454287648200989, 1.0016424655914307, 0.8983670473098755, -0.6020414233207703, -0.8565045595169067, -0.2622906565666199, 0.0827658399939537, -0.9546372294425964, 0.7321216464042664, 0.023032406345009804, 0.07936640083789825, -0.07559394091367722, -0.9500407576560974, -0.7269054055213928, 1.3532276153564453, 0.39275896549224854, -0.3730594515800476, 0.22774335741996765, -0.22255347669124603, 0.582444429397583, -0.4190005958080292, 0.524095892906189, 0.20912574231624603, 0.5345664620399475, 0.4974876046180725, -0.8513021469116211, 0.15629327297210693, -0.39176079630851746, 0.22840406000614166, 0.13001799583435059, -0.6609959006309509, 1.1229811906814575, -0.4537767469882965, 0.13021941483020782, 0.2377835363149643, 0.8096412420272827, 0.3605923652648926, 0.36066102981567383, 0.6594213247299194, 1.039284586906433, 0.5658999681472778, -0.07039181143045425, 0.9364712238311768, -0.21259476244449615, 0.44365569949150085, 0.8810275197029114, -0.2427232563495636, 0.6415016651153564, 0.4338909387588501, -0.12852796912193298, 0.3724927604198456, 0.715827465057373, 0.06046410650014877, 0.20736970007419586, 0.7296004891395569, -0.16816140711307526, 0.01428782194852829, 0.15022839605808258, -0.43282759189605713, 0.25566720962524414, 0.4721653163433075, -0.4344753623008728, -0.255719929933548, 0.5223335027694702, 0.28930050134658813, -0.2199580818414688, -0.40735894441604614, 0.6831090450286865, 0.058912742882966995, -0.6535252332687378, 1.03294038772583, -0.1689268946647644, 0.8001722097396851, -1.0867241621017456, -0.22591614723205566, -0.02080787718296051, 0.42036211490631104, -0.44946759939193726, -1.002132773399353, 0.2912910580635071, -0.42300012707710266, 0.08490143716335297, -0.34112659096717834, 0.7899630665779114, -0.48488080501556396, -0.30994686484336853, 0.5162090063095093, 0.28804439306259155, 0.5138075947761536, 0.1093754842877388, -1.0026907920837402, 0.3292829990386963, 0.03890485316514969, -0.35986846685409546, 0.28686392307281494, 0.2823229730129242, 0.233516126871109, 0.4472743570804596, 0.18538081645965576, 0.2602153718471527, 0.028888912871479988, -0.04496125504374504, 0.9991768598556519, -0.5016071200370789, -0.29911649227142334, -0.31123635172843933, 0.7627090215682983, -0.12081889063119888, -0.4157445728778839, 0.5389413833618164, 0.46023574471473694, 0.8295435905456543, -0.2337331920862198, 0.6090877652168274, -0.3842184245586395, 0.21167661249637604, -0.7003810405731201, 1.0131412744522095, -0.702564537525177, -0.3032974898815155, -0.21986514329910278, -0.7739329934120178, -0.07575588673353195, 0.5515563488006592, 0.18779312074184418, 0.37336495518684387, 0.45532146096229553, 1.0685640573501587, -0.3220740258693695, -0.23405537009239197, 0.22570805251598358, 0.3733219504356384, 0.1260172575712204, 0.530541181564331, 0.5244594216346741, -0.5295615792274475, 0.15334047377109528, -0.8530849814414978, -0.5937935709953308, -0.021581504493951797, -0.9154640436172485, -0.6597418189048767, -0.9443998336791992, -0.7489778399467468, -1.0348339080810547, -0.2138432413339615, 1.1514774560928345, 1.3119550943374634, -0.8414399027824402, -0.5477759838104248, -0.027095135301351547, 0.08225730806589127, -0.4972924292087555, -0.23900723457336426, 0.4406788647174835, -0.12376148998737335, -0.7501218914985657, 0.033850301057100296, 0.16761860251426697, 0.2613830864429474, -0.41984066367149353, -0.5289890766143799, -0.2788582146167755, -0.3986228108406067, 0.3072643280029297, 0.5179172158241272, -0.3031679689884186, 0.025884628295898438, -0.2753458321094513, 0.03288435563445091, 0.09405160695314407, 0.7329860329627991, -0.5860862135887146, 0.546876072883606, 0.6430829167366028, 0.2053263634443283, 0.8486361503601074, -0.12138590216636658, 0.1616051197052002, -0.8579012155532837, 0.16254979372024536, 0.10946153104305267, 0.5188872218132019, 0.0377141498029232, -0.2409205138683319, 0.5964276194572449, 0.43973270058631897, -0.6987040042877197, -0.3932652175426483, -0.057900067418813705, -1.4130117893218994, 0.08569265156984329, 1.061409592628479, -0.3383810520172119, -0.516294538974762, 0.014114727266132832, -0.582356333732605, 0.18605533242225647, -0.24948112666606903, 0.10665824264287949, 0.29457882046699524, -0.38460588455200195, -0.353245347738266, -0.42883098125457764, 0.5421203970909119, 0.0765586867928505, -0.6479136943817139, -0.11332128196954727, 0.3946115970611572, 0.4017549753189087, 0.38604557514190674, 0.6983864307403564, -0.11619115620851517, 0.2825794517993927, 0.10653477162122726, 0.2909092903137207, -0.1569288820028305, -0.1325232982635498, -0.5636653304100037, 0.15279169380664825, -0.28509271144866943, -0.3309558033943176 ]
emilyalsentzer/Bio_Discharge_Summary_BERT
emilyalsentzer
2022-02-27T13:59:50Z
9,880
27
transformers
[ "transformers", "pytorch", "jax", "bert", "fill-mask", "en", "arxiv:1904.03323", "arxiv:1901.08746", "license:mit", "endpoints_compatible", "has_space", "region:us" ]
fill-mask
2022-03-02T23:29:05Z
--- language: "en" tags: - fill-mask license: mit --- # ClinicalBERT - Bio + Discharge Summary BERT Model The [Publicly Available Clinical BERT Embeddings](https://arxiv.org/abs/1904.03323) paper contains four unique clinicalBERT models: initialized with BERT-Base (`cased_L-12_H-768_A-12`) or BioBERT (`BioBERT-Base v1.0 + PubMed 200K + PMC 270K`) & trained on either all MIMIC notes or only discharge summaries. This model card describes the Bio+Discharge Summary BERT model, which was initialized from [BioBERT](https://arxiv.org/abs/1901.08746) & trained on only discharge summaries from MIMIC. ## Pretraining Data The `Bio_Discharge_Summary_BERT` model was trained on all discharge summaries from [MIMIC III](https://www.nature.com/articles/sdata201635), a database containing electronic health records from ICU patients at the Beth Israel Hospital in Boston, MA. For more details on MIMIC, see [here](https://mimic.physionet.org/). All notes from the `NOTEEVENTS` table were included (~880M words). ## Model Pretraining ### Note Preprocessing Each note in MIMIC was first split into sections using a rules-based section splitter (e.g. discharge summary notes were split into "History of Present Illness", "Family History", "Brief Hospital Course", etc. sections). Then each section was split into sentences using SciSpacy (`en core sci md` tokenizer). ### Pretraining Procedures The model was trained using code from [Google's BERT repository](https://github.com/google-research/bert) on a GeForce GTX TITAN X 12 GB GPU. Model parameters were initialized with BioBERT (`BioBERT-Base v1.0 + PubMed 200K + PMC 270K`). ### Pretraining Hyperparameters We used a batch size of 32, a maximum sequence length of 128, and a learning rate of 5 · 10−5 for pre-training our models. The models trained on all MIMIC notes were trained for 150,000 steps. The dup factor for duplicating input data with different masks was set to 5. All other default parameters were used (specifically, masked language model probability = 0.15 and max predictions per sequence = 20). ## How to use the model Load the model via the transformers library: ``` from transformers import AutoTokenizer, AutoModel tokenizer = AutoTokenizer.from_pretrained("emilyalsentzer/Bio_Discharge_Summary_BERT") model = AutoModel.from_pretrained("emilyalsentzer/Bio_Discharge_Summary_BERT") ``` ## More Information Refer to the original paper, [Publicly Available Clinical BERT Embeddings](https://arxiv.org/abs/1904.03323) (NAACL Clinical NLP Workshop 2019) for additional details and performance on NLI and NER tasks. ## Questions? Post a Github issue on the [clinicalBERT repo](https://github.com/EmilyAlsentzer/clinicalBERT) or email [email protected] with any questions.
[ -0.19456583261489868, -0.44275227189064026, 0.7011699080467224, 0.34814947843551636, -0.3051932454109192, -0.1839488446712494, 0.03614824265241623, -0.5296354293823242, 0.3171825706958771, 0.45407554507255554, -0.5354973673820496, -0.7809590697288513, -0.7020156383514404, -0.037496764212846756, -0.2976139783859253, 1.4351131916046143, 0.03944019228219986, 0.5937737226486206, -0.010943671688437462, -0.17747251689434052, -0.18205612897872925, -0.7499061226844788, -0.5022156238555908, -0.3206026256084442, 0.5579007863998413, -0.13573217391967773, 0.27906087040901184, 0.3805554211139679, 0.48211365938186646, 0.16482765972614288, -0.10053558647632599, -0.014847899787127972, -0.3795318007469177, -0.13053351640701294, 0.3551473915576935, -0.28482428193092346, -0.7732476592063904, 0.01301579363644123, 0.7116898894309998, 0.7159249782562256, -0.11534978449344635, 0.2124672830104828, 0.0810304656624794, 0.4102557599544525, -0.39937055110931396, 0.05147809907793999, -0.25734469294548035, 0.19937849044799805, 0.04087398573756218, 0.13923534750938416, -0.6018553972244263, -0.41251981258392334, 0.58709716796875, -0.40501222014427185, 0.47466227412223816, -0.18940235674381256, 1.120950698852539, -0.06096905097365379, -0.14330346882343292, -0.1966748982667923, -0.5439754724502563, 0.7248995304107666, -0.906553328037262, 0.3201734125614166, 0.31346890330314636, 0.09435854107141495, 0.13223476707935333, -1.0697234869003296, -0.350803941488266, -0.48648470640182495, -0.2056334763765335, 0.3752526044845581, -0.21879537403583527, 0.35933718085289, 0.5055765509605408, 0.16420556604862213, -0.7214435935020447, -0.1291917860507965, -0.5869593024253845, -0.3856698274612427, 0.479647159576416, 0.2860181927680969, 0.09747342765331268, -0.42673084139823914, -0.48434022068977356, -0.2406034767627716, -0.32344499230384827, 0.03766626492142677, 0.23258504271507263, -0.007688995450735092, -0.4209316074848175, 0.21909749507904053, 0.27793195843696594, 0.5239179730415344, 0.006720047444105148, 0.10013840347528458, 0.5906820893287659, -0.351264625787735, -0.24129311740398407, 0.0696021243929863, 1.0720471143722534, 0.05331147462129593, 0.1819770485162735, 0.1679099053144455, -0.09168808162212372, -0.33861446380615234, 0.46643081307411194, -0.8577443361282349, -0.5771157741546631, 0.3901127874851227, -0.8869867920875549, -0.3212052583694458, -0.005596018861979246, -0.5245124101638794, -0.13518080115318298, -0.1635308563709259, 0.6969452500343323, -0.9459670782089233, 0.13353998959064484, -0.13780157268047333, -0.16093809902668, 0.05536681413650513, 0.40483057498931885, -0.6373938918113708, 0.2799362540245056, 0.20552986860275269, 0.8144155740737915, 0.05359962210059166, -0.12091129273176193, -0.27504095435142517, -0.05263884365558624, 0.037015169858932495, 0.45456650853157043, -0.09572940319776535, -0.40603893995285034, 0.10987747460603714, 0.08045126497745514, -0.23228634893894196, -0.40869635343551636, 0.33823177218437195, -0.214173823595047, 0.22560593485832214, -0.2543949484825134, -0.7095369696617126, -0.19280172884464264, -0.11774472147226334, -0.5204837322235107, 0.7410001754760742, 0.18361978232860565, -0.6380715370178223, 0.2781275808811188, -0.650244414806366, -0.37600794434547424, -0.08876358717679977, -0.1253412961959839, -0.5874928832054138, 0.058223824948072433, 0.149248406291008, 0.5676501393318176, 0.11192882806062698, 0.31860196590423584, -0.30264589190483093, -0.37991711497306824, 0.04152033478021622, -0.1823195070028305, 1.0878427028656006, 0.25538012385368347, -0.19240060448646545, 0.1020054891705513, -0.9088351130485535, -0.02072233334183693, 0.1059962660074234, -0.2761284410953522, -0.1389482021331787, -0.1515960395336151, 0.22014689445495605, 0.12791569530963898, 0.3121562898159027, -0.6597431898117065, 0.2278091311454773, -0.3357740342617035, 0.3078556954860687, 0.5882816910743713, 0.03320419043302536, 0.013134945183992386, -0.7233464121818542, 0.42374685406684875, 0.1587117463350296, 0.3602626919746399, -0.38807326555252075, -0.5221611857414246, -0.6416691541671753, -0.6308912634849548, 0.44762274622917175, 0.5177736282348633, -0.15918050706386566, 0.5673202872276306, -0.022761287167668343, -0.5063702464103699, -0.7702705264091492, -0.13503959774971008, 0.6040216088294983, 0.647991955280304, 0.8246325850486755, -0.3962971270084381, -0.6979926824569702, -1.1643465757369995, 0.18189316987991333, -0.12321563810110092, -0.15900953114032745, 0.33375948667526245, 0.5826297998428345, -0.5634756088256836, 0.6275694370269775, -0.453325092792511, -0.3913637101650238, -0.4707905054092407, 0.5521847009658813, 0.475747674703598, 0.613377571105957, 0.5781298875808716, -0.15802288055419922, -0.4555189907550812, -0.37453493475914, -0.7891610860824585, -0.03303956240415573, -0.39136338233947754, -0.09371618926525116, 0.20524534583091736, 0.3607252836227417, -0.3388983905315399, 0.49624890089035034, 0.30190467834472656, 0.09523274749517441, 0.6042351722717285, -0.7005330920219421, -0.25538894534111023, -1.198420524597168, 0.3295381963253021, -0.07253202050924301, -0.23442082107067108, -0.7171112298965454, -0.2455751597881317, 0.18922372162342072, -0.0041755144484341145, -0.3612235188484192, 0.42282697558403015, -0.29303160309791565, 0.19473958015441895, 0.07215572148561478, -0.16751247644424438, 0.00763867748901248, 0.5786941051483154, 0.16466127336025238, 0.31701236963272095, 0.4078294038772583, -0.6035371422767639, -0.10776402801275253, 0.5332115888595581, -0.12712475657463074, -0.10803946107625961, -1.0668060779571533, -0.008245079778134823, -0.11491835117340088, 0.5300720930099487, -1.0148918628692627, -0.14604903757572174, -0.003842768492177129, -0.5024316310882568, 0.469154417514801, 0.10205648094415665, -0.6318307518959045, -0.3476763963699341, -0.46430596709251404, 0.33649832010269165, 1.0223606824874878, -0.37615036964416504, 0.6302893161773682, -0.03503480181097984, 0.036922696977853775, -0.6640391945838928, -0.6794741749763489, -0.4265221953392029, 0.21920739114284515, -0.5155849456787109, 0.6898015141487122, -0.09022893756628036, 0.15849542617797852, -0.0002429907617624849, 0.07552751153707504, -0.10464254021644592, -0.09978172183036804, 0.24025900661945343, 0.4499683976173401, -0.12127791345119476, 0.3494647145271301, 0.2312168926000595, 0.10381641238927841, 0.2841885983943939, 0.040719106793403625, 0.7157368659973145, -0.1107381284236908, -0.25170832872390747, -0.7947215437889099, 0.3649095296859741, 0.5601385831832886, 0.017413169145584106, 0.9908413290977478, 0.9186661243438721, -0.47128811478614807, 0.1665397584438324, -0.744146466255188, -0.319381982088089, -0.3567527234554291, 0.4585253596305847, 0.15696923434734344, -0.39889970421791077, 0.8076193928718567, 0.1514110565185547, 0.23796485364437103, 0.6031227707862854, 0.4527604877948761, -0.5844939351081848, 1.1103135347366333, 0.6109083294868469, 0.04004718363285065, 0.42806142568588257, -0.6915793418884277, 0.026723839342594147, -1.054104208946228, -0.2292359620332718, -0.2182554453611374, -0.23281458020210266, -0.4858632981777191, -0.1799241155385971, 0.58192378282547, 0.019803838804364204, -0.3705969750881195, 0.331356406211853, -0.4909208118915558, -0.25915032625198364, 0.6062266230583191, 0.5052613019943237, -0.007222835905849934, -0.03527721390128136, -0.6298941373825073, -0.18119436502456665, -0.7928771376609802, -0.4522489607334137, 1.4157124757766724, 0.5562779307365417, 0.5911495685577393, -0.1434415578842163, 1.1700537204742432, 0.1875758320093155, 0.5368809103965759, -0.36317217350006104, 0.4238341450691223, -0.37409308552742004, -0.7014185190200806, -0.021557893604040146, -0.2115727663040161, -0.9545457363128662, 0.008212359622120857, -0.3672506809234619, -0.7809652090072632, 0.18413332104682922, 0.29848241806030273, -0.7676986455917358, 0.19376443326473236, -0.6389906406402588, 0.8246504664421082, -0.28820377588272095, -0.17750835418701172, -0.22119608521461487, -0.9800240397453308, 0.4696788191795349, -0.3171854317188263, -0.04043268784880638, 0.18893924355506897, 0.19918115437030792, 0.8675143718719482, -0.7182729244232178, 0.9369691610336304, -0.15026408433914185, 0.2244187444448471, 0.18040968477725983, -0.2964823842048645, 0.24837945401668549, 0.021422578021883965, 0.08921286463737488, 0.4412306249141693, 0.30024656653404236, -0.40339264273643494, -0.2325277328491211, 0.3476429283618927, -0.978506863117218, -0.3071996867656708, -0.6803884506225586, -0.45077982544898987, 0.04603409022092819, 0.034938763827085495, 0.7672982215881348, 0.725334882736206, -0.2035154551267624, 0.13177074491977692, 0.8318049907684326, -0.8334090709686279, 0.30436331033706665, 0.5058025121688843, -0.24334734678268433, -0.48265212774276733, 0.5850684642791748, 0.11334817856550217, 0.43778157234191895, 0.2945367693901062, 0.023641090840101242, -0.3176356852054596, -0.40656185150146484, -0.14014241099357605, 0.6933206915855408, -0.4669436812400818, 0.061173103749752045, -1.1618640422821045, -0.6242680549621582, -0.5942977070808411, -0.07755497843027115, -0.23437641561031342, -0.10327265411615372, -0.3821607828140259, 0.1853255182504654, 0.3199453353881836, 0.720423698425293, -0.29281529784202576, 0.27823778986930847, -1.117292881011963, 0.24396377801895142, -0.002118426840752363, 0.07472863793373108, 0.13001205027103424, -0.8528990149497986, -0.28015267848968506, 0.07045882940292358, -0.512697696685791, -1.0567126274108887, 0.5410454273223877, 0.1497521549463272, 0.6931108236312866, 0.4120549261569977, -0.03417468070983887, 0.7546477913856506, -0.5181645750999451, 0.8489487767219543, 0.280622661113739, -0.8310166597366333, 0.8022297620773315, -0.35690543055534363, 0.4026409685611725, 0.4883266091346741, 0.83186936378479, -0.3096301555633545, -0.38828277587890625, -1.0931682586669922, -1.032494306564331, 0.8063886761665344, 0.19948962330818176, 0.12327726185321808, -0.23190128803253174, 0.3594873249530792, 0.005660898983478546, 0.09568918496370316, -0.8096434473991394, -0.5195364356040955, -0.13040319085121155, -0.30628302693367004, -0.15317103266716003, -0.45789992809295654, -0.13958705961704254, -0.659227728843689, 0.6809759736061096, 0.17935536801815033, 0.9424616694450378, 0.6082490086555481, -0.17510315775871277, 0.03461994230747223, -0.07182980328798294, 0.8325008153915405, 0.5791755318641663, -0.7410293817520142, -0.39104729890823364, 0.355258584022522, -0.7286788821220398, -0.23712249100208282, 0.5094996690750122, 0.07261735200881958, 0.4148423969745636, 0.7809417247772217, 0.6979242563247681, 0.20674553513526917, -0.6570999622344971, 0.6197089552879333, -0.20494140684604645, -0.5279588103294373, -0.6822906136512756, -0.03561032563447952, -0.024529216811060905, 0.051085688173770905, 0.21909385919570923, 0.023093177005648613, 0.11694947630167007, -0.47937336564064026, 0.33218374848365784, 0.3059636354446411, -0.5224016308784485, -0.35659176111221313, 0.8751845955848694, 0.021665453910827637, -0.03402881696820259, 0.9368520975112915, 0.09515339881181717, -0.46452996134757996, 0.7158415913581848, 0.4778408110141754, 0.9276727437973022, -0.09457508474588394, 0.15499314665794373, 0.7837790250778198, 0.06702599674463272, 0.031828418374061584, 0.39108899235725403, 0.016412504017353058, -0.5142439603805542, -0.2461778223514557, -0.7378585338592529, -0.2706339955329895, 0.4912911653518677, -1.0132777690887451, 0.2290039211511612, -0.7784781455993652, -0.33005496859550476, 0.012809254229068756, -0.13368771970272064, -0.7413577437400818, 0.06863987445831299, 0.15342263877391815, 0.8882341384887695, -0.8306812644004822, 0.8786911368370056, 0.7577491998672485, -0.7489024996757507, -0.9171996116638184, 0.0402628555893898, -0.22250646352767944, -0.7570288777351379, 0.9276424050331116, 0.14809289574623108, 0.340147465467453, -0.13578996062278748, -0.40918418765068054, -0.6412264704704285, 1.1365163326263428, 0.07589540630578995, -0.5814995765686035, -0.1530175507068634, -0.07871557772159576, 0.9013220071792603, -0.20798197388648987, 0.619074821472168, 0.2570197582244873, 0.1409842073917389, -0.14427617192268372, -0.857010006904602, -0.08975055068731308, -0.19150568544864655, -0.14748837053775787, 0.09074749052524567, -0.5486323237419128, 1.0846385955810547, -0.4308190941810608, 0.1225065365433693, 0.3486328423023224, 0.47228726744651794, 0.3874444365501404, 0.3082323372364044, 0.18970851600170135, 0.7399709820747375, 0.6996884942054749, 0.0014347160467877984, 1.277414083480835, -0.5318986177444458, 0.36966007947921753, 0.9904588460922241, -0.12524700164794922, 0.7087458372116089, 0.21453484892845154, -0.21600544452667236, 0.7947882413864136, 0.5984196662902832, -0.14855344593524933, 0.5782394409179688, 0.22865760326385498, -0.2758030295372009, -0.19059771299362183, 0.06569118797779083, -0.7085099220275879, 0.15424951910972595, 0.3287338614463806, -1.0499184131622314, -0.12432818859815598, 0.021273380145430565, 0.08598389476537704, -0.3063061833381653, 0.08629205822944641, 0.6379832029342651, 0.12977002561092377, -0.5677995085716248, 0.7171913981437683, -0.25586459040641785, 0.3873920142650604, -0.9687402248382568, -0.2078789919614792, -0.17926272749900818, 0.3313238024711609, 0.0179139357060194, -0.30725541710853577, 0.10223939269781113, -0.026811083778738976, -0.2634902894496918, -0.3281239867210388, 0.19944152235984802, -0.2500613033771515, -0.49396198987960815, 0.4287979006767273, 0.44078290462493896, 0.3067488670349121, 0.4030051529407501, -0.8710802793502808, -0.1278400719165802, 0.04659436270594597, -0.037168171256780624, 0.41364240646362305, 0.15950249135494232, 0.16717658936977386, 0.5070100426673889, 0.5774950385093689, 0.14708970487117767, 0.029315555468201637, 0.17266665399074554, 0.8245358467102051, -0.45002397894859314, -0.29963019490242004, -0.7273279428482056, 0.5705063343048096, -0.03924690559506416, -0.5735232830047607, 0.4462467133998871, 0.5277854800224304, 0.6708835363388062, -0.3352246582508087, 0.667036771774292, -0.0037160625215619802, 0.6409897208213806, -0.4174633324146271, 0.8247647285461426, -0.6559160351753235, 0.21531817317008972, -0.44150465726852417, -0.7269614338874817, -0.14190685749053955, 0.8098834753036499, -0.1849062144756317, 0.37810632586479187, 0.9568823575973511, 0.5219582915306091, 0.04082927107810974, -0.16918420791625977, 0.11820435523986816, 0.3907972276210785, 0.2865869104862213, 0.6279087662696838, 0.4718848168849945, -0.5696558356285095, 0.30010363459587097, -0.458171010017395, -0.20829254388809204, -0.35727283358573914, -0.7395315170288086, -1.0836739540100098, -0.46662458777427673, -0.2989587187767029, -0.5138670206069946, 0.29707401990890503, 1.1436362266540527, 0.7690123915672302, -0.9051766991615295, -0.14239098131656647, -0.03010520152747631, -0.44710808992385864, -0.21684317290782928, -0.162973091006279, 0.6235963106155396, -0.44339048862457275, -0.4012453556060791, 0.03742117062211037, -0.1462009847164154, 0.27565377950668335, -0.02692750096321106, 0.01838872954249382, -0.497900128364563, -0.1219029650092125, 0.36264878511428833, 0.24965804815292358, -0.7497273087501526, -0.10482162237167358, 0.01152533944696188, -0.3978171646595001, -0.04927472025156021, 0.514461874961853, -0.8414919972419739, 0.4900417625904083, 0.47971656918525696, 0.5043618083000183, 0.6619811058044434, 0.011621656827628613, 0.5683035254478455, -0.6827859282493591, -0.0582527294754982, 0.3896316885948181, 0.6142523884773254, -0.0769345611333847, -0.3266960680484772, 0.35305774211883545, 0.2708118259906769, -0.5880497097969055, -0.7209622263908386, -0.10876386612653732, -1.1096174716949463, -0.11933828890323639, 0.8882570862770081, -0.2682947814464569, 0.07055278867483139, 0.012454087845981121, -0.19102118909358978, 0.527026355266571, -0.3284813463687897, 0.6904842257499695, 0.5741086006164551, -0.39239785075187683, 0.04650132358074188, -0.784720778465271, 0.5485641360282898, 0.7564367055892944, -0.48675820231437683, -0.3933658003807068, 0.25015100836753845, 0.3724585175514221, 0.2736712694168091, 0.6732886433601379, -0.2078762948513031, 0.5081528425216675, -0.2781578600406647, 0.41754019260406494, -0.01849418133497238, -0.13010063767433167, -0.4563818871974945, -0.15481317043304443, -0.2279079109430313, -0.2993828058242798 ]
HuggingFaceM4/tiny-random-MistralForCausalLM
HuggingFaceM4
2023-10-26T12:54:14Z
9,854
0
transformers
[ "transformers", "pytorch", "mistral", "text-generation", "endpoints_compatible", "text-generation-inference", "region:us" ]
text-generation
2023-10-26T12:21:08Z
Entry not found
[ -0.3227650225162506, -0.22568431496620178, 0.862226128578186, 0.43461495637893677, -0.5282987952232361, 0.7012965679168701, 0.7915717363357544, 0.07618638128042221, 0.7746025919914246, 0.2563219666481018, -0.7852817177772522, -0.22573819756507874, -0.9104480743408203, 0.5715669393539429, -0.3992334008216858, 0.5791245698928833, -0.14494505524635315, -0.10751161724328995, 0.28233757615089417, -0.2768954336643219, -0.5409224033355713, -0.36855220794677734, -1.1902776956558228, 0.061491113156080246, 0.5316578149795532, 0.7435142397880554, 0.7584060430526733, 0.3652167320251465, 0.6432578563690186, 0.3932291269302368, -0.23138920962810516, 0.4827055037021637, -0.04171813279390335, 0.00260411505587399, -0.3524433970451355, -0.5516898036003113, -0.28596609830856323, 0.07584730535745621, 1.0961304903030396, 0.966687798500061, -0.284663587808609, 0.05330817773938179, -0.3063621520996094, 0.33088892698287964, -0.49734312295913696, 0.3054099678993225, -0.022506045177578926, 0.16318801045417786, -0.7041513919830322, -0.5535354018211365, 0.012794834561645985, -0.7361212968826294, 0.17926570773124695, -0.690081000328064, 0.8269098401069641, 0.18583157658576965, 1.1533750295639038, 0.14819414913654327, -0.462487131357193, -0.8161764144897461, -0.6538989543914795, 0.5711171627044678, -0.32703715562820435, 0.39680248498916626, 0.7028235197067261, -0.048573412001132965, -0.9820332527160645, -0.6745741367340088, -0.46466192603111267, 0.2923962473869324, 0.35402774810791016, -0.3411678075790405, -0.17522086203098297, -0.3058989644050598, 0.15792037546634674, 0.12811517715454102, -0.4841994643211365, -0.5543919205665588, -0.5475160479545593, -0.3960252106189728, 0.6206658482551575, 0.3482950031757355, 0.2429177463054657, -0.1888415813446045, -0.3228583335876465, 0.0880163162946701, -0.4160851538181305, 0.3402571678161621, 0.6335517168045044, 0.7114017009735107, -0.5811444520950317, 0.560215950012207, -0.04927587881684303, 0.7439703941345215, 0.11445561796426773, -0.27478092908859253, 0.41460567712783813, -0.14724725484848022, 0.055171746760606766, 0.4226345121860504, 0.31524422764778137, 0.2841312289237976, -0.3273695111274719, 0.2032228708267212, -0.3215144872665405, -0.30496224761009216, -0.22332167625427246, -0.29490774869918823, -0.3592180609703064, 0.5492289066314697, -0.3314017057418823, -0.42855486273765564, 1.143175721168518, -0.4200771450996399, -0.7302224040031433, 0.33156412839889526, 0.4065209925174713, -0.0994480773806572, -0.37146568298339844, -0.052260834723711014, -0.8458789587020874, -0.007907390594482422, 0.7491172552108765, -0.7198970913887024, 0.3371737599372864, 0.4728063642978668, 0.7417217493057251, 0.19650575518608093, -0.14034469425678253, -0.42949390411376953, 0.2971969544887543, -0.8659994006156921, 0.6320174336433411, -0.20135220885276794, -1.0051977634429932, 0.11150479316711426, 0.8971705436706543, -0.37896400690078735, -1.2094876766204834, 1.0605159997940063, -0.6887932419776917, 0.16017857193946838, -0.676761269569397, -0.14661237597465515, -0.07118501514196396, -0.005096632521599531, -0.6088156700134277, 0.7567102313041687, 0.587267279624939, -0.4995276927947998, 0.21429483592510223, -0.26029831171035767, -0.39151400327682495, 0.38824859261512756, -0.07935450226068497, -0.21858926117420197, 0.713833212852478, -0.6647079586982727, -0.26932814717292786, 0.2942774295806885, 0.2368936538696289, -0.35706108808517456, -0.7931919097900391, 0.08478113263845444, -0.05786270648241043, 1.550750494003296, -0.03868847340345383, -0.3586106300354004, -0.679383397102356, -1.1506240367889404, -0.07070787996053696, 0.6886883974075317, -0.9194989204406738, -0.27839475870132446, -0.046410128474235535, -0.26169314980506897, 0.08994917571544647, 0.7390589714050293, -1.1194051504135132, 0.2832726836204529, -0.05092663690447807, -0.22794683277606964, 0.8271058797836304, 0.15387225151062012, 0.24758946895599365, 0.14913396537303925, 0.42958706617355347, 0.527725338935852, 0.11115207523107529, 0.683587908744812, -0.34720373153686523, -0.9694353938102722, 0.6154631972312927, 0.25266361236572266, 0.8121447563171387, -0.49945297837257385, 0.2685093879699707, 0.27025535702705383, -0.3409680724143982, -0.5682371854782104, -0.3102838397026062, 0.09025752544403076, 0.14930562674999237, 0.11142510175704956, -0.5721710324287415, -0.6576125025749207, -0.9689140319824219, -0.13590654730796814, -0.4314374029636383, -0.3571570813655853, 0.21006910502910614, 0.5792906284332275, -1.1975523233413696, 0.4128875136375427, -0.7705625891685486, -0.7038741111755371, -0.01065548975020647, -0.19338123500347137, 0.7540656328201294, 0.43240174651145935, 0.5033966898918152, -0.6397148370742798, -0.5661987066268921, -0.22470176219940186, -1.0333747863769531, -0.13280506432056427, 0.24819621443748474, 0.3065737783908844, -0.13423344492912292, -0.2744963765144348, -0.48740333318710327, 0.8100387454032898, 0.14789170026779175, -0.5391897559165955, 0.5220767259597778, -0.3020317256450653, 0.17224803566932678, -0.6369150280952454, -0.06916818022727966, -0.661676287651062, -0.0009071884560398757, -0.3608308732509613, -0.5737438797950745, 0.14772287011146545, 0.07017494738101959, -0.16065457463264465, 0.28808408975601196, -0.909277081489563, -0.0010852962732315063, -0.7442210912704468, 0.379071980714798, 0.06394772231578827, -0.3145078718662262, -0.017517540603876114, 1.0000386238098145, 0.7784460783004761, -0.3848048746585846, 0.721744179725647, 0.4440041184425354, 0.19036155939102173, 0.7630521059036255, -0.18725109100341797, 0.16478213667869568, -0.5245416760444641, -0.12161104381084442, -0.8887597918510437, -1.0982946157455444, 0.7320570349693298, -0.6114250421524048, 0.36542922258377075, -0.4277869760990143, 0.2589159905910492, -0.6919258832931519, -0.03885362669825554, 0.4808599352836609, -0.05936325341463089, -0.6863942742347717, 0.5232570171356201, 0.45317530632019043, -0.2019241601228714, -0.6609031558036804, -0.530157208442688, 0.39365822076797485, 0.6154114007949829, -0.16390392184257507, 0.06878514587879181, 0.14941060543060303, -0.5441926121711731, -0.040802597999572754, -0.38691970705986023, -0.45766758918762207, 0.054224006831645966, 0.13053473830223083, -0.005750799085944891, -0.404820054769516, -0.0868026465177536, -0.35842007398605347, -0.4656120240688324, 0.21876516938209534, 0.3011947274208069, -0.04096309468150139, -0.42599788308143616, -0.3619818687438965, -0.888181209564209, 0.6719610095024109, 0.5370282530784607, 0.05281545966863632, 0.7555549740791321, 0.16819314658641815, -0.8014987707138062, -0.13532210886478424, -0.1760706603527069, 0.2696830928325653, -0.5588056445121765, 0.13849826157093048, -0.013484534807503223, -0.0637492910027504, 0.26297882199287415, 0.25386232137680054, -0.4300556778907776, 0.9276250004768372, -0.2615274488925934, -0.3592521846294403, 0.7960181832313538, 0.5974742770195007, 0.49583131074905396, 0.16503219306468964, -0.044541798532009125, 0.900709331035614, -1.1966516971588135, -0.6563175916671753, -0.7409549355506897, -0.15945707261562347, -0.43510833382606506, -0.032105933874845505, 0.6254412531852722, 0.2900990843772888, -0.1333388388156891, 0.4756395220756531, -0.5243489742279053, 0.3556033670902252, 1.01198410987854, 0.35748639702796936, 0.3435698449611664, -0.7570229172706604, -0.2515777349472046, -0.1402427852153778, -0.9998157620429993, -0.2631377875804901, 0.8871029019355774, 0.22752606868743896, 0.844460666179657, 0.5992541313171387, 0.6784542798995972, 0.1367226243019104, 0.2523828148841858, -0.30590319633483887, 0.3920294940471649, 0.4376082420349121, -1.0401138067245483, -0.42758408188819885, 0.021418681368231773, -0.9703338742256165, -0.14227519929409027, -0.03495011106133461, -0.42617112398147583, 0.7681737542152405, 0.00016589462757110596, -0.4076709747314453, 0.7732734084129333, -0.455583393573761, 0.7562873363494873, -0.4473648965358734, -0.02663906291127205, 0.4699096083641052, -0.7070636749267578, 0.4677430987358093, 0.12878790497779846, 0.6205843091011047, -0.015572631731629372, -0.04078587517142296, 0.7104941606521606, -0.9129160046577454, 0.25438642501831055, -0.6348397135734558, 0.22421300411224365, 0.24246945977210999, 0.51606285572052, 0.5969953536987305, 0.4371243417263031, 0.10119888931512833, -0.23920902609825134, 0.04115807265043259, -0.8241125345230103, -0.210506409406662, 0.697515606880188, -0.7186890840530396, -0.6864197850227356, -1.2355337142944336, 0.14438660442829132, 0.27347055077552795, 0.389305055141449, 0.7959296107292175, 0.571408748626709, 0.1289544403553009, 0.680525004863739, 0.9888588190078735, -0.0688566341996193, 0.9166924357414246, 0.3224477171897888, 0.09175168722867966, -0.21944808959960938, 0.7036820650100708, 0.26627904176712036, -0.24707956612110138, -0.11939732730388641, 0.20913465321063995, -0.11069409549236298, -0.591761589050293, -0.49990686774253845, 0.3701757788658142, -0.6731787919998169, -0.18303893506526947, -0.6243735551834106, -0.6043769717216492, -0.511759340763092, 0.06927360594272614, -0.7147687673568726, 0.23979046940803528, -0.7753565907478333, -0.10574902594089508, 0.04323432594537735, 0.9792009592056274, -0.589311957359314, 0.5805224180221558, -1.1218582391738892, 0.19345788657665253, -0.07949887961149216, 0.7921058535575867, 0.21395787596702576, -0.7344395518302917, -0.3975418508052826, -0.11592631042003632, -0.3729911744594574, -1.3576762676239014, 0.21404948830604553, -0.2454141080379486, 0.23094046115875244, 0.6145404577255249, 0.1397707313299179, 0.5258248448371887, -0.34326282143592834, 0.7029101848602295, -0.057017259299755096, -0.7069286704063416, 0.7934495210647583, -0.5026894807815552, 0.4963534474372864, 0.9765996932983398, 0.5333835482597351, -0.7984007596969604, 0.035741209983825684, -1.041123390197754, -0.6008695363998413, 0.38426393270492554, 0.11928944289684296, -0.03601083159446716, -0.6659559011459351, -0.054019637405872345, -0.16143807768821716, 0.6043745279312134, -1.039069414138794, -0.7858356237411499, 0.2576698362827301, 0.5277302861213684, 0.0816856250166893, -0.5653398633003235, 0.20880667865276337, -0.544416069984436, 1.0657774209976196, 0.45109400153160095, 0.3274499475955963, 0.8406060934066772, 0.46492424607276917, -0.3823164403438568, 0.09252490103244781, 0.7662695050239563, 0.6666232347488403, -0.5239797830581665, -0.2908027470111847, -0.08827541768550873, -0.9143403768539429, 0.05927472561597824, 0.11168918758630753, -0.013455932028591633, 0.9082110524177551, 0.5793083310127258, 0.2539709210395813, 0.4514279365539551, -0.726460337638855, 0.8859451413154602, -0.14954176545143127, -0.12472866475582123, -1.0677239894866943, 0.1948619782924652, -0.23984959721565247, 0.5006402134895325, 1.0061326026916504, 0.5250048041343689, -0.047630298882722855, -0.8143380880355835, -0.01473585981875658, 0.6939172148704529, -0.7091123461723328, -0.17449834942817688, 0.944853663444519, 0.3847099542617798, -1.2953051328659058, 1.106776475906372, -0.5381771326065063, -0.560332179069519, 0.9121301770210266, 0.522956907749176, 1.1221847534179688, -0.44204121828079224, 0.0008676342549733818, 0.2662237286567688, 0.41378432512283325, 0.5423170328140259, 1.0869629383087158, 0.431413471698761, -0.7931063771247864, 0.8826584815979004, -0.24776044487953186, -0.40361151099205017, -0.05347571521997452, -0.42859897017478943, 0.16892178356647491, -0.4406192898750305, -0.10713007301092148, -0.3444187641143799, 0.28543180227279663, -0.7072042226791382, 0.42807620763778687, -0.0838567465543747, 0.8653068542480469, -0.8553727269172668, 0.47207626700401306, 0.635470449924469, -0.3337355852127075, -0.8508191108703613, -0.26198428869247437, -0.11448462307453156, -0.6389466524124146, 0.30214807391166687, -0.4554102420806885, 0.044398851692676544, 0.09623463451862335, -0.649151623249054, -1.1778275966644287, 0.9093633890151978, -0.639612078666687, -0.2784462869167328, 0.20464053750038147, -0.11514760553836823, 0.28811705112457275, -0.2524643540382385, 0.010661216452717781, 0.41876548528671265, 0.748940110206604, 0.2844654619693756, -0.7727053761482239, -0.3694884479045868, 0.0015032943338155746, -0.44474777579307556, 0.7582978010177612, -0.6002101898193359, 1.1840779781341553, -0.5563543438911438, -0.059654366225004196, 0.44384512305259705, 0.24690914154052734, 0.21076197922229767, 0.6629220843315125, 0.1442081481218338, 0.7282265424728394, 1.07012140750885, -0.40835219621658325, 0.8811809420585632, 0.26432839035987854, 0.47430819272994995, 0.7238501906394958, -0.6487724781036377, 0.7513749003410339, 0.31810489296913147, -0.5682924389839172, 0.9228013753890991, 1.2906063795089722, -0.15699204802513123, 0.8079374432563782, 0.05136508867144585, -1.081600546836853, 0.325833261013031, -0.20724765956401825, -0.7530064582824707, 0.3150254189968109, 0.19055864214897156, -0.6920982599258423, -0.5770308971405029, -0.24046507477760315, -0.35662803053855896, -0.11552901566028595, -0.7631728649139404, 0.6720563769340515, -0.016969164833426476, -0.5103683471679688, 0.18857547640800476, 0.2877499461174011, 0.17368432879447937, -0.5235732793807983, -0.02939440682530403, -0.22823619842529297, 0.2660655975341797, -0.5670853853225708, -0.5234526991844177, 0.5724433064460754, -0.32430219650268555, -0.5343255400657654, 0.18147465586662292, 0.763587236404419, -0.16923809051513672, -0.4515409469604492, 0.32472723722457886, 0.6959525346755981, 0.1665852814912796, 0.4250282347202301, -0.23511263728141785, 0.24480605125427246, -0.08044824004173279, -0.06651552021503448, 0.27714768052101135, 0.3449169099330902, 0.22435641288757324, 0.4450142979621887, 0.43285664916038513, -0.01808755099773407, -0.10736498981714249, -0.382819801568985, 0.4124940037727356, -0.9542785882949829, -0.5713282823562622, -0.6307113766670227, 0.2740660607814789, -0.02315417304635048, -1.0836423635482788, 0.4145168364048004, 1.4406683444976807, 1.0359982252120972, -0.4756383001804352, 1.067226529121399, -0.21818485856056213, 0.9594791531562805, 0.41483086347579956, 0.5420440435409546, -0.6030411720275879, 0.03835370019078255, -0.4364396035671234, -1.076962947845459, -0.35716333985328674, 0.4539391100406647, -0.022899555042386055, -0.3429867625236511, 0.872571587562561, 0.5887166261672974, -0.33473607897758484, -0.11728022992610931, 0.048487238585948944, -0.029941488057374954, -0.12433847039937973, 0.5145376324653625, 0.7648399472236633, -0.9344304800033569, -0.10680416971445084, -0.21577754616737366, -0.6382725834846497, -0.5047279000282288, -0.9632009267807007, -0.12959396839141846, -0.16037796437740326, 0.035343267023563385, -0.5662806630134583, 0.00255737011320889, 1.208324909210205, 0.5684957504272461, -1.1113994121551514, -0.5303789377212524, 0.3371853232383728, 0.3920421898365021, -0.1874791383743286, -0.24202413856983185, 0.2984568774700165, 0.15382249653339386, -0.5908876657485962, 0.6875665783882141, 0.8089625239372253, 0.208888977766037, 0.19554761052131653, 0.15893013775348663, -0.8229473829269409, -0.14913435280323029, 0.17440445721149445, 0.9450570344924927, -0.939853310585022, -0.7114843130111694, -0.03168516233563423, -0.27094873785972595, -0.05765746906399727, 0.17102102935314178, -0.4046344757080078, 0.5180677175521851, 0.34591493010520935, 0.49933457374572754, 0.0561608150601387, -0.054746925830841064, 0.5409556031227112, -0.9069057703018188, 0.09425963461399078, 0.4134361147880554, 0.4154115319252014, -0.4000864028930664, -0.5910194516181946, 0.6713420748710632, 1.0073972940444946, -0.6594868898391724, -0.8743268847465515, -0.19846712052822113, -1.0016002655029297, 0.04189709946513176, 0.6762762069702148, 0.5009527802467346, -0.4806513786315918, -0.4174500107765198, -0.5617399215698242, -0.1254672110080719, -0.1369970738887787, 0.7621601819992065, 1.179680585861206, -0.7432094812393188, 0.07975747436285019, -1.038639783859253, 0.6594986915588379, -0.2419457733631134, -0.3457581698894501, -0.48644304275512695, 0.3832802176475525, 0.35236993432044983, 0.440481036901474, 0.614812433719635, 0.1408471167087555, 0.8338426351547241, 0.3126053214073181, -0.1702686995267868, 0.2698982357978821, -0.4559200704097748, -0.028932858258485794, -0.057962555438280106, 0.31015971302986145, -1.0262157917022705 ]
textattack/albert-base-v2-ag-news
textattack
2020-07-07T21:59:15Z
9,851
0
transformers
[ "transformers", "pytorch", "albert", "text-classification", "endpoints_compatible", "has_space", "region:us" ]
text-classification
2022-03-02T23:29:05Z
## TextAttack Model CardThis `albert-base-v2` model was fine-tuned for sequence classification using TextAttack and the ag_news dataset loaded using the `nlp` library. The model was fine-tuned for 5 epochs with a batch size of 16, a learning rate of 2e-05, and a maximum sequence length of 128. Since this was a classification task, the model was trained with a cross-entropy loss function. The best score the model achieved on this task was 0.9471052631578948, as measured by the eval set accuracy, found after 3 epochs. For more information, check out [TextAttack on Github](https://github.com/QData/TextAttack).
[ -0.2080453634262085, -0.35365715622901917, 0.29326122999191284, 0.008591528981924057, -0.28539982438087463, 0.07098802924156189, 0.02810913696885109, -0.5566458106040955, -0.220888152718544, 0.280465304851532, -0.3605515658855438, -0.7092265486717224, -0.6555845737457275, 0.1607004851102829, -0.6261228919029236, 1.5451219081878662, 0.1664702296257019, 0.018496129661798477, -0.07607163488864899, -0.19855163991451263, -0.5783016085624695, -0.39280518889427185, -0.7158936262130737, -0.4288477301597595, 0.46535274386405945, 0.5291225910186768, 0.7944188714027405, 0.8998872637748718, 0.6829100251197815, 0.19229796528816223, -0.32978078722953796, -0.07246804982423782, -0.3924558460712433, -0.18067455291748047, -0.21117764711380005, -0.812221884727478, -0.6251962780952454, -0.26289796829223633, 0.6489117741584778, 0.08227507770061493, -0.19027140736579895, 0.4848612844944, -0.2154446393251419, 0.7850262522697449, -0.4280015230178833, -0.1156821921467781, -0.7256055474281311, 0.21552607417106628, -0.2119395136833191, -0.2980736494064331, -0.6818034648895264, -0.08473340421915054, 0.18155214190483093, -0.5394070744514465, 0.22587768733501434, 0.3259508013725281, 1.0101193189620972, 0.19186802208423615, -0.18388353288173676, -0.0191496554762125, -0.6205316781997681, 0.9403256773948669, -0.7106615900993347, 0.24082276225090027, 0.7204203009605408, 0.1333581805229187, 0.12601777911186218, -0.6454229354858398, -0.3644586503505707, 0.19944234192371368, -0.013568993657827377, -0.23258526623249054, -0.3006867468357086, -0.16062788665294647, 0.38419222831726074, 0.3938595652580261, -1.1752076148986816, 0.22438110411167145, -0.7033270001411438, -0.08816105872392654, 0.9544151425361633, 0.3947562873363495, 0.06651028990745544, -0.335216224193573, -0.26704058051109314, -0.18214669823646545, -0.34999266266822815, -0.138250470161438, 0.46668481826782227, 0.09365317970514297, -0.15126961469650269, 0.44595569372177124, -0.232026606798172, 0.651485025882721, -0.012586952187120914, -0.025564689189195633, 0.6258540749549866, 0.052240461111068726, -0.47015470266342163, -0.02550356648862362, 0.9376243352890015, 0.35461336374282837, 0.1083013266324997, -0.008314077742397785, -0.256915807723999, -0.19238778948783875, 0.4343923330307007, -0.7429827451705933, -0.2582825720310211, 0.3590449392795563, -0.6103619933128357, -0.4371289014816284, 0.048936985433101654, -0.58649080991745, -0.1577327400445938, -0.277799516916275, 0.4787639081478119, -0.7923359274864197, -0.020499341189861298, 0.11782694607973099, -0.40232521295547485, 0.2598116099834442, 0.22700698673725128, -0.9235663414001465, 0.2018882930278778, 0.6264742612838745, 1.2668882608413696, -0.18510128557682037, -0.04297025874257088, 0.01553600188344717, -0.234542578458786, -0.2755933105945587, 0.8253615498542786, -0.31873613595962524, -0.25092315673828125, -0.19282394647598267, -0.12118685990571976, 0.3708215653896332, -0.29492640495300293, 0.6436272859573364, -0.677872896194458, 0.32185494899749756, 0.1792757511138916, -0.6060987114906311, -0.5450461506843567, 0.2044537514448166, -0.7370626926422119, 0.9405094385147095, 0.4670078456401825, -0.7205232381820679, 0.4254698157310486, -0.5686244368553162, -0.3925665616989136, 0.31623557209968567, 0.21530279517173767, -0.8019461035728455, 0.14110076427459717, -0.07074377685785294, 0.545471727848053, -0.2899235486984253, 0.1151624247431755, -0.14882323145866394, -0.40114086866378784, -0.011855524964630604, -0.38364705443382263, 0.6885356307029724, 0.3476243317127228, -0.08141675591468811, -0.15431572496891022, -1.213013768196106, 0.4139758050441742, -0.006907147355377674, -0.5000445246696472, -0.3735258877277374, -0.12291812151670456, 0.23129218816757202, -0.014670566655695438, 0.03285796195268631, -0.18245376646518707, 0.47687023878097534, -0.4163592457771301, 0.49626877903938293, 0.48451682925224304, -0.08371123671531677, 0.4221639335155487, -0.6393613219261169, 0.3891099691390991, -0.091301329433918, 0.003274275455623865, -0.47705554962158203, -0.6077740788459778, -0.559964120388031, -0.15271158516407013, 0.6162651777267456, 1.0445315837860107, -0.3770769238471985, 0.7185941338539124, -0.3547373414039612, -0.9145793318748474, -0.36963966488838196, -0.053280703723430634, 0.3423821032047272, 0.1973659247159958, 0.6076107025146484, -0.4453526437282562, -0.5384782552719116, -0.8850593566894531, -0.14639794826507568, -0.38603654503822327, -0.10405643284320831, 0.05135423690080643, 0.7071845531463623, -0.36756306886672974, 0.8175565004348755, -0.4181068241596222, -0.14791405200958252, -0.010111664421856403, 0.7910057306289673, 0.26875776052474976, 0.6231812834739685, 0.46566542983055115, -0.6168965697288513, -0.23464056849479675, 0.02460867539048195, -0.46459195017814636, -0.14181146025657654, -0.13592787086963654, 0.05796116217970848, 0.33013951778411865, 0.2138397991657257, -0.517488956451416, 0.6320512294769287, 0.4308924973011017, -0.4382690191268921, 0.4726064205169678, -0.0546826608479023, 0.0893767774105072, -1.2498784065246582, 0.1645166426897049, 0.15258926153182983, -0.46211934089660645, -0.5907190442085266, -0.12072128802537918, 0.19475477933883667, 0.013875341042876244, -0.5564294457435608, 0.49192288517951965, -0.28503328561782837, -0.060657911002635956, -0.30606991052627563, -0.615791916847229, 0.11774421483278275, 0.4990752637386322, 0.1396590769290924, 0.6576569676399231, 0.3538455069065094, -0.6793283820152283, 0.26727795600891113, 0.3938996493816376, -0.4471151530742645, 0.49626120924949646, -0.7687317132949829, 0.4069893956184387, -0.3029826581478119, 0.026281505823135376, -0.8784876465797424, -0.30272749066352844, 0.009661396034061909, -0.6766859889030457, 0.5146037340164185, 0.06081989035010338, -0.44272008538246155, -0.3293624520301819, -0.4269353747367859, 0.6061061024665833, 0.5719221830368042, -0.3827165961265564, 0.3680790066719055, 0.18568673729896545, -0.10674428939819336, -0.5935019254684448, -0.8560308814048767, -0.17900511622428894, -0.3474062979221344, -0.44780784845352173, 0.5455880761146545, -0.17152069509029388, 0.13421308994293213, -0.11311434954404831, 0.1190277710556984, -0.10049548745155334, -0.056897081434726715, 0.3363203704357147, 0.22876422107219696, -0.08737007528543472, 0.3565753996372223, 0.14896565675735474, -0.01704704761505127, -0.17258360981941223, 0.07172416150569916, 0.71230149269104, -0.3356201946735382, 0.2948099970817566, -0.6761365532875061, 0.303433358669281, 0.7219288349151611, -0.09746498614549637, 0.8863962888717651, 0.5266082286834717, -0.5874132513999939, -0.2530944347381592, -0.07378832995891571, 0.09577349573373795, -0.4233866035938263, 0.7793142795562744, -0.346319317817688, -0.6947721838951111, 0.5172354578971863, 0.17800667881965637, 0.1203884482383728, 0.9611691236495972, 0.5747407078742981, 0.1183454692363739, 1.0804208517074585, 0.4420757293701172, -0.2817305624485016, 0.4813639521598816, -0.5028483867645264, -0.1622317135334015, -0.7056744694709778, -0.3476153612136841, -0.474367618560791, -0.3637741804122925, -0.4845936596393585, -0.18531058728694916, 0.05106233432888985, 0.26441046595573425, -0.5997137427330017, 0.5842581391334534, -0.62066650390625, 0.5328537821769714, 0.7060363292694092, 0.014912412501871586, 0.07872937619686127, -0.08910742402076721, 0.38293880224227905, 0.24550867080688477, -0.5795901417732239, -0.4055589437484741, 1.289473295211792, 0.7388238310813904, 0.8799846768379211, 0.044356223195791245, 0.6066129803657532, 0.7498354911804199, 0.2004752904176712, -0.9107338190078735, 0.39533889293670654, -0.08142782002687454, -0.5720478892326355, -0.3583533763885498, -0.27272292971611023, -0.7958031892776489, -0.2304622232913971, -0.4691121578216553, -0.6598508954048157, 0.036413729190826416, 0.25574779510498047, -0.5314362645149231, 0.06553933024406433, -0.6548088788986206, 0.9004643559455872, -0.17419278621673584, 0.014957238920032978, -0.16237078607082367, -0.8677842020988464, 0.49635085463523865, -0.1840229630470276, 0.04208499193191528, -0.19184143841266632, 0.10268636047840118, 0.930871307849884, -0.3415682017803192, 0.3390064537525177, 0.3126275837421417, 0.2268383949995041, 0.19441097974777222, -0.19344177842140198, 0.501154363155365, 0.09250539541244507, 0.046854741871356964, 0.5664342045783997, 0.09080217778682709, -0.23910339176654816, -0.3276057243347168, 0.36792081594467163, -0.9966921806335449, 0.03245769441127777, -0.7094454169273376, -0.5409654974937439, 0.1435125470161438, 0.04820086807012558, 0.7852382063865662, 0.381940096616745, -0.06323687732219696, 0.321382999420166, 0.6876007914543152, -0.1795719414949417, 0.49317944049835205, 0.5583721399307251, -0.13726167380809784, -0.6543434262275696, 0.7350990176200867, 0.09505438059568405, 0.191558375954628, 0.40289607644081116, -0.006456270348280668, -0.11911355704069138, -0.555415153503418, -0.5366125106811523, 0.0508895106613636, -0.5231571197509766, -0.873536229133606, -0.4609875977039337, -0.5434039235115051, -0.39502614736557007, 0.11892490833997726, -0.2844577133655548, -0.44754984974861145, -0.6974503993988037, -0.18725140392780304, 0.6057356595993042, 0.5221093893051147, -0.13494053483009338, 0.8159394860267639, -1.0433646440505981, 0.2308521568775177, 0.0752120092511177, 0.4989422857761383, -0.20813143253326416, -0.9641886949539185, -0.5548545718193054, -0.2947309613227844, -0.49575385451316833, -1.0488370656967163, 0.5495585799217224, 0.5526700615882874, 0.21666666865348816, 0.4660683274269104, -0.21063962578773499, 0.4693557322025299, -0.9427694082260132, 0.8811047673225403, 0.14510616660118103, -0.9603608250617981, 0.6989965438842773, -0.15184541046619415, 0.7222090363502502, 0.45444256067276, 0.5750827789306641, -0.4863683879375458, -0.3448377847671509, -0.8333806991577148, -1.0326287746429443, 0.7991988062858582, 0.10752500593662262, 0.0015183635987341404, 0.06868274509906769, 0.5617063045501709, 0.18726970255374908, 0.06884551793336868, -0.720700204372406, -0.3244122266769409, -0.125172957777977, -0.5633511543273926, 0.06633760035037994, -0.3783465623855591, 0.1260712742805481, -0.3413752615451813, 1.0270622968673706, 0.025935668498277664, 0.5783162117004395, 0.06880220770835876, -0.1437549591064453, -0.3343697190284729, 0.2598418891429901, 0.8974100351333618, 0.5178804993629456, -0.3074200451374054, -0.18468640744686127, 0.15878289937973022, -0.6906485557556152, 0.13056086003780365, 0.25609591603279114, -0.26652175188064575, 0.1072760820388794, 0.5100302696228027, 1.1978758573532104, -0.27880382537841797, -0.6576469540596008, 0.4007396399974823, -0.10520261526107788, -0.2544172704219818, -0.49596408009529114, 0.3860909342765808, -0.45455649495124817, 0.3861490488052368, 0.5713435411453247, 0.10571015626192093, 0.5085893869400024, -0.40683460235595703, 0.44799259305000305, 0.3299694061279297, -0.20430006086826324, -0.4312974214553833, 0.8075835108757019, -0.1535695642232895, -0.7375863790512085, 0.6844785809516907, -0.26265808939933777, -0.5733669996261597, 0.5121589303016663, 0.46212613582611084, 0.9232073426246643, -0.6211169362068176, 0.27042868733406067, 0.5993751287460327, 0.25336137413978577, -0.5612694025039673, 0.27511245012283325, 0.205259770154953, -0.5762317776679993, -0.4130597412586212, -0.8008419275283813, -0.27693241834640503, 0.6120777130126953, -0.9542598724365234, 0.4900326728820801, -0.4294144809246063, -0.3294924795627594, 0.3000085949897766, -0.009854704141616821, -0.5949940085411072, 0.5618905425071716, 0.2965295910835266, 1.1907974481582642, -1.0905261039733887, 0.6885792016983032, 0.6762615442276001, -0.060507383197546005, -0.5538482069969177, -0.2885183095932007, -0.0498817078769207, -0.6874856352806091, 0.49227869510650635, 0.4429555833339691, 0.42691823840141296, 0.055350445210933685, -0.8874772191047668, -1.0349864959716797, 1.2301357984542847, -0.09282097965478897, -0.859979510307312, -0.11317142099142075, -0.04849741607904434, 0.5674722194671631, -0.16411039233207703, 0.3538998067378998, 0.7090669870376587, 0.09669244289398193, 0.01590074971318245, -1.0238780975341797, -0.39407190680503845, -0.4630662798881531, 0.0920424610376358, 0.4672914743423462, -0.6728863716125488, 0.8047565817832947, -0.0809703916311264, 0.06931569427251816, 0.38759493827819824, 0.9711068868637085, 0.21117128431797028, 0.5183511972427368, 0.43897852301597595, 1.1183897256851196, 0.7859494686126709, -0.016163961961865425, 0.8052075505256653, -0.12497219443321228, 0.5507370829582214, 1.1144416332244873, 0.058365754783153534, 1.0386171340942383, 0.10835494101047516, -0.20970240235328674, 0.6879870295524597, 0.7198468446731567, -0.20525209605693817, 0.8729435801506042, 0.3007233738899231, 0.11154092848300934, 0.07237324118614197, 0.2513679563999176, -0.29913538694381714, 0.3977246582508087, 0.5107484459877014, -0.6747798323631287, 0.21366435289382935, 0.1929357945919037, 0.0850754901766777, -0.45006778836250305, -0.7023574113845825, 0.7179961800575256, -0.053733814507722855, -0.562305212020874, 0.47098100185394287, 0.3856986165046692, 0.5771412253379822, -0.4685440957546234, -0.13476713001728058, 0.029091911390423775, 0.1940375566482544, -0.20001575350761414, -0.9078865647315979, 0.3617229461669922, -0.029855916276574135, -0.5942404866218567, 0.17534787952899933, 0.6641461849212646, -0.5479840636253357, -0.4524365961551666, -0.30384770035743713, -0.057016681879758835, 0.1822766363620758, 0.12729007005691528, -0.6750440001487732, 0.008673777803778648, -0.26309046149253845, -0.6260783672332764, 0.0486663319170475, 0.39287880063056946, -0.10120277106761932, 0.512168288230896, 0.43264955282211304, -0.15696744620800018, 0.05306815728545189, -0.38686251640319824, 0.4385038912296295, -0.7872689962387085, -0.6238828301429749, -0.9553892016410828, 0.6526176333427429, -0.11682096123695374, -0.7904120683670044, 0.42860594391822815, 0.8567800521850586, 0.8045130372047424, -0.07348655164241791, 0.7275879383087158, -0.08061114698648453, 0.7310644388198853, -0.4891819655895233, 0.49080079793930054, -0.70332270860672, 0.039918411523103714, -0.07440946996212006, -0.6195260882377625, -0.4581807851791382, 0.859225332736969, 0.059053465723991394, -0.13284780085086823, 0.5729586482048035, 0.5175437927246094, 0.25843682885169983, 0.10767696052789688, 0.06098394840955734, 0.009241179563105106, 0.1555439531803131, 0.7079300880432129, 0.41091302037239075, -0.8221577405929565, 0.2548116445541382, -0.0742146372795105, -0.19329890608787537, -0.3410909175872803, -0.906436562538147, -0.9356181621551514, -0.642982006072998, -0.41423290967941284, -0.5337167978286743, 0.070760078728199, 0.9709906578063965, 0.7542209625244141, -0.8465221524238586, 0.1006312295794487, -0.2445240318775177, -0.17409826815128326, -0.1902422159910202, -0.29495567083358765, 0.42430198192596436, -0.12274576723575592, -0.6885496973991394, -0.02757941745221615, 0.2220485955476761, 0.2687781751155853, 0.04079960286617279, -0.2838573455810547, -0.1860232949256897, 0.08990618586540222, 0.4103437662124634, 0.468098908662796, -0.39838868379592896, -0.46758997440338135, -0.09421847760677338, -0.04927241429686546, 0.18644902110099792, 0.4296419024467468, -0.8085904121398926, 0.21130825579166412, 0.7499545812606812, 0.6288597583770752, 0.2893807590007782, 0.2110012322664261, 0.521377444267273, -0.8947531580924988, 0.027138324454426765, 0.4179418981075287, 0.22064901888370514, 0.2054935097694397, -0.47786107659339905, 0.5765539407730103, 0.18416152894496918, -1.0472594499588013, -1.0016738176345825, 0.020023727789521217, -1.0501689910888672, -0.14224453270435333, 1.2791825532913208, 0.16657137870788574, -0.4949381351470947, 0.23885563015937805, -0.19586309790611267, 0.2997547686100006, -0.41752827167510986, 0.6254256963729858, 0.8308291435241699, -0.041357818990945816, -0.43255579471588135, -0.3821480870246887, 0.6997379660606384, 0.16734090447425842, -0.7748104333877563, -0.503999650478363, 0.3081887364387512, 0.21377623081207275, 0.47315776348114014, 0.5082439184188843, 0.20177657902240753, 0.5273905396461487, -0.1491643637418747, 0.1926613748073578, 0.07263730466365814, -0.6741779446601868, -0.42839810252189636, 0.03888159245252609, -0.03524630144238472, -0.2717526853084564 ]
facebook/mcontriever-msmarco
facebook
2022-05-29T08:50:51Z
9,813
5
transformers
[ "transformers", "pytorch", "bert", "endpoints_compatible", "region:us" ]
null
2022-05-29T08:50:25Z
Entry not found
[ -0.3227650225162506, -0.22568431496620178, 0.862226128578186, 0.43461495637893677, -0.5282987952232361, 0.7012965679168701, 0.7915717363357544, 0.07618638128042221, 0.7746025919914246, 0.2563219666481018, -0.7852817177772522, -0.22573819756507874, -0.9104480743408203, 0.5715669393539429, -0.3992334008216858, 0.5791245698928833, -0.14494505524635315, -0.10751161724328995, 0.28233757615089417, -0.2768954336643219, -0.5409224033355713, -0.36855220794677734, -1.1902776956558228, 0.061491113156080246, 0.5316578149795532, 0.7435142397880554, 0.7584060430526733, 0.3652167320251465, 0.6432578563690186, 0.3932291269302368, -0.23138920962810516, 0.4827055037021637, -0.04171813279390335, 0.00260411505587399, -0.3524433970451355, -0.5516898036003113, -0.28596609830856323, 0.07584730535745621, 1.0961304903030396, 0.966687798500061, -0.284663587808609, 0.05330817773938179, -0.3063621520996094, 0.33088892698287964, -0.49734312295913696, 0.3054099678993225, -0.022506045177578926, 0.16318801045417786, -0.7041513919830322, -0.5535354018211365, 0.012794834561645985, -0.7361212968826294, 0.17926570773124695, -0.690081000328064, 0.8269098401069641, 0.18583157658576965, 1.1533750295639038, 0.14819414913654327, -0.462487131357193, -0.8161764144897461, -0.6538989543914795, 0.5711171627044678, -0.32703715562820435, 0.39680248498916626, 0.7028235197067261, -0.048573412001132965, -0.9820332527160645, -0.6745741367340088, -0.46466192603111267, 0.2923962473869324, 0.35402774810791016, -0.3411678075790405, -0.17522086203098297, -0.3058989644050598, 0.15792037546634674, 0.12811517715454102, -0.4841994643211365, -0.5543919205665588, -0.5475160479545593, -0.3960252106189728, 0.6206658482551575, 0.3482950031757355, 0.2429177463054657, -0.1888415813446045, -0.3228583335876465, 0.0880163162946701, -0.4160851538181305, 0.3402571678161621, 0.6335517168045044, 0.7114017009735107, -0.5811444520950317, 0.560215950012207, -0.04927587881684303, 0.7439703941345215, 0.11445561796426773, -0.27478092908859253, 0.41460567712783813, -0.14724725484848022, 0.055171746760606766, 0.4226345121860504, 0.31524422764778137, 0.2841312289237976, -0.3273695111274719, 0.2032228708267212, -0.3215144872665405, -0.30496224761009216, -0.22332167625427246, -0.29490774869918823, -0.3592180609703064, 0.5492289066314697, -0.3314017057418823, -0.42855486273765564, 1.143175721168518, -0.4200771450996399, -0.7302224040031433, 0.33156412839889526, 0.4065209925174713, -0.0994480773806572, -0.37146568298339844, -0.052260834723711014, -0.8458789587020874, -0.007907390594482422, 0.7491172552108765, -0.7198970913887024, 0.3371737599372864, 0.4728063642978668, 0.7417217493057251, 0.19650575518608093, -0.14034469425678253, -0.42949390411376953, 0.2971969544887543, -0.8659994006156921, 0.6320174336433411, -0.20135220885276794, -1.0051977634429932, 0.11150479316711426, 0.8971705436706543, -0.37896400690078735, -1.2094876766204834, 1.0605159997940063, -0.6887932419776917, 0.16017857193946838, -0.676761269569397, -0.14661237597465515, -0.07118501514196396, -0.005096632521599531, -0.6088156700134277, 0.7567102313041687, 0.587267279624939, -0.4995276927947998, 0.21429483592510223, -0.26029831171035767, -0.39151400327682495, 0.38824859261512756, -0.07935450226068497, -0.21858926117420197, 0.713833212852478, -0.6647079586982727, -0.26932814717292786, 0.2942774295806885, 0.2368936538696289, -0.35706108808517456, -0.7931919097900391, 0.08478113263845444, -0.05786270648241043, 1.550750494003296, -0.03868847340345383, -0.3586106300354004, -0.679383397102356, -1.1506240367889404, -0.07070787996053696, 0.6886883974075317, -0.9194989204406738, -0.27839475870132446, -0.046410128474235535, -0.26169314980506897, 0.08994917571544647, 0.7390589714050293, -1.1194051504135132, 0.2832726836204529, -0.05092663690447807, -0.22794683277606964, 0.8271058797836304, 0.15387225151062012, 0.24758946895599365, 0.14913396537303925, 0.42958706617355347, 0.527725338935852, 0.11115207523107529, 0.683587908744812, -0.34720373153686523, -0.9694353938102722, 0.6154631972312927, 0.25266361236572266, 0.8121447563171387, -0.49945297837257385, 0.2685093879699707, 0.27025535702705383, -0.3409680724143982, -0.5682371854782104, -0.3102838397026062, 0.09025752544403076, 0.14930562674999237, 0.11142510175704956, -0.5721710324287415, -0.6576125025749207, -0.9689140319824219, -0.13590654730796814, -0.4314374029636383, -0.3571570813655853, 0.21006910502910614, 0.5792906284332275, -1.1975523233413696, 0.4128875136375427, -0.7705625891685486, -0.7038741111755371, -0.01065548975020647, -0.19338123500347137, 0.7540656328201294, 0.43240174651145935, 0.5033966898918152, -0.6397148370742798, -0.5661987066268921, -0.22470176219940186, -1.0333747863769531, -0.13280506432056427, 0.24819621443748474, 0.3065737783908844, -0.13423344492912292, -0.2744963765144348, -0.48740333318710327, 0.8100387454032898, 0.14789170026779175, -0.5391897559165955, 0.5220767259597778, -0.3020317256450653, 0.17224803566932678, -0.6369150280952454, -0.06916818022727966, -0.661676287651062, -0.0009071884560398757, -0.3608308732509613, -0.5737438797950745, 0.14772287011146545, 0.07017494738101959, -0.16065457463264465, 0.28808408975601196, -0.909277081489563, -0.0010852962732315063, -0.7442210912704468, 0.379071980714798, 0.06394772231578827, -0.3145078718662262, -0.017517540603876114, 1.0000386238098145, 0.7784460783004761, -0.3848048746585846, 0.721744179725647, 0.4440041184425354, 0.19036155939102173, 0.7630521059036255, -0.18725109100341797, 0.16478213667869568, -0.5245416760444641, -0.12161104381084442, -0.8887597918510437, -1.0982946157455444, 0.7320570349693298, -0.6114250421524048, 0.36542922258377075, -0.4277869760990143, 0.2589159905910492, -0.6919258832931519, -0.03885362669825554, 0.4808599352836609, -0.05936325341463089, -0.6863942742347717, 0.5232570171356201, 0.45317530632019043, -0.2019241601228714, -0.6609031558036804, -0.530157208442688, 0.39365822076797485, 0.6154114007949829, -0.16390392184257507, 0.06878514587879181, 0.14941060543060303, -0.5441926121711731, -0.040802597999572754, -0.38691970705986023, -0.45766758918762207, 0.054224006831645966, 0.13053473830223083, -0.005750799085944891, -0.404820054769516, -0.0868026465177536, -0.35842007398605347, -0.4656120240688324, 0.21876516938209534, 0.3011947274208069, -0.04096309468150139, -0.42599788308143616, -0.3619818687438965, -0.888181209564209, 0.6719610095024109, 0.5370282530784607, 0.05281545966863632, 0.7555549740791321, 0.16819314658641815, -0.8014987707138062, -0.13532210886478424, -0.1760706603527069, 0.2696830928325653, -0.5588056445121765, 0.13849826157093048, -0.013484534807503223, -0.0637492910027504, 0.26297882199287415, 0.25386232137680054, -0.4300556778907776, 0.9276250004768372, -0.2615274488925934, -0.3592521846294403, 0.7960181832313538, 0.5974742770195007, 0.49583131074905396, 0.16503219306468964, -0.044541798532009125, 0.900709331035614, -1.1966516971588135, -0.6563175916671753, -0.7409549355506897, -0.15945707261562347, -0.43510833382606506, -0.032105933874845505, 0.6254412531852722, 0.2900990843772888, -0.1333388388156891, 0.4756395220756531, -0.5243489742279053, 0.3556033670902252, 1.01198410987854, 0.35748639702796936, 0.3435698449611664, -0.7570229172706604, -0.2515777349472046, -0.1402427852153778, -0.9998157620429993, -0.2631377875804901, 0.8871029019355774, 0.22752606868743896, 0.844460666179657, 0.5992541313171387, 0.6784542798995972, 0.1367226243019104, 0.2523828148841858, -0.30590319633483887, 0.3920294940471649, 0.4376082420349121, -1.0401138067245483, -0.42758408188819885, 0.021418681368231773, -0.9703338742256165, -0.14227519929409027, -0.03495011106133461, -0.42617112398147583, 0.7681737542152405, 0.00016589462757110596, -0.4076709747314453, 0.7732734084129333, -0.455583393573761, 0.7562873363494873, -0.4473648965358734, -0.02663906291127205, 0.4699096083641052, -0.7070636749267578, 0.4677430987358093, 0.12878790497779846, 0.6205843091011047, -0.015572631731629372, -0.04078587517142296, 0.7104941606521606, -0.9129160046577454, 0.25438642501831055, -0.6348397135734558, 0.22421300411224365, 0.24246945977210999, 0.51606285572052, 0.5969953536987305, 0.4371243417263031, 0.10119888931512833, -0.23920902609825134, 0.04115807265043259, -0.8241125345230103, -0.210506409406662, 0.697515606880188, -0.7186890840530396, -0.6864197850227356, -1.2355337142944336, 0.14438660442829132, 0.27347055077552795, 0.389305055141449, 0.7959296107292175, 0.571408748626709, 0.1289544403553009, 0.680525004863739, 0.9888588190078735, -0.0688566341996193, 0.9166924357414246, 0.3224477171897888, 0.09175168722867966, -0.21944808959960938, 0.7036820650100708, 0.26627904176712036, -0.24707956612110138, -0.11939732730388641, 0.20913465321063995, -0.11069409549236298, -0.591761589050293, -0.49990686774253845, 0.3701757788658142, -0.6731787919998169, -0.18303893506526947, -0.6243735551834106, -0.6043769717216492, -0.511759340763092, 0.06927360594272614, -0.7147687673568726, 0.23979046940803528, -0.7753565907478333, -0.10574902594089508, 0.04323432594537735, 0.9792009592056274, -0.589311957359314, 0.5805224180221558, -1.1218582391738892, 0.19345788657665253, -0.07949887961149216, 0.7921058535575867, 0.21395787596702576, -0.7344395518302917, -0.3975418508052826, -0.11592631042003632, -0.3729911744594574, -1.3576762676239014, 0.21404948830604553, -0.2454141080379486, 0.23094046115875244, 0.6145404577255249, 0.1397707313299179, 0.5258248448371887, -0.34326282143592834, 0.7029101848602295, -0.057017259299755096, -0.7069286704063416, 0.7934495210647583, -0.5026894807815552, 0.4963534474372864, 0.9765996932983398, 0.5333835482597351, -0.7984007596969604, 0.035741209983825684, -1.041123390197754, -0.6008695363998413, 0.38426393270492554, 0.11928944289684296, -0.03601083159446716, -0.6659559011459351, -0.054019637405872345, -0.16143807768821716, 0.6043745279312134, -1.039069414138794, -0.7858356237411499, 0.2576698362827301, 0.5277302861213684, 0.0816856250166893, -0.5653398633003235, 0.20880667865276337, -0.544416069984436, 1.0657774209976196, 0.45109400153160095, 0.3274499475955963, 0.8406060934066772, 0.46492424607276917, -0.3823164403438568, 0.09252490103244781, 0.7662695050239563, 0.6666232347488403, -0.5239797830581665, -0.2908027470111847, -0.08827541768550873, -0.9143403768539429, 0.05927472561597824, 0.11168918758630753, -0.013455932028591633, 0.9082110524177551, 0.5793083310127258, 0.2539709210395813, 0.4514279365539551, -0.726460337638855, 0.8859451413154602, -0.14954176545143127, -0.12472866475582123, -1.0677239894866943, 0.1948619782924652, -0.23984959721565247, 0.5006402134895325, 1.0061326026916504, 0.5250048041343689, -0.047630298882722855, -0.8143380880355835, -0.01473585981875658, 0.6939172148704529, -0.7091123461723328, -0.17449834942817688, 0.944853663444519, 0.3847099542617798, -1.2953051328659058, 1.106776475906372, -0.5381771326065063, -0.560332179069519, 0.9121301770210266, 0.522956907749176, 1.1221847534179688, -0.44204121828079224, 0.0008676342549733818, 0.2662237286567688, 0.41378432512283325, 0.5423170328140259, 1.0869629383087158, 0.431413471698761, -0.7931063771247864, 0.8826584815979004, -0.24776044487953186, -0.40361151099205017, -0.05347571521997452, -0.42859897017478943, 0.16892178356647491, -0.4406192898750305, -0.10713007301092148, -0.3444187641143799, 0.28543180227279663, -0.7072042226791382, 0.42807620763778687, -0.0838567465543747, 0.8653068542480469, -0.8553727269172668, 0.47207626700401306, 0.635470449924469, -0.3337355852127075, -0.8508191108703613, -0.26198428869247437, -0.11448462307453156, -0.6389466524124146, 0.30214807391166687, -0.4554102420806885, 0.044398851692676544, 0.09623463451862335, -0.649151623249054, -1.1778275966644287, 0.9093633890151978, -0.639612078666687, -0.2784462869167328, 0.20464053750038147, -0.11514760553836823, 0.28811705112457275, -0.2524643540382385, 0.010661216452717781, 0.41876548528671265, 0.748940110206604, 0.2844654619693756, -0.7727053761482239, -0.3694884479045868, 0.0015032943338155746, -0.44474777579307556, 0.7582978010177612, -0.6002101898193359, 1.1840779781341553, -0.5563543438911438, -0.059654366225004196, 0.44384512305259705, 0.24690914154052734, 0.21076197922229767, 0.6629220843315125, 0.1442081481218338, 0.7282265424728394, 1.07012140750885, -0.40835219621658325, 0.8811809420585632, 0.26432839035987854, 0.47430819272994995, 0.7238501906394958, -0.6487724781036377, 0.7513749003410339, 0.31810489296913147, -0.5682924389839172, 0.9228013753890991, 1.2906063795089722, -0.15699204802513123, 0.8079374432563782, 0.05136508867144585, -1.081600546836853, 0.325833261013031, -0.20724765956401825, -0.7530064582824707, 0.3150254189968109, 0.19055864214897156, -0.6920982599258423, -0.5770308971405029, -0.24046507477760315, -0.35662803053855896, -0.11552901566028595, -0.7631728649139404, 0.6720563769340515, -0.016969164833426476, -0.5103683471679688, 0.18857547640800476, 0.2877499461174011, 0.17368432879447937, -0.5235732793807983, -0.02939440682530403, -0.22823619842529297, 0.2660655975341797, -0.5670853853225708, -0.5234526991844177, 0.5724433064460754, -0.32430219650268555, -0.5343255400657654, 0.18147465586662292, 0.763587236404419, -0.16923809051513672, -0.4515409469604492, 0.32472723722457886, 0.6959525346755981, 0.1665852814912796, 0.4250282347202301, -0.23511263728141785, 0.24480605125427246, -0.08044824004173279, -0.06651552021503448, 0.27714768052101135, 0.3449169099330902, 0.22435641288757324, 0.4450142979621887, 0.43285664916038513, -0.01808755099773407, -0.10736498981714249, -0.382819801568985, 0.4124940037727356, -0.9542785882949829, -0.5713282823562622, -0.6307113766670227, 0.2740660607814789, -0.02315417304635048, -1.0836423635482788, 0.4145168364048004, 1.4406683444976807, 1.0359982252120972, -0.4756383001804352, 1.067226529121399, -0.21818485856056213, 0.9594791531562805, 0.41483086347579956, 0.5420440435409546, -0.6030411720275879, 0.03835370019078255, -0.4364396035671234, -1.076962947845459, -0.35716333985328674, 0.4539391100406647, -0.022899555042386055, -0.3429867625236511, 0.872571587562561, 0.5887166261672974, -0.33473607897758484, -0.11728022992610931, 0.048487238585948944, -0.029941488057374954, -0.12433847039937973, 0.5145376324653625, 0.7648399472236633, -0.9344304800033569, -0.10680416971445084, -0.21577754616737366, -0.6382725834846497, -0.5047279000282288, -0.9632009267807007, -0.12959396839141846, -0.16037796437740326, 0.035343267023563385, -0.5662806630134583, 0.00255737011320889, 1.208324909210205, 0.5684957504272461, -1.1113994121551514, -0.5303789377212524, 0.3371853232383728, 0.3920421898365021, -0.1874791383743286, -0.24202413856983185, 0.2984568774700165, 0.15382249653339386, -0.5908876657485962, 0.6875665783882141, 0.8089625239372253, 0.208888977766037, 0.19554761052131653, 0.15893013775348663, -0.8229473829269409, -0.14913435280323029, 0.17440445721149445, 0.9450570344924927, -0.939853310585022, -0.7114843130111694, -0.03168516233563423, -0.27094873785972595, -0.05765746906399727, 0.17102102935314178, -0.4046344757080078, 0.5180677175521851, 0.34591493010520935, 0.49933457374572754, 0.0561608150601387, -0.054746925830841064, 0.5409556031227112, -0.9069057703018188, 0.09425963461399078, 0.4134361147880554, 0.4154115319252014, -0.4000864028930664, -0.5910194516181946, 0.6713420748710632, 1.0073972940444946, -0.6594868898391724, -0.8743268847465515, -0.19846712052822113, -1.0016002655029297, 0.04189709946513176, 0.6762762069702148, 0.5009527802467346, -0.4806513786315918, -0.4174500107765198, -0.5617399215698242, -0.1254672110080719, -0.1369970738887787, 0.7621601819992065, 1.179680585861206, -0.7432094812393188, 0.07975747436285019, -1.038639783859253, 0.6594986915588379, -0.2419457733631134, -0.3457581698894501, -0.48644304275512695, 0.3832802176475525, 0.35236993432044983, 0.440481036901474, 0.614812433719635, 0.1408471167087555, 0.8338426351547241, 0.3126053214073181, -0.1702686995267868, 0.2698982357978821, -0.4559200704097748, -0.028932858258485794, -0.057962555438280106, 0.31015971302986145, -1.0262157917022705 ]
Helsinki-NLP/opus-mt-gmw-gmw
Helsinki-NLP
2023-08-16T11:38:06Z
9,803
0
transformers
[ "transformers", "pytorch", "tf", "marian", "text2text-generation", "translation", "nl", "en", "lb", "af", "de", "fy", "yi", "gmw", "license:apache-2.0", "autotrain_compatible", "endpoints_compatible", "has_space", "region:us" ]
translation
2022-03-02T23:29:04Z
--- language: - nl - en - lb - af - de - fy - yi - gmw tags: - translation license: apache-2.0 --- ### gmw-gmw * source group: West Germanic languages * target group: West Germanic languages * OPUS readme: [gmw-gmw](https://github.com/Helsinki-NLP/Tatoeba-Challenge/tree/master/models/gmw-gmw/README.md) * model: transformer * source language(s): afr ang_Latn deu eng enm_Latn frr fry gos gsw ksh ltz nds nld pdc sco stq swg yid * target language(s): afr ang_Latn deu eng enm_Latn frr fry gos gsw ksh ltz nds nld pdc sco stq swg yid * model: transformer * pre-processing: normalization + SentencePiece (spm32k,spm32k) * a sentence initial language token is required in the form of `>>id<<` (id = valid target language ID) * download original weights: [opus-2020-07-27.zip](https://object.pouta.csc.fi/Tatoeba-MT-models/gmw-gmw/opus-2020-07-27.zip) * test set translations: [opus-2020-07-27.test.txt](https://object.pouta.csc.fi/Tatoeba-MT-models/gmw-gmw/opus-2020-07-27.test.txt) * test set scores: [opus-2020-07-27.eval.txt](https://object.pouta.csc.fi/Tatoeba-MT-models/gmw-gmw/opus-2020-07-27.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | newssyscomb2009-deueng.deu.eng | 25.3 | 0.527 | | newssyscomb2009-engdeu.eng.deu | 19.0 | 0.502 | | news-test2008-deueng.deu.eng | 23.7 | 0.515 | | news-test2008-engdeu.eng.deu | 19.2 | 0.491 | | newstest2009-deueng.deu.eng | 23.1 | 0.514 | | newstest2009-engdeu.eng.deu | 18.6 | 0.495 | | newstest2010-deueng.deu.eng | 25.8 | 0.545 | | newstest2010-engdeu.eng.deu | 20.3 | 0.505 | | newstest2011-deueng.deu.eng | 23.7 | 0.523 | | newstest2011-engdeu.eng.deu | 18.9 | 0.490 | | newstest2012-deueng.deu.eng | 24.4 | 0.529 | | newstest2012-engdeu.eng.deu | 19.2 | 0.489 | | newstest2013-deueng.deu.eng | 27.2 | 0.545 | | newstest2013-engdeu.eng.deu | 22.4 | 0.514 | | newstest2014-deen-deueng.deu.eng | 27.0 | 0.546 | | newstest2015-ende-deueng.deu.eng | 28.4 | 0.552 | | newstest2015-ende-engdeu.eng.deu | 25.3 | 0.541 | | newstest2016-ende-deueng.deu.eng | 33.2 | 0.595 | | newstest2016-ende-engdeu.eng.deu | 29.8 | 0.578 | | newstest2017-ende-deueng.deu.eng | 29.0 | 0.557 | | newstest2017-ende-engdeu.eng.deu | 23.9 | 0.534 | | newstest2018-ende-deueng.deu.eng | 35.9 | 0.607 | | newstest2018-ende-engdeu.eng.deu | 34.8 | 0.609 | | newstest2019-deen-deueng.deu.eng | 32.1 | 0.579 | | newstest2019-ende-engdeu.eng.deu | 31.0 | 0.579 | | Tatoeba-test.afr-ang.afr.ang | 0.0 | 0.065 | | Tatoeba-test.afr-deu.afr.deu | 46.8 | 0.668 | | Tatoeba-test.afr-eng.afr.eng | 58.5 | 0.728 | | Tatoeba-test.afr-enm.afr.enm | 13.4 | 0.357 | | Tatoeba-test.afr-fry.afr.fry | 5.3 | 0.026 | | Tatoeba-test.afr-gos.afr.gos | 3.5 | 0.228 | | Tatoeba-test.afr-ltz.afr.ltz | 1.6 | 0.131 | | Tatoeba-test.afr-nld.afr.nld | 55.4 | 0.715 | | Tatoeba-test.afr-yid.afr.yid | 3.4 | 0.008 | | Tatoeba-test.ang-afr.ang.afr | 3.1 | 0.096 | | Tatoeba-test.ang-deu.ang.deu | 2.6 | 0.188 | | Tatoeba-test.ang-eng.ang.eng | 5.4 | 0.211 | | Tatoeba-test.ang-enm.ang.enm | 1.7 | 0.197 | | Tatoeba-test.ang-gos.ang.gos | 6.6 | 0.186 | | Tatoeba-test.ang-ltz.ang.ltz | 5.3 | 0.072 | | Tatoeba-test.ang-yid.ang.yid | 0.9 | 0.131 | | Tatoeba-test.deu-afr.deu.afr | 52.7 | 0.699 | | Tatoeba-test.deu-ang.deu.ang | 0.8 | 0.133 | | Tatoeba-test.deu-eng.deu.eng | 43.5 | 0.621 | | Tatoeba-test.deu-enm.deu.enm | 6.9 | 0.245 | | Tatoeba-test.deu-frr.deu.frr | 0.8 | 0.200 | | Tatoeba-test.deu-fry.deu.fry | 15.1 | 0.367 | | Tatoeba-test.deu-gos.deu.gos | 2.2 | 0.279 | | Tatoeba-test.deu-gsw.deu.gsw | 1.0 | 0.176 | | Tatoeba-test.deu-ksh.deu.ksh | 0.6 | 0.208 | | Tatoeba-test.deu-ltz.deu.ltz | 12.1 | 0.274 | | Tatoeba-test.deu-nds.deu.nds | 18.8 | 0.446 | | Tatoeba-test.deu-nld.deu.nld | 48.6 | 0.669 | | Tatoeba-test.deu-pdc.deu.pdc | 4.6 | 0.198 | | Tatoeba-test.deu-sco.deu.sco | 12.0 | 0.340 | | Tatoeba-test.deu-stq.deu.stq | 3.2 | 0.240 | | Tatoeba-test.deu-swg.deu.swg | 0.5 | 0.179 | | Tatoeba-test.deu-yid.deu.yid | 1.7 | 0.160 | | Tatoeba-test.eng-afr.eng.afr | 55.8 | 0.730 | | Tatoeba-test.eng-ang.eng.ang | 5.7 | 0.157 | | Tatoeba-test.eng-deu.eng.deu | 36.7 | 0.584 | | Tatoeba-test.eng-enm.eng.enm | 2.0 | 0.272 | | Tatoeba-test.eng-frr.eng.frr | 6.1 | 0.246 | | Tatoeba-test.eng-fry.eng.fry | 15.3 | 0.378 | | Tatoeba-test.eng-gos.eng.gos | 1.2 | 0.242 | | Tatoeba-test.eng-gsw.eng.gsw | 0.9 | 0.164 | | Tatoeba-test.eng-ksh.eng.ksh | 0.9 | 0.170 | | Tatoeba-test.eng-ltz.eng.ltz | 13.7 | 0.263 | | Tatoeba-test.eng-nds.eng.nds | 17.1 | 0.410 | | Tatoeba-test.eng-nld.eng.nld | 49.6 | 0.673 | | Tatoeba-test.eng-pdc.eng.pdc | 5.1 | 0.218 | | Tatoeba-test.eng-sco.eng.sco | 34.8 | 0.587 | | Tatoeba-test.eng-stq.eng.stq | 2.1 | 0.322 | | Tatoeba-test.eng-swg.eng.swg | 1.7 | 0.192 | | Tatoeba-test.eng-yid.eng.yid | 1.7 | 0.173 | | Tatoeba-test.enm-afr.enm.afr | 13.4 | 0.397 | | Tatoeba-test.enm-ang.enm.ang | 0.7 | 0.063 | | Tatoeba-test.enm-deu.enm.deu | 41.5 | 0.514 | | Tatoeba-test.enm-eng.enm.eng | 21.3 | 0.483 | | Tatoeba-test.enm-fry.enm.fry | 0.0 | 0.058 | | Tatoeba-test.enm-gos.enm.gos | 10.7 | 0.354 | | Tatoeba-test.enm-ksh.enm.ksh | 7.0 | 0.161 | | Tatoeba-test.enm-nds.enm.nds | 18.6 | 0.316 | | Tatoeba-test.enm-nld.enm.nld | 38.3 | 0.524 | | Tatoeba-test.enm-yid.enm.yid | 0.7 | 0.128 | | Tatoeba-test.frr-deu.frr.deu | 4.1 | 0.219 | | Tatoeba-test.frr-eng.frr.eng | 14.1 | 0.186 | | Tatoeba-test.frr-fry.frr.fry | 3.1 | 0.129 | | Tatoeba-test.frr-gos.frr.gos | 3.6 | 0.226 | | Tatoeba-test.frr-nds.frr.nds | 12.4 | 0.145 | | Tatoeba-test.frr-nld.frr.nld | 9.8 | 0.209 | | Tatoeba-test.frr-stq.frr.stq | 2.8 | 0.142 | | Tatoeba-test.fry-afr.fry.afr | 0.0 | 1.000 | | Tatoeba-test.fry-deu.fry.deu | 30.1 | 0.535 | | Tatoeba-test.fry-eng.fry.eng | 28.0 | 0.486 | | Tatoeba-test.fry-enm.fry.enm | 16.0 | 0.262 | | Tatoeba-test.fry-frr.fry.frr | 5.5 | 0.160 | | Tatoeba-test.fry-gos.fry.gos | 1.6 | 0.307 | | Tatoeba-test.fry-ltz.fry.ltz | 30.4 | 0.438 | | Tatoeba-test.fry-nds.fry.nds | 8.1 | 0.083 | | Tatoeba-test.fry-nld.fry.nld | 41.4 | 0.616 | | Tatoeba-test.fry-stq.fry.stq | 1.6 | 0.217 | | Tatoeba-test.fry-yid.fry.yid | 1.6 | 0.159 | | Tatoeba-test.gos-afr.gos.afr | 6.3 | 0.318 | | Tatoeba-test.gos-ang.gos.ang | 6.2 | 0.058 | | Tatoeba-test.gos-deu.gos.deu | 11.7 | 0.363 | | Tatoeba-test.gos-eng.gos.eng | 14.9 | 0.322 | | Tatoeba-test.gos-enm.gos.enm | 9.1 | 0.398 | | Tatoeba-test.gos-frr.gos.frr | 3.3 | 0.117 | | Tatoeba-test.gos-fry.gos.fry | 13.1 | 0.387 | | Tatoeba-test.gos-ltz.gos.ltz | 3.1 | 0.154 | | Tatoeba-test.gos-nds.gos.nds | 2.4 | 0.206 | | Tatoeba-test.gos-nld.gos.nld | 13.9 | 0.395 | | Tatoeba-test.gos-stq.gos.stq | 2.1 | 0.209 | | Tatoeba-test.gos-yid.gos.yid | 1.7 | 0.147 | | Tatoeba-test.gsw-deu.gsw.deu | 10.5 | 0.350 | | Tatoeba-test.gsw-eng.gsw.eng | 10.7 | 0.299 | | Tatoeba-test.ksh-deu.ksh.deu | 12.0 | 0.373 | | Tatoeba-test.ksh-eng.ksh.eng | 3.2 | 0.225 | | Tatoeba-test.ksh-enm.ksh.enm | 13.4 | 0.308 | | Tatoeba-test.ltz-afr.ltz.afr | 37.4 | 0.525 | | Tatoeba-test.ltz-ang.ltz.ang | 2.8 | 0.036 | | Tatoeba-test.ltz-deu.ltz.deu | 40.3 | 0.596 | | Tatoeba-test.ltz-eng.ltz.eng | 31.7 | 0.490 | | Tatoeba-test.ltz-fry.ltz.fry | 36.3 | 0.658 | | Tatoeba-test.ltz-gos.ltz.gos | 2.9 | 0.209 | | Tatoeba-test.ltz-nld.ltz.nld | 38.8 | 0.530 | | Tatoeba-test.ltz-stq.ltz.stq | 5.8 | 0.165 | | Tatoeba-test.ltz-yid.ltz.yid | 1.0 | 0.159 | | Tatoeba-test.multi.multi | 36.4 | 0.568 | | Tatoeba-test.nds-deu.nds.deu | 35.0 | 0.573 | | Tatoeba-test.nds-eng.nds.eng | 29.6 | 0.495 | | Tatoeba-test.nds-enm.nds.enm | 3.7 | 0.194 | | Tatoeba-test.nds-frr.nds.frr | 6.6 | 0.133 | | Tatoeba-test.nds-fry.nds.fry | 4.2 | 0.087 | | Tatoeba-test.nds-gos.nds.gos | 2.0 | 0.243 | | Tatoeba-test.nds-nld.nds.nld | 41.4 | 0.618 | | Tatoeba-test.nds-swg.nds.swg | 0.6 | 0.178 | | Tatoeba-test.nds-yid.nds.yid | 8.3 | 0.238 | | Tatoeba-test.nld-afr.nld.afr | 59.4 | 0.759 | | Tatoeba-test.nld-deu.nld.deu | 49.9 | 0.685 | | Tatoeba-test.nld-eng.nld.eng | 54.1 | 0.699 | | Tatoeba-test.nld-enm.nld.enm | 5.0 | 0.250 | | Tatoeba-test.nld-frr.nld.frr | 2.4 | 0.224 | | Tatoeba-test.nld-fry.nld.fry | 19.4 | 0.446 | | Tatoeba-test.nld-gos.nld.gos | 2.5 | 0.273 | | Tatoeba-test.nld-ltz.nld.ltz | 13.8 | 0.292 | | Tatoeba-test.nld-nds.nld.nds | 21.3 | 0.457 | | Tatoeba-test.nld-sco.nld.sco | 14.7 | 0.423 | | Tatoeba-test.nld-stq.nld.stq | 1.9 | 0.257 | | Tatoeba-test.nld-swg.nld.swg | 4.2 | 0.162 | | Tatoeba-test.nld-yid.nld.yid | 2.6 | 0.186 | | Tatoeba-test.pdc-deu.pdc.deu | 39.7 | 0.529 | | Tatoeba-test.pdc-eng.pdc.eng | 25.0 | 0.427 | | Tatoeba-test.sco-deu.sco.deu | 28.4 | 0.428 | | Tatoeba-test.sco-eng.sco.eng | 41.8 | 0.595 | | Tatoeba-test.sco-nld.sco.nld | 36.4 | 0.565 | | Tatoeba-test.stq-deu.stq.deu | 7.7 | 0.328 | | Tatoeba-test.stq-eng.stq.eng | 21.1 | 0.428 | | Tatoeba-test.stq-frr.stq.frr | 2.0 | 0.118 | | Tatoeba-test.stq-fry.stq.fry | 6.3 | 0.255 | | Tatoeba-test.stq-gos.stq.gos | 1.4 | 0.244 | | Tatoeba-test.stq-ltz.stq.ltz | 4.4 | 0.204 | | Tatoeba-test.stq-nld.stq.nld | 10.7 | 0.371 | | Tatoeba-test.stq-yid.stq.yid | 1.4 | 0.105 | | Tatoeba-test.swg-deu.swg.deu | 9.5 | 0.343 | | Tatoeba-test.swg-eng.swg.eng | 15.1 | 0.306 | | Tatoeba-test.swg-nds.swg.nds | 0.7 | 0.196 | | Tatoeba-test.swg-nld.swg.nld | 11.6 | 0.308 | | Tatoeba-test.swg-yid.swg.yid | 0.9 | 0.186 | | Tatoeba-test.yid-afr.yid.afr | 100.0 | 1.000 | | Tatoeba-test.yid-ang.yid.ang | 0.6 | 0.079 | | Tatoeba-test.yid-deu.yid.deu | 16.7 | 0.372 | | Tatoeba-test.yid-eng.yid.eng | 15.8 | 0.344 | | Tatoeba-test.yid-enm.yid.enm | 1.3 | 0.166 | | Tatoeba-test.yid-fry.yid.fry | 5.6 | 0.157 | | Tatoeba-test.yid-gos.yid.gos | 2.2 | 0.160 | | Tatoeba-test.yid-ltz.yid.ltz | 2.1 | 0.238 | | Tatoeba-test.yid-nds.yid.nds | 14.4 | 0.365 | | Tatoeba-test.yid-nld.yid.nld | 20.9 | 0.397 | | Tatoeba-test.yid-stq.yid.stq | 3.7 | 0.165 | | Tatoeba-test.yid-swg.yid.swg | 1.8 | 0.156 | ### System Info: - hf_name: gmw-gmw - source_languages: gmw - target_languages: gmw - opus_readme_url: https://github.com/Helsinki-NLP/Tatoeba-Challenge/tree/master/models/gmw-gmw/README.md - original_repo: Tatoeba-Challenge - tags: ['translation'] - languages: ['nl', 'en', 'lb', 'af', 'de', 'fy', 'yi', 'gmw'] - src_constituents: {'ksh', 'nld', 'eng', 'enm_Latn', 'ltz', 'stq', 'afr', 'pdc', 'deu', 'gos', 'ang_Latn', 'fry', 'gsw', 'frr', 'nds', 'yid', 'swg', 'sco'} - tgt_constituents: {'ksh', 'nld', 'eng', 'enm_Latn', 'ltz', 'stq', 'afr', 'pdc', 'deu', 'gos', 'ang_Latn', 'fry', 'gsw', 'frr', 'nds', 'yid', 'swg', 'sco'} - src_multilingual: True - tgt_multilingual: True - prepro: normalization + SentencePiece (spm32k,spm32k) - url_model: https://object.pouta.csc.fi/Tatoeba-MT-models/gmw-gmw/opus-2020-07-27.zip - url_test_set: https://object.pouta.csc.fi/Tatoeba-MT-models/gmw-gmw/opus-2020-07-27.test.txt - src_alpha3: gmw - tgt_alpha3: gmw - short_pair: gmw-gmw - chrF2_score: 0.568 - bleu: 36.4 - brevity_penalty: 1.0 - ref_len: 72534.0 - src_name: West Germanic languages - tgt_name: West Germanic languages - train_date: 2020-07-27 - src_alpha2: gmw - tgt_alpha2: gmw - prefer_old: False - long_pair: gmw-gmw - helsinki_git_sha: 480fcbe0ee1bf4774bcbe6226ad9f58e63f6c535 - transformers_git_sha: 2207e5d8cb224e954a7cba69fa4ac2309e9ff30b - port_machine: brutasse - port_time: 2020-08-21-14:41
[ -0.9734354019165039, -0.5894985795021057, 0.3121846914291382, 0.39541980624198914, -0.3204675018787384, -0.07046268880367279, 0.180458202958107, -0.3226292133331299, 0.8877564668655396, 0.031031040474772453, -0.33753344416618347, -0.5084255337715149, -0.5801043510437012, 0.3826737403869629, -0.04020609334111214, 0.44384118914604187, -0.09108869731426239, -0.10544315725564957, 0.28376081585884094, -0.3127555549144745, -0.604996919631958, 0.1670909970998764, -0.9361961483955383, -0.11748753488063812, 0.31291085481643677, 0.5497626066207886, 0.7963261604309082, 0.37466877698898315, 0.2600943446159363, 0.47818702459335327, -0.2664062976837158, 0.17102700471878052, 0.09093675017356873, -0.239210307598114, 0.0635041743516922, -0.7742581963539124, -0.5448199510574341, -0.1535806506872177, 0.5834964513778687, 0.8180456757545471, 0.22006820142269135, 0.42802995443344116, -0.0615137554705143, 1.0299479961395264, -0.47539231181144714, 0.16676364839076996, -0.05118469521403313, 0.15537746250629425, -0.40445423126220703, -0.3975440263748169, -0.5980523824691772, -1.0668957233428955, -0.17366674542427063, -0.5942936539649963, -0.05303894728422165, -0.02904568798840046, 1.4609317779541016, -0.15449588000774384, -0.39087387919425964, -0.06305216252803802, -0.20698712766170502, 0.8405300974845886, -1.0105669498443604, 0.2049444615840912, 0.5438334941864014, 0.037442948669195175, -0.46261584758758545, -0.3325127959251404, -0.7981294393539429, 0.2326502948999405, -0.29987987875938416, 0.5906966924667358, 0.042516496032476425, -0.3186779022216797, 0.28134971857070923, 0.4443461298942566, -0.6531833410263062, 0.002102201571688056, -0.5472018122673035, 0.15830548107624054, 0.7307386994361877, 0.37147921323776245, 0.4967725872993469, -0.41065776348114014, -0.6564780473709106, -0.5081700682640076, -0.33356329798698425, 0.5552343130111694, 0.2782958447933197, 0.3284098207950592, -0.28995880484580994, 0.7250797152519226, -0.36703917384147644, 0.6135194897651672, 0.3761533796787262, -0.12831047177314758, 0.8932698965072632, -0.5244985222816467, -0.5921074151992798, -0.3412996530532837, 1.0338780879974365, 0.867890477180481, -0.1359381228685379, 0.20604455471038818, 0.04334499314427376, 0.13237285614013672, -0.23721204698085785, -0.7162452340126038, 0.009173691272735596, 0.2157682329416275, -0.36020293831825256, -0.16418752074241638, 0.16051390767097473, -1.4454667568206787, 0.010553028434515, -0.06026060879230499, 0.4139532446861267, -0.6761220693588257, -0.522322416305542, 0.26664936542510986, -0.07470420747995377, 0.34507060050964355, 0.10412118583917618, -0.6497204303741455, 0.3554609417915344, 0.1187639981508255, 0.9371768236160278, -0.14305415749549866, -0.32672086358070374, 0.1779407262802124, 0.17805534601211548, -0.5356728434562683, 0.8256432414054871, -0.3594283163547516, -0.6496485471725464, -0.29207155108451843, 0.17554403841495514, -0.44282910227775574, -0.30501899123191833, 0.48081496357917786, -0.14677155017852783, 0.35356345772743225, -0.6849668025970459, -0.4414306581020355, -0.4573565721511841, 0.14926663041114807, -0.7434998750686646, 1.5018935203552246, 0.367199569940567, -0.7562118768692017, 0.7084283232688904, -0.672060489654541, -0.03407952934503555, -0.12671899795532227, 0.23767045140266418, -0.581885039806366, -0.08608216047286987, 0.34100452065467834, 0.4748406410217285, -0.36676025390625, 0.16196423768997192, -0.1029089167714119, -0.3782067596912384, 0.0006126909865997732, -0.2337980717420578, 1.4200356006622314, 0.3508896231651306, -0.5330815315246582, -0.23220770061016083, -1.273627519607544, 0.41676628589630127, 0.2814054489135742, -0.5057668685913086, 0.04399939626455307, -0.7878925800323486, -0.18620100617408752, 0.25365814566612244, 0.2875649929046631, -0.6980485916137695, 0.3204660713672638, -0.6780470609664917, -0.10957969725131989, 1.1788355112075806, 0.32815247774124146, 0.33061107993125916, -0.8088111877441406, 0.5914717316627502, 0.2931467890739441, 0.3961160182952881, 0.5254856944084167, -0.5780495405197144, -0.568237841129303, -0.042539529502391815, 0.46959757804870605, 0.7006484866142273, -0.7438748478889465, 0.9422009587287903, -0.06169712170958519, -1.1596789360046387, -0.418598473072052, -0.273336797952652, 0.4444751739501953, 0.5802266597747803, 0.42007386684417725, -0.2826105058193207, -0.5721458792686462, -1.0591071844100952, -0.18654251098632812, 0.00417817197740078, 0.18945534527301788, 0.1405099481344223, 1.078830361366272, 0.07439552247524261, 0.9679433703422546, -0.8579936027526855, -0.4102271795272827, -0.13057027757167816, -0.23931148648262024, 0.7114348411560059, 0.5767619609832764, 1.2176367044448853, -0.6966714262962341, -1.0824509859085083, -0.013562374748289585, -0.9855621457099915, -0.10147219896316528, -0.028535621240735054, -0.30801650881767273, 0.5026364922523499, 0.013766665942966938, -0.6776310205459595, 0.7971557974815369, 0.6165046691894531, -0.8068647384643555, 0.6960799694061279, -0.3181576132774353, 0.464708149433136, -1.174382209777832, 0.11037874221801758, -0.27895262837409973, 0.16175049543380737, -0.2474796175956726, 0.0959528386592865, -0.11697038263082504, 0.11867823451757431, -0.3166619539260864, 0.5854684710502625, -0.9383318424224854, -0.14400942623615265, 0.2984267473220825, 0.4017236530780792, -0.14315088093280792, 0.862028956413269, -0.5113348364830017, 1.222907304763794, 0.7985562682151794, -0.6442791819572449, 0.5708901286125183, 0.28557923436164856, -0.13775131106376648, 0.5498560667037964, -0.4863455891609192, -0.36029961705207825, -0.18191967904567719, 0.09443330764770508, -1.260002613067627, -0.09669320285320282, 0.3113253116607666, -0.6480742692947388, 0.23723304271697998, 0.38404032588005066, -0.3867449164390564, -0.7521072030067444, -0.7911539077758789, 0.20246292650699615, 0.5431447625160217, -0.3438895642757416, 0.6002309322357178, 0.36305925250053406, -0.09042898565530777, -0.6397079825401306, -0.688722550868988, -0.15787725150585175, -0.03566056862473488, -0.49685460329055786, 0.09615583717823029, -0.16920772194862366, -0.2362212836742401, 0.21825583279132843, -0.19110393524169922, -0.2564275562763214, -0.02750077098608017, 0.41228392720222473, 0.01695127598941326, -0.25072813034057617, -0.2924416959285736, -0.1608743667602539, -0.2298365980386734, -0.02036060020327568, 0.33100879192352295, 0.8767409920692444, -0.1055024191737175, -0.3992501497268677, -0.5694880485534668, 0.2899264395236969, 0.594580352306366, -0.2206002175807953, 1.1984655857086182, 0.2813171446323395, -0.36453917622566223, 0.2047557532787323, -0.5031142830848694, 0.20408718287944794, -0.525490403175354, 0.10481390357017517, -0.68544602394104, -0.6075937151908875, 0.9408606290817261, -0.04368782043457031, 0.23971717059612274, 1.0194462537765503, 0.4364638328552246, -0.017634471878409386, 0.7444817423820496, 0.24343706667423248, 0.2781159579753876, 0.5078690648078918, -0.6838384866714478, 0.06405533105134964, -0.7527133822441101, -0.7609511017799377, -0.6364865899085999, -0.5465268492698669, -0.7085579037666321, -0.26556575298309326, 0.5232143402099609, -0.06915945559740067, -0.3270062208175659, 0.8074111342430115, -0.881973147392273, 0.3676239550113678, 0.5062692761421204, 0.516811192035675, 0.1124240979552269, -0.5412050485610962, -0.2800810635089874, -0.16211184859275818, -0.21163253486156464, -0.5081785321235657, 1.4775705337524414, 0.21910452842712402, 0.4395657479763031, 0.4360816180706024, 1.264167308807373, 0.3284221589565277, 0.07605652511119843, -0.4267089366912842, 0.8452954292297363, 0.37860754132270813, -0.7649675011634827, -0.78787761926651, -0.09738850593566895, -1.1533422470092773, 0.6490501165390015, -0.18357586860656738, -0.6093543767929077, 0.3952138125896454, -0.16791966557502747, -0.28284838795661926, 0.5137099027633667, -0.9403252005577087, 0.7179423570632935, -0.07465420663356781, -0.4847661852836609, 0.1298259198665619, -0.6369231939315796, 0.27725422382354736, 0.04165102541446686, 0.19161736965179443, -0.11524025350809097, -0.005413820501416922, 1.0066100358963013, -0.8792106509208679, 0.4356258809566498, -0.6844345927238464, 0.050899505615234375, 0.7953890562057495, 0.06931223720312119, 0.596370279788971, 0.12646159529685974, -0.17885667085647583, -0.43142539262771606, -0.11547597497701645, -0.7710921764373779, -0.20688128471374512, 0.6801449656486511, -0.8526511192321777, -0.7227897644042969, -0.9557195901870728, -0.145491823554039, 0.025483790785074234, 0.5615860223770142, 0.4368401765823364, 0.6118628978729248, -0.11325526237487793, 0.40681877732276917, 0.6799673438072205, -0.3600378930568695, 0.9037455916404724, -0.034594759345054626, -0.21544571220874786, -0.5721153616905212, 0.7688822746276855, 0.4417720139026642, 0.27211523056030273, 0.40673112869262695, 0.034000951796770096, -0.3824121356010437, -0.49391868710517883, -0.36672964692115784, 0.2100088745355606, -0.4915775656700134, -0.621755838394165, -0.7292121648788452, 0.07627537846565247, -0.5565451383590698, -0.388171523809433, -0.34983164072036743, -0.5773912668228149, -0.06121070683002472, -0.5485570430755615, 0.5712333917617798, 0.8120662569999695, -0.3297075033187866, 0.29859599471092224, -0.3991544842720032, 0.3102376163005829, 0.17486044764518738, 0.4612445831298828, -0.030594326555728912, -0.52311110496521, -0.06989668309688568, 0.02300434187054634, -0.4218880236148834, -1.5293080806732178, 0.585008442401886, -0.31230902671813965, 0.3733713626861572, 0.264605313539505, -0.0675949826836586, 1.0188827514648438, -0.019301338121294975, 1.2353010177612305, 0.3460841178894043, -0.9204128384590149, 0.7374559044837952, -0.33073484897613525, 0.17576871812343597, 0.9040847420692444, 0.29590076208114624, -0.05654788017272949, -0.7536212205886841, -0.7930313348770142, -1.1353076696395874, 0.6391516327857971, 0.2958197593688965, -0.2686540484428406, -0.458243727684021, -0.06077202036976814, -0.0032348185777664185, -0.3718356788158417, -0.8696514964103699, -0.9998145699501038, 0.03773022070527077, -0.14793038368225098, 0.4439719319343567, -0.3554600179195404, -0.11347192525863647, -0.49862122535705566, 0.7796643972396851, 0.29495421051979065, 0.5810879468917847, 0.30818647146224976, -0.015678048133850098, 0.14390850067138672, 0.4192487299442291, 1.0193082094192505, 0.7392168045043945, -0.21080070734024048, -0.18492110073566437, 0.7400334477424622, -0.7924922108650208, 0.5373073816299438, -0.1775818169116974, -0.3299885392189026, 0.2339145988225937, 0.16594789922237396, 0.42324626445770264, 0.27522405982017517, -0.049755360931158066, 0.49994951486587524, -0.02273612841963768, -0.462736576795578, -0.8340480327606201, -0.1273464411497116, 0.09678643941879272, -0.016384074464440346, 0.3490029275417328, 0.07073178142309189, 0.06250350922346115, -0.6586491465568542, 0.28039830923080444, 0.2449648678302765, -0.05924661457538605, 0.035201434046030045, 0.7262471914291382, 0.21359746158123016, -0.07274169474840164, 0.1442345231771469, -0.3683950901031494, -0.3771865963935852, 1.0155420303344727, 0.5210267901420593, 0.6927988529205322, -0.5550716519355774, -0.0104721300303936, 0.9849042892456055, 0.17887066304683685, 0.004848750773817301, 0.8105340003967285, 0.5698328614234924, -0.33312273025512695, 0.03444164618849754, -0.8538334965705872, -0.19266986846923828, 0.023391319438815117, -0.8950297832489014, 0.0974956601858139, -0.6042493581771851, -0.5752774477005005, -0.09203854948282242, 0.44419118762016296, -0.7087870240211487, 0.5988922715187073, -0.4559735655784607, 1.3729984760284424, -1.1124660968780518, 0.6024985909461975, 0.7613707184791565, -1.0330301523208618, -1.1558271646499634, -0.296890527009964, -0.3600417971611023, -0.7999420762062073, 0.5754857063293457, -0.23694010078907013, -0.07712407410144806, -0.0649329200387001, -0.2638542354106903, -1.0863186120986938, 1.5978118181228638, -0.08622363209724426, -0.28247612714767456, 0.2804822027683258, -0.04918215051293373, 0.6088612079620361, 0.42027077078819275, 0.8126974701881409, 0.5701797008514404, 1.042823076248169, -0.15517373383045197, -1.0795421600341797, 0.49665606021881104, -0.6025658249855042, -0.15647628903388977, 0.4437015950679779, -1.2707868814468384, 1.3479905128479004, -0.02089749276638031, -0.1230781227350235, -0.22113195061683655, 0.7677208185195923, 0.26149633526802063, 0.12187197804450989, 0.5413678288459778, 0.8877979516983032, 0.596827507019043, -0.4562598168849945, 0.8430519104003906, -0.04506530240178108, 0.4974789321422577, 0.5462687015533447, 0.0072702025063335896, 0.7121942043304443, 0.41818681359291077, -0.922414243221283, 0.4796949625015259, 0.6554449796676636, -0.27167177200317383, 0.5005296468734741, 0.10420410335063934, -0.411079466342926, -0.03317326307296753, -0.14377573132514954, -0.7818241715431213, 0.501520037651062, 0.051781393587589264, -0.034610893577337265, -0.16103272140026093, -0.20553651452064514, 0.35273927450180054, 0.45389965176582336, -0.21427492797374725, 0.6028655767440796, 0.010909142903983593, -0.6841259598731995, 0.5892252326011658, -0.19268898665905, 0.9561111330986023, -0.38433966040611267, -0.11087588965892792, -0.4068419337272644, 0.37659844756126404, -0.29698827862739563, -1.4554105997085571, 0.41296032071113586, -0.06881875544786453, -0.4873977601528168, 0.04864535108208656, 0.2629125416278839, -0.12349624931812286, -0.46780064702033997, 0.5780233144760132, 0.27769705653190613, 0.28175243735313416, 0.43111827969551086, -0.4374723434448242, -0.15241746604442596, 0.0939665213227272, -0.9143261909484863, 0.4059309661388397, 0.5559048056602478, 0.12392355501651764, 0.7539364099502563, 0.5372565984725952, 0.13418039679527283, 0.5491490960121155, -0.322256475687027, 0.832961916923523, -1.057201862335205, -0.38176706433296204, -0.9079270362854004, 0.39890190958976746, -0.40303343534469604, -0.7422371506690979, 1.0530691146850586, 1.0290558338165283, 0.8388993740081787, -0.32870179414749146, 0.8337419629096985, -0.6138431429862976, 0.5216246247291565, -0.38498881459236145, 0.7669103741645813, -0.644844651222229, -0.6836539506912231, -0.14665842056274414, -0.896409809589386, -0.264880508184433, 0.652692973613739, -0.2226194143295288, 0.2747313380241394, 0.944773256778717, 0.5137802958488464, 0.36293771862983704, 0.1456407606601715, 0.15493814647197723, 0.3553674519062042, 0.11238604784011841, 1.2462706565856934, 0.3595500588417053, -0.896353542804718, 0.6086710095405579, -0.6303215026855469, 0.0029346903320401907, -0.27815911173820496, -0.6436914205551147, -0.8921141624450684, -0.5128281116485596, 0.052739858627319336, -0.27143287658691406, -0.4896472096443176, 0.9953636527061462, -0.007183287758380175, -1.0091032981872559, -0.34891948103904724, 0.29175883531570435, 0.035160042345523834, -0.5645799040794373, -0.3848341107368469, 1.088659405708313, 0.021423624828457832, -1.1592825651168823, 0.289739191532135, -0.05188042297959328, 0.13948039710521698, 0.5544328689575195, -0.04197937622666359, -0.7119109034538269, 0.07596492767333984, 0.44903144240379333, 0.4159850478172302, -0.7358687520027161, -0.5404438972473145, 0.12829048931598663, -0.4930049479007721, 0.3167133629322052, -0.22502851486206055, -0.5564560294151306, 0.1767370104789734, 1.0210883617401123, 0.3564692437648773, 0.5769920349121094, 0.25151947140693665, 0.09799591451883316, -0.5134351849555969, 0.5419034361839294, 0.02009388990700245, 0.42659369111061096, -0.2231477051973343, -0.31247973442077637, 1.0421464443206787, 0.32355156540870667, -0.465697705745697, -1.096269965171814, -0.29780861735343933, -1.423529028892517, 0.014280647039413452, 0.7582829594612122, -0.1044769138097763, -0.4841531217098236, -0.0692044124007225, -0.4370141923427582, 0.4581841826438904, -0.5515493154525757, 0.5177148580551147, 0.565597414970398, -0.35060906410217285, 0.054832492023706436, -0.7293936014175415, 0.12916170060634613, 0.6077308654785156, -1.0997447967529297, -0.2279140055179596, 0.09543447941541672, 0.3761868178844452, 0.5251268148422241, 1.2311204671859741, -0.5203258395195007, 0.16930648684501648, 0.44839516282081604, 0.17062610387802124, -0.1790418028831482, -0.09397204965353012, -0.020327189937233925, 0.29027077555656433, -0.21404050290584564, -0.7694782018661499 ]
pankajmathur/orca_mini_v3_13b
pankajmathur
2023-11-18T12:12:30Z
9,761
28
transformers
[ "transformers", "pytorch", "llama", "text-generation", "en", "dataset:psmathur/orca_mini_v1_dataset", "dataset:ehartford/dolphin", "arxiv:2306.02707", "license:other", "endpoints_compatible", "text-generation-inference", "region:us" ]
text-generation
2023-08-09T04:01:33Z
--- language: - en library_name: transformers license: other datasets: - psmathur/orca_mini_v1_dataset - ehartford/dolphin pipeline_tag: text-generation --- # orca_mini_v3_13b A Llama2-13b model trained on Orca Style datasets. <br> ![orca-mini](https://huggingface.co/psmathur/orca_mini_v3_13b/resolve/main/orca_minis_small.jpeg) <br> **P.S. If you're interested to collaborate, please connect with me at www.linkedin.com/in/pankajam.** <br> ### quantized versions Big thanks to [@TheBloke](https://huggingface.co/TheBloke) 1) https://huggingface.co/TheBloke/orca_mini_v3_13B-GGML 2) https://huggingface.co/TheBloke/orca_mini_v3_13B-GPTQ <br> #### license disclaimer: This model is bound by the license & usage restrictions of the original Llama-2 model. And comes with no warranty or gurantees of any kind. <br> ## Evaluation We evaluated orca_mini_v3_13b on a wide range of tasks using [Language Model Evaluation Harness](https://github.com/EleutherAI/lm-evaluation-harness) from EleutherAI. Here are the results on metrics used by [HuggingFaceH4 Open LLM Leaderboard](https://huggingface.co/spaces/HuggingFaceH4/open_llm_leaderboard) ||||| |:------:|:--------:|:-------:|:--------:| |**Task**|**Metric**|**Value**|**Stderr**| |*arc_challenge*|acc_norm|0.6314|0.0141| |*hellaswag*|acc_norm|0.8242|0.0038| |*mmlu*|acc_norm|0.5637|0.0351| |*truthfulqa_mc*|mc2|0.5127|0.0157| |**Total Average**|-|**0.6329877193**|| <br> ## Example Usage Here is the prompt format ``` ### System: You are an AI assistant that follows instruction extremely well. Help as much as you can. ### User: Tell me about Orcas. ### Assistant: ``` Below shows a code example on how to use this model ```python import torch from transformers import AutoModelForCausalLM, AutoTokenizer, pipeline tokenizer = AutoTokenizer.from_pretrained("psmathur/orca_mini_v3_13b") model = AutoModelForCausalLM.from_pretrained( "psmathur/orca_mini_v3_13b", torch_dtype=torch.float16, load_in_8bit=True, low_cpu_mem_usage=True, device_map="auto" ) system_prompt = "### System:\nYou are an AI assistant that follows instruction extremely well. Help as much as you can.\n\n" #generate text steps instruction = "Tell me about Orcas." prompt = f"{system_prompt}### User: {instruction}\n\n### Assistant:\n" inputs = tokenizer(prompt, return_tensors="pt").to("cuda") output = model.generate(**inputs, do_sample=True, top_p=0.95, top_k=0, max_new_tokens=4096) print(tokenizer.decode(output[0], skip_special_tokens=True)) ``` <br> #### Limitations & Biases: While this model aims for accuracy, it can occasionally produce inaccurate or misleading results. Despite diligent efforts in refining the pretraining data, there remains a possibility for the generation of inappropriate, biased, or offensive content. Exercise caution and cross-check information when necessary. <br> ### Citiation: Please kindly cite using the following BibTeX: ``` @misc{orca_mini_v3_13b, author = {Pankaj Mathur}, title = {orca_mini_v3_13b: An Orca Style Llama2-70b model}, year = {2023}, publisher = {HuggingFace}, journal = {HuggingFace repository}, howpublished = {\url{https://https://huggingface.co/psmathur/orca_mini_v3_13b}, } ``` ``` @misc{mukherjee2023orca, title={Orca: Progressive Learning from Complex Explanation Traces of GPT-4}, author={Subhabrata Mukherjee and Arindam Mitra and Ganesh Jawahar and Sahaj Agarwal and Hamid Palangi and Ahmed Awadallah}, year={2023}, eprint={2306.02707}, archivePrefix={arXiv}, primaryClass={cs.CL} } ``` ``` @software{touvron2023llama2, title={Llama 2: Open Foundation and Fine-Tuned Chat Models}, author={Hugo Touvron, Louis Martin, Kevin Stone, Peter Albert, Amjad Almahairi, Yasmine Babaei, Nikolay Bashlykov, Soumya Batra, Prajjwal Bhargava, Shruti Bhosale, Dan Bikel, Lukas Blecher, Cristian Canton Ferrer, Moya Chen, Guillem Cucurull, David Esiobu, Jude Fernandes, Jeremy Fu, Wenyin Fu, Brian Fuller, Cynthia Gao, Vedanuj Goswami, Naman Goyal, Anthony Hartshorn, Saghar Hosseini, Rui Hou, Hakan Inan, Marcin Kardas, Viktor Kerkez Madian Khabsa, Isabel Kloumann, Artem Korenev, Punit Singh Koura, Marie-Anne Lachaux, Thibaut Lavril, Jenya Lee, Diana Liskovich, Yinghai Lu, Yuning Mao, Xavier Martinet, Todor Mihaylov, Pushkar Mishra, Igor Molybog, Yixin Nie, Andrew Poulton, Jeremy Reizenstein, Rashi Rungta, Kalyan Saladi, Alan Schelten, Ruan Silva, Eric Michael Smith, Ranjan Subramanian, Xiaoqing Ellen Tan, Binh Tang, Ross Taylor, Adina Williams, Jian Xiang Kuan, Puxin Xu , Zheng Yan, Iliyan Zarov, Yuchen Zhang, Angela Fan, Melanie Kambadur, Sharan Narang, Aurelien Rodriguez, Robert Stojnic, Sergey Edunov, Thomas Scialom}, year={2023} } ``` # [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_psmathur__orca_mini_v3_13b) | Metric | Value | |-----------------------|---------------------------| | Avg. | 52.23 | | ARC (25-shot) | 63.14 | | HellaSwag (10-shot) | 82.35 | | MMLU (5-shot) | 56.52 | | TruthfulQA (0-shot) | 51.81 | | Winogrande (5-shot) | 76.48 | | GSM8K (5-shot) | 13.12 | | DROP (3-shot) | 22.23 |
[ -0.30166158080101013, -0.8541488647460938, 0.23555505275726318, 0.1388004571199417, -0.2697904407978058, 0.0605701319873333, -0.1070547103881836, -0.5836332440376282, 0.37660902738571167, 0.13555067777633667, -0.7432323098182678, -0.8028545379638672, -0.6470515727996826, -0.1593497097492218, -0.10637392103672028, 1.1153911352157593, -0.10899733752012253, -0.1572820395231247, 0.11240294575691223, -0.2745974361896515, -0.5758772492408752, -0.40668824315071106, -0.9887714982032776, -0.4262591004371643, 0.23356325924396515, 0.26967477798461914, 0.6278373003005981, 0.6799623370170593, 0.5009968280792236, 0.353079229593277, -0.2972407937049866, 0.26946523785591125, -0.5011488795280457, -0.28362393379211426, 0.24159610271453857, -0.617254912853241, -1.0908267498016357, 0.1344435065984726, 0.4566137194633484, 0.3210582435131073, -0.3038395643234253, 0.4597027599811554, 0.23671001195907593, 0.4075715243816376, -0.3167196810245514, 0.5142530202865601, -0.32188746333122253, 0.08922982215881348, -0.38473010063171387, -0.11775679141283035, -0.004705481696873903, -0.3981338143348694, 0.003601283300668001, -0.7186660170555115, -0.01656063087284565, -0.06897462904453278, 1.135750651359558, 0.38539090752601624, -0.23237104713916779, -0.36418381333351135, -0.30745723843574524, 0.7553836703300476, -0.9332737326622009, 0.18563969433307648, 0.15043938159942627, 0.24397800862789154, -0.3073551654815674, -0.8469477891921997, -0.6347772479057312, -0.1310146301984787, -0.15569046139717102, 0.3646221458911896, -0.196483314037323, -0.0864471048116684, 0.28148213028907776, 0.46884894371032715, -0.5503922700881958, 0.2926972210407257, -0.4527161121368408, -0.22174817323684692, 0.6383626461029053, 0.4632371664047241, 0.3035220205783844, -0.07961304485797882, -0.37713623046875, -0.38250991702079773, -0.7250556945800781, 0.5222702026367188, 0.44878485798835754, 0.20325781404972076, -0.6379433274269104, 0.6977134943008423, -0.016018759459257126, 0.591063916683197, 0.15850621461868286, -0.4687972366809845, 0.555658221244812, -0.5396908521652222, -0.3855370879173279, -0.20834441483020782, 0.88727205991745, 0.34247344732284546, 0.0356934517621994, 0.3423626720905304, -0.11798395216464996, 0.13022559881210327, -0.2686627507209778, -0.8005906343460083, -0.3221260607242584, 0.13713346421718597, -0.4947071075439453, -0.37814098596572876, -0.09206955879926682, -0.7708890438079834, -0.18715831637382507, -0.10034087300300598, 0.326177716255188, -0.39307790994644165, -0.38005104660987854, 0.27607396245002747, 0.17166247963905334, 0.5520210266113281, 0.2186916321516037, -0.8356569409370422, 0.40228384733200073, 0.3621048331260681, 0.9451770186424255, -0.09704504907131195, -0.23401448130607605, -0.17830367386341095, -0.11428704857826233, -0.14335821568965912, 0.6550998091697693, -0.23965150117874146, -0.43719157576560974, -0.39613088965415955, -0.06280165165662766, -0.19273023307323456, -0.4470638036727905, 0.5899625420570374, -0.2956627905368805, 0.24671486020088196, -0.23684343695640564, -0.34414705634117126, -0.2219269722700119, 0.2655835449695587, -0.5224553942680359, 1.3044480085372925, -0.056649718433618546, -0.799812376499176, 0.2785966098308563, -0.8471929430961609, -0.02874106355011463, -0.30024710297584534, -0.2549794316291809, -0.6916319727897644, -0.2776668667793274, 0.4683833420276642, 0.4343971610069275, -0.2358447015285492, 0.07667972147464752, -0.37636223435401917, -0.32245418429374695, 0.11223378032445908, -0.20623408257961273, 1.1086082458496094, 0.1229718029499054, -0.6443393230438232, 0.27862855792045593, -0.7416000366210938, -0.06815122812986374, 0.45228949189186096, -0.4091053009033203, 0.03228307515382767, -0.21408574283123016, -0.28963279724121094, 0.26696130633354187, 0.48123112320899963, -0.578050434589386, 0.31564459204673767, -0.3809356689453125, 0.5604441165924072, 0.9166786074638367, -0.06613163650035858, 0.2542174756526947, -0.4533708393573761, 0.5874781608581543, 0.046201691031455994, 0.3757437467575073, 0.17051903903484344, -0.7647415399551392, -1.0929840803146362, -0.4917580783367157, 0.21289077401161194, 0.5198649168014526, -0.5294200778007507, 0.6822366118431091, -0.12547101080417633, -0.773537814617157, -0.6274203658103943, 0.04136709123849869, 0.41819098591804504, 0.6377682685852051, 0.35465699434280396, -0.42361411452293396, -0.6456800699234009, -0.7765368819236755, 0.11164959520101547, -0.2242656797170639, -0.025331443175673485, 0.479845255613327, 0.6007067561149597, -0.22770997881889343, 0.9842089414596558, -0.61384117603302, -0.46348756551742554, -0.22393275797367096, 0.060412727296352386, 0.5161941051483154, 0.6256552338600159, 0.7463304996490479, -0.5052366852760315, -0.3446989953517914, -0.2259008139371872, -0.9645978808403015, -0.07475174218416214, 0.08923383057117462, -0.3180826008319855, 0.21657788753509521, 0.39813560247421265, -0.7733596563339233, 0.6915602684020996, 0.6078239679336548, -0.44073718786239624, 0.6929766535758972, -0.1290334016084671, -0.06464822590351105, -0.924505889415741, 0.26840367913246155, -0.035375725477933884, -0.17463785409927368, -0.3065682649612427, 0.01772436872124672, -0.17719589173793793, 0.07431913167238235, -0.48569563031196594, 0.7418137788772583, -0.446197509765625, -0.04900861531496048, -0.01217257883399725, 0.20602038502693176, -0.1803155094385147, 0.7698362469673157, 0.0018613279098644853, 0.6887884736061096, 0.7191072702407837, -0.3908332884311676, 0.3886934220790863, 0.3774818480014801, -0.45411282777786255, 0.3561750650405884, -0.8784638047218323, 0.30823811888694763, 0.14489956200122833, 0.4816325604915619, -1.2770344018936157, -0.14982029795646667, 0.5519812107086182, -0.6079019904136658, 0.38384830951690674, 0.04866351932287216, -0.5724650025367737, -0.48839160799980164, -0.5895569920539856, 0.4556031823158264, 0.575043261051178, -0.5680209398269653, 0.41763317584991455, 0.35534173250198364, -0.05913045257329941, -0.6240150332450867, -0.7383367419242859, -0.2643473446369171, -0.4126042127609253, -0.7135214805603027, 0.27952325344085693, -0.3722032308578491, 0.017808539792895317, -0.08480851352214813, -0.20782490074634552, 0.16321732103824615, 0.03764960914850235, 0.3975434899330139, 0.5983569622039795, -0.2248929888010025, -0.29227715730667114, -0.09742946922779083, -0.1999947875738144, 0.053369950503110886, -0.010472021996974945, 0.7086250185966492, -0.4779830873012543, -0.30375197529792786, -0.65715491771698, -0.17593762278556824, 0.4289870858192444, -0.18387390673160553, 0.7991108298301697, 0.74944007396698, -0.2873626947402954, 0.21130365133285522, -0.5198384523391724, -0.26639679074287415, -0.5435580611228943, 0.2420598864555359, -0.5088211297988892, -0.899359405040741, 0.8859958648681641, 0.2387075424194336, 0.2243785858154297, 0.7561166286468506, 0.7375223636627197, -0.04296916350722313, 1.0210436582565308, 0.7231491208076477, -0.02185199409723282, 0.5521321296691895, -0.6966259479522705, 0.013241197913885117, -1.0114006996154785, -0.6536495685577393, -0.34250640869140625, -0.502352774143219, -0.5960813164710999, -0.3166673183441162, 0.4494991898536682, 0.21344707906246185, -0.5483148097991943, 0.4261588156223297, -0.6709322333335876, 0.14210829138755798, 0.4943808317184448, 0.3449721932411194, 0.2607313096523285, -0.044628433883190155, -0.3072652518749237, -0.03278770297765732, -0.7399258613586426, -0.5328904986381531, 1.277509331703186, 0.499221533536911, 0.8154136538505554, 0.14279630780220032, 0.6222193241119385, 0.07852071523666382, 0.3484806716442108, -0.6376014947891235, 0.6351805329322815, 0.258330374956131, -0.6401070356369019, -0.30189645290374756, -0.38164204359054565, -1.023051381111145, 0.22818045318126678, -0.06808282434940338, -0.9004806280136108, 0.18299709260463715, 0.012774942442774773, -0.6432079076766968, 0.3068479299545288, -0.49942415952682495, 0.8544096350669861, -0.19166502356529236, -0.03763377293944359, -0.010504755191504955, -0.7712617516517639, 0.5811429619789124, 0.03318173438310623, 0.047202661633491516, -0.1407998949289322, -0.24620094895362854, 1.0695466995239258, -0.6562347412109375, 0.9820352792739868, -0.08620541542768478, -0.139102041721344, 0.4919498562812805, -0.10031886398792267, 0.5896763205528259, 0.13609565794467926, -0.13592354953289032, 0.37471848726272583, -0.17050202190876007, -0.414476215839386, -0.2918538451194763, 0.6764430403709412, -1.17145574092865, -0.5207157731056213, -0.4507884383201599, -0.32016295194625854, 0.11411596834659576, 0.1680903136730194, 0.4348011016845703, 0.2817366421222687, 0.1375645250082016, 0.019324976950883865, 0.49296891689300537, -0.2592058777809143, 0.5370920896530151, 0.4669598340988159, -0.14516757428646088, -0.4914079010486603, 0.6844306588172913, 0.21135924756526947, 0.17316459119319916, 0.07727400213479996, 0.05607397109270096, -0.45501604676246643, -0.5243377685546875, -0.36133822798728943, 0.5500733852386475, -0.5755438804626465, -0.40338048338890076, -0.6099784970283508, -0.32786914706230164, -0.3354879915714264, -0.03871560096740723, -0.48847439885139465, -0.34952840209007263, -0.6418724656105042, -0.3062196373939514, 0.4855603873729706, 0.6302045583724976, -0.1806279867887497, 0.36502012610435486, -0.3373470902442932, 0.11122026294469833, 0.324723482131958, 0.16775323450565338, 0.06577662378549576, -0.8988413214683533, -0.12948748469352722, 0.12135101109743118, -0.6638447046279907, -0.621582567691803, 0.4713432192802429, 0.09959918260574341, 0.6014949083328247, 0.23304446041584015, -0.1079295203089714, 1.039798617362976, -0.1474628746509552, 1.005028486251831, 0.3693884611129761, -0.9332441687583923, 0.6069692969322205, -0.2956247925758362, 0.17634867131710052, 0.2997451424598694, 0.2927020192146301, -0.19400639832019806, -0.4281884431838989, -0.9463996887207031, -0.9326282143592834, 0.9116684198379517, 0.4395352005958557, -0.062089260667562485, 0.19735030829906464, 0.45507362484931946, 0.07352302223443985, 0.1528487354516983, -0.9571113586425781, -0.573016345500946, -0.23811717331409454, -0.0553157664835453, -0.03063814342021942, -0.19375835359096527, -0.06111113354563713, -0.3831527829170227, 0.7351685762405396, -0.00639559468254447, 0.5621684789657593, 0.14726999402046204, 0.08457732200622559, -0.1189548447728157, -0.15358039736747742, 0.7021259665489197, 0.656288743019104, -0.41337549686431885, -0.13367877900600433, 0.40495046973228455, -0.5857248902320862, 0.0019721367862075567, 0.07206345349550247, 0.04344535619020462, -0.1492047756910324, 0.4239102602005005, 0.6949816942214966, -0.059781868010759354, -0.4457142949104309, 0.48049959540367126, -0.1148424968123436, -0.09378237277269363, -0.4251757860183716, 0.07415275275707245, 0.18345016241073608, 0.48357659578323364, 0.2580931782722473, 0.14651606976985931, -0.08877785503864288, -0.6106475591659546, -0.0014660459710285068, 0.3432159721851349, -0.13761168718338013, -0.49523118138313293, 0.9410399198532104, 0.041332390159368515, -0.16407035291194916, 0.6657602787017822, -0.03088255412876606, -0.3955239951610565, 0.8710233569145203, 0.331389844417572, 0.6158093214035034, -0.24593302607536316, -0.07614336162805557, 0.5663498044013977, 0.22090351581573486, -0.07021892815828323, 0.4210698902606964, 0.07442477345466614, -0.5930533409118652, -0.30200064182281494, -0.5893955230712891, -0.22751173377037048, 0.3777671456336975, -0.6666566729545593, 0.5130903124809265, -0.5495493412017822, -0.38529232144355774, -0.05100521072745323, 0.4277929365634918, -0.8057737946510315, 0.16800008714199066, 0.23950718343257904, 1.0143319368362427, -0.7163165807723999, 0.9509237408638, 0.6082960963249207, -0.6688892841339111, -1.108914852142334, -0.4001995623111725, 0.11910951882600784, -1.1008095741271973, 0.5918020009994507, 0.0511147640645504, -0.11766345798969269, 0.0507318489253521, -0.718644380569458, -1.0325103998184204, 1.57843816280365, 0.48229917883872986, -0.3648727536201477, -0.005799747537821531, -0.011147601529955864, 0.6140260100364685, -0.346701979637146, 0.6878588199615479, 0.7562909722328186, 0.4580163359642029, 0.18724477291107178, -1.1327431201934814, 0.32617637515068054, -0.36889269948005676, -0.12120676040649414, -0.06429614871740341, -1.1692469120025635, 1.2118666172027588, -0.24083824455738068, -0.11868295818567276, 0.4028412699699402, 0.7186259627342224, 0.6884645819664001, 0.13888143002986908, 0.35968589782714844, 0.7613607048988342, 0.7129337787628174, -0.1435648798942566, 0.9930674433708191, -0.11576730012893677, 0.6993297934532166, 0.9242210388183594, 0.13674576580524445, 0.7057915329933167, 0.17141200602054596, -0.39229294657707214, 0.6344217658042908, 1.0755484104156494, 0.011777665466070175, 0.6025553941726685, 0.16311977803707123, 0.04434630647301674, -0.08096384257078171, 0.06479696929454803, -0.690055251121521, 0.38739755749702454, 0.45764222741127014, -0.24757859110832214, -0.2256251722574234, -0.1957801878452301, 0.28187626600265503, -0.3354323208332062, -0.15881039202213287, 0.6448366045951843, 0.2519395649433136, -0.3124227225780487, 1.0965468883514404, 0.06837742030620575, 0.9919252991676331, -0.6619119048118591, 0.04540384188294411, -0.4985257387161255, 0.16458451747894287, -0.44394156336784363, -0.7783387899398804, 0.10533993691205978, -0.008791274391114712, 0.134321391582489, -0.12450999021530151, 0.5068268179893494, -0.24380651116371155, -0.3319477140903473, 0.33775079250335693, 0.35779839754104614, 0.44863101840019226, 0.22308658063411713, -1.0458518266677856, 0.26686927676200867, 0.058065980672836304, -0.6970855593681335, 0.26970088481903076, 0.36197516322135925, 0.05769626796245575, 0.7434689998626709, 0.652755081653595, 0.029141249135136604, 0.23006322979927063, -0.28996390104293823, 1.1687204837799072, -0.5062495470046997, -0.4137612581253052, -1.037592887878418, 0.5558261871337891, 0.02533208578824997, -0.5471639037132263, 0.9013358950614929, 0.6491185426712036, 0.8569063544273376, 0.130015030503273, 0.5381723642349243, -0.28575003147125244, 0.2593430280685425, -0.46605223417282104, 0.737699031829834, -0.7140380144119263, 0.3900255560874939, -0.1753101497888565, -0.9980149865150452, -0.20716725289821625, 0.836197555065155, -0.37662652134895325, 0.12058822065591812, 0.593124508857727, 0.8814622759819031, -0.08367151021957397, -0.13133542239665985, 0.04720582813024521, 0.42208173871040344, 0.46581512689590454, 0.8540546894073486, 0.677322268486023, -0.6106747984886169, 0.7695422768592834, -0.3366285562515259, -0.41772574186325073, -0.30366161465644836, -0.784561276435852, -0.9745551943778992, -0.3055620491504669, -0.42260944843292236, -0.43846631050109863, -0.10936403274536133, 0.8804270029067993, 0.815642774105072, -0.6703900098800659, -0.45701655745506287, -0.0011971592903137207, 0.026353158056735992, -0.3159448504447937, -0.1867203265428543, 0.7191320061683655, 0.0026736874133348465, -0.8618166446685791, 0.17811207473278046, 0.012411972507834435, 0.39080822467803955, -0.22361406683921814, -0.23146113753318787, -0.21760186553001404, -0.005550634115934372, 0.3924846053123474, 0.4653410315513611, -0.7228153944015503, -0.29177621006965637, -0.1114083006978035, -0.29820796847343445, 0.276862233877182, 0.2546873688697815, -0.7997576594352722, 0.27042052149772644, 0.3210929334163666, 0.15983153879642487, 0.8892964124679565, -0.0960908755660057, 0.1439378410577774, -0.6384233832359314, 0.303829550743103, 0.048147235065698624, 0.41648638248443604, 0.17716223001480103, -0.3504934310913086, 0.8606258630752563, 0.2994956374168396, -0.4758664071559906, -0.8520516753196716, -0.0776156634092331, -1.3009154796600342, 0.10671427845954895, 1.1301524639129639, -0.4524635374546051, -0.33250853419303894, 0.25623443722724915, -0.36250075697898865, 0.4643765687942505, -0.5655707120895386, 0.8114467263221741, 0.4892919361591339, -0.3564513623714447, -0.10317801684141159, -0.553043782711029, 0.477157324552536, 0.27484065294265747, -0.8714646100997925, -0.3694654703140259, 0.16315126419067383, 0.5036929845809937, 0.18165282905101776, 0.8145121932029724, -0.24431154131889343, 0.11679039150476456, -0.021366262808442116, 0.1361704170703888, -0.29970577359199524, -0.021686414256691933, -0.21205905079841614, -0.07151340693235397, -0.10388923436403275, -0.47053855657577515 ]
Helsinki-NLP/opus-mt-no-de
Helsinki-NLP
2023-08-16T12:01:50Z
9,739
0
transformers
[ "transformers", "pytorch", "tf", "marian", "text2text-generation", "translation", "no", "de", "license:apache-2.0", "autotrain_compatible", "endpoints_compatible", "has_space", "region:us" ]
translation
2022-03-02T23:29:04Z
--- language: - no - de tags: - translation license: apache-2.0 --- ### nor-deu * source group: Norwegian * target group: German * OPUS readme: [nor-deu](https://github.com/Helsinki-NLP/Tatoeba-Challenge/tree/master/models/nor-deu/README.md) * model: transformer-align * source language(s): nno nob * target language(s): deu * model: transformer-align * pre-processing: normalization + SentencePiece (spm4k,spm4k) * download original weights: [opus-2020-06-17.zip](https://object.pouta.csc.fi/Tatoeba-MT-models/nor-deu/opus-2020-06-17.zip) * test set translations: [opus-2020-06-17.test.txt](https://object.pouta.csc.fi/Tatoeba-MT-models/nor-deu/opus-2020-06-17.test.txt) * test set scores: [opus-2020-06-17.eval.txt](https://object.pouta.csc.fi/Tatoeba-MT-models/nor-deu/opus-2020-06-17.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | Tatoeba-test.nor.deu | 29.6 | 0.541 | ### System Info: - hf_name: nor-deu - source_languages: nor - target_languages: deu - opus_readme_url: https://github.com/Helsinki-NLP/Tatoeba-Challenge/tree/master/models/nor-deu/README.md - original_repo: Tatoeba-Challenge - tags: ['translation'] - languages: ['no', 'de'] - src_constituents: {'nob', 'nno'} - tgt_constituents: {'deu'} - src_multilingual: False - tgt_multilingual: False - prepro: normalization + SentencePiece (spm4k,spm4k) - url_model: https://object.pouta.csc.fi/Tatoeba-MT-models/nor-deu/opus-2020-06-17.zip - url_test_set: https://object.pouta.csc.fi/Tatoeba-MT-models/nor-deu/opus-2020-06-17.test.txt - src_alpha3: nor - tgt_alpha3: deu - short_pair: no-de - chrF2_score: 0.541 - bleu: 29.6 - brevity_penalty: 0.96 - ref_len: 34575.0 - src_name: Norwegian - tgt_name: German - train_date: 2020-06-17 - src_alpha2: no - tgt_alpha2: de - prefer_old: False - long_pair: nor-deu - helsinki_git_sha: 480fcbe0ee1bf4774bcbe6226ad9f58e63f6c535 - transformers_git_sha: 2207e5d8cb224e954a7cba69fa4ac2309e9ff30b - port_machine: brutasse - port_time: 2020-08-21-14:41
[ -0.38669121265411377, -0.7545042634010315, 0.3470427691936493, 0.33802294731140137, -0.4904530346393585, -0.35687994956970215, -0.2958036959171295, -0.39605826139450073, 0.26570942997932434, 0.3802967965602875, -0.7239625453948975, -0.9219303131103516, -0.5541588068008423, 0.4620467722415924, -0.027340136468410492, 0.8981226086616516, -0.1297367364168167, 0.15330207347869873, 0.4728682339191437, -0.5048215389251709, -0.4894990026950836, -0.2924843728542328, -0.5832237005233765, -0.31612488627433777, 0.5010332465171814, 0.5197455286979675, 0.47534462809562683, 0.44476622343063354, 0.6132880449295044, 0.28192874789237976, -0.3053044378757477, 0.11144833266735077, -0.3096407949924469, -0.055906977504491806, 0.023599285632371902, -0.4759678244590759, -0.8495935201644897, -0.13455425202846527, 1.0080084800720215, 0.44093918800354004, 0.15448547899723053, 0.47788846492767334, -0.08870209008455276, 0.744093656539917, -0.27533403038978577, 0.08786049485206604, -0.5712323784828186, -0.11638230085372925, -0.48488473892211914, -0.2950829267501831, -0.4712008237838745, -0.39628297090530396, 0.13364246487617493, -0.7100290656089783, 0.04192458465695381, 0.005958677269518375, 1.670109510421753, 0.23791241645812988, -0.43300101161003113, -0.03006679192185402, -0.34490329027175903, 0.9883853197097778, -0.9781628251075745, 0.49147212505340576, 0.44144386053085327, -0.06568001210689545, -0.20186612010002136, -0.29854708909988403, -0.41993528604507446, 0.018804045394062996, -0.21684038639068604, 0.31607189774513245, -0.2035938948392868, -0.24524156749248505, 0.2439906746149063, 0.5478576421737671, -0.790987491607666, 0.0871066004037857, -0.290018767118454, -0.04032564535737038, 0.575157642364502, 0.1666155755519867, 0.3332568407058716, -0.6546570658683777, -0.5175378918647766, -0.47653135657310486, -0.5524696707725525, 0.0804995521903038, 0.5598021745681763, 0.41201654076576233, -0.5826846957206726, 0.6380477547645569, -0.09840565174818039, 0.6530951261520386, 0.1126457005739212, -0.15737804770469666, 0.7876371741294861, -0.6569982767105103, -0.20642192661762238, -0.12538352608680725, 1.289172649383545, 0.29597607254981995, -0.11815723031759262, 0.1705581247806549, -0.2575543522834778, -0.11481095850467682, -0.023839112371206284, -0.884729266166687, 0.022301221266388893, 0.24362054467201233, -0.3846902549266815, -0.23057392239570618, 0.07490165531635284, -0.9805518984794617, 0.13654857873916626, -0.07696185261011124, 0.5321864485740662, -0.9482979774475098, -0.29851460456848145, 0.34657755494117737, -0.0024123492185026407, 0.4006740152835846, 0.04182792827486992, -0.5385445356369019, 0.1296691745519638, 0.3986305296421051, 0.8809317946434021, -0.12811027467250824, -0.42714762687683105, -0.3199816942214966, -0.02439046837389469, -0.1815941333770752, 0.7157230973243713, -0.2755519151687622, -0.3569517731666565, -0.22098428010940552, 0.3452712595462799, -0.24761636555194855, -0.18915578722953796, 1.0472208261489868, -0.3242115378379822, 0.5562138557434082, -0.32739874720573425, -0.49242639541625977, -0.4827478229999542, 0.429839164018631, -0.804266095161438, 1.3565164804458618, 0.24962829053401947, -0.9314261078834534, 0.326752632856369, -0.8947054147720337, -0.2427484393119812, -0.0804344117641449, 0.042108483612537384, -0.7613070607185364, 0.04673933982849121, 0.20669612288475037, 0.3198997974395752, -0.408066987991333, 0.5038735866546631, -0.17299297451972961, -0.2395136058330536, 0.007279939018189907, -0.3747158944606781, 1.3239232301712036, 0.12240428477525711, -0.5512420535087585, 0.11355683207511902, -0.9058864116668701, 0.010658909566700459, 0.2935202717781067, -0.5242059826850891, -0.21019071340560913, -0.26332587003707886, 0.31591278314590454, 0.009994342923164368, 0.3286597728729248, -0.7018619179725647, 0.417815238237381, -0.600598931312561, 0.3439673185348511, 0.8334198594093323, 0.000346075656125322, 0.31846922636032104, -0.33035406470298767, 0.526035487651825, 0.052581530064344406, 0.23939436674118042, 0.25355759263038635, -0.5512257814407349, -0.735349178314209, -0.20268391072750092, 0.6173351407051086, 0.76385498046875, -0.751607358455658, 0.8050243258476257, -0.7781795263290405, -0.8452603816986084, -0.6298934817314148, -0.178354412317276, 0.5798977613449097, 0.393554151058197, 0.6137526631355286, -0.19315661489963531, -0.5857973694801331, -0.9643990397453308, -0.2085048407316208, -0.21111954748630524, 0.06746800988912582, 0.3651653528213501, 0.8292660713195801, -0.1787564605474472, 0.615855872631073, -0.5083937048912048, -0.6515539288520813, -0.12982776761054993, 0.2640325129032135, 0.5600709319114685, 0.7165818214416504, 0.7546237707138062, -0.9387698769569397, -0.6329285502433777, -0.0005055156070739031, -0.7686301469802856, -0.2620070278644562, 0.08999963104724884, -0.1792600452899933, 0.5565639734268188, 0.09083575010299683, -0.46384668350219727, 0.3033864200115204, 0.7263700366020203, -0.7912669777870178, 0.5591734647750854, -0.1666889637708664, 0.3897869288921356, -1.4024025201797485, 0.3159489035606384, -0.23512805998325348, -0.0798957496881485, -0.3604167103767395, -0.03823250159621239, 0.09660100191831589, 0.15497080981731415, -0.5278606414794922, 0.7592824697494507, -0.6249168515205383, 0.10505615919828415, 0.29363197088241577, 0.2982116937637329, 0.0507618673145771, 0.7048619389533997, -0.14329035580158234, 0.819649338722229, 0.5980316400527954, -0.407393217086792, 0.09537304192781448, 0.5641772150993347, -0.37114307284355164, 0.4669012129306793, -0.6924372911453247, -0.0942036584019661, 0.3244263827800751, 0.07340487837791443, -0.8645143508911133, -0.16004393994808197, 0.2674560844898224, -0.7895981669425964, 0.35197263956069946, -0.14721177518367767, -0.7215803861618042, -0.09413620829582214, -0.4396362006664276, 0.5829231142997742, 0.44033166766166687, -0.2264113873243332, 0.8913667798042297, 0.16234873235225677, 0.00198255549184978, -0.6803470253944397, -0.9403896331787109, -0.012812312692403793, -0.2703571319580078, -0.7486822605133057, 0.49185314774513245, -0.09141364693641663, 0.11530840396881104, 0.24363119900226593, -0.15142755210399628, -0.11735177785158157, 0.15272550284862518, 0.18351326882839203, 0.39540085196495056, -0.36691027879714966, 0.09600886702537537, -0.07654370367527008, -0.23698996007442474, -0.20207586884498596, -0.217710480093956, 0.8548003435134888, -0.43379512429237366, -0.22706790268421173, -0.787135899066925, 0.0669744610786438, 0.45282042026519775, -0.34836581349372864, 0.9566174149513245, 0.7278598546981812, -0.12859247624874115, 0.24399876594543457, -0.6700586080551147, -0.04671519249677658, -0.4021170735359192, 0.16341453790664673, -0.6244451403617859, -0.8060938119888306, 0.7840058207511902, 0.21916493773460388, 0.28388044238090515, 1.014376163482666, 0.5247021317481995, 0.1945987045764923, 0.5170945525169373, 0.35532644391059875, 0.08798743039369583, 0.6692577004432678, -0.7213013172149658, -0.11778929829597473, -0.996177613735199, -0.2562086284160614, -0.789546549320221, -0.3815033733844757, -0.9590029716491699, -0.29997459053993225, 0.2985837757587433, 0.08239912986755371, -0.134645476937294, 0.8498846888542175, -0.5611218810081482, 0.2512627840042114, 0.7037476897239685, 0.0943431556224823, 0.37251004576683044, -0.14099591970443726, -0.43532058596611023, 0.0027004911098629236, -0.5532296895980835, -0.6893733739852905, 1.3521302938461304, 0.21635717153549194, 0.37194663286209106, 0.38688284158706665, 0.8552207946777344, -0.03644097223877907, 0.06512536853551865, -0.5744425654411316, 0.6315613985061646, -0.222015380859375, -0.921132504940033, -0.4849315881729126, -0.5135327577590942, -1.1680793762207031, 0.19223898649215698, -0.2847771644592285, -0.6635888814926147, 0.254690945148468, -0.0937999039888382, -0.2002960741519928, 0.6692615747451782, -0.7223011255264282, 1.0792384147644043, 0.03588205203413963, -0.17479026317596436, 0.1887509673833847, -0.7392452359199524, 0.15329423546791077, -0.11193616688251495, 0.1313266158103943, -0.2256631851196289, -0.1701248288154602, 0.9036344289779663, -0.15530335903167725, 0.6177874803543091, -0.06720776110887527, -0.15919792652130127, 0.1863231360912323, 0.13609394431114197, 0.43420758843421936, 0.0157061405479908, -0.331052303314209, 0.5715133547782898, 0.07809536904096603, -0.541977047920227, -0.23098839819431305, 0.7286469340324402, -0.8719451427459717, -0.42348653078079224, -0.5824049115180969, -0.666435718536377, 0.16471120715141296, 0.6008947491645813, 0.5784154534339905, 0.6454266905784607, -0.1958574801683426, 0.6001798510551453, 0.6951034069061279, -0.38846826553344727, 0.48305827379226685, 0.712160587310791, -0.03275308385491371, -0.7684516906738281, 0.7495810389518738, 0.2846158444881439, 0.18348318338394165, 0.6360145211219788, 0.14277717471122742, -0.31613025069236755, -0.852785587310791, -0.48424410820007324, 0.43289023637771606, -0.3852211833000183, -0.41426676511764526, -0.7048816680908203, 0.07078445702791214, -0.5874311327934265, 0.21585607528686523, -0.3625999391078949, -0.4560610055923462, -0.3073415756225586, -0.2637764513492584, 0.46791139245033264, 0.5049759745597839, -0.14237509667873383, 0.22043755650520325, -0.9587696194648743, 0.3720640242099762, -0.15185166895389557, 0.5218863487243652, -0.34060099720954895, -0.8458101749420166, -0.09124505519866943, -0.06963124126195908, -0.4276880919933319, -1.1372419595718384, 0.491075724363327, -0.08013148605823517, 0.3228204846382141, 0.17285862565040588, 0.2414053976535797, 0.636448323726654, -0.4753049314022064, 1.023314118385315, -0.07550271600484848, -1.002810001373291, 0.6501129865646362, -0.49542149901390076, 0.42556142807006836, 0.8775478601455688, 0.245816171169281, -0.27560850977897644, -0.6108347773551941, -0.946690022945404, -1.0030182600021362, 0.9815492033958435, 0.6357775330543518, -0.13298076391220093, -0.09522522240877151, 0.11952169239521027, 0.031982120126485825, -0.17250250279903412, -1.1761192083358765, -0.5084720253944397, 0.04735274612903595, -0.30305856466293335, 0.009148326702415943, -0.551716148853302, -0.11136507987976074, -0.15377569198608398, 1.2673407793045044, 0.18486382067203522, 0.10644935816526413, 0.6084586381912231, -0.1569167673587799, 0.00013937256881035864, 0.4537329077720642, 0.7829235196113586, 0.44796183705329895, -0.5189161896705627, -0.11970140039920807, 0.39992594718933105, -0.5587629675865173, 0.03776419162750244, 0.16277341544628143, -0.44379884004592896, 0.2911684811115265, 0.5621625185012817, 0.8954050540924072, 0.1812552511692047, -0.46321389079093933, 0.46772655844688416, -0.11453530192375183, -0.5588730573654175, -0.5152277946472168, -0.27774760127067566, 0.10513777285814285, 0.205959752202034, 0.2910705804824829, -0.12635838985443115, 0.06103823333978653, -0.1894923746585846, 0.044492535293102264, 0.1951686590909958, -0.3679790496826172, -0.4517858326435089, 0.5560092926025391, 0.11386671662330627, -0.3536766469478607, 0.5585344433784485, -0.3943604528903961, -0.41046056151390076, 0.5870080590248108, 0.25805798172950745, 1.1513760089874268, -0.21817977726459503, -0.15057213604450226, 0.7638353705406189, 0.5440540909767151, 0.04802687466144562, 0.5890888571739197, 0.2879301905632019, -0.6219422221183777, -0.4107687771320343, -0.8333173990249634, 0.1530127376317978, 0.284464567899704, -0.8662142157554626, 0.45032966136932373, -0.018512660637497902, -0.44546395540237427, -0.07540480047464371, 0.38930511474609375, -0.6058329939842224, 0.008316786028444767, -0.28065282106399536, 1.0381485223770142, -0.9909862875938416, 0.8856207132339478, 0.821193516254425, -0.6684998273849487, -1.1275514364242554, -0.08084068447351456, -0.1894768625497818, -0.5216016173362732, 0.726046621799469, 0.10584630072116852, -0.010764419101178646, -0.036055874079465866, -0.317134827375412, -0.9176556468009949, 1.307654619216919, 0.544671893119812, -0.40183836221694946, -0.10690437257289886, -0.02700704149901867, 0.49587374925613403, 0.02935461886227131, 0.22883102297782898, 0.46004730463027954, 0.9414584040641785, -0.14114528894424438, -1.1585627794265747, 0.22888919711112976, -0.4551698565483093, -0.09248337894678116, 0.5154500007629395, -0.855030357837677, 1.0281288623809814, 0.1756788194179535, -0.33587029576301575, 0.16053512692451477, 0.5573364496231079, 0.40596795082092285, 0.1284901350736618, 0.5285665392875671, 1.1501599550247192, 0.4708172380924225, -0.5133510828018188, 1.0763990879058838, -0.26718759536743164, 0.6944448947906494, 1.1400400400161743, 0.18819141387939453, 0.8029490113258362, 0.561806321144104, -0.21566295623779297, 0.7584294676780701, 0.6138230562210083, -0.2878873646259308, 0.314461350440979, -0.0763726532459259, 0.10687136650085449, -0.2713894248008728, -0.2560233175754547, -0.5641230344772339, 0.5422801971435547, -0.0007074552122503519, -0.2057039886713028, -0.17720267176628113, -0.29111072421073914, 0.3386748135089874, 0.10177398473024368, 0.029124246910214424, 0.7773739695549011, -0.08540705591440201, -0.6180611252784729, 0.9115216732025146, -0.04923710227012634, 0.6839870810508728, -0.6245384216308594, -0.09816882014274597, -0.21570512652397156, 0.1614496260881424, -0.11714515835046768, -0.775579035282135, 0.4025803208351135, 0.183286651968956, -0.29569119215011597, -0.2810331881046295, 0.12760049104690552, -0.43422845005989075, -0.7458428144454956, 0.5631741285324097, 0.4148070514202118, 0.33759090304374695, 0.0806172713637352, -0.8585169315338135, 0.022545838728547096, 0.1906278431415558, -0.6558155417442322, 0.0059732371009886265, 0.8729113936424255, 0.14095382392406464, 0.5979165434837341, 0.5620399713516235, 0.08054883778095245, 0.10664968937635422, 0.04560079425573349, 0.7379233241081238, -0.8448535203933716, -0.3691355884075165, -1.0224822759628296, 0.5033951997756958, -0.023744875565171242, -0.6264238953590393, 0.8902843594551086, 0.8438553214073181, 0.9081001281738281, -0.040309835225343704, 0.2789779603481293, -0.3273661434650421, 0.4613270163536072, -0.7079083323478699, 0.6847481727600098, -1.0639394521713257, -0.004441889002919197, -0.30800795555114746, -0.923956573009491, -0.35353583097457886, 0.36867618560791016, -0.3526443839073181, -0.09390227496623993, 1.0627964735031128, 0.7300689220428467, 0.0294602420181036, -0.2516098916530609, 0.04981030151247978, 0.4681043028831482, 0.2609531283378601, 0.905983030796051, 0.31472834944725037, -0.9775811433792114, 0.7583523988723755, -0.3008631467819214, 0.029233338311314583, -0.155702605843544, -0.9862119555473328, -0.9404044151306152, -0.6018050312995911, -0.3000161349773407, -0.3959377408027649, -0.2691205143928528, 0.847503662109375, 0.38816365599632263, -1.0352681875228882, -0.27781742811203003, -0.12324579060077667, 0.19469723105430603, -0.2967529892921448, -0.294868141412735, 0.7950812578201294, -0.12022598087787628, -1.0740021467208862, 0.2464696168899536, 0.060710739344358444, 0.15579770505428314, 0.10105454176664352, -0.01904296875, -0.823785126209259, -0.14155185222625732, 0.23821842670440674, 0.020615026354789734, -0.9733901023864746, -0.03964254632592201, 0.1656828373670578, -0.2361368089914322, 0.2764921188354492, 0.052824560552835464, -0.35300183296203613, 0.17599685490131378, 0.8787539601325989, 0.3509174883365631, 0.46909740567207336, -0.01808795891702175, 0.30001363158226013, -0.7587966322898865, 0.35595473647117615, 0.3142673373222351, 0.5262112021446228, 0.24133390188217163, -0.17290303111076355, 0.9483140707015991, 0.2940637767314911, -0.43355461955070496, -1.091863751411438, -0.0031435261480510235, -1.3797329664230347, -0.13681702315807343, 1.1664907932281494, -0.2909282147884369, -0.40764933824539185, 0.20999805629253387, -0.19868841767311096, 0.46200770139694214, -0.6340875029563904, 0.5428127646446228, 0.853531002998352, 0.29465222358703613, 0.23706696927547455, -0.5636913180351257, 0.25054600834846497, 0.6490888595581055, -0.7946355938911438, -0.15511471033096313, 0.349173903465271, 0.42465826869010925, 0.535658061504364, 0.6190549731254578, -0.4830632507801056, 0.12514430284500122, -0.1621132493019104, 0.3415676951408386, -0.25239619612693787, -0.12491996586322784, -0.4187582731246948, 0.07106734067201614, -0.19013968110084534, -0.2749350070953369 ]
Helsinki-NLP/opus-mt-da-de
Helsinki-NLP
2023-08-16T11:27:20Z
9,711
0
transformers
[ "transformers", "pytorch", "tf", "marian", "text2text-generation", "translation", "da", "de", "license:apache-2.0", "autotrain_compatible", "endpoints_compatible", "has_space", "region:us" ]
translation
2022-03-02T23:29:04Z
--- tags: - translation license: apache-2.0 --- ### opus-mt-da-de * source languages: da * target languages: de * OPUS readme: [da-de](https://github.com/Helsinki-NLP/OPUS-MT-train/blob/master/models/da-de/README.md) * dataset: opus * model: transformer-align * pre-processing: normalization + SentencePiece * download original weights: [opus-2020-01-26.zip](https://object.pouta.csc.fi/OPUS-MT-models/da-de/opus-2020-01-26.zip) * test set translations: [opus-2020-01-26.test.txt](https://object.pouta.csc.fi/OPUS-MT-models/da-de/opus-2020-01-26.test.txt) * test set scores: [opus-2020-01-26.eval.txt](https://object.pouta.csc.fi/OPUS-MT-models/da-de/opus-2020-01-26.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | Tatoeba.da.de | 57.4 | 0.740 |
[ -0.32424065470695496, -0.648489236831665, 0.3182860016822815, 0.3808191418647766, -0.45853322744369507, -0.42089226841926575, -0.4609580338001251, -0.06413785368204117, 0.07787787169218063, 0.4728024899959564, -0.6847469210624695, -0.6633394956588745, -0.7567806243896484, 0.3124679923057556, -0.1564185917377472, 0.8092167973518372, -0.12910091876983643, 0.4900777041912079, 0.25580698251724243, -0.4204448163509369, -0.4245881140232086, -0.4431746304035187, -0.5443329811096191, -0.3154330849647522, 0.3929479718208313, 0.4803430438041687, 0.4321829378604889, 0.5028257966041565, 0.942999541759491, 0.2575923800468445, -0.1072068065404892, 0.060448043048381805, -0.48009219765663147, -0.021403126418590546, 0.12309789657592773, -0.57615065574646, -0.9200890064239502, -0.12051144242286682, 1.0843580961227417, 0.511012077331543, -0.029571041464805603, 0.3767339289188385, -0.04818299785256386, 1.0991487503051758, -0.3981253206729889, 0.10272225737571716, -0.6092158555984497, -0.03895553946495056, -0.342134028673172, -0.2702942490577698, -0.7311959266662598, -0.2869740128517151, 0.15278364717960358, -0.6686089634895325, -0.151124507188797, -0.02021978236734867, 1.543982744216919, 0.46455228328704834, -0.5060393214225769, -0.13375741243362427, -0.6159796714782715, 1.1089962720870972, -0.8944324254989624, 0.5771588087081909, 0.5662721395492554, 0.3425336480140686, 0.1801891028881073, -0.6153711676597595, -0.4236524999141693, 0.09720861166715622, -0.14549130201339722, 0.1875859647989273, -0.16037645936012268, -0.30768102407455444, 0.2847311496734619, 0.8193936944007874, -0.755544126033783, 0.04106951877474785, -0.5384098291397095, 0.08305345475673676, 0.7768887877464294, 0.0693763867020607, 0.16351698338985443, -0.15671122074127197, -0.453898161649704, -0.6599401235580444, -0.7760663628578186, -0.06396273523569107, 0.4131835401058197, 0.21118931472301483, -0.5124443769454956, 0.774060845375061, -0.15247462689876556, 0.7610961198806763, 0.08868853747844696, 0.03000759705901146, 1.0697036981582642, -0.3764548599720001, -0.40207698941230774, -0.17962893843650818, 1.2559988498687744, 0.3597373366355896, 0.1232420802116394, 0.08622218668460846, -0.22586682438850403, -0.20939978957176208, 0.12974363565444946, -1.0296697616577148, -0.17926695942878723, 0.18412116169929504, -0.4967668652534485, -0.15214219689369202, 0.025337673723697662, -0.750065803527832, 0.23891966044902802, -0.5301946997642517, 0.7312169075012207, -0.7151301503181458, -0.31154665350914, 0.42868468165397644, 0.023802772164344788, 0.3328815996646881, -0.035698242485523224, -0.6925308704376221, 0.22371284663677216, 0.37877553701400757, 0.812503457069397, -0.4865695536136627, -0.28692108392715454, -0.5854917168617249, -0.18461304903030396, -0.12465979158878326, 0.7243934869766235, -0.10738444328308105, -0.4844556450843811, -0.11699990183115005, 0.43861156702041626, -0.39250388741493225, -0.3856395184993744, 1.5184378623962402, -0.3960364758968353, 0.7210649847984314, -0.492948979139328, -0.6421053409576416, -0.4378611147403717, 0.47320494055747986, -0.714993417263031, 1.3349804878234863, 0.13920310139656067, -0.9253510236740112, 0.3095878064632416, -0.9634191393852234, -0.20707400143146515, -0.05088802054524422, 0.03133910521864891, -0.6270850300788879, 0.11195171624422073, 0.19042089581489563, 0.461233913898468, -0.3580417037010193, 0.32306596636772156, -0.033603984862565994, -0.4027409851551056, 0.03754859417676926, -0.5047216415405273, 1.187417984008789, 0.3341166079044342, -0.44169220328330994, 0.17935852706432343, -1.1010380983352661, -0.03239160403609276, -0.01018918864428997, -0.5297435522079468, -0.31351980566978455, 0.09268161654472351, 0.29740944504737854, 0.1427854746580124, 0.3451434075832367, -0.7008563876152039, 0.34830567240715027, -0.7338429093360901, 0.19922460615634918, 0.7105239033699036, -0.36503174901008606, 0.3535526990890503, -0.4554821252822876, 0.34386399388313293, 0.16125881671905518, -0.00036395873758010566, 0.06370507180690765, -0.5056818723678589, -0.9082504510879517, -0.37154632806777954, 0.7291667461395264, 1.1394484043121338, -0.7736180424690247, 1.0321686267852783, -0.7601907849311829, -0.8322809934616089, -0.8027815818786621, -0.2591714859008789, 0.4340442419052124, 0.4268438220024109, 0.6150599718093872, -0.16457755863666534, -0.4379407465457916, -1.1379468441009521, -0.062389593571424484, -0.09434844553470612, -0.28393110632896423, 0.17618370056152344, 0.7359722852706909, -0.30436211824417114, 0.5914204120635986, -0.668896496295929, -0.489581435918808, -0.037449538707733154, 0.2174748182296753, 0.5167566537857056, 0.6530815958976746, 0.6772300004959106, -1.0173152685165405, -0.6951494216918945, -0.04619507119059563, -0.7494033575057983, -0.22969777882099152, 0.23168985545635223, -0.13285459578037262, 0.23907163739204407, 0.07901687920093536, -0.30867379903793335, 0.14641401171684265, 0.7696035504341125, -0.7114313244819641, 0.6153221130371094, -0.2562021017074585, 0.40206390619277954, -1.4416742324829102, 0.1583675891160965, -0.2921178340911865, -0.009299611672759056, -0.3956405222415924, -0.09442584961652756, 0.2387760728597641, 0.15128472447395325, -0.7865800261497498, 0.6358570456504822, -0.28258782625198364, -0.028517382219433784, 0.13475756347179413, 0.029810627922415733, 0.09378781914710999, 0.7576285004615784, -0.09133323282003403, 0.9097332954406738, 0.8226202130317688, -0.6511735916137695, 0.22141984105110168, 0.6772626638412476, -0.4543110132217407, 0.5170702338218689, -0.909392237663269, -0.19512562453746796, 0.37043824791908264, -0.10971496254205704, -0.7071520686149597, 0.12297669053077698, 0.26616406440734863, -0.6618501543998718, 0.43633806705474854, -0.05234575271606445, -0.8706009387969971, -0.008127906359732151, -0.29037347435951233, 0.608724057674408, 0.771481454372406, -0.2626912593841553, 0.5959916114807129, 0.17789097130298615, -0.03353927284479141, -0.5294873118400574, -1.1083581447601318, -0.0043092090636491776, -0.44839295744895935, -0.8119937181472778, 0.3743818700313568, -0.46310746669769287, -0.11074742674827576, 0.08130549639463425, 0.3338821530342102, -0.1851455420255661, 0.0632895827293396, 0.06939936429262161, 0.20639193058013916, -0.43152984976768494, 0.10963823646306992, 0.05823424831032753, -0.22066150605678558, -0.14466597139835358, -0.18868157267570496, 0.6469184756278992, -0.33777889609336853, -0.23572176694869995, -0.6428219676017761, 0.13545019924640656, 0.651610255241394, -0.39033377170562744, 0.8989659547805786, 0.6357329487800598, -0.11543627828359604, 0.14056198298931122, -0.4381328225135803, 0.13356027007102966, -0.4740784466266632, 0.11159244924783707, -0.6188491582870483, -0.7856885194778442, 0.4981909394264221, 0.13910847902297974, 0.38981929421424866, 0.990074872970581, 0.8124720454216003, 0.11355175077915192, 0.7184222340583801, 0.40590354800224304, 0.009121785871684551, 0.44714000821113586, -0.5942173600196838, -0.18926194310188293, -1.0872489213943481, 0.13528117537498474, -0.8008620738983154, -0.3926997482776642, -0.875821053981781, -0.24516378343105316, 0.26377665996551514, 0.05835804343223572, -0.22390234470367432, 0.8192390203475952, -0.6329031586647034, 0.22544638812541962, 0.6202518939971924, -0.16674496233463287, 0.3934130072593689, 0.015765516087412834, -0.5552002191543579, -0.24113890528678894, -0.42351287603378296, -0.6307365894317627, 1.4786332845687866, 0.3693614900112152, 0.3443802297115326, 0.23516450822353363, 0.5762689709663391, 0.09214659780263901, 0.11214543879032135, -0.6902586817741394, 0.4995388686656952, -0.3930932879447937, -0.7086880207061768, -0.3467651903629303, -0.6310548186302185, -1.0023616552352905, 0.4430546462535858, -0.20060952007770538, -0.4572381377220154, 0.23338542878627777, -0.08391636610031128, -0.07777911424636841, 0.4398420453071594, -0.7956693768501282, 1.2550889253616333, -0.02872197888791561, -0.018800996243953705, 0.14774808287620544, -0.44559797644615173, 0.2503760755062103, -0.11324027925729752, 0.27299559116363525, -0.19547167420387268, 0.07270641624927521, 0.7070626616477966, -0.07925726473331451, 0.41098231077194214, -0.06611230224370956, -0.21605782210826874, 0.07979066669940948, 0.06332501024007797, 0.37555426359176636, -0.15151318907737732, -0.5205909013748169, 0.5289953947067261, 0.155255526304245, -0.4836201071739197, -0.12455916404724121, 0.6799042224884033, -0.7552815079689026, -0.031832121312618256, -0.5419710278511047, -0.7966172099113464, 0.06508290767669678, 0.3856997787952423, 0.7134192585945129, 0.7123069763183594, -0.36087313294410706, 0.5779227018356323, 0.8545121550559998, -0.32508859038352966, 0.44952672719955444, 0.780272364616394, -0.11837039887905121, -0.6318318247795105, 0.8150765299797058, 0.17973294854164124, 0.3895333707332611, 0.674461305141449, 0.12460602074861526, -0.20701217651367188, -0.7956849336624146, -0.752496063709259, 0.25459131598472595, -0.31042608618736267, -0.16770438849925995, -0.6670299768447876, -0.025241775438189507, -0.35806161165237427, 0.316795289516449, -0.42288851737976074, -0.6720879077911377, -0.17206095159053802, -0.19896693527698517, 0.2851160168647766, 0.29431262612342834, -0.14727714657783508, 0.4532982110977173, -1.1225852966308594, 0.35084018111228943, -0.045116107910871506, 0.38297152519226074, -0.5229354500770569, -0.889403223991394, -0.4755609631538391, 0.16579432785511017, -0.7219665050506592, -0.8033038377761841, 0.5457118153572083, 0.15969769656658173, 0.20353905856609344, 0.3269733786582947, 0.242691770195961, 0.3401670455932617, -0.8331185579299927, 0.9953916668891907, -0.17524096369743347, -0.790648877620697, 0.5242617726325989, -0.48642295598983765, 0.49208369851112366, 1.0118690729141235, 0.32995885610580444, -0.2673812210559845, -0.49792227149009705, -0.7755794525146484, -0.8472621440887451, 0.8138349652290344, 0.7452671527862549, -0.1480775624513626, 0.11826573312282562, -0.06004716083407402, 0.014987559989094734, 0.14311806857585907, -1.152938723564148, -0.4743644595146179, 0.11886750906705856, -0.37881606817245483, -0.2357107400894165, -0.3789042532444, -0.2592727243900299, -0.23116259276866913, 1.1701364517211914, 0.20048029720783234, 0.15972931683063507, 0.446341872215271, -0.13644291460514069, -0.16593781113624573, 0.4026578366756439, 1.0433664321899414, 0.6278859376907349, -0.6133841276168823, -0.16808867454528809, 0.330165296792984, -0.555424690246582, -0.059269122779369354, 0.18956643342971802, -0.4998009204864502, 0.32372671365737915, 0.4307355284690857, 1.0698682069778442, 0.08408080786466599, -0.6958895325660706, 0.5191256999969482, -0.36491015553474426, -0.4996163547039032, -0.7029897570610046, -0.1575920283794403, 0.0888691395521164, -0.01798778399825096, 0.29942402243614197, 0.07134834676980972, 0.24784477055072784, -0.1981198489665985, 0.30252203345298767, 0.06094389408826828, -0.6694244146347046, -0.6043397784233093, 0.5637429356575012, 0.13937370479106903, -0.3638078570365906, 0.5115187764167786, -0.48261451721191406, -0.5502074360847473, 0.4575963616371155, 0.14224931597709656, 1.196933627128601, -0.24336174130439758, -0.18917910754680634, 0.8280884623527527, 0.5253121256828308, -0.20293839275836945, 0.507710337638855, 0.10621275007724762, -0.6926730871200562, -0.6896807551383972, -0.9415935277938843, -0.15399625897407532, 0.13110312819480896, -0.8331149816513062, 0.49309229850769043, 0.4416307806968689, -0.008021210320293903, -0.31917473673820496, 0.296242356300354, -0.4988001883029938, 0.2012661099433899, -0.3541039824485779, 1.1356027126312256, -1.011576533317566, 1.0787112712860107, 0.4816870093345642, -0.3332222104072571, -0.8281600475311279, -0.19161631166934967, -0.2324674278497696, -0.4309132993221283, 0.8441071510314941, 0.20013949275016785, 0.29224708676338196, -0.08064816147089005, -0.09430013597011566, -0.8280735015869141, 1.1873520612716675, 0.3066214323043823, -0.6752419471740723, 0.020210549235343933, 0.10721109062433243, 0.5412716865539551, -0.3343886435031891, 0.11067749559879303, 0.5234106183052063, 0.8839293718338013, 0.07257816940546036, -1.247572898864746, -0.28978070616722107, -0.5317856073379517, -0.41193699836730957, 0.5979896783828735, -0.5331701040267944, 1.0839102268218994, 0.4385735094547272, -0.2248084396123886, 0.04360952973365784, 0.6512348651885986, 0.26753711700439453, 0.31025534868240356, 0.6727452874183655, 1.3635755777359009, 0.35315269231796265, -0.5063488483428955, 1.0975085496902466, -0.29239219427108765, 0.5009703636169434, 1.2952302694320679, -0.06359106302261353, 1.0023084878921509, 0.32732027769088745, -0.18912672996520996, 0.6293864846229553, 0.6273377537727356, -0.3787238597869873, 0.5719470977783203, 0.1192036122083664, 0.17814290523529053, -0.0272603128105402, 0.2504163086414337, -0.7974791526794434, 0.3530311584472656, 0.1154930591583252, -0.1402897983789444, 0.005927155259996653, -0.016983844339847565, 0.04109777510166168, 0.07432235032320023, -0.05969241261482239, 0.7180953025817871, 0.0013990579172968864, -0.6391888856887817, 0.8943884968757629, -0.05379101261496544, 0.7861618995666504, -0.6920154690742493, 0.028612766414880753, -0.019178342074155807, 0.3300004005432129, 0.03442369028925896, -0.6110581755638123, 0.6431107521057129, -0.008366687223315239, -0.35473838448524475, -0.45049795508384705, 0.1337803155183792, -0.6136534810066223, -0.9211140871047974, 0.5506896376609802, 0.46040090918540955, 0.40413016080856323, -0.04863728955388069, -0.9384779930114746, -0.004743903875350952, 0.0690767914056778, -0.6569827198982239, 0.08117340505123138, 0.862551212310791, 0.3623819351196289, 0.5017906427383423, 0.6411210894584656, 0.28175821900367737, 0.18836019933223724, -0.022824743762612343, 0.6794481873512268, -0.47933658957481384, -0.43712589144706726, -0.9413332343101501, 0.8311798572540283, -0.09679928421974182, -0.6878378987312317, 0.828972578048706, 1.0656161308288574, 1.0982593297958374, -0.1899479627609253, 0.23976671695709229, -0.21658408641815186, 0.8142281770706177, -0.6706992387771606, 0.7302195429801941, -1.04244065284729, 0.25995174050331116, -0.15919888019561768, -1.083771824836731, -0.21632567048072815, 0.3255593776702881, -0.2126212865114212, -0.36894476413726807, 0.900603711605072, 0.6912858486175537, -0.18299834430217743, -0.3182564377784729, 0.34502220153808594, 0.41188710927963257, 0.23584656417369843, 0.656515896320343, 0.3554655611515045, -1.1368504762649536, 0.6340991258621216, -0.31557759642601013, -0.168709397315979, -0.007204296998679638, -0.8750764727592468, -0.9087342619895935, -0.7809040546417236, -0.2735891342163086, -0.21896226704120636, -0.37914586067199707, 0.8117632269859314, 0.5771218538284302, -1.0240507125854492, -0.567844808101654, 0.008070358075201511, 0.12299123406410217, -0.28054261207580566, -0.2808842062950134, 0.8094459772109985, -0.35813772678375244, -1.2314870357513428, 0.5441131591796875, 0.07241428643465042, -0.08925975859165192, 0.01737852208316326, -0.2887115180492401, -0.6213973760604858, -0.09554717689752579, 0.38387253880500793, -0.03860054537653923, -0.5962989926338196, 0.08944716304540634, 0.16127841174602509, -0.14031070470809937, 0.3964366316795349, 0.3205135762691498, -0.35941094160079956, 0.26640695333480835, 0.9236401915550232, 0.4961920380592346, 0.5011247992515564, -0.175798237323761, 0.6171305179595947, -0.6704874634742737, 0.35425958037376404, 0.26162421703338623, 0.6128697991371155, 0.3549017012119293, -0.08074979484081268, 0.9343644976615906, 0.17990346252918243, -0.8248337507247925, -1.14230215549469, 0.09710343927145004, -1.3799962997436523, -0.08523838967084885, 0.9781705737113953, -0.32247820496559143, -0.2813085913658142, 0.3448622226715088, -0.2533631920814514, 0.2063257098197937, -0.35492435097694397, 0.5690271258354187, 0.9739488959312439, 0.4563648998737335, 0.19729383289813995, -0.7863807678222656, 0.4062022566795349, 0.6237281560897827, -0.8376638293266296, -0.19053047895431519, 0.3344504237174988, 0.15343111753463745, 0.45996883511543274, 0.5384446978569031, -0.38626670837402344, 0.07373525202274323, -0.27191615104675293, 0.36268848180770874, -0.1415819227695465, -0.21625913679599762, -0.41678106784820557, 0.01646306924521923, -0.15323705971240997, -0.41397005319595337 ]
klue/roberta-large
klue
2023-06-12T12:29:57Z
9,708
31
transformers
[ "transformers", "pytorch", "safetensors", "roberta", "fill-mask", "korean", "klue", "ko", "arxiv:2105.09680", "autotrain_compatible", "endpoints_compatible", "has_space", "region:us" ]
fill-mask
2022-03-02T23:29:05Z
--- language: ko tags: - korean - klue mask_token: "[MASK]" widget: - text: 대한민국의 수도는 [MASK] 입니다. --- # KLUE RoBERTa large Pretrained RoBERTa Model on Korean Language. See [Github](https://github.com/KLUE-benchmark/KLUE) and [Paper](https://arxiv.org/abs/2105.09680) for more details. ## How to use _NOTE:_ Use `BertTokenizer` instead of RobertaTokenizer. (`AutoTokenizer` will load `BertTokenizer`) ```python from transformers import AutoModel, AutoTokenizer model = AutoModel.from_pretrained("klue/roberta-large") tokenizer = AutoTokenizer.from_pretrained("klue/roberta-large") ``` ## BibTeX entry and citation info ```bibtex @misc{park2021klue, title={KLUE: Korean Language Understanding Evaluation}, author={Sungjoon Park and Jihyung Moon and Sungdong Kim and Won Ik Cho and Jiyoon Han and Jangwon Park and Chisung Song and Junseong Kim and Yongsook Song and Taehwan Oh and Joohong Lee and Juhyun Oh and Sungwon Lyu and Younghoon Jeong and Inkwon Lee and Sangwoo Seo and Dongjun Lee and Hyunwoo Kim and Myeonghwa Lee and Seongbo Jang and Seungwon Do and Sunkyoung Kim and Kyungtae Lim and Jongwon Lee and Kyumin Park and Jamin Shin and Seonghyun Kim and Lucy Park and Alice Oh and Jungwoo Ha and Kyunghyun Cho}, year={2021}, eprint={2105.09680}, archivePrefix={arXiv}, primaryClass={cs.CL} } ```
[ -0.27599918842315674, -0.4234378933906555, 0.5092899799346924, 0.45580875873565674, -0.3605753779411316, 0.04775243625044823, -0.7136322259902954, -0.21854443848133087, 0.05204276740550995, 0.20975585281848907, -0.3433750569820404, -0.591474175453186, -0.7820121049880981, 0.11151134222745895, -0.004871531389653683, 1.1334798336029053, -0.0815100371837616, 0.4876182973384857, -0.008724634535610676, -0.2672845125198364, -0.23069065809249878, -0.44665396213531494, -0.6243728399276733, -0.5613143444061279, 0.28124383091926575, 0.042791105806827545, 0.47950315475463867, 0.46455201506614685, 0.14342454075813293, 0.37735775113105774, -0.07881131023168564, -0.20566487312316895, -0.30245241522789, 0.14206917583942413, 0.04795963317155838, -0.4996238648891449, -0.5218361020088196, 0.25691330432891846, 0.7992250919342041, 0.5038318037986755, 0.3458324372768402, 0.49116459488868713, -0.09794501960277557, 0.70592200756073, -0.44058749079704285, 0.42094218730926514, -0.472452312707901, -0.12890678644180298, -0.15130501985549927, 0.1838241070508957, -0.5058543086051941, -0.37808629870414734, 0.22595429420471191, -0.6103812456130981, 0.04607512056827545, -0.22995811700820923, 1.6352735757827759, 0.36201727390289307, -0.5526857376098633, -0.3833160400390625, -0.576487123966217, 1.0178442001342773, -0.8489946722984314, 0.6398344039916992, 0.47173601388931274, 0.3505887985229492, -0.12094280123710632, -0.9148938655853271, -0.6574440598487854, -0.5769448280334473, -0.16107088327407837, 0.21507057547569275, -0.00655148271471262, -0.0728597566485405, 0.3647966682910919, 0.37864676117897034, -0.8753612041473389, -0.1623329520225525, -0.3806888461112976, -0.1449061781167984, 0.7136099338531494, -0.050279054790735245, 0.16883626580238342, -0.47719231247901917, -0.2763504981994629, -0.5720357298851013, -0.24724771082401276, 0.12795062363147736, 0.497698038816452, 0.2740810513496399, -0.3392094373703003, 0.4423624277114868, -0.1594274491071701, 0.7968334555625916, 0.18703806400299072, -0.29290106892585754, 0.992789626121521, -0.5020690560340881, -0.14114080369472504, -0.42532601952552795, 0.9416233897209167, 0.09062236547470093, 0.39780494570732117, -0.1554735004901886, 0.03824230283498764, -0.15438146889209747, -0.03212643414735794, -0.8731449842453003, -0.8247513771057129, 0.26559677720069885, -0.8468759059906006, -0.0024500261060893536, 0.36294955015182495, -1.013303518295288, 0.029832473024725914, -0.5609421133995056, 0.39828160405158997, -0.302157998085022, -0.5069799423217773, -0.12577420473098755, -0.0038203548174351454, 0.30424994230270386, -0.18889185786247253, -0.6570956707000732, 0.06218963861465454, 0.4311369061470032, 0.7892649173736572, -0.03087504580616951, -0.474403440952301, -0.3725230395793915, -0.2524377703666687, -0.26635339856147766, 0.5338075757026672, -0.27066469192504883, -0.21895867586135864, -0.1028362363576889, 0.4050818979740143, -0.43635302782058716, -0.5616059899330139, 0.7554190754890442, -0.5381109118461609, 0.2833598852157593, 0.1633964627981186, -0.6989629864692688, -0.2527979612350464, 0.17840874195098877, -0.6400277614593506, 1.4596407413482666, 0.4691535234451294, -0.5906957983970642, 0.5335360169410706, -0.5485239624977112, -0.35328409075737, -0.07004312425851822, -0.04218049347400665, -0.8564154505729675, -0.10386575758457184, 0.13277050852775574, 0.34178152680397034, -0.07638688385486603, 0.40690556168556213, -0.3728770613670349, -0.0977124348282814, 0.17605482041835785, -0.16816043853759766, 1.2875311374664307, 0.4724428653717041, -0.4471164047718048, 0.33648812770843506, -1.2458285093307495, 0.6678462028503418, 0.1919032633304596, -0.5873123407363892, -0.43201854825019836, -0.4318222999572754, 0.4756462872028351, 0.36056485772132874, 0.5107477307319641, -0.4079744219779968, 0.23147743940353394, -0.3704063296318054, 0.32598742842674255, 0.5819516181945801, -0.2769436538219452, 0.5186297297477722, -0.12984298169612885, 0.7070667743682861, -0.07813716679811478, 0.07417609542608261, -0.1878879964351654, -0.3169679641723633, -0.7070736289024353, -0.5368608832359314, 0.9649149179458618, 0.6211329698562622, -0.8107904195785522, 0.8106980919837952, -0.29786819219589233, -0.8817850351333618, -0.9093022346496582, -0.028347110375761986, 0.6360707879066467, 0.1731908768415451, 0.36002427339553833, 0.14916683733463287, -0.8654853701591492, -0.7274258732795715, -0.41835716366767883, -0.19668865203857422, -0.06785839051008224, 0.6509326100349426, 0.6995775699615479, -0.17523854970932007, 0.7371520400047302, -0.5381230115890503, -0.02210700511932373, 0.021332431584596634, 0.3475959002971649, 0.672798752784729, 0.8008156418800354, 0.8078849911689758, -0.6769867539405823, -1.2367247343063354, -0.13876453042030334, -0.5404286980628967, -0.28447312116622925, -0.04669905826449394, -0.1578325480222702, 0.6927969455718994, 0.5194954872131348, -0.7351168394088745, 0.3466491997241974, 0.692905843257904, -0.4962192475795746, 0.9045945405960083, -0.3407834470272064, 0.33331501483917236, -1.343906283378601, 0.3277657926082611, -0.2889672815799713, -0.13435092568397522, -0.5123785138130188, 0.13501384854316711, 0.2731928825378418, -0.06417928636074066, -0.14354833960533142, 0.8582105040550232, -0.6994893550872803, -0.047962211072444916, -0.3094455897808075, 0.23576565086841583, -0.18183697760105133, 0.4770927131175995, -0.038518428802490234, 0.8346202373504639, 0.6855580806732178, -0.5549380779266357, 0.33985635638237, 0.27326110005378723, -0.6207336783409119, 0.2493983805179596, -0.8308645486831665, 0.2381506711244583, 0.1241261437535286, 0.3140959143638611, -1.2641907930374146, -0.11745687574148178, 0.37179163098335266, -0.7914276719093323, 0.33647972345352173, -0.6200138330459595, -0.5552254915237427, -0.7253925204277039, -0.180436909198761, 0.594062328338623, 0.640811562538147, -0.7130842804908752, 0.7214604616165161, 0.18377377092838287, -0.015355058014392853, -0.4950396716594696, -0.39366623759269714, -0.216293603181839, -0.2785246968269348, -0.6355874538421631, 0.2803274691104889, -0.27406278252601624, 0.08531945943832397, 0.20138640701770782, 0.07268878817558289, -0.14647744596004486, -0.012693183496594429, 0.09738428145647049, 0.45833250880241394, -0.35860675573349, 0.1810719519853592, -0.4895312786102295, -0.45749861001968384, -0.09238456189632416, -0.3650696575641632, 1.1438125371932983, -0.18930497765541077, -0.1307317316532135, -0.4941260814666748, -0.10319291800260544, 0.5009852647781372, -0.27204638719558716, 0.7818908095359802, 1.1257176399230957, -0.03828155994415283, -0.01759258657693863, -0.40787339210510254, 0.11372683197259903, -0.4494301378726959, 0.7513738870620728, -0.5300465226173401, -0.6318108439445496, 0.7116141319274902, -0.2394033819437027, -0.2840208411216736, 0.619358241558075, 0.7076953053474426, 0.2695572078227997, 1.049108862876892, 0.34367498755455017, -0.39023616909980774, 0.6289280652999878, -0.4741164743900299, 0.3443892300128937, -1.0652530193328857, -0.00009534120181342587, -0.986727774143219, -0.024142403155565262, -0.8972346782684326, -0.39271143078804016, 0.17389607429504395, 0.326762318611145, -0.5667110681533813, 0.5478312969207764, -0.5020986795425415, 0.40903329849243164, 0.74705570936203, -0.11163593083620071, 0.023010117933154106, -0.16568635404109955, -0.21760734915733337, -0.16325697302818298, -0.6006792187690735, -0.49683648347854614, 1.5031731128692627, 0.2137540876865387, 0.783915102481842, -0.09892316162586212, 0.7337426543235779, -0.15505798161029816, 0.1539030224084854, -0.6973991394042969, 0.40324708819389343, -0.17396217584609985, -0.8530813455581665, -0.31547313928604126, -0.5489379167556763, -1.1775283813476562, 0.27168068289756775, -0.05029786005616188, -0.7356786131858826, 0.07904423773288727, -0.01624111272394657, -0.07490465044975281, 0.06963919848203659, -0.6363771557807922, 1.1542702913284302, -0.13996167480945587, 0.12899774312973022, -0.00025319732958450913, -0.4369065463542938, 0.27569082379341125, 0.033465128391981125, 0.060789015144109726, -0.08008553087711334, 0.17412613332271576, 0.7241654396057129, -0.27746015787124634, 0.6007412672042847, -0.5283006429672241, 0.2015109658241272, 0.1935058832168579, -0.17442357540130615, 0.6987612843513489, 0.21659564971923828, -0.09371698647737503, 0.2539689540863037, 0.07699411362409592, -0.6087068319320679, -0.5706974864006042, 0.6717795133590698, -1.1333796977996826, -0.28300318121910095, -0.7680256366729736, -0.6444942355155945, -0.0620267428457737, 0.5408329963684082, 0.41695520281791687, 0.12924928963184357, 0.05655689910054207, 0.23656544089317322, 0.2886548340320587, -0.18412098288536072, 0.4153423607349396, 0.7566450834274292, -0.4696351885795593, -0.8982481360435486, 0.934543251991272, 0.23275409638881683, 0.2732450067996979, -0.311137318611145, 0.16057725250720978, -0.4149269163608551, -0.504550576210022, -0.45354902744293213, 0.49823206663131714, -0.6728063225746155, -0.17019860446453094, -0.6895405650138855, -0.5302320718765259, -0.6397225856781006, 0.13132265210151672, -0.4627849757671356, -0.3880015015602112, -0.276827871799469, 0.2361772209405899, 0.3467640280723572, 0.48895683884620667, -0.1062551960349083, 0.3345787227153778, -0.6298923492431641, 0.2619268000125885, -0.044690560549497604, 0.47102847695350647, 0.35144132375717163, -0.870775043964386, -0.5702775716781616, 0.002843565074726939, -0.27637457847595215, -0.486020565032959, 0.3660746216773987, 0.23858702182769775, 0.9555273056030273, 0.21661131083965302, 0.09344937652349472, 0.8076006174087524, -0.5477166175842285, 0.9937912225723267, 0.07290977984666824, -0.9795617461204529, 0.3833634853363037, -0.24196802079677582, 0.42092806100845337, 0.7216792106628418, 0.6008942723274231, -0.595956027507782, -0.31381168961524963, -0.844433605670929, -1.2983978986740112, 0.8056396842002869, 0.09948335587978363, -0.004595186095684767, -0.021367056295275688, 0.22579951584339142, -0.03905539587140083, 0.07279933989048004, -1.2327748537063599, -0.6105058193206787, -0.28330910205841064, -0.41328972578048706, -0.1480829119682312, -0.23372875154018402, -0.04575756937265396, -0.5176679491996765, 1.3581537008285522, -0.0054131243377923965, 0.2190093994140625, 0.3124445378780365, -0.2890208065509796, -0.07704426348209381, -0.03731454163789749, 0.6850499510765076, 0.6083982586860657, -0.12909796833992004, -0.19820450246334076, 0.06410779058933258, -0.6040650010108948, 0.08830398321151733, 0.3413673937320709, -0.2978481352329254, 0.2362358570098877, 0.5008252263069153, 0.8069065809249878, 0.2829933762550354, -0.7498036623001099, 0.40117543935775757, 0.03177133575081825, -0.3536696434020996, -0.8082960247993469, -0.0707564577460289, 0.14539408683776855, 0.4848549962043762, 0.42426925897598267, -0.17463266849517822, -0.3193567991256714, -0.34255266189575195, 0.21337507665157318, 0.37179940938949585, -0.20243370532989502, -0.29829633235931396, 0.6222676038742065, -0.1389913558959961, -0.32114386558532715, 0.62689208984375, -0.4981186091899872, -0.8496567010879517, 0.8190252184867859, 0.7691475749015808, 0.9766342639923096, -0.3022185266017914, 0.05222688615322113, 1.023166537284851, 0.06728574633598328, -0.007385568227618933, 0.5177574157714844, 0.1443289816379547, -0.5826095342636108, -0.2706020474433899, -0.7307475209236145, 0.1785261332988739, 0.5604037046432495, -0.8051531910896301, 0.19027037918567657, -0.25563788414001465, -0.3159467577934265, 0.18908819556236267, 0.4928794503211975, -0.6066592931747437, 0.01980428956449032, -0.35126715898513794, 0.7795274257659912, -0.9640387892723083, 1.0834215879440308, 0.853878378868103, -0.6034814715385437, -1.0990121364593506, 0.207307830452919, -0.33475029468536377, -0.6562836766242981, 1.1135715246200562, -0.11843995004892349, 0.39131036400794983, 0.0037689791060984135, -0.3620154857635498, -1.3759591579437256, 1.142971158027649, -0.04543846473097801, -0.37447336316108704, 0.3653341233730316, -0.17966918647289276, 0.648445725440979, -0.4298219680786133, 0.2744132876396179, 0.5313039422035217, 0.8697757720947266, -0.10175734013319016, -1.1350950002670288, -0.12042196840047836, -0.5170477032661438, 0.19629181921482086, 0.1506134271621704, -0.9397604465484619, 1.4038567543029785, 0.12025441974401474, -0.12198614329099655, 0.6727079153060913, 0.7842152118682861, 0.3324624001979828, 0.3604927361011505, 0.6166763305664062, 0.7527641654014587, 0.9458040595054626, -0.1577262580394745, 0.7941023111343384, -0.6036189794540405, 0.902326762676239, 1.414979338645935, -0.11893513798713684, 0.6916823387145996, 0.22280286252498627, -0.6296284198760986, 0.5685911178588867, 0.7204310894012451, -0.6439447999000549, 0.724307656288147, 0.3685068190097809, -0.07825659215450287, -0.2299613356590271, 0.4468560516834259, -0.708006739616394, 0.5077927112579346, -0.11201607435941696, -0.5515713691711426, -0.14755317568778992, 0.1810636967420578, 0.3321794271469116, 0.16075298190116882, -0.13941478729248047, 0.5831824541091919, -0.14868687093257904, -0.7042111158370972, 1.0433547496795654, -0.07320928573608398, 0.6636900305747986, -0.6203657388687134, 0.11642773449420929, 0.1272098422050476, 0.36383116245269775, -0.14643006026744843, -0.5121552348136902, 0.008769049309194088, -0.08484707772731781, -0.5033284425735474, 0.3406250774860382, 0.6735365390777588, -0.7653862833976746, -0.6960446238517761, 0.5478351712226868, 0.2790389060974121, 0.36181625723838806, 0.333271861076355, -0.9551134705543518, 0.0887729674577713, 0.08587028831243515, -0.6303879618644714, 0.3414347767829895, 0.5767384767532349, 0.10480508953332901, 0.6269847750663757, 0.8448317646980286, 0.12101823836565018, 0.4146159291267395, 0.1350477933883667, 0.831286609172821, -0.5795278549194336, -0.6210992336273193, -0.7575641870498657, 0.3286744952201843, -0.31608831882476807, -0.766085684299469, 1.1064815521240234, 0.8772985339164734, 1.1444685459136963, -0.43930843472480774, 0.8175668120384216, -0.3531326949596405, 0.7126275300979614, -0.5069682598114014, 1.0810893774032593, -0.564204752445221, -0.19372133910655975, -0.38502976298332214, -0.9656534790992737, -0.17496518790721893, 1.0428358316421509, -0.4038982689380646, 0.542076587677002, 0.7598239779472351, 0.74265056848526, 0.06730112433433533, -0.29886355996131897, 0.15589013695716858, 0.6982051134109497, 0.39094147086143494, 0.3638950288295746, 0.507256269454956, -0.8048924803733826, 0.6376683115959167, -0.26811864972114563, -0.21393825113773346, -0.2931974232196808, -1.083046793937683, -1.1534647941589355, -0.9589117765426636, -0.3083547353744507, -0.7595636248588562, -0.10248880833387375, 1.284478783607483, 0.882099449634552, -1.093569040298462, -0.1713290810585022, 0.10544316470623016, 0.06975821405649185, -0.3219849169254303, -0.2937290072441101, 1.0175254344940186, -0.7402912378311157, -1.082647681236267, 0.15029315650463104, -0.37408357858657837, 0.11938440799713135, -0.0283955205231905, -0.4222186505794525, -0.5029231309890747, -0.18139109015464783, 0.3904004693031311, 0.33484867215156555, -0.8006342053413391, -0.22244927287101746, -0.31253179907798767, -0.27760401368141174, 0.07051438093185425, 0.6093202233314514, -0.6381623148918152, 0.39612382650375366, 0.46431964635849, 0.5584769248962402, 0.7156190276145935, -0.08458054065704346, 0.2785257399082184, -0.4675518274307251, 0.4106857180595398, 0.09160429984331131, 0.295913428068161, 0.08378399908542633, -0.16283313930034637, 0.7810426950454712, 0.3559998869895935, -1.0162646770477295, -0.990176796913147, -0.04632418230175972, -1.0519437789916992, -0.3469832241535187, 1.0783107280731201, -0.6850547790527344, -0.47518205642700195, -0.2703075408935547, -0.2120196372270584, 0.452707976102829, -0.1882532387971878, 0.9540292620658875, 1.1078084707260132, 0.2200307548046112, 0.04788930341601372, -0.7968869209289551, 0.646898627281189, 0.3691384196281433, -0.6028234362602234, 0.09125344455242157, 0.10261522233486176, 0.6024863123893738, 0.31734952330589294, 0.6297581791877747, -0.21573854982852936, 0.37777575850486755, 0.11424310505390167, 0.3052237927913666, -0.27199751138687134, -0.2673056721687317, -0.38019752502441406, -0.307391881942749, -0.017728624865412712, -0.21422052383422852 ]
intfloat/e5-base
intfloat
2023-08-07T04:59:19Z
9,699
15
sentence-transformers
[ "sentence-transformers", "pytorch", "safetensors", "bert", "mteb", "Sentence Transformers", "sentence-similarity", "en", "arxiv:2212.03533", "arxiv:2104.08663", "arxiv:2210.07316", "license:mit", "model-index", "endpoints_compatible", "has_space", "region:us" ]
sentence-similarity
2022-12-26T05:58:05Z
--- tags: - mteb - Sentence Transformers - sentence-similarity - sentence-transformers model-index: - name: e5-base results: - task: type: Classification dataset: type: mteb/amazon_counterfactual name: MTEB AmazonCounterfactualClassification (en) config: en split: test revision: e8379541af4e31359cca9fbcf4b00f2671dba205 metrics: - type: accuracy value: 79.71641791044777 - type: ap value: 44.15426065428253 - type: f1 value: 73.89474407693241 - task: type: Classification dataset: type: mteb/amazon_polarity name: MTEB AmazonPolarityClassification config: default split: test revision: e2d317d38cd51312af73b3d32a06d1a08b442046 metrics: - type: accuracy value: 87.9649 - type: ap value: 84.10171551915973 - type: f1 value: 87.94148377827356 - task: type: Classification dataset: type: mteb/amazon_reviews_multi name: MTEB AmazonReviewsClassification (en) config: en split: test revision: 1399c76144fd37290681b995c656ef9b2e06e26d metrics: - type: accuracy value: 42.645999999999994 - type: f1 value: 42.230574673549 - task: type: Retrieval dataset: type: arguana name: MTEB ArguAna config: default split: test revision: None metrics: - type: map_at_1 value: 26.814 - type: map_at_10 value: 42.681999999999995 - type: map_at_100 value: 43.714 - type: map_at_1000 value: 43.724000000000004 - type: map_at_3 value: 38.11 - type: map_at_5 value: 40.666999999999994 - type: mrr_at_1 value: 27.168999999999997 - type: mrr_at_10 value: 42.84 - type: mrr_at_100 value: 43.864 - type: mrr_at_1000 value: 43.875 - type: mrr_at_3 value: 38.193 - type: mrr_at_5 value: 40.793 - type: ndcg_at_1 value: 26.814 - type: ndcg_at_10 value: 51.410999999999994 - type: ndcg_at_100 value: 55.713 - type: ndcg_at_1000 value: 55.957 - type: ndcg_at_3 value: 41.955 - type: ndcg_at_5 value: 46.558 - type: precision_at_1 value: 26.814 - type: precision_at_10 value: 7.922999999999999 - type: precision_at_100 value: 0.9780000000000001 - type: precision_at_1000 value: 0.1 - type: precision_at_3 value: 17.71 - type: precision_at_5 value: 12.859000000000002 - type: recall_at_1 value: 26.814 - type: recall_at_10 value: 79.232 - type: recall_at_100 value: 97.795 - type: recall_at_1000 value: 99.644 - type: recall_at_3 value: 53.129000000000005 - type: recall_at_5 value: 64.29599999999999 - task: type: Clustering dataset: type: mteb/arxiv-clustering-p2p name: MTEB ArxivClusteringP2P config: default split: test revision: a122ad7f3f0291bf49cc6f4d32aa80929df69d5d metrics: - type: v_measure value: 44.56933066536439 - task: type: Clustering dataset: type: mteb/arxiv-clustering-s2s name: MTEB ArxivClusteringS2S config: default split: test revision: f910caf1a6075f7329cdf8c1a6135696f37dbd53 metrics: - type: v_measure value: 40.47647746165173 - task: type: Reranking dataset: type: mteb/askubuntudupquestions-reranking name: MTEB AskUbuntuDupQuestions config: default split: test revision: 2000358ca161889fa9c082cb41daa8dcfb161a54 metrics: - type: map value: 59.65675531567043 - type: mrr value: 72.95255683067317 - task: type: STS dataset: type: mteb/biosses-sts name: MTEB BIOSSES config: default split: test revision: d3fb88f8f02e40887cd149695127462bbcf29b4a metrics: - type: cos_sim_pearson value: 85.83147014162338 - type: cos_sim_spearman value: 85.1031439521441 - type: euclidean_pearson value: 83.53609085510973 - type: euclidean_spearman value: 84.59650590202833 - type: manhattan_pearson value: 83.14611947586386 - type: manhattan_spearman value: 84.13384475757064 - task: type: Classification dataset: type: mteb/banking77 name: MTEB Banking77Classification config: default split: test revision: 0fd18e25b25c072e09e0d92ab615fda904d66300 metrics: - type: accuracy value: 83.32792207792208 - type: f1 value: 83.32037485050513 - task: type: Clustering dataset: type: mteb/biorxiv-clustering-p2p name: MTEB BiorxivClusteringP2P config: default split: test revision: 65b79d1d13f80053f67aca9498d9402c2d9f1f40 metrics: - type: v_measure value: 36.18605446588703 - task: type: Clustering dataset: type: mteb/biorxiv-clustering-s2s name: MTEB BiorxivClusteringS2S config: default split: test revision: 258694dd0231531bc1fd9de6ceb52a0853c6d908 metrics: - type: v_measure value: 32.72379130181917 - task: type: Retrieval dataset: type: BeIR/cqadupstack name: MTEB CQADupstackAndroidRetrieval config: default split: test revision: None metrics: - type: map_at_1 value: 30.659 - type: map_at_10 value: 40.333999999999996 - type: map_at_100 value: 41.763 - type: map_at_1000 value: 41.894 - type: map_at_3 value: 37.561 - type: map_at_5 value: 39.084 - type: mrr_at_1 value: 37.482 - type: mrr_at_10 value: 45.736 - type: mrr_at_100 value: 46.591 - type: mrr_at_1000 value: 46.644999999999996 - type: mrr_at_3 value: 43.491 - type: mrr_at_5 value: 44.75 - type: ndcg_at_1 value: 37.482 - type: ndcg_at_10 value: 45.606 - type: ndcg_at_100 value: 51.172 - type: ndcg_at_1000 value: 53.407000000000004 - type: ndcg_at_3 value: 41.808 - type: ndcg_at_5 value: 43.449 - type: precision_at_1 value: 37.482 - type: precision_at_10 value: 8.254999999999999 - type: precision_at_100 value: 1.3719999999999999 - type: precision_at_1000 value: 0.186 - type: precision_at_3 value: 19.695 - type: precision_at_5 value: 13.847999999999999 - type: recall_at_1 value: 30.659 - type: recall_at_10 value: 55.409 - type: recall_at_100 value: 78.687 - type: recall_at_1000 value: 93.068 - type: recall_at_3 value: 43.891999999999996 - type: recall_at_5 value: 48.678 - task: type: Retrieval dataset: type: BeIR/cqadupstack name: MTEB CQADupstackEnglishRetrieval config: default split: test revision: None metrics: - type: map_at_1 value: 30.977 - type: map_at_10 value: 40.296 - type: map_at_100 value: 41.453 - type: map_at_1000 value: 41.581 - type: map_at_3 value: 37.619 - type: map_at_5 value: 39.181 - type: mrr_at_1 value: 39.108 - type: mrr_at_10 value: 46.894000000000005 - type: mrr_at_100 value: 47.55 - type: mrr_at_1000 value: 47.598 - type: mrr_at_3 value: 44.766 - type: mrr_at_5 value: 46.062999999999995 - type: ndcg_at_1 value: 39.108 - type: ndcg_at_10 value: 45.717 - type: ndcg_at_100 value: 49.941 - type: ndcg_at_1000 value: 52.138 - type: ndcg_at_3 value: 42.05 - type: ndcg_at_5 value: 43.893 - type: precision_at_1 value: 39.108 - type: precision_at_10 value: 8.306 - type: precision_at_100 value: 1.3419999999999999 - type: precision_at_1000 value: 0.184 - type: precision_at_3 value: 19.979 - type: precision_at_5 value: 14.038 - type: recall_at_1 value: 30.977 - type: recall_at_10 value: 54.688 - type: recall_at_100 value: 72.556 - type: recall_at_1000 value: 86.53800000000001 - type: recall_at_3 value: 43.388 - type: recall_at_5 value: 48.717 - task: type: Retrieval dataset: type: BeIR/cqadupstack name: MTEB CQADupstackGamingRetrieval config: default split: test revision: None metrics: - type: map_at_1 value: 39.812 - type: map_at_10 value: 50.1 - type: map_at_100 value: 51.193999999999996 - type: map_at_1000 value: 51.258 - type: map_at_3 value: 47.510999999999996 - type: map_at_5 value: 48.891 - type: mrr_at_1 value: 45.266 - type: mrr_at_10 value: 53.459999999999994 - type: mrr_at_100 value: 54.19199999999999 - type: mrr_at_1000 value: 54.228 - type: mrr_at_3 value: 51.296 - type: mrr_at_5 value: 52.495999999999995 - type: ndcg_at_1 value: 45.266 - type: ndcg_at_10 value: 55.034000000000006 - type: ndcg_at_100 value: 59.458 - type: ndcg_at_1000 value: 60.862 - type: ndcg_at_3 value: 50.52799999999999 - type: ndcg_at_5 value: 52.564 - type: precision_at_1 value: 45.266 - type: precision_at_10 value: 8.483 - type: precision_at_100 value: 1.162 - type: precision_at_1000 value: 0.133 - type: precision_at_3 value: 21.944 - type: precision_at_5 value: 14.721 - type: recall_at_1 value: 39.812 - type: recall_at_10 value: 66.36 - type: recall_at_100 value: 85.392 - type: recall_at_1000 value: 95.523 - type: recall_at_3 value: 54.127 - type: recall_at_5 value: 59.245000000000005 - task: type: Retrieval dataset: type: BeIR/cqadupstack name: MTEB CQADupstackGisRetrieval config: default split: test revision: None metrics: - type: map_at_1 value: 26.186 - type: map_at_10 value: 33.18 - type: map_at_100 value: 34.052 - type: map_at_1000 value: 34.149 - type: map_at_3 value: 31.029 - type: map_at_5 value: 32.321 - type: mrr_at_1 value: 28.136 - type: mrr_at_10 value: 35.195 - type: mrr_at_100 value: 35.996 - type: mrr_at_1000 value: 36.076 - type: mrr_at_3 value: 33.051 - type: mrr_at_5 value: 34.407 - type: ndcg_at_1 value: 28.136 - type: ndcg_at_10 value: 37.275999999999996 - type: ndcg_at_100 value: 41.935 - type: ndcg_at_1000 value: 44.389 - type: ndcg_at_3 value: 33.059 - type: ndcg_at_5 value: 35.313 - type: precision_at_1 value: 28.136 - type: precision_at_10 value: 5.457999999999999 - type: precision_at_100 value: 0.826 - type: precision_at_1000 value: 0.107 - type: precision_at_3 value: 13.522 - type: precision_at_5 value: 9.424000000000001 - type: recall_at_1 value: 26.186 - type: recall_at_10 value: 47.961999999999996 - type: recall_at_100 value: 70.072 - type: recall_at_1000 value: 88.505 - type: recall_at_3 value: 36.752 - type: recall_at_5 value: 42.168 - task: type: Retrieval dataset: type: BeIR/cqadupstack name: MTEB CQADupstackMathematicaRetrieval config: default split: test revision: None metrics: - type: map_at_1 value: 16.586000000000002 - type: map_at_10 value: 23.637 - type: map_at_100 value: 24.82 - type: map_at_1000 value: 24.95 - type: map_at_3 value: 21.428 - type: map_at_5 value: 22.555 - type: mrr_at_1 value: 20.771 - type: mrr_at_10 value: 27.839999999999996 - type: mrr_at_100 value: 28.887 - type: mrr_at_1000 value: 28.967 - type: mrr_at_3 value: 25.56 - type: mrr_at_5 value: 26.723000000000003 - type: ndcg_at_1 value: 20.771 - type: ndcg_at_10 value: 28.255000000000003 - type: ndcg_at_100 value: 33.886 - type: ndcg_at_1000 value: 36.963 - type: ndcg_at_3 value: 24.056 - type: ndcg_at_5 value: 25.818 - type: precision_at_1 value: 20.771 - type: precision_at_10 value: 5.1 - type: precision_at_100 value: 0.9119999999999999 - type: precision_at_1000 value: 0.132 - type: precision_at_3 value: 11.526 - type: precision_at_5 value: 8.158999999999999 - type: recall_at_1 value: 16.586000000000002 - type: recall_at_10 value: 38.456 - type: recall_at_100 value: 62.666 - type: recall_at_1000 value: 84.47 - type: recall_at_3 value: 26.765 - type: recall_at_5 value: 31.297000000000004 - task: type: Retrieval dataset: type: BeIR/cqadupstack name: MTEB CQADupstackPhysicsRetrieval config: default split: test revision: None metrics: - type: map_at_1 value: 28.831 - type: map_at_10 value: 37.545 - type: map_at_100 value: 38.934999999999995 - type: map_at_1000 value: 39.044000000000004 - type: map_at_3 value: 34.601 - type: map_at_5 value: 36.302 - type: mrr_at_1 value: 34.264 - type: mrr_at_10 value: 42.569 - type: mrr_at_100 value: 43.514 - type: mrr_at_1000 value: 43.561 - type: mrr_at_3 value: 40.167 - type: mrr_at_5 value: 41.678 - type: ndcg_at_1 value: 34.264 - type: ndcg_at_10 value: 42.914 - type: ndcg_at_100 value: 48.931999999999995 - type: ndcg_at_1000 value: 51.004000000000005 - type: ndcg_at_3 value: 38.096999999999994 - type: ndcg_at_5 value: 40.509 - type: precision_at_1 value: 34.264 - type: precision_at_10 value: 7.642 - type: precision_at_100 value: 1.258 - type: precision_at_1000 value: 0.161 - type: precision_at_3 value: 17.453 - type: precision_at_5 value: 12.608 - type: recall_at_1 value: 28.831 - type: recall_at_10 value: 53.56999999999999 - type: recall_at_100 value: 79.26100000000001 - type: recall_at_1000 value: 92.862 - type: recall_at_3 value: 40.681 - type: recall_at_5 value: 46.597 - task: type: Retrieval dataset: type: BeIR/cqadupstack name: MTEB CQADupstackProgrammersRetrieval config: default split: test revision: None metrics: - type: map_at_1 value: 27.461000000000002 - type: map_at_10 value: 35.885 - type: map_at_100 value: 37.039 - type: map_at_1000 value: 37.16 - type: map_at_3 value: 33.451 - type: map_at_5 value: 34.807 - type: mrr_at_1 value: 34.018 - type: mrr_at_10 value: 41.32 - type: mrr_at_100 value: 42.157 - type: mrr_at_1000 value: 42.223 - type: mrr_at_3 value: 39.288000000000004 - type: mrr_at_5 value: 40.481 - type: ndcg_at_1 value: 34.018 - type: ndcg_at_10 value: 40.821000000000005 - type: ndcg_at_100 value: 46.053 - type: ndcg_at_1000 value: 48.673 - type: ndcg_at_3 value: 36.839 - type: ndcg_at_5 value: 38.683 - type: precision_at_1 value: 34.018 - type: precision_at_10 value: 7.009 - type: precision_at_100 value: 1.123 - type: precision_at_1000 value: 0.153 - type: precision_at_3 value: 16.933 - type: precision_at_5 value: 11.826 - type: recall_at_1 value: 27.461000000000002 - type: recall_at_10 value: 50.285000000000004 - type: recall_at_100 value: 73.25500000000001 - type: recall_at_1000 value: 91.17699999999999 - type: recall_at_3 value: 39.104 - type: recall_at_5 value: 43.968 - task: type: Retrieval dataset: type: BeIR/cqadupstack name: MTEB CQADupstackRetrieval config: default split: test revision: None metrics: - type: map_at_1 value: 26.980083333333337 - type: map_at_10 value: 34.47208333333333 - type: map_at_100 value: 35.609249999999996 - type: map_at_1000 value: 35.72833333333333 - type: map_at_3 value: 32.189416666666666 - type: map_at_5 value: 33.44683333333334 - type: mrr_at_1 value: 31.731666666666662 - type: mrr_at_10 value: 38.518 - type: mrr_at_100 value: 39.38166666666667 - type: mrr_at_1000 value: 39.446999999999996 - type: mrr_at_3 value: 36.49966666666668 - type: mrr_at_5 value: 37.639916666666664 - type: ndcg_at_1 value: 31.731666666666662 - type: ndcg_at_10 value: 38.92033333333333 - type: ndcg_at_100 value: 44.01675 - type: ndcg_at_1000 value: 46.51075 - type: ndcg_at_3 value: 35.09766666666667 - type: ndcg_at_5 value: 36.842999999999996 - type: precision_at_1 value: 31.731666666666662 - type: precision_at_10 value: 6.472583333333332 - type: precision_at_100 value: 1.0665 - type: precision_at_1000 value: 0.14725000000000002 - type: precision_at_3 value: 15.659083333333331 - type: precision_at_5 value: 10.878833333333333 - type: recall_at_1 value: 26.980083333333337 - type: recall_at_10 value: 48.13925 - type: recall_at_100 value: 70.70149999999998 - type: recall_at_1000 value: 88.10775000000001 - type: recall_at_3 value: 37.30091666666667 - type: recall_at_5 value: 41.90358333333333 - task: type: Retrieval dataset: type: BeIR/cqadupstack name: MTEB CQADupstackStatsRetrieval config: default split: test revision: None metrics: - type: map_at_1 value: 25.607999999999997 - type: map_at_10 value: 30.523 - type: map_at_100 value: 31.409 - type: map_at_1000 value: 31.507 - type: map_at_3 value: 28.915000000000003 - type: map_at_5 value: 29.756 - type: mrr_at_1 value: 28.681 - type: mrr_at_10 value: 33.409 - type: mrr_at_100 value: 34.241 - type: mrr_at_1000 value: 34.313 - type: mrr_at_3 value: 32.029999999999994 - type: mrr_at_5 value: 32.712 - type: ndcg_at_1 value: 28.681 - type: ndcg_at_10 value: 33.733000000000004 - type: ndcg_at_100 value: 38.32 - type: ndcg_at_1000 value: 40.937 - type: ndcg_at_3 value: 30.898999999999997 - type: ndcg_at_5 value: 32.088 - type: precision_at_1 value: 28.681 - type: precision_at_10 value: 4.968999999999999 - type: precision_at_100 value: 0.79 - type: precision_at_1000 value: 0.11 - type: precision_at_3 value: 12.73 - type: precision_at_5 value: 8.558 - type: recall_at_1 value: 25.607999999999997 - type: recall_at_10 value: 40.722 - type: recall_at_100 value: 61.956999999999994 - type: recall_at_1000 value: 81.43 - type: recall_at_3 value: 32.785 - type: recall_at_5 value: 35.855 - task: type: Retrieval dataset: type: BeIR/cqadupstack name: MTEB CQADupstackTexRetrieval config: default split: test revision: None metrics: - type: map_at_1 value: 20.399 - type: map_at_10 value: 25.968000000000004 - type: map_at_100 value: 26.985999999999997 - type: map_at_1000 value: 27.105 - type: map_at_3 value: 24.215 - type: map_at_5 value: 25.157 - type: mrr_at_1 value: 24.708 - type: mrr_at_10 value: 29.971999999999998 - type: mrr_at_100 value: 30.858 - type: mrr_at_1000 value: 30.934 - type: mrr_at_3 value: 28.304000000000002 - type: mrr_at_5 value: 29.183999999999997 - type: ndcg_at_1 value: 24.708 - type: ndcg_at_10 value: 29.676000000000002 - type: ndcg_at_100 value: 34.656 - type: ndcg_at_1000 value: 37.588 - type: ndcg_at_3 value: 26.613 - type: ndcg_at_5 value: 27.919 - type: precision_at_1 value: 24.708 - type: precision_at_10 value: 5.01 - type: precision_at_100 value: 0.876 - type: precision_at_1000 value: 0.13 - type: precision_at_3 value: 11.975 - type: precision_at_5 value: 8.279 - type: recall_at_1 value: 20.399 - type: recall_at_10 value: 36.935 - type: recall_at_100 value: 59.532 - type: recall_at_1000 value: 80.58 - type: recall_at_3 value: 27.979 - type: recall_at_5 value: 31.636999999999997 - task: type: Retrieval dataset: type: BeIR/cqadupstack name: MTEB CQADupstackUnixRetrieval config: default split: test revision: None metrics: - type: map_at_1 value: 27.606 - type: map_at_10 value: 34.213 - type: map_at_100 value: 35.339999999999996 - type: map_at_1000 value: 35.458 - type: map_at_3 value: 31.987 - type: map_at_5 value: 33.322 - type: mrr_at_1 value: 31.53 - type: mrr_at_10 value: 37.911 - type: mrr_at_100 value: 38.879000000000005 - type: mrr_at_1000 value: 38.956 - type: mrr_at_3 value: 35.868 - type: mrr_at_5 value: 37.047999999999995 - type: ndcg_at_1 value: 31.53 - type: ndcg_at_10 value: 38.312000000000005 - type: ndcg_at_100 value: 43.812 - type: ndcg_at_1000 value: 46.414 - type: ndcg_at_3 value: 34.319 - type: ndcg_at_5 value: 36.312 - type: precision_at_1 value: 31.53 - type: precision_at_10 value: 5.970000000000001 - type: precision_at_100 value: 0.9939999999999999 - type: precision_at_1000 value: 0.133 - type: precision_at_3 value: 14.738999999999999 - type: precision_at_5 value: 10.242999999999999 - type: recall_at_1 value: 27.606 - type: recall_at_10 value: 47.136 - type: recall_at_100 value: 71.253 - type: recall_at_1000 value: 89.39399999999999 - type: recall_at_3 value: 36.342 - type: recall_at_5 value: 41.388999999999996 - task: type: Retrieval dataset: type: BeIR/cqadupstack name: MTEB CQADupstackWebmastersRetrieval config: default split: test revision: None metrics: - type: map_at_1 value: 24.855 - type: map_at_10 value: 31.963 - type: map_at_100 value: 33.371 - type: map_at_1000 value: 33.584 - type: map_at_3 value: 29.543999999999997 - type: map_at_5 value: 30.793 - type: mrr_at_1 value: 29.644 - type: mrr_at_10 value: 35.601 - type: mrr_at_100 value: 36.551 - type: mrr_at_1000 value: 36.623 - type: mrr_at_3 value: 33.399 - type: mrr_at_5 value: 34.575 - type: ndcg_at_1 value: 29.644 - type: ndcg_at_10 value: 36.521 - type: ndcg_at_100 value: 42.087 - type: ndcg_at_1000 value: 45.119 - type: ndcg_at_3 value: 32.797 - type: ndcg_at_5 value: 34.208 - type: precision_at_1 value: 29.644 - type: precision_at_10 value: 6.7 - type: precision_at_100 value: 1.374 - type: precision_at_1000 value: 0.22899999999999998 - type: precision_at_3 value: 15.152 - type: precision_at_5 value: 10.671999999999999 - type: recall_at_1 value: 24.855 - type: recall_at_10 value: 45.449 - type: recall_at_100 value: 70.921 - type: recall_at_1000 value: 90.629 - type: recall_at_3 value: 33.526 - type: recall_at_5 value: 37.848 - task: type: Retrieval dataset: type: BeIR/cqadupstack name: MTEB CQADupstackWordpressRetrieval config: default split: test revision: None metrics: - type: map_at_1 value: 24.781 - type: map_at_10 value: 30.020999999999997 - type: map_at_100 value: 30.948999999999998 - type: map_at_1000 value: 31.05 - type: map_at_3 value: 28.412 - type: map_at_5 value: 29.193 - type: mrr_at_1 value: 27.172 - type: mrr_at_10 value: 32.309 - type: mrr_at_100 value: 33.164 - type: mrr_at_1000 value: 33.239999999999995 - type: mrr_at_3 value: 30.775999999999996 - type: mrr_at_5 value: 31.562 - type: ndcg_at_1 value: 27.172 - type: ndcg_at_10 value: 33.178999999999995 - type: ndcg_at_100 value: 37.949 - type: ndcg_at_1000 value: 40.635 - type: ndcg_at_3 value: 30.107 - type: ndcg_at_5 value: 31.36 - type: precision_at_1 value: 27.172 - type: precision_at_10 value: 4.769 - type: precision_at_100 value: 0.769 - type: precision_at_1000 value: 0.109 - type: precision_at_3 value: 12.261 - type: precision_at_5 value: 8.17 - type: recall_at_1 value: 24.781 - type: recall_at_10 value: 40.699000000000005 - type: recall_at_100 value: 62.866 - type: recall_at_1000 value: 83.11699999999999 - type: recall_at_3 value: 32.269999999999996 - type: recall_at_5 value: 35.443999999999996 - task: type: Retrieval dataset: type: climate-fever name: MTEB ClimateFEVER config: default split: test revision: None metrics: - type: map_at_1 value: 5.2139999999999995 - type: map_at_10 value: 9.986 - type: map_at_100 value: 11.343 - type: map_at_1000 value: 11.55 - type: map_at_3 value: 7.961 - type: map_at_5 value: 8.967 - type: mrr_at_1 value: 12.052 - type: mrr_at_10 value: 20.165 - type: mrr_at_100 value: 21.317 - type: mrr_at_1000 value: 21.399 - type: mrr_at_3 value: 17.079 - type: mrr_at_5 value: 18.695 - type: ndcg_at_1 value: 12.052 - type: ndcg_at_10 value: 15.375 - type: ndcg_at_100 value: 21.858 - type: ndcg_at_1000 value: 26.145000000000003 - type: ndcg_at_3 value: 11.334 - type: ndcg_at_5 value: 12.798000000000002 - type: precision_at_1 value: 12.052 - type: precision_at_10 value: 5.16 - type: precision_at_100 value: 1.206 - type: precision_at_1000 value: 0.198 - type: precision_at_3 value: 8.73 - type: precision_at_5 value: 7.114 - type: recall_at_1 value: 5.2139999999999995 - type: recall_at_10 value: 20.669999999999998 - type: recall_at_100 value: 43.901 - type: recall_at_1000 value: 68.447 - type: recall_at_3 value: 11.049000000000001 - type: recall_at_5 value: 14.652999999999999 - task: type: Retrieval dataset: type: dbpedia-entity name: MTEB DBPedia config: default split: test revision: None metrics: - type: map_at_1 value: 8.511000000000001 - type: map_at_10 value: 19.503 - type: map_at_100 value: 27.46 - type: map_at_1000 value: 29.187 - type: map_at_3 value: 14.030999999999999 - type: map_at_5 value: 16.329 - type: mrr_at_1 value: 63.74999999999999 - type: mrr_at_10 value: 73.419 - type: mrr_at_100 value: 73.691 - type: mrr_at_1000 value: 73.697 - type: mrr_at_3 value: 71.792 - type: mrr_at_5 value: 72.979 - type: ndcg_at_1 value: 53.125 - type: ndcg_at_10 value: 41.02 - type: ndcg_at_100 value: 45.407 - type: ndcg_at_1000 value: 52.68000000000001 - type: ndcg_at_3 value: 46.088 - type: ndcg_at_5 value: 43.236000000000004 - type: precision_at_1 value: 63.74999999999999 - type: precision_at_10 value: 32.35 - type: precision_at_100 value: 10.363 - type: precision_at_1000 value: 2.18 - type: precision_at_3 value: 49.667 - type: precision_at_5 value: 41.5 - type: recall_at_1 value: 8.511000000000001 - type: recall_at_10 value: 24.851 - type: recall_at_100 value: 50.745 - type: recall_at_1000 value: 73.265 - type: recall_at_3 value: 15.716 - type: recall_at_5 value: 19.256 - task: type: Classification dataset: type: mteb/emotion name: MTEB EmotionClassification config: default split: test revision: 4f58c6b202a23cf9a4da393831edf4f9183cad37 metrics: - type: accuracy value: 49.43500000000001 - type: f1 value: 44.56288273966374 - task: type: Retrieval dataset: type: fever name: MTEB FEVER config: default split: test revision: None metrics: - type: map_at_1 value: 40.858 - type: map_at_10 value: 52.276 - type: map_at_100 value: 52.928 - type: map_at_1000 value: 52.966 - type: map_at_3 value: 49.729 - type: map_at_5 value: 51.27 - type: mrr_at_1 value: 43.624 - type: mrr_at_10 value: 55.22899999999999 - type: mrr_at_100 value: 55.823 - type: mrr_at_1000 value: 55.85 - type: mrr_at_3 value: 52.739999999999995 - type: mrr_at_5 value: 54.251000000000005 - type: ndcg_at_1 value: 43.624 - type: ndcg_at_10 value: 58.23500000000001 - type: ndcg_at_100 value: 61.315 - type: ndcg_at_1000 value: 62.20099999999999 - type: ndcg_at_3 value: 53.22 - type: ndcg_at_5 value: 55.88999999999999 - type: precision_at_1 value: 43.624 - type: precision_at_10 value: 8.068999999999999 - type: precision_at_100 value: 0.975 - type: precision_at_1000 value: 0.107 - type: precision_at_3 value: 21.752 - type: precision_at_5 value: 14.515 - type: recall_at_1 value: 40.858 - type: recall_at_10 value: 73.744 - type: recall_at_100 value: 87.667 - type: recall_at_1000 value: 94.15599999999999 - type: recall_at_3 value: 60.287 - type: recall_at_5 value: 66.703 - task: type: Retrieval dataset: type: fiqa name: MTEB FiQA2018 config: default split: test revision: None metrics: - type: map_at_1 value: 17.864 - type: map_at_10 value: 28.592000000000002 - type: map_at_100 value: 30.165 - type: map_at_1000 value: 30.364 - type: map_at_3 value: 24.586 - type: map_at_5 value: 26.717000000000002 - type: mrr_at_1 value: 35.031 - type: mrr_at_10 value: 43.876 - type: mrr_at_100 value: 44.683 - type: mrr_at_1000 value: 44.736 - type: mrr_at_3 value: 40.998000000000005 - type: mrr_at_5 value: 42.595 - type: ndcg_at_1 value: 35.031 - type: ndcg_at_10 value: 36.368 - type: ndcg_at_100 value: 42.472 - type: ndcg_at_1000 value: 45.973000000000006 - type: ndcg_at_3 value: 31.915 - type: ndcg_at_5 value: 33.394 - type: precision_at_1 value: 35.031 - type: precision_at_10 value: 10.139 - type: precision_at_100 value: 1.6420000000000001 - type: precision_at_1000 value: 0.22699999999999998 - type: precision_at_3 value: 21.142 - type: precision_at_5 value: 15.772 - type: recall_at_1 value: 17.864 - type: recall_at_10 value: 43.991 - type: recall_at_100 value: 66.796 - type: recall_at_1000 value: 87.64 - type: recall_at_3 value: 28.915999999999997 - type: recall_at_5 value: 35.185 - task: type: Retrieval dataset: type: hotpotqa name: MTEB HotpotQA config: default split: test revision: None metrics: - type: map_at_1 value: 36.556 - type: map_at_10 value: 53.056000000000004 - type: map_at_100 value: 53.909 - type: map_at_1000 value: 53.98 - type: map_at_3 value: 49.982 - type: map_at_5 value: 51.9 - type: mrr_at_1 value: 73.113 - type: mrr_at_10 value: 79.381 - type: mrr_at_100 value: 79.60300000000001 - type: mrr_at_1000 value: 79.617 - type: mrr_at_3 value: 78.298 - type: mrr_at_5 value: 78.995 - type: ndcg_at_1 value: 73.113 - type: ndcg_at_10 value: 62.21 - type: ndcg_at_100 value: 65.242 - type: ndcg_at_1000 value: 66.667 - type: ndcg_at_3 value: 57.717 - type: ndcg_at_5 value: 60.224 - type: precision_at_1 value: 73.113 - type: precision_at_10 value: 12.842999999999998 - type: precision_at_100 value: 1.522 - type: precision_at_1000 value: 0.17099999999999999 - type: precision_at_3 value: 36.178 - type: precision_at_5 value: 23.695 - type: recall_at_1 value: 36.556 - type: recall_at_10 value: 64.213 - type: recall_at_100 value: 76.077 - type: recall_at_1000 value: 85.53699999999999 - type: recall_at_3 value: 54.266999999999996 - type: recall_at_5 value: 59.236999999999995 - task: type: Classification dataset: type: mteb/imdb name: MTEB ImdbClassification config: default split: test revision: 3d86128a09e091d6018b6d26cad27f2739fc2db7 metrics: - type: accuracy value: 75.958 - type: ap value: 69.82869527654348 - type: f1 value: 75.89120903005633 - task: type: Retrieval dataset: type: msmarco name: MTEB MSMARCO config: default split: dev revision: None metrics: - type: map_at_1 value: 23.608 - type: map_at_10 value: 36.144 - type: map_at_100 value: 37.244 - type: map_at_1000 value: 37.291999999999994 - type: map_at_3 value: 32.287 - type: map_at_5 value: 34.473 - type: mrr_at_1 value: 24.226 - type: mrr_at_10 value: 36.711 - type: mrr_at_100 value: 37.758 - type: mrr_at_1000 value: 37.8 - type: mrr_at_3 value: 32.92 - type: mrr_at_5 value: 35.104 - type: ndcg_at_1 value: 24.269 - type: ndcg_at_10 value: 43.138 - type: ndcg_at_100 value: 48.421 - type: ndcg_at_1000 value: 49.592000000000006 - type: ndcg_at_3 value: 35.269 - type: ndcg_at_5 value: 39.175 - type: precision_at_1 value: 24.269 - type: precision_at_10 value: 6.755999999999999 - type: precision_at_100 value: 0.941 - type: precision_at_1000 value: 0.104 - type: precision_at_3 value: 14.938 - type: precision_at_5 value: 10.934000000000001 - type: recall_at_1 value: 23.608 - type: recall_at_10 value: 64.679 - type: recall_at_100 value: 89.027 - type: recall_at_1000 value: 97.91 - type: recall_at_3 value: 43.25 - type: recall_at_5 value: 52.617000000000004 - task: type: Classification dataset: type: mteb/mtop_domain name: MTEB MTOPDomainClassification (en) config: en split: test revision: d80d48c1eb48d3562165c59d59d0034df9fff0bf metrics: - type: accuracy value: 93.21477428180576 - type: f1 value: 92.92502305092152 - task: type: Classification dataset: type: mteb/mtop_intent name: MTEB MTOPIntentClassification (en) config: en split: test revision: ae001d0e6b1228650b7bd1c2c65fb50ad11a8aba metrics: - type: accuracy value: 74.76744186046511 - type: f1 value: 59.19855520057899 - task: type: Classification dataset: type: mteb/amazon_massive_intent name: MTEB MassiveIntentClassification (en) config: en split: test revision: 31efe3c427b0bae9c22cbb560b8f15491cc6bed7 metrics: - type: accuracy value: 72.24613315400134 - type: f1 value: 70.19950395651232 - task: type: Classification dataset: type: mteb/amazon_massive_scenario name: MTEB MassiveScenarioClassification (en) config: en split: test revision: 7d571f92784cd94a019292a1f45445077d0ef634 metrics: - type: accuracy value: 76.75857431069268 - type: f1 value: 76.5433450230191 - task: type: Clustering dataset: type: mteb/medrxiv-clustering-p2p name: MTEB MedrxivClusteringP2P config: default split: test revision: e7a26af6f3ae46b30dde8737f02c07b1505bcc73 metrics: - type: v_measure value: 31.525463791623604 - task: type: Clustering dataset: type: mteb/medrxiv-clustering-s2s name: MTEB MedrxivClusteringS2S config: default split: test revision: 35191c8c0dca72d8ff3efcd72aa802307d469663 metrics: - type: v_measure value: 28.28695907385136 - task: type: Reranking dataset: type: mteb/mind_small name: MTEB MindSmallReranking config: default split: test revision: 3bdac13927fdc888b903db93b2ffdbd90b295a69 metrics: - type: map value: 30.068174046665224 - type: mrr value: 30.827586642840803 - task: type: Retrieval dataset: type: nfcorpus name: MTEB NFCorpus config: default split: test revision: None metrics: - type: map_at_1 value: 6.322 - type: map_at_10 value: 13.919999999999998 - type: map_at_100 value: 17.416 - type: map_at_1000 value: 18.836 - type: map_at_3 value: 10.111 - type: map_at_5 value: 11.991999999999999 - type: mrr_at_1 value: 48.297000000000004 - type: mrr_at_10 value: 57.114 - type: mrr_at_100 value: 57.713 - type: mrr_at_1000 value: 57.751 - type: mrr_at_3 value: 55.108000000000004 - type: mrr_at_5 value: 56.533 - type: ndcg_at_1 value: 46.44 - type: ndcg_at_10 value: 36.589 - type: ndcg_at_100 value: 33.202 - type: ndcg_at_1000 value: 41.668 - type: ndcg_at_3 value: 41.302 - type: ndcg_at_5 value: 39.829 - type: precision_at_1 value: 47.988 - type: precision_at_10 value: 27.059 - type: precision_at_100 value: 8.235000000000001 - type: precision_at_1000 value: 2.091 - type: precision_at_3 value: 38.184000000000005 - type: precision_at_5 value: 34.365 - type: recall_at_1 value: 6.322 - type: recall_at_10 value: 18.288 - type: recall_at_100 value: 32.580999999999996 - type: recall_at_1000 value: 63.605999999999995 - type: recall_at_3 value: 11.266 - type: recall_at_5 value: 14.69 - task: type: Retrieval dataset: type: nq name: MTEB NQ config: default split: test revision: None metrics: - type: map_at_1 value: 36.586999999999996 - type: map_at_10 value: 52.464 - type: map_at_100 value: 53.384 - type: map_at_1000 value: 53.405 - type: map_at_3 value: 48.408 - type: map_at_5 value: 50.788999999999994 - type: mrr_at_1 value: 40.904 - type: mrr_at_10 value: 54.974000000000004 - type: mrr_at_100 value: 55.60699999999999 - type: mrr_at_1000 value: 55.623 - type: mrr_at_3 value: 51.73799999999999 - type: mrr_at_5 value: 53.638 - type: ndcg_at_1 value: 40.904 - type: ndcg_at_10 value: 59.965999999999994 - type: ndcg_at_100 value: 63.613 - type: ndcg_at_1000 value: 64.064 - type: ndcg_at_3 value: 52.486 - type: ndcg_at_5 value: 56.377 - type: precision_at_1 value: 40.904 - type: precision_at_10 value: 9.551 - type: precision_at_100 value: 1.162 - type: precision_at_1000 value: 0.12 - type: precision_at_3 value: 23.552 - type: precision_at_5 value: 16.436999999999998 - type: recall_at_1 value: 36.586999999999996 - type: recall_at_10 value: 80.094 - type: recall_at_100 value: 95.515 - type: recall_at_1000 value: 98.803 - type: recall_at_3 value: 60.907 - type: recall_at_5 value: 69.817 - task: type: Retrieval dataset: type: quora name: MTEB QuoraRetrieval config: default split: test revision: None metrics: - type: map_at_1 value: 70.422 - type: map_at_10 value: 84.113 - type: map_at_100 value: 84.744 - type: map_at_1000 value: 84.762 - type: map_at_3 value: 81.171 - type: map_at_5 value: 83.039 - type: mrr_at_1 value: 81.12 - type: mrr_at_10 value: 87.277 - type: mrr_at_100 value: 87.384 - type: mrr_at_1000 value: 87.385 - type: mrr_at_3 value: 86.315 - type: mrr_at_5 value: 86.981 - type: ndcg_at_1 value: 81.12 - type: ndcg_at_10 value: 87.92 - type: ndcg_at_100 value: 89.178 - type: ndcg_at_1000 value: 89.29899999999999 - type: ndcg_at_3 value: 85.076 - type: ndcg_at_5 value: 86.67099999999999 - type: precision_at_1 value: 81.12 - type: precision_at_10 value: 13.325999999999999 - type: precision_at_100 value: 1.524 - type: precision_at_1000 value: 0.157 - type: precision_at_3 value: 37.16 - type: precision_at_5 value: 24.456 - type: recall_at_1 value: 70.422 - type: recall_at_10 value: 95.00800000000001 - type: recall_at_100 value: 99.38 - type: recall_at_1000 value: 99.94800000000001 - type: recall_at_3 value: 86.809 - type: recall_at_5 value: 91.334 - task: type: Clustering dataset: type: mteb/reddit-clustering name: MTEB RedditClustering config: default split: test revision: 24640382cdbf8abc73003fb0fa6d111a705499eb metrics: - type: v_measure value: 48.18491891699636 - task: type: Clustering dataset: type: mteb/reddit-clustering-p2p name: MTEB RedditClusteringP2P config: default split: test revision: 282350215ef01743dc01b456c7f5241fa8937f16 metrics: - type: v_measure value: 62.190639679711914 - task: type: Retrieval dataset: type: scidocs name: MTEB SCIDOCS config: default split: test revision: None metrics: - type: map_at_1 value: 4.478 - type: map_at_10 value: 11.268 - type: map_at_100 value: 13.129 - type: map_at_1000 value: 13.41 - type: map_at_3 value: 8.103 - type: map_at_5 value: 9.609 - type: mrr_at_1 value: 22 - type: mrr_at_10 value: 32.248 - type: mrr_at_100 value: 33.355000000000004 - type: mrr_at_1000 value: 33.42 - type: mrr_at_3 value: 29.15 - type: mrr_at_5 value: 30.785 - type: ndcg_at_1 value: 22 - type: ndcg_at_10 value: 18.990000000000002 - type: ndcg_at_100 value: 26.302999999999997 - type: ndcg_at_1000 value: 31.537 - type: ndcg_at_3 value: 18.034 - type: ndcg_at_5 value: 15.655 - type: precision_at_1 value: 22 - type: precision_at_10 value: 9.91 - type: precision_at_100 value: 2.0420000000000003 - type: precision_at_1000 value: 0.33 - type: precision_at_3 value: 16.933 - type: precision_at_5 value: 13.719999999999999 - type: recall_at_1 value: 4.478 - type: recall_at_10 value: 20.087 - type: recall_at_100 value: 41.457 - type: recall_at_1000 value: 67.10199999999999 - type: recall_at_3 value: 10.313 - type: recall_at_5 value: 13.927999999999999 - task: type: STS dataset: type: mteb/sickr-sts name: MTEB SICK-R config: default split: test revision: a6ea5a8cab320b040a23452cc28066d9beae2cee metrics: - type: cos_sim_pearson value: 84.27341574565806 - type: cos_sim_spearman value: 79.66419880841734 - type: euclidean_pearson value: 81.32473321838208 - type: euclidean_spearman value: 79.29828832085133 - type: manhattan_pearson value: 81.25554065883132 - type: manhattan_spearman value: 79.23275543279853 - task: type: STS dataset: type: mteb/sts12-sts name: MTEB STS12 config: default split: test revision: a0d554a64d88156834ff5ae9920b964011b16384 metrics: - type: cos_sim_pearson value: 83.40468875905418 - type: cos_sim_spearman value: 74.2189990321174 - type: euclidean_pearson value: 80.74376966290956 - type: euclidean_spearman value: 74.97663839079335 - type: manhattan_pearson value: 80.69779331646207 - type: manhattan_spearman value: 75.00225252917613 - task: type: STS dataset: type: mteb/sts13-sts name: MTEB STS13 config: default split: test revision: 7e90230a92c190f1bf69ae9002b8cea547a64cca metrics: - type: cos_sim_pearson value: 82.5745290053095 - type: cos_sim_spearman value: 83.31401180333397 - type: euclidean_pearson value: 82.96500607325534 - type: euclidean_spearman value: 83.8534967935793 - type: manhattan_pearson value: 82.83112050632508 - type: manhattan_spearman value: 83.70877296557838 - task: type: STS dataset: type: mteb/sts14-sts name: MTEB STS14 config: default split: test revision: 6031580fec1f6af667f0bd2da0a551cf4f0b2375 metrics: - type: cos_sim_pearson value: 80.67833656607704 - type: cos_sim_spearman value: 78.52252410630707 - type: euclidean_pearson value: 80.071189514343 - type: euclidean_spearman value: 78.95143545742796 - type: manhattan_pearson value: 80.0128926165121 - type: manhattan_spearman value: 78.91236678732628 - task: type: STS dataset: type: mteb/sts15-sts name: MTEB STS15 config: default split: test revision: ae752c7c21bf194d8b67fd573edf7ae58183cbe3 metrics: - type: cos_sim_pearson value: 87.48437639980746 - type: cos_sim_spearman value: 88.34876527774259 - type: euclidean_pearson value: 87.64898081823888 - type: euclidean_spearman value: 88.58937180804213 - type: manhattan_pearson value: 87.5942417815288 - type: manhattan_spearman value: 88.53013922267687 - task: type: STS dataset: type: mteb/sts16-sts name: MTEB STS16 config: default split: test revision: 4d8694f8f0e0100860b497b999b3dbed754a0513 metrics: - type: cos_sim_pearson value: 82.69189187164781 - type: cos_sim_spearman value: 84.15327883572112 - type: euclidean_pearson value: 83.64202266685898 - type: euclidean_spearman value: 84.6219602318862 - type: manhattan_pearson value: 83.53256698709998 - type: manhattan_spearman value: 84.49260712904946 - task: type: STS dataset: type: mteb/sts17-crosslingual-sts name: MTEB STS17 (en-en) config: en-en split: test revision: af5e6fb845001ecf41f4c1e033ce921939a2a68d metrics: - type: cos_sim_pearson value: 87.09508017611589 - type: cos_sim_spearman value: 87.23010990417097 - type: euclidean_pearson value: 87.62545569077133 - type: euclidean_spearman value: 86.71152051711714 - type: manhattan_pearson value: 87.5057154278377 - type: manhattan_spearman value: 86.60611898281267 - task: type: STS dataset: type: mteb/sts22-crosslingual-sts name: MTEB STS22 (en) config: en split: test revision: 6d1ba47164174a496b7fa5d3569dae26a6813b80 metrics: - type: cos_sim_pearson value: 61.72129893941176 - type: cos_sim_spearman value: 62.87871412069194 - type: euclidean_pearson value: 63.21077648290454 - type: euclidean_spearman value: 63.03263080805978 - type: manhattan_pearson value: 63.20740860135976 - type: manhattan_spearman value: 62.89930471802817 - task: type: STS dataset: type: mteb/stsbenchmark-sts name: MTEB STSBenchmark config: default split: test revision: b0fddb56ed78048fa8b90373c8a3cfc37b684831 metrics: - type: cos_sim_pearson value: 85.039118236799 - type: cos_sim_spearman value: 86.18102563389962 - type: euclidean_pearson value: 85.62977041471879 - type: euclidean_spearman value: 86.02478990544347 - type: manhattan_pearson value: 85.60786740521806 - type: manhattan_spearman value: 85.99546210442547 - task: type: Reranking dataset: type: mteb/scidocs-reranking name: MTEB SciDocsRR config: default split: test revision: d3c5e1fc0b855ab6097bf1cda04dd73947d7caab metrics: - type: map value: 82.89875069737266 - type: mrr value: 95.42621322033087 - task: type: Retrieval dataset: type: scifact name: MTEB SciFact config: default split: test revision: None metrics: - type: map_at_1 value: 58.660999999999994 - type: map_at_10 value: 68.738 - type: map_at_100 value: 69.33200000000001 - type: map_at_1000 value: 69.352 - type: map_at_3 value: 66.502 - type: map_at_5 value: 67.686 - type: mrr_at_1 value: 61.667 - type: mrr_at_10 value: 70.003 - type: mrr_at_100 value: 70.441 - type: mrr_at_1000 value: 70.46 - type: mrr_at_3 value: 68.278 - type: mrr_at_5 value: 69.194 - type: ndcg_at_1 value: 61.667 - type: ndcg_at_10 value: 73.083 - type: ndcg_at_100 value: 75.56 - type: ndcg_at_1000 value: 76.01400000000001 - type: ndcg_at_3 value: 69.28699999999999 - type: ndcg_at_5 value: 70.85000000000001 - type: precision_at_1 value: 61.667 - type: precision_at_10 value: 9.6 - type: precision_at_100 value: 1.087 - type: precision_at_1000 value: 0.11199999999999999 - type: precision_at_3 value: 27.111 - type: precision_at_5 value: 17.467 - type: recall_at_1 value: 58.660999999999994 - type: recall_at_10 value: 85.02199999999999 - type: recall_at_100 value: 95.933 - type: recall_at_1000 value: 99.333 - type: recall_at_3 value: 74.506 - type: recall_at_5 value: 78.583 - task: type: PairClassification dataset: type: mteb/sprintduplicatequestions-pairclassification name: MTEB SprintDuplicateQuestions config: default split: test revision: d66bd1f72af766a5cc4b0ca5e00c162f89e8cc46 metrics: - type: cos_sim_accuracy value: 99.8029702970297 - type: cos_sim_ap value: 94.87673936635738 - type: cos_sim_f1 value: 90.00502260170768 - type: cos_sim_precision value: 90.41372351160445 - type: cos_sim_recall value: 89.60000000000001 - type: dot_accuracy value: 99.57524752475247 - type: dot_ap value: 84.81717934496321 - type: dot_f1 value: 78.23026646556059 - type: dot_precision value: 78.66531850353893 - type: dot_recall value: 77.8 - type: euclidean_accuracy value: 99.8029702970297 - type: euclidean_ap value: 94.74658253135284 - type: euclidean_f1 value: 90.08470353761834 - type: euclidean_precision value: 89.77159880834161 - type: euclidean_recall value: 90.4 - type: manhattan_accuracy value: 99.8 - type: manhattan_ap value: 94.69224030742787 - type: manhattan_f1 value: 89.9502487562189 - type: manhattan_precision value: 89.50495049504951 - type: manhattan_recall value: 90.4 - type: max_accuracy value: 99.8029702970297 - type: max_ap value: 94.87673936635738 - type: max_f1 value: 90.08470353761834 - task: type: Clustering dataset: type: mteb/stackexchange-clustering name: MTEB StackExchangeClustering config: default split: test revision: 6cbc1f7b2bc0622f2e39d2c77fa502909748c259 metrics: - type: v_measure value: 63.906039623153035 - task: type: Clustering dataset: type: mteb/stackexchange-clustering-p2p name: MTEB StackExchangeClusteringP2P config: default split: test revision: 815ca46b2622cec33ccafc3735d572c266efdb44 metrics: - type: v_measure value: 32.56053830923281 - task: type: Reranking dataset: type: mteb/stackoverflowdupquestions-reranking name: MTEB StackOverflowDupQuestions config: default split: test revision: e185fbe320c72810689fc5848eb6114e1ef5ec69 metrics: - type: map value: 50.15326538775145 - type: mrr value: 50.99279295051355 - task: type: Summarization dataset: type: mteb/summeval name: MTEB SummEval config: default split: test revision: cda12ad7615edc362dbf25a00fdd61d3b1eaf93c metrics: - type: cos_sim_pearson value: 31.44030762047337 - type: cos_sim_spearman value: 31.00910300264562 - type: dot_pearson value: 26.88257194766013 - type: dot_spearman value: 27.646202679013577 - task: type: Retrieval dataset: type: trec-covid name: MTEB TRECCOVID config: default split: test revision: None metrics: - type: map_at_1 value: 0.247 - type: map_at_10 value: 1.9429999999999998 - type: map_at_100 value: 10.82 - type: map_at_1000 value: 25.972 - type: map_at_3 value: 0.653 - type: map_at_5 value: 1.057 - type: mrr_at_1 value: 94 - type: mrr_at_10 value: 96.333 - type: mrr_at_100 value: 96.333 - type: mrr_at_1000 value: 96.333 - type: mrr_at_3 value: 96.333 - type: mrr_at_5 value: 96.333 - type: ndcg_at_1 value: 89 - type: ndcg_at_10 value: 79.63799999999999 - type: ndcg_at_100 value: 57.961 - type: ndcg_at_1000 value: 50.733 - type: ndcg_at_3 value: 84.224 - type: ndcg_at_5 value: 82.528 - type: precision_at_1 value: 94 - type: precision_at_10 value: 84.2 - type: precision_at_100 value: 59.36 - type: precision_at_1000 value: 22.738 - type: precision_at_3 value: 88 - type: precision_at_5 value: 86.8 - type: recall_at_1 value: 0.247 - type: recall_at_10 value: 2.131 - type: recall_at_100 value: 14.035 - type: recall_at_1000 value: 47.457 - type: recall_at_3 value: 0.6779999999999999 - type: recall_at_5 value: 1.124 - task: type: Retrieval dataset: type: webis-touche2020 name: MTEB Touche2020 config: default split: test revision: None metrics: - type: map_at_1 value: 2.603 - type: map_at_10 value: 11.667 - type: map_at_100 value: 16.474 - type: map_at_1000 value: 18.074 - type: map_at_3 value: 6.03 - type: map_at_5 value: 8.067 - type: mrr_at_1 value: 34.694 - type: mrr_at_10 value: 51.063 - type: mrr_at_100 value: 51.908 - type: mrr_at_1000 value: 51.908 - type: mrr_at_3 value: 47.959 - type: mrr_at_5 value: 49.694 - type: ndcg_at_1 value: 32.653 - type: ndcg_at_10 value: 28.305000000000003 - type: ndcg_at_100 value: 35.311 - type: ndcg_at_1000 value: 47.644999999999996 - type: ndcg_at_3 value: 32.187 - type: ndcg_at_5 value: 29.134999999999998 - type: precision_at_1 value: 34.694 - type: precision_at_10 value: 26.122 - type: precision_at_100 value: 6.755 - type: precision_at_1000 value: 1.467 - type: precision_at_3 value: 34.694 - type: precision_at_5 value: 30.203999999999997 - type: recall_at_1 value: 2.603 - type: recall_at_10 value: 18.716 - type: recall_at_100 value: 42.512 - type: recall_at_1000 value: 79.32000000000001 - type: recall_at_3 value: 7.59 - type: recall_at_5 value: 10.949 - task: type: Classification dataset: type: mteb/toxic_conversations_50k name: MTEB ToxicConversationsClassification config: default split: test revision: d7c0de2777da35d6aae2200a62c6e0e5af397c4c metrics: - type: accuracy value: 74.117 - type: ap value: 15.89357321699319 - type: f1 value: 57.14385866369257 - task: type: Classification dataset: type: mteb/tweet_sentiment_extraction name: MTEB TweetSentimentExtractionClassification config: default split: test revision: d604517c81ca91fe16a244d1248fc021f9ecee7a metrics: - type: accuracy value: 61.38370118845502 - type: f1 value: 61.67038693866553 - task: type: Clustering dataset: type: mteb/twentynewsgroups-clustering name: MTEB TwentyNewsgroupsClustering config: default split: test revision: 6125ec4e24fa026cec8a478383ee943acfbd5449 metrics: - type: v_measure value: 42.57754941537969 - task: type: PairClassification dataset: type: mteb/twittersemeval2015-pairclassification name: MTEB TwitterSemEval2015 config: default split: test revision: 70970daeab8776df92f5ea462b6173c0b46fd2d1 metrics: - type: cos_sim_accuracy value: 86.1775049174465 - type: cos_sim_ap value: 74.3994879581554 - type: cos_sim_f1 value: 69.32903671308551 - type: cos_sim_precision value: 61.48193508879363 - type: cos_sim_recall value: 79.47229551451187 - type: dot_accuracy value: 81.65345413363534 - type: dot_ap value: 59.690898346685096 - type: dot_f1 value: 57.27622826467499 - type: dot_precision value: 51.34965473948525 - type: dot_recall value: 64.74934036939314 - type: euclidean_accuracy value: 86.04637301066937 - type: euclidean_ap value: 74.33009001775268 - type: euclidean_f1 value: 69.2458374142997 - type: euclidean_precision value: 64.59570580173595 - type: euclidean_recall value: 74.6174142480211 - type: manhattan_accuracy value: 86.11193896405793 - type: manhattan_ap value: 74.2964140130421 - type: manhattan_f1 value: 69.11601528788066 - type: manhattan_precision value: 64.86924323073363 - type: manhattan_recall value: 73.95778364116094 - type: max_accuracy value: 86.1775049174465 - type: max_ap value: 74.3994879581554 - type: max_f1 value: 69.32903671308551 - task: type: PairClassification dataset: type: mteb/twitterurlcorpus-pairclassification name: MTEB TwitterURLCorpus config: default split: test revision: 8b6510b0b1fa4e4c4f879467980e9be563ec1cdf metrics: - type: cos_sim_accuracy value: 89.01501921061823 - type: cos_sim_ap value: 85.97819287477351 - type: cos_sim_f1 value: 78.33882858518875 - type: cos_sim_precision value: 75.49446626204926 - type: cos_sim_recall value: 81.40591315060055 - type: dot_accuracy value: 86.47494857763806 - type: dot_ap value: 78.77420360340282 - type: dot_f1 value: 73.06433247936238 - type: dot_precision value: 67.92140777983595 - type: dot_recall value: 79.04989220819218 - type: euclidean_accuracy value: 88.7297706368611 - type: euclidean_ap value: 85.61550568529317 - type: euclidean_f1 value: 77.84805525263539 - type: euclidean_precision value: 73.73639994491117 - type: euclidean_recall value: 82.44533415460425 - type: manhattan_accuracy value: 88.75111576823068 - type: manhattan_ap value: 85.58701671476263 - type: manhattan_f1 value: 77.70169909067856 - type: manhattan_precision value: 73.37666780704755 - type: manhattan_recall value: 82.5685247921158 - type: max_accuracy value: 89.01501921061823 - type: max_ap value: 85.97819287477351 - type: max_f1 value: 78.33882858518875 language: - en license: mit --- ## E5-base **News (May 2023): please switch to [e5-base-v2](https://huggingface.co/intfloat/e5-base-v2), which has better performance and same method of usage.** [Text Embeddings by Weakly-Supervised Contrastive Pre-training](https://arxiv.org/pdf/2212.03533.pdf). Liang Wang, Nan Yang, Xiaolong Huang, Binxing Jiao, Linjun Yang, Daxin Jiang, Rangan Majumder, Furu Wei, arXiv 2022 This model has 12 layers and the embedding size is 768. ## Usage Below is an example to encode queries and passages from the MS-MARCO passage ranking dataset. ```python import torch.nn.functional as F from torch import Tensor from transformers import AutoTokenizer, AutoModel def average_pool(last_hidden_states: Tensor, attention_mask: Tensor) -> Tensor: last_hidden = last_hidden_states.masked_fill(~attention_mask[..., None].bool(), 0.0) return last_hidden.sum(dim=1) / attention_mask.sum(dim=1)[..., None] # Each input text should start with "query: " or "passage: ". # For tasks other than retrieval, you can simply use the "query: " prefix. input_texts = ['query: how much protein should a female eat', 'query: summit define', "passage: As a general guideline, the CDC's average requirement of protein for women ages 19 to 70 is 46 grams per day. But, as you can see from this chart, you'll need to increase that if you're expecting or training for a marathon. Check out the chart below to see how much protein you should be eating each day.", "passage: Definition of summit for English Language Learners. : 1 the highest point of a mountain : the top of a mountain. : 2 the highest level. : 3 a meeting or series of meetings between the leaders of two or more governments."] tokenizer = AutoTokenizer.from_pretrained('intfloat/e5-base') model = AutoModel.from_pretrained('intfloat/e5-base') # Tokenize the input texts batch_dict = tokenizer(input_texts, max_length=512, padding=True, truncation=True, return_tensors='pt') outputs = model(**batch_dict) embeddings = average_pool(outputs.last_hidden_state, batch_dict['attention_mask']) # normalize embeddings embeddings = F.normalize(embeddings, p=2, dim=1) scores = (embeddings[:2] @ embeddings[2:].T) * 100 print(scores.tolist()) ``` ## Training Details Please refer to our paper at [https://arxiv.org/pdf/2212.03533.pdf](https://arxiv.org/pdf/2212.03533.pdf). ## Benchmark Evaluation Check out [unilm/e5](https://github.com/microsoft/unilm/tree/master/e5) to reproduce evaluation results on the [BEIR](https://arxiv.org/abs/2104.08663) and [MTEB benchmark](https://arxiv.org/abs/2210.07316). ## Support for Sentence Transformers Below is an example for usage with sentence_transformers. ```python from sentence_transformers import SentenceTransformer model = SentenceTransformer('intfloat/e5-base') input_texts = [ 'query: how much protein should a female eat', 'query: summit define', "passage: As a general guideline, the CDC's average requirement of protein for women ages 19 to 70 is 46 grams per day. But, as you can see from this chart, you'll need to increase that if you're expecting or training for a marathon. Check out the chart below to see how much protein you should be eating each day.", "passage: Definition of summit for English Language Learners. : 1 the highest point of a mountain : the top of a mountain. : 2 the highest level. : 3 a meeting or series of meetings between the leaders of two or more governments." ] embeddings = model.encode(input_texts, normalize_embeddings=True) ``` Package requirements `pip install sentence_transformers~=2.2.2` Contributors: [michaelfeil](https://huggingface.co/michaelfeil) ## FAQ **1. Do I need to add the prefix "query: " and "passage: " to input texts?** Yes, this is how the model is trained, otherwise you will see a performance degradation. Here are some rules of thumb: - Use "query: " and "passage: " correspondingly for asymmetric tasks such as passage retrieval in open QA, ad-hoc information retrieval. - Use "query: " prefix for symmetric tasks such as semantic similarity, paraphrase retrieval. - Use "query: " prefix if you want to use embeddings as features, such as linear probing classification, clustering. **2. Why are my reproduced results slightly different from reported in the model card?** Different versions of `transformers` and `pytorch` could cause negligible but non-zero performance differences. **3. Why does the cosine similarity scores distribute around 0.7 to 1.0?** This is a known and expected behavior as we use a low temperature 0.01 for InfoNCE contrastive loss. For text embedding tasks like text retrieval or semantic similarity, what matters is the relative order of the scores instead of the absolute values, so this should not be an issue. ## Citation If you find our paper or models helpful, please consider cite as follows: ``` @article{wang2022text, title={Text Embeddings by Weakly-Supervised Contrastive Pre-training}, author={Wang, Liang and Yang, Nan and Huang, Xiaolong and Jiao, Binxing and Yang, Linjun and Jiang, Daxin and Majumder, Rangan and Wei, Furu}, journal={arXiv preprint arXiv:2212.03533}, year={2022} } ``` ## Limitations This model only works for English texts. Long texts will be truncated to at most 512 tokens.
[ -0.1201673150062561, -0.6835395693778992, 0.16446325182914734, 0.23527634143829346, -0.25426775217056274, -0.44737231731414795, 0.020194754004478455, -0.42420870065689087, 0.05361384153366089, 0.2997625470161438, -0.4873993992805481, -0.6090280413627625, -0.9690577387809753, 0.25391414761543274, -0.34742215275764465, 0.9107652902603149, 0.015233579091727734, 0.09621836990118027, -0.3741716146469116, -0.05401546508073807, -0.24543726444244385, -0.5647081732749939, -0.324197918176651, -0.3283054530620575, 0.29117339849472046, 0.22538593411445618, 0.550421416759491, 0.584486722946167, 0.6914042830467224, 0.33120471239089966, -0.13362228870391846, 0.15287497639656067, -0.5353617072105408, -0.15098482370376587, -0.0034771866630762815, -0.5288906097412109, -0.44928285479545593, 0.20013225078582764, 0.4429110288619995, 0.8377036452293396, 0.1579236537218094, 0.2751334011554718, 0.3566424250602722, 0.5669827461242676, -0.6005153656005859, 0.18513594567775726, -0.4082099199295044, 0.1354636400938034, 0.11926433444023132, -0.03617389500141144, -0.3814946711063385, 0.16441191732883453, 0.37684887647628784, -0.5753535628318787, 0.29608142375946045, 0.13354593515396118, 1.2509888410568237, 0.31160709261894226, -0.45435088872909546, -0.17988348007202148, -0.11811725050210953, 0.9731341004371643, -0.6745703220367432, 0.4849449694156647, 0.6626641750335693, -0.2566703259944916, -0.09370933473110199, -0.9192781448364258, -0.35104209184646606, -0.1870536059141159, -0.2237953543663025, 0.17409200966358185, -0.26007822155952454, -0.052198536694049835, 0.40578556060791016, 0.43631988763809204, -0.8123494982719421, -0.10910370945930481, -0.36198142170906067, -0.09304352104663849, 0.4894125461578369, 0.1097109392285347, 0.2948456108570099, -0.459791362285614, -0.22343556582927704, -0.27235162258148193, -0.5506998896598816, 0.04747603088617325, 0.19685465097427368, 0.3872552812099457, -0.38791370391845703, 0.5369963645935059, -0.2997661828994751, 0.6031898260116577, 0.2274697721004486, 0.11347554624080658, 0.692136824131012, -0.5229156017303467, -0.26580172777175903, -0.24357479810714722, 0.9223743677139282, 0.5522411465644836, 0.13263514637947083, -0.11940646916627884, -0.01989266276359558, -0.05257457122206688, 0.08056827634572983, -1.1022858619689941, -0.5308070778846741, 0.2047269642353058, -0.6680189967155457, -0.20589731633663177, 0.12300870567560196, -0.5376119613647461, -0.05227259546518326, -0.25443342328071594, 0.8317515850067139, -0.5532243251800537, 0.06456815451383591, 0.2630445957183838, -0.2338663786649704, 0.12077947705984116, 0.12868396937847137, -0.8522434234619141, 0.33067160844802856, 0.11427321285009384, 0.8653944134712219, -0.09361100941896439, -0.37980809807777405, -0.4704596698284149, -0.084816113114357, 0.05644427612423897, 0.490348219871521, -0.34454545378685, -0.2591190040111542, 0.008767836727201939, 0.390199214220047, -0.4589214026927948, -0.5028302669525146, 0.5307640433311462, -0.2949734032154083, 0.443489670753479, -0.2770673632621765, -0.5300382971763611, -0.0543922521173954, 0.24192743003368378, -0.41202154755592346, 1.0657669305801392, 0.09874338656663895, -0.9230642914772034, 0.1463901698589325, -0.433275431394577, -0.375894159078598, -0.176217719912529, -0.055776454508304596, -0.46967336535453796, -0.13804775476455688, 0.49230512976646423, 0.36951541900634766, -0.1134999617934227, 0.006715110968798399, -0.04828345403075218, -0.5024877786636353, 0.15456515550613403, -0.16140629351139069, 0.8677310943603516, 0.10698239505290985, -0.4650764763355255, -0.17893795669078827, -0.7174413800239563, 0.07321092486381531, 0.12929444015026093, -0.45915529131889343, -0.1193600669503212, 0.11104322969913483, 0.01127799041569233, 0.2836683392524719, 0.3744446039199829, -0.4598834216594696, 0.17427127063274384, -0.5330414175987244, 0.6836607456207275, 0.5131942629814148, 0.08891106396913528, 0.4801125228404999, -0.41095516085624695, 0.11100618541240692, 0.36262160539627075, 0.07099612057209015, -0.012159471400082111, -0.5175638198852539, -0.774760365486145, -0.09449642896652222, 0.5606530904769897, 0.5345056056976318, -0.4342857897281647, 0.570412814617157, -0.3342897891998291, -0.28992795944213867, -0.6555843353271484, 0.08093270659446716, 0.2264317274093628, 0.394822895526886, 0.8009694814682007, -0.12308388948440552, -0.7076830267906189, -0.9544990062713623, -0.32135117053985596, 0.11811909824609756, -0.2563042938709259, 0.24490821361541748, 0.8473279476165771, -0.327311247587204, 0.6028024554252625, -0.6413759589195251, -0.4307331144809723, -0.22315578162670135, 0.10626717656850815, 0.37207892537117004, 0.7549567818641663, 0.3872424066066742, -0.8648059964179993, -0.4570734202861786, -0.5272992849349976, -0.8824458122253418, 0.02916928566992283, 0.11737823486328125, -0.25122764706611633, -0.06687658280134201, 0.47285497188568115, -0.6315841674804688, 0.33056268095970154, 0.47594955563545227, -0.4452168941497803, 0.2436174899339676, -0.2510939836502075, 0.1577489972114563, -1.0319279432296753, -0.0017239092849195004, 0.16657623648643494, -0.1975143551826477, -0.38035547733306885, 0.13611359894275665, 0.022250531241297722, -0.11631015688180923, -0.48165494203567505, 0.273152619600296, -0.5756219625473022, 0.2343853861093521, -0.08909358829259872, 0.2922094762325287, 0.313518762588501, 0.5113475322723389, -0.09842360764741898, 0.5562961101531982, 0.5710583329200745, -0.8524443507194519, -0.008204394951462746, 0.6686050891876221, -0.33266955614089966, 0.3035450875759125, -0.8432157635688782, 0.11285196244716644, -0.03342435508966446, 0.23140649497509003, -0.9067766666412354, -0.14733341336250305, 0.312061071395874, -0.6972483992576599, 0.30980047583580017, -0.024212729185819626, -0.46324312686920166, -0.26300522685050964, -0.5141816139221191, 0.2276783287525177, 0.5381309986114502, -0.344714879989624, 0.4814855456352234, 0.23423969745635986, 0.03690018132328987, -0.5487115383148193, -1.0421360731124878, -0.11695687472820282, -0.018714021891355515, -0.6583964228630066, 0.7394757270812988, -0.18308109045028687, 0.18536284565925598, 0.06852018088102341, -0.19081063568592072, 0.20737411081790924, -0.12885147333145142, 0.260682076215744, 0.03612804785370827, -0.005444705486297607, 0.054241105914115906, -0.12494499236345291, -0.0527939647436142, 0.02675720304250717, -0.26752257347106934, 0.5563030242919922, -0.30094003677368164, 0.10698841512203217, -0.5388387441635132, 0.49663031101226807, 0.16267645359039307, -0.2261463850736618, 1.0527985095977783, 0.7610712647438049, -0.3738517761230469, 0.10369711369276047, -0.28908270597457886, -0.346661239862442, -0.4642972946166992, 0.6189978122711182, -0.5506941676139832, -0.5062302947044373, 0.3838009536266327, 0.07369352132081985, -0.09011616557836533, 0.870059072971344, 0.3291020393371582, -0.2906414270401001, 1.2603572607040405, 0.7266111373901367, 0.15706194937229156, 0.4337809085845947, -0.6850550174713135, 0.04685784503817558, -0.925914466381073, -0.344944566488266, -0.5897587537765503, -0.42621710896492004, -0.8144553899765015, -0.4041014611721039, 0.30253884196281433, 0.23327745497226715, -0.4575991928577423, 0.3800857961177826, -0.5643423199653625, 0.07801976799964905, 0.5130142569541931, 0.5387470722198486, 0.05064845457673073, 0.17612987756729126, -0.17838220298290253, -0.3891618847846985, -0.9005526900291443, -0.36841273307800293, 0.9974623322486877, 0.274747371673584, 0.7007933855056763, -0.028639882802963257, 0.6348091959953308, 0.13895808160305023, -0.09606326371431351, -0.6270799040794373, 0.547492504119873, -0.3738413155078888, -0.308099627494812, -0.1182527244091034, -0.6691364049911499, -1.002257227897644, 0.4256054162979126, -0.3912274241447449, -0.6672722697257996, 0.18979084491729736, -0.13371087610721588, -0.22238251566886902, 0.08790049701929092, -0.8913456797599792, 1.0313371419906616, 0.03457518666982651, -0.32529035210609436, 0.027507709339261055, -0.6765893697738647, -0.23925182223320007, 0.39830657839775085, 0.11615767329931259, 0.008580835536122322, -0.06304578483104706, 1.0258872509002686, -0.29760295152664185, 0.8996005654335022, -0.0953628197312355, 0.41968709230422974, 0.08289966732263565, -0.1633370965719223, 0.5192102193832397, -0.1854468286037445, -0.09352555125951767, 0.2512299418449402, 0.038386400789022446, -0.5689733624458313, -0.3247653543949127, 0.7561234831809998, -1.1847801208496094, -0.5205559730529785, -0.5301162600517273, -0.4688483476638794, 0.07222410291433334, 0.14388573169708252, 0.6560090780258179, 0.4437144994735718, 0.12490727007389069, 0.5239745378494263, 0.5473232269287109, -0.33015936613082886, 0.3145013153553009, 0.2909618318080902, 0.11839718371629715, -0.41951364278793335, 0.6897733807563782, 0.3891502320766449, 0.18249459564685822, 0.671377420425415, 0.21983903646469116, -0.3141550123691559, -0.5487022995948792, -0.17004981637001038, 0.3896433711051941, -0.7038854956626892, -0.18009254336357117, -1.0957163572311401, -0.29411640763282776, -0.6071878671646118, 0.01641077920794487, -0.24363280832767487, -0.41212713718414307, -0.38714340329170227, -0.08343455940485, 0.1648900955915451, 0.3425365686416626, -0.05832713097333908, 0.2759551703929901, -0.6272578835487366, 0.3166423738002777, 0.013949365355074406, 0.05444305017590523, -0.17953293025493622, -0.9195876121520996, -0.39848870038986206, 0.11252003163099289, -0.5896667838096619, -0.9100821018218994, 0.41101664304733276, 0.42968297004699707, 0.6125684380531311, 0.04264488443732262, 0.0843619555234909, 0.6263738870620728, -0.3451782464981079, 0.9525886178016663, 0.10759011656045914, -0.8735132813453674, 0.6557711362838745, -0.0685875192284584, 0.648777961730957, 0.5106444954872131, 0.7334529757499695, -0.3403427302837372, -0.3645871877670288, -0.7562971711158752, -1.0994185209274292, 0.6244115829467773, 0.4168555438518524, 0.20367583632469177, -0.07792183011770248, 0.2934354841709137, -0.024797756224870682, 0.24419672787189484, -1.0569283962249756, -0.3968272805213928, -0.3987700045108795, -0.3166431784629822, -0.11248380690813065, -0.20066238939762115, 0.02870442532002926, -0.5685672163963318, 0.8305683732032776, -0.01741153560578823, 0.6497389674186707, 0.551115870475769, -0.4969336688518524, 0.0635814294219017, 0.04890445992350578, 0.26568368077278137, 0.563543975353241, -0.45976537466049194, 0.2839681804180145, 0.34714165329933167, -0.6473625302314758, -0.15629777312278748, 0.21374252438545227, -0.2363729476928711, 0.07302450388669968, 0.4613683223724365, 0.7091100215911865, 0.31261131167411804, -0.2971014976501465, 0.5732516050338745, 0.02536683902144432, -0.34767091274261475, -0.07103829085826874, -0.027942925691604614, 0.1662575900554657, 0.1691606640815735, 0.4225081503391266, 0.016510674729943275, 0.17104984819889069, -0.5797973275184631, 0.11986974626779556, -0.06743771582841873, -0.3894158601760864, -0.2827082574367523, 0.6866715550422668, 0.237564817070961, -0.1012967899441719, 0.9704931378364563, -0.12216535955667496, -0.5350140929222107, 0.4684804379940033, 0.6933378577232361, 0.6363493204116821, -0.1077452003955841, 0.1483519822359085, 0.8555869460105896, 0.37668997049331665, 0.030373038724064827, 0.22305484116077423, 0.17596200108528137, -0.6727222800254822, -0.23783352971076965, -0.8615143299102783, -0.05938126891851425, 0.21834084391593933, -0.4918327033519745, 0.19321894645690918, -0.059483256191015244, -0.2923188805580139, 0.01293382328003645, 0.436737060546875, -0.9160175919532776, 0.2664060890674591, -0.039723146706819534, 0.723481297492981, -0.870866596698761, 0.4938308298587799, 0.7836185693740845, -0.8208308219909668, -0.6850904226303101, -0.010674992576241493, -0.31392255425453186, -0.5311222672462463, 0.7001824975013733, 0.486198365688324, 0.09495123475790024, 0.07353299856185913, -0.5208509564399719, -0.6939854025840759, 1.117594599723816, 0.18038295209407806, -0.4570378065109253, -0.30610817670822144, 0.29850420355796814, 0.40838930010795593, -0.48761820793151855, 0.517521321773529, 0.33899906277656555, 0.2868543565273285, -0.10288845747709274, -0.6552684903144836, 0.24871061742305756, -0.3771285116672516, -0.0861494243144989, -0.16870445013046265, -0.6489489078521729, 1.1283574104309082, -0.23875990509986877, -0.0666513741016388, 0.05623568966984749, 0.6272324323654175, 0.09837798774242401, 0.05400676280260086, 0.38396039605140686, 0.586579442024231, 0.6281225681304932, -0.09046746045351028, 1.1743565797805786, -0.29679596424102783, 0.5362546443939209, 0.7692806124687195, 0.3147490620613098, 0.8424851894378662, 0.4528365433216095, -0.35300689935684204, 0.6962380409240723, 0.8384493589401245, -0.13242273032665253, 0.7370462417602539, 0.10602764040231705, 0.13561491668224335, -0.2692718803882599, 0.03594200685620308, -0.6156358122825623, 0.30277901887893677, 0.17305678129196167, -0.637516975402832, -0.1864423304796219, 0.046659622341394424, 0.09040399640798569, -0.14459200203418732, -0.1665237843990326, 0.4573993980884552, 0.46010324358940125, -0.42241790890693665, 0.9226462244987488, 0.1111273542046547, 0.7209956645965576, -0.6738715171813965, 0.14388827979564667, -0.20013631880283356, 0.3844158351421356, -0.32643812894821167, -0.5480616688728333, 0.1186065748333931, -0.09696073830127716, -0.3289807140827179, -0.15968090295791626, 0.5556373596191406, -0.5627052783966064, -0.4373188316822052, 0.352539598941803, 0.5452076196670532, 0.2572508454322815, -0.2665126919746399, -1.024373173713684, 0.06967759877443314, 0.02373974211513996, -0.41939592361450195, 0.438008189201355, 0.1788652092218399, 0.2484472095966339, 0.48906078934669495, 0.4859498143196106, -0.13624387979507446, -0.020381607115268707, 0.21277114748954773, 0.773880124092102, -0.6230774521827698, -0.5557534098625183, -0.8060050010681152, 0.4002208709716797, -0.2276611328125, -0.3476954996585846, 0.8243148922920227, 0.6621832251548767, 0.7699096202850342, -0.1769254505634308, 0.4796183109283447, -0.06942541897296906, 0.13845407962799072, -0.5537033081054688, 0.6171146631240845, -0.6532917618751526, -0.026854947209358215, -0.2571909427642822, -0.980315089225769, -0.17750759422779083, 0.8325799107551575, -0.4589025676250458, 0.1497243344783783, 0.9361594319343567, 0.7733473181724548, -0.20358571410179138, -0.13384540379047394, 0.20522265136241913, 0.5204409956932068, 0.28586021065711975, 0.7878127098083496, 0.521851122379303, -1.1230406761169434, 0.7318269610404968, -0.17691165208816528, -0.2016298770904541, -0.19485528767108917, -0.7377916574478149, -0.824194610118866, -0.6087600588798523, -0.5906591415405273, -0.4040015637874603, 0.16193625330924988, 0.9619353413581848, 0.7449628114700317, -0.6403075456619263, -0.12167304754257202, 0.002794472500681877, -0.1797497272491455, -0.36527901887893677, -0.23749734461307526, 0.5637564659118652, -0.3694224953651428, -0.8930157423019409, 0.21655480563640594, -0.18121062219142914, 0.07781782001256943, 0.14143036305904388, -0.09929682314395905, -0.6247503757476807, -0.050967056304216385, 0.6617228984832764, -0.10149433463811874, -0.37496018409729004, -0.3635662794113159, 0.03556143864989281, -0.3766528069972992, 0.1947561800479889, 0.12687325477600098, -0.642162561416626, 0.25948598980903625, 0.6709333062171936, 0.4216977655887604, 0.9422550797462463, 0.0032266112975776196, 0.42515528202056885, -0.7059726119041443, 0.13325974345207214, 0.1181691512465477, 0.3411555886268616, 0.5451711416244507, -0.2761676609516144, 0.47168874740600586, 0.4145585894584656, -0.5496717691421509, -0.5904654860496521, -0.11121555417776108, -0.9484390616416931, -0.20981958508491516, 0.9993118047714233, -0.17894203960895538, -0.311483234167099, 0.11845824867486954, -0.07027404755353928, 0.37722480297088623, -0.28349950909614563, 0.69008469581604, 0.7987514138221741, -0.15558545291423798, -0.09001234173774719, -0.6935245990753174, 0.5219135880470276, 0.5024980902671814, -0.4883973300457001, -0.3722544014453888, 0.05447772890329361, 0.4726174771785736, 0.1591850370168686, 0.5286505222320557, -0.16390566527843475, 0.041320860385894775, 0.33648818731307983, -0.03991096094250679, -0.06947401911020279, -0.12173908948898315, -0.07860962301492691, 0.18039974570274353, -0.26267209649086, -0.3430224061012268 ]
latent-consistency/lcm-lora-ssd-1b
latent-consistency
2023-11-10T02:56:26Z
9,688
58
diffusers
[ "diffusers", "lora", "text-to-image", "arxiv:2311.05556", "base_model:segmind/SSD-1B", "license:openrail++", "has_space", "region:us" ]
text-to-image
2023-11-09T00:56:27Z
--- library_name: diffusers base_model: segmind/SSD-1B tags: - lora - text-to-image license: openrail++ inference: false --- # Latent Consistency Model (LCM) LoRA: SSD-1B Latent Consistency Model (LCM) LoRA was proposed in [LCM-LoRA: A universal Stable-Diffusion Acceleration Module](https://arxiv.org/abs/2311.05556) by *Simian Luo, Yiqin Tan, Suraj Patil, Daniel Gu et al.* It is a distilled consistency adapter for [`segmind/SSD-1B`](https://huggingface.co/segmind/SSD-1B) that allows to reduce the number of inference steps to only between **2 - 8 steps**. | Model | Params / M | |----------------------------------------------------------------------------|------------| | [lcm-lora-sdv1-5](https://huggingface.co/latent-consistency/lcm-lora-sdv1-5) | 67.5 | | [**lcm-lora-ssd-1b**](https://huggingface.co/latent-consistency/lcm-lora-ssd-1b) | **105** | | [lcm-lora-sdxl](https://huggingface.co/latent-consistency/lcm-lora-sdxl) | 197M | ## Usage LCM-LoRA is supported in 🤗 Hugging Face Diffusers library from version v0.23.0 onwards. To run the model, first install the latest version of the Diffusers library as well as `peft`, `accelerate` and `transformers`. audio dataset from the Hugging Face Hub: ```bash pip install --upgrade pip pip install --upgrade diffusers transformers accelerate peft ``` ### Text-to-Image Let's load the base model `segmind/SSD-1B` first. Next, the scheduler needs to be changed to [`LCMScheduler`](https://huggingface.co/docs/diffusers/v0.22.3/en/api/schedulers/lcm#diffusers.LCMScheduler) and we can reduce the number of inference steps to just 2 to 8 steps. Please make sure to either disable `guidance_scale` or use values between 1.0 and 2.0. ```python import torch from diffusers import LCMScheduler, AutoPipelineForText2Image model_id = "segmind/SSD-1B" adapter_id = "latent-consistency/lcm-lora-ssd-1b" pipe = AutoPipelineForText2Image.from_pretrained(model_id, torch_dtype=torch.float16, variant="fp16") pipe.scheduler = LCMScheduler.from_config(pipe.scheduler.config) pipe.to("cuda") # load and fuse lcm lora pipe.load_lora_weights(adapter_id) pipe.fuse_lora() prompt = "Self-portrait oil painting, a beautiful cyborg with golden hair, 8k" # disable guidance_scale by passing 0 image = pipe(prompt=prompt, num_inference_steps=4, guidance_scale=0).images[0] ``` ![](./image.png) ### Image-to-Image Works as well! TODO docs ### Inpainting Works as well! TODO docs ### ControlNet Works as well! TODO docs ### T2I Adapter Works as well! TODO docs ## Speed Benchmark TODO ## Training TODO
[ -0.30657753348350525, -0.8192278742790222, 0.488437682390213, 0.3623259663581848, -0.25656208395957947, -0.1797618418931961, 0.18548484146595, -0.3125705122947693, 0.20328806340694427, 0.6373440027236938, -0.6741336584091187, -0.45721155405044556, -0.7109757661819458, -0.2896558344364166, -0.3357868790626526, 1.0855467319488525, -0.15021060407161713, -0.04382374510169029, 0.18617093563079834, -0.3036530315876007, -0.254634827375412, -0.04584108665585518, -0.8541108965873718, -0.37330886721611023, 0.5424937605857849, 0.15180671215057373, 0.7051738500595093, 0.3490069806575775, 0.4438798725605011, 0.34165945649147034, -0.5173876881599426, 0.24142694473266602, -0.49138444662094116, -0.02225136198103428, -0.017882710322737694, -0.39875832200050354, -0.7507807016372681, 0.09192687273025513, 0.8191860318183899, 0.663282036781311, -0.29453274607658386, 0.09127722680568695, 0.1602846086025238, 1.051848292350769, -0.49025097489356995, -0.1067434698343277, -0.3998992145061493, 0.10455717146396637, -0.11069560796022415, 0.018603181466460228, -0.21655401587486267, -0.3520880937576294, 0.04227777570486069, -0.6742051243782043, 0.13184981048107147, -0.17467735707759857, 1.2508522272109985, 0.7861968278884888, -0.4520256221294403, -0.1030462309718132, -0.7044541835784912, 0.7182101011276245, -0.7659211158752441, 0.22122900187969208, 0.23421713709831238, 0.29805874824523926, -0.17254866659641266, -0.8934891819953918, -0.6379850506782532, 0.16412313282489777, -0.03496246039867401, 0.3732317090034485, -0.269151896238327, -0.07614094018936157, 0.5741788148880005, 0.32473984360694885, -0.5005142688751221, -0.031367503106594086, -0.5198580622673035, -0.049746837466955185, 0.5559154748916626, 0.13384374976158142, 0.17305728793144226, 0.028021996840834618, -0.5653120279312134, 0.003626328893005848, -0.5828726887702942, 0.09263265877962112, 0.25390028953552246, -0.08827139437198639, -0.562050461769104, 0.760648250579834, 0.0066636404953897, 0.47414225339889526, 0.6141126751899719, -0.24439306557178497, 0.3100857138633728, -0.3974027931690216, -0.40186795592308044, -0.14413589239120483, 0.9020447731018066, 0.3484780490398407, -0.06931106746196747, 0.11485272645950317, -0.1290385127067566, 0.18962782621383667, -0.10839912295341492, -1.1544098854064941, -0.12150406837463379, 0.4198807179927826, -0.5668678283691406, -0.34073787927627563, -0.08627840131521225, -0.5824366807937622, -0.22785846889019012, -0.17334315180778503, 0.5001386404037476, -0.3659546971321106, -0.3961005210876465, -0.1277392953634262, -0.001439413521438837, 0.4647233486175537, 0.42343372106552124, -0.7179226279258728, 0.40229687094688416, 0.4113224446773529, 1.0667332410812378, -0.2980833947658539, -0.06436716020107269, -0.5350279211997986, 0.09927559643983841, -0.5103402137756348, 0.8547217845916748, -0.016466466709971428, -0.40091758966445923, -0.33788761496543884, 0.44832301139831543, -0.2173442542552948, -0.7062413096427917, 0.6108996272087097, -0.47564592957496643, 0.30475810170173645, -0.29437094926834106, -0.6510210633277893, -0.10664127767086029, -0.05702349916100502, -0.6503783464431763, 1.2442593574523926, 0.4495624899864197, -1.0396877527236938, 0.1657617837190628, -0.775306224822998, -0.1628868728876114, -0.24760672450065613, -0.17625360190868378, -0.8391988277435303, -0.009358886629343033, -0.18454572558403015, 0.43511316180229187, -0.06918472796678543, 0.2500346004962921, -0.35639694333076477, -0.4751487672328949, 0.032571036368608475, -0.18126676976680756, 1.249744176864624, 0.37810102105140686, -0.41496628522872925, 0.2884542942047119, -0.689014196395874, -0.012517902068793774, 0.16085733473300934, -0.28280702233314514, 0.14030414819717407, -0.23448176681995392, 0.32159051299095154, 0.42760539054870605, 0.367542564868927, -0.5419949293136597, 0.16824524104595184, -0.38228923082351685, 0.5090296268463135, 0.9207009673118591, -0.055629193782806396, 0.4548594057559967, -0.5438787341117859, 0.3087078928947449, 0.5075926780700684, -0.0528051033616066, 0.17347459495067596, -0.5300339460372925, -0.9706529378890991, -0.24253533780574799, 0.00035799265606328845, 0.5849003791809082, -0.703611433506012, 0.591710090637207, -0.014776892960071564, -0.677508533000946, -0.27466362714767456, 0.19607560336589813, 0.30336183309555054, 0.6165343523025513, 0.280841201543808, -0.2578214406967163, -0.5113806128501892, -0.832604706287384, 0.14204168319702148, -0.12626419961452484, 0.1142670214176178, 0.07487047463655472, 0.6014602184295654, -0.3100860118865967, 0.8754451870918274, -0.4727570414543152, -0.5130442976951599, -0.04078613966703415, -0.01533430814743042, 0.7073132991790771, 0.751049816608429, 0.7882344126701355, -0.6280583143234253, -0.7883882522583008, -0.2706841230392456, -0.8590033054351807, -0.02520102821290493, 0.121206134557724, -0.3377280533313751, 0.6327515840530396, 0.5140653848648071, -0.6238178014755249, 0.7566446661949158, 0.7772291302680969, -0.6858953237533569, 0.7383504509925842, -0.319164901971817, -0.05457437410950661, -1.3066178560256958, 0.22215105593204498, -0.062219712883234024, -0.40436071157455444, -0.5172130465507507, -0.13123591244220734, -0.07379583269357681, 0.03479587286710739, -0.6514376401901245, 0.921999990940094, -0.3239732086658478, -0.048338793218135834, -0.4528197944164276, -0.15589343011379242, 0.056221503764390945, 0.6238325238227844, 0.14258019626140594, 0.6186336874961853, 0.7588392496109009, -0.7050830721855164, 0.23940056562423706, 0.3479830026626587, -0.19092409312725067, 0.904784619808197, -1.1215285062789917, 0.25750428438186646, 0.062439002096652985, 0.3327511250972748, -1.1551029682159424, -0.046980973333120346, 0.5225909948348999, -0.18282939493656158, 0.32896867394447327, -0.21752801537513733, -0.47115078568458557, -0.29640093445777893, -0.14683528244495392, 0.26155978441238403, 0.7796861529350281, -0.6210703253746033, 0.8139756917953491, 0.20473581552505493, 0.20466649532318115, -0.5285736322402954, -0.752494752407074, -0.38534730672836304, -0.41654592752456665, -0.8656463623046875, 0.522716760635376, -0.598843514919281, -0.25186389684677124, 0.009233031421899796, -0.2780836522579193, -0.23791825771331787, -0.02187429554760456, 0.46472305059432983, 0.5412489771842957, -0.21417184174060822, -0.4089163839817047, 0.042362794280052185, -0.3109692633152008, 0.058275528252124786, 0.1606481671333313, 0.5165358781814575, -0.18934135138988495, -0.44448626041412354, -0.8836796879768372, 0.20582401752471924, 0.5137518048286438, 0.35167762637138367, 0.8516979217529297, 1.0507965087890625, -0.4536324143409729, 0.06103211268782616, -0.6504272222518921, -0.11555174738168716, -0.5268334746360779, 0.15181009471416473, -0.3842334449291229, -0.5729018449783325, 0.8157377243041992, -0.009357627481222153, 0.11267605423927307, 0.6640681028366089, 0.604758620262146, -0.39888983964920044, 1.014446496963501, 0.5882821679115295, 0.1849442571401596, 0.6747279763221741, -0.6981776356697083, -0.0991378203034401, -1.1654622554779053, -0.1293555200099945, -0.34539902210235596, -0.3753986954689026, -0.5660461187362671, -0.5539824366569519, 0.45127180218696594, 0.39013272523880005, -0.5468213558197021, 0.30693987011909485, -0.6432079076766968, 0.2986129820346832, 0.2835104763507843, 0.3302775025367737, 0.302151083946228, -0.03261159360408783, -0.06910304725170135, -0.09889327734708786, -0.4159879982471466, -0.48685482144355774, 0.9640371799468994, 0.3394120931625366, 0.8743498921394348, 0.21454177796840668, 0.6973716616630554, 0.056434083729982376, 0.15315885841846466, -0.5559766888618469, 0.584971010684967, -0.2725283205509186, -0.6512177586555481, -0.1957322359085083, -0.2398126721382141, -0.8848331570625305, 0.061807554215192795, -0.029825642704963684, -0.6866485476493835, 0.4863927960395813, 0.141535684466362, -0.29958176612854004, 0.4132417142391205, -0.5894615054130554, 0.761361837387085, -0.10404124110937119, -0.6375564932823181, -0.04957065358757973, -0.6227455139160156, 0.3852349519729614, -0.022007543593645096, -0.03364591300487518, -0.3669036328792572, -0.12412845343351364, 0.9732564687728882, -0.7798641920089722, 0.8079884648323059, -0.5006739497184753, -0.24848710000514984, 0.48266780376434326, -0.07165559381246567, 0.697883665561676, -0.02405264414846897, -0.16488386690616608, 0.20303641259670258, 0.30536559224128723, -0.6267083287239075, -0.6558124423027039, 0.7547674775123596, -0.9269456267356873, -0.34019139409065247, -0.571195662021637, -0.416362464427948, 0.1327574998140335, 0.13838069140911102, 0.49891671538352966, 0.1824098378419876, -0.20204508304595947, 0.05325615406036377, 0.8783668875694275, -0.06380625069141388, 0.6452450156211853, 0.4479331076145172, -0.4647558629512787, -0.21564710140228271, 0.732032299041748, 0.25890156626701355, 0.5510337352752686, -0.07259146124124527, 0.17861804366111755, -0.2585684657096863, -0.3927961587905884, -0.31904762983322144, 0.40297839045524597, -0.6919505000114441, -0.07266932725906372, -0.6905552744865417, -0.5873680114746094, -0.3506183922290802, -0.09845711290836334, -0.6836693286895752, -0.37025606632232666, -0.5933573842048645, 0.40460383892059326, 0.5128531455993652, 0.6781766414642334, -0.24317586421966553, 0.39520683884620667, -0.31257736682891846, 0.5516087412834167, 0.19846563041210175, 0.3880249559879303, -0.1814798265695572, -0.938181459903717, -0.015567970462143421, 0.038645077496767044, -0.5943928360939026, -0.6648055911064148, 0.3527997136116028, 0.2120094895362854, 0.4648384153842926, 0.6313729286193848, -0.09812718629837036, 0.8527722358703613, -0.3543141484260559, 0.6227089762687683, 0.33453625440597534, -0.8539435267448425, 0.6289271712303162, -0.3843967020511627, 0.16286078095436096, 0.22332800924777985, 0.2697121202945709, -0.4178842604160309, -0.10137644410133362, -0.8562819957733154, -0.7343346476554871, 0.6080199480056763, 0.3501099944114685, -0.0836305245757103, 0.19538797438144684, 0.27951258420944214, -0.04291331768035889, -0.10280761867761612, -0.7334358096122742, -0.6133413910865784, -0.32554876804351807, -0.017436889931559563, 0.09621795266866684, -0.12904362380504608, -0.16714107990264893, -0.35315021872520447, 0.8861676454544067, -0.24049833416938782, 0.4033993184566498, 0.4905936121940613, 0.10754235833883286, -0.26532265543937683, 0.05667078495025635, 0.5509829521179199, 0.5610578656196594, -0.4097898304462433, -0.2166082262992859, 0.25351908802986145, -0.45914754271507263, 0.10635942965745926, 0.1402275413274765, -0.2245635688304901, 0.1137174516916275, 0.15028762817382812, 0.8986061811447144, 0.09755082428455353, -0.47656723856925964, 0.44924676418304443, -0.05803170055150986, -0.2567262053489685, -0.6220791339874268, 0.21994242072105408, 0.4104565680027008, 0.3664781451225281, 0.33506518602371216, 0.3365795612335205, -0.08073915541172028, -0.5808793902397156, -0.032636452466249466, 0.5681777000427246, -0.5001875162124634, -0.239710733294487, 0.853999674320221, -0.16136574745178223, -0.14581671357154846, 0.46678200364112854, -0.21865801513195038, -0.23943062126636505, 0.8862247467041016, 0.5179521441459656, 0.7557324767112732, -0.17006070911884308, 0.12682291865348816, 0.6616730690002441, -0.04139043390750885, -0.23057450354099274, 0.6242103576660156, 0.2931258976459503, -0.8030610084533691, -0.16333913803100586, -0.6434175372123718, -0.34222131967544556, 0.11884215474128723, -0.6484631299972534, 0.4910387098789215, -0.5868602395057678, -0.20049430429935455, 0.061714064329862595, 0.31820711493492126, -0.8328481316566467, 0.06585943698883057, -0.007162790279835463, 0.8485643863677979, -0.8469653129577637, 0.9434536099433899, 0.47918426990509033, -0.5410411953926086, -0.9129641056060791, -0.32232627272605896, 0.14213469624519348, -0.8443507552146912, 0.5888906717300415, -0.030810384079813957, -0.03095201961696148, 0.056850578635931015, -0.7501969337463379, -0.9487385153770447, 1.4744725227355957, 0.39922189712524414, -0.5936252474784851, -0.08921540528535843, -0.15980465710163116, 0.5627877116203308, -0.5381033420562744, 0.39832231402397156, 0.5206843614578247, 0.5668574571609497, 0.5612984895706177, -0.9530794024467468, 0.2295030951499939, -0.32456251978874207, 0.05911870300769806, -0.13931742310523987, -0.8886325359344482, 1.0470913648605347, -0.6599600315093994, -0.29776057600975037, 0.6244692802429199, 0.8070290684700012, 0.7001547813415527, 0.3665234446525574, 0.6353386044502258, 0.8636782169342041, 0.7396026849746704, -0.23683109879493713, 0.9343776702880859, -0.16545897722244263, 0.4979625642299652, 1.2863223552703857, -0.3106491267681122, 0.7761079668998718, 0.5116525292396545, -0.4869244694709778, 0.719336211681366, 0.9280915856361389, -0.12706220149993896, 0.4254297614097595, 0.02033921331167221, -0.12685377895832062, -0.03844746947288513, -0.1760900765657425, -0.6663411259651184, 0.2607627809047699, 0.31331801414489746, -0.3711724281311035, -0.10002501308917999, -0.12665504217147827, 0.07501782476902008, -0.21574808657169342, -0.15568014979362488, 0.7506296038627625, 0.0713130310177803, -0.4409027695655823, 0.8811216354370117, -0.3936457931995392, 0.9298974871635437, -0.49365848302841187, -0.05999590829014778, -0.18092051148414612, 0.18624261021614075, -0.4546786844730377, -0.8898774981498718, 0.5802035331726074, -0.32309848070144653, -0.25316518545150757, 0.019105684012174606, 0.6071280837059021, -0.4757785201072693, -0.668947160243988, 0.4855150878429413, 0.5330358147621155, 0.4801352918148041, 0.051388487219810486, -1.0132728815078735, 0.322780966758728, -0.13530570268630981, -0.49380943179130554, 0.290423184633255, 0.3340594172477722, 0.20423723757266998, 0.7060434818267822, 0.6817104816436768, 0.018692729994654655, -0.03821539878845215, 0.04533737152814865, 0.9717119336128235, -0.6035046577453613, -0.2319546788930893, -0.6267203092575073, 0.583827555179596, -0.04539358988404274, -0.2813020944595337, 0.5613262057304382, 0.6397674679756165, 0.47977495193481445, 0.09023226052522659, 0.6017623543739319, -0.3095334470272064, 0.5787861943244934, -0.6084407567977905, 0.9183571934700012, -0.7810541987419128, 0.21234923601150513, -0.44288134574890137, -1.1102855205535889, 0.21210063993930817, 0.7072448134422302, -0.09401717782020569, 0.2687278687953949, 0.8091306090354919, 0.95688796043396, -0.16181306540966034, -0.26823320984840393, 0.21632510423660278, 0.5207877159118652, 0.13110370934009552, 0.5032255053520203, 0.4787120819091797, -0.8499366044998169, 0.3355802893638611, -0.5270176529884338, -0.08462616056203842, -0.025457371026277542, -0.9835899472236633, -0.8856760263442993, -0.7134481072425842, -0.698864758014679, -0.9314306974411011, -0.13217689096927643, 0.7135335803031921, 0.968904972076416, -0.7805762887001038, -0.16192001104354858, -0.11747211962938309, 0.22381168603897095, -0.2499692291021347, -0.30841130018234253, 0.6068065762519836, -0.13158868253231049, -0.9805653095245361, 0.0872209221124649, 0.0450189933180809, 0.4266570508480072, -0.2777952551841736, -0.34643787145614624, -0.35388103127479553, -0.025507045909762383, 0.4010249972343445, 0.415081650018692, -0.9313730001449585, -0.11404260247945786, -0.17555995285511017, -0.2442871779203415, 0.3359537124633789, 0.2869301438331604, -0.66867595911026, 0.13013383746147156, 0.37773406505584717, 0.08805260807275772, 0.7239200472831726, -0.18356630206108093, 0.0950295478105545, -0.3879223167896271, 0.3163965344429016, -0.041899073868989944, 0.5526953935623169, 0.21233312785625458, -0.370027095079422, 0.8852081894874573, 0.40611255168914795, -0.7559418082237244, -0.7772068977355957, 0.06469343602657318, -1.608460783958435, -0.1616482138633728, 1.0489438772201538, -0.25408652424812317, -0.4005110263824463, -0.01828809455037117, -0.34249258041381836, 0.406780868768692, -0.3630249798297882, 0.6233354210853577, 0.48376357555389404, -0.26446712017059326, -0.32158559560775757, -0.47249600291252136, 0.48120805621147156, 0.35907578468322754, -0.8715304136276245, -0.2314983308315277, 0.2807920575141907, 0.7965110540390015, 0.32611730694770813, 0.9016997814178467, -0.12646231055259705, 0.24062465131282806, -0.11757699400186539, -0.09757889062166214, 0.14504821598529816, 0.04642406478524208, -0.21864627301692963, -0.23609596490859985, -0.2743903398513794, 0.06069677323102951 ]
shi-labs/oneformer_coco_swin_large
shi-labs
2023-01-19T11:07:35Z
9,685
1
transformers
[ "transformers", "pytorch", "oneformer", "vision", "image-segmentation", "dataset:ydshieh/coco_dataset_script", "arxiv:2211.06220", "license:mit", "endpoints_compatible", "has_space", "region:us" ]
image-segmentation
2022-11-15T20:25:10Z
--- license: mit tags: - vision - image-segmentation datasets: - ydshieh/coco_dataset_script widget: - src: https://huggingface.co/datasets/shi-labs/oneformer_demo/blob/main/coco.jpeg example_title: Person - src: https://huggingface.co/datasets/shi-labs/oneformer_demo/blob/main/demo_2.jpg example_title: Airplane - src: https://huggingface.co/datasets/shi-labs/oneformer_demo/blob/main/demo.jpeg example_title: Corgi --- # OneFormer OneFormer model trained on the COCO dataset (large-sized version, Swin backbone). It was introduced in the paper [OneFormer: One Transformer to Rule Universal Image Segmentation](https://arxiv.org/abs/2211.06220) by Jain et al. and first released in [this repository](https://github.com/SHI-Labs/OneFormer). ![model image](https://huggingface.co/datasets/huggingface/documentation-images/resolve/main/transformers/model_doc/oneformer_teaser.png) ## Model description OneFormer is the first multi-task universal image segmentation framework. It needs to be trained only once with a single universal architecture, a single model, and on a single dataset, to outperform existing specialized models across semantic, instance, and panoptic segmentation tasks. OneFormer uses a task token to condition the model on the task in focus, making the architecture task-guided for training, and task-dynamic for inference, all with a single model. ![model image](https://huggingface.co/datasets/huggingface/documentation-images/resolve/main/transformers/model_doc/oneformer_architecture.png) ## Intended uses & limitations You can use this particular checkpoint for semantic, instance and panoptic segmentation. See the [model hub](https://huggingface.co/models?search=oneformer) to look for other fine-tuned versions on a different dataset. ### How to use Here is how to use this model: ```python from transformers import OneFormerProcessor, OneFormerForUniversalSegmentation from PIL import Image import requests url = "https://huggingface.co/datasets/shi-labs/oneformer_demo/blob/main/coco.jpeg" image = Image.open(requests.get(url, stream=True).raw) # Loading a single model for all three tasks processor = OneFormerProcessor.from_pretrained("shi-labs/oneformer_coco_swin_large") model = OneFormerForUniversalSegmentation.from_pretrained("shi-labs/oneformer_coco_swin_large") # Semantic Segmentation semantic_inputs = processor(images=image, task_inputs=["semantic"], return_tensors="pt") semantic_outputs = model(**semantic_inputs) # pass through image_processor for postprocessing predicted_semantic_map = processor.post_process_semantic_segmentation(outputs, target_sizes=[image.size[::-1]])[0] # Instance Segmentation instance_inputs = processor(images=image, task_inputs=["instance"], return_tensors="pt") instance_outputs = model(**instance_inputs) # pass through image_processor for postprocessing predicted_instance_map = processor.post_process_instance_segmentation(outputs, target_sizes=[image.size[::-1]])[0]["segmentation"] # Panoptic Segmentation panoptic_inputs = processor(images=image, task_inputs=["panoptic"], return_tensors="pt") panoptic_outputs = model(**panoptic_inputs) # pass through image_processor for postprocessing predicted_semantic_map = processor.post_process_panoptic_segmentation(outputs, target_sizes=[image.size[::-1]])[0]["segmentation"] ``` For more examples, please refer to the [documentation](https://huggingface.co/docs/transformers/master/en/model_doc/oneformer). ### Citation ```bibtex @article{jain2022oneformer, title={{OneFormer: One Transformer to Rule Universal Image Segmentation}}, author={Jitesh Jain and Jiachen Li and MangTik Chiu and Ali Hassani and Nikita Orlov and Humphrey Shi}, journal={arXiv}, year={2022} } ```
[ -0.6298527121543884, -0.7733541131019592, 0.23729071021080017, 0.29839569330215454, -0.3325921297073364, -0.5033770203590393, 0.23121772706508636, -0.2604646384716034, 0.10993043333292007, 0.7112106084823608, -1.0175118446350098, -0.5953145623207092, -0.6550001502037048, -0.21223589777946472, -0.4603724777698517, 0.7993786931037903, 0.0032210969366133213, 0.20150908827781677, -0.33915719389915466, -0.4208608865737915, -0.010510132648050785, -0.4050813913345337, -0.5587701797485352, -0.21954092383384705, 0.25834548473358154, 0.2542341649532318, 0.5840190649032593, 0.6873105764389038, 0.6737105846405029, 0.37391552329063416, -0.11014649271965027, -0.2821355164051056, -0.3078697621822357, -0.2188228815793991, 0.12286142259836197, -0.3878489136695862, -0.25732070207595825, 0.11666244268417358, 0.7757412195205688, 0.6773185729980469, 0.13598214089870453, 0.32876721024513245, -0.26098158955574036, 0.6426340341567993, -0.6244942545890808, 0.049507878720760345, -0.31554505228996277, 0.45913198590278625, -0.23916864395141602, 0.24225397408008575, -0.14707648754119873, -0.3362067639827728, 0.24081042408943176, -0.8239707350730896, 0.4892248809337616, -0.22783365845680237, 1.2470779418945312, 0.48916196823120117, -0.030549146234989166, 0.07304823398590088, -0.4083921015262604, 0.639531135559082, -0.6813700199127197, 0.26274374127388, 0.2902698814868927, 0.480557918548584, 0.21119992434978485, -1.06548273563385, -0.6218687295913696, 0.02567998133599758, -0.18424616754055023, 0.0786997526884079, -0.4419318735599518, 0.016185171902179718, 0.3553326427936554, 0.28290337324142456, -0.5304378271102905, 0.08266852051019669, -0.8089900612831116, -0.11885959655046463, 0.3998413681983948, 0.03765101358294487, 0.27109432220458984, -0.2909010946750641, -0.6671447157859802, -0.3150615394115448, -0.36169376969337463, 0.354783833026886, 0.06942833214998245, -0.013636382296681404, -0.2583497166633606, 0.32416701316833496, 0.03256227821111679, 0.7510204911231995, 0.42388081550598145, -0.35748252272605896, 0.2115684598684311, -0.023658569902181625, -0.351337194442749, 0.09884120523929596, 0.9958234429359436, 0.09340500831604004, 0.08249102532863617, 0.008918771520256996, 0.09957970678806305, 0.18795408308506012, 0.46121951937675476, -1.0515921115875244, -0.18946997821331024, 0.09568555653095245, -0.40678906440734863, -0.31521108746528625, 0.46887198090553284, -0.6563555002212524, 0.004986501298844814, 0.0198715440928936, 0.5100536346435547, -0.5734708309173584, -0.14436674118041992, 0.05394120514392853, -0.10112115740776062, 0.6528815031051636, 0.08939668536186218, -0.7513074278831482, 0.5339655876159668, 0.49256083369255066, 0.8401355743408203, -0.14862525463104248, -0.48679548501968384, -0.06538042426109314, -0.31513702869415283, -0.31211057305336, 0.9535094499588013, -0.30487921833992004, -0.19718651473522186, -0.3322894871234894, 0.3787851333618164, -0.47005289793014526, -0.497901052236557, 0.6560841202735901, -0.37088292837142944, 0.46860742568969727, -0.21291251480579376, -0.36625513434410095, -0.6279476881027222, 0.28638437390327454, -0.6001656651496887, 0.813662588596344, 0.5209713578224182, -0.9053373336791992, 0.4654952585697174, -0.9470725655555725, -0.3250714838504791, -0.051715023815631866, -0.28859227895736694, -0.7826608419418335, -0.20681236684322357, 0.4307188391685486, 0.3997849225997925, -0.24827000498771667, -0.05280762165784836, -0.28684666752815247, -0.033747412264347076, -0.027070466428995132, -0.2506381869316101, 1.014918327331543, 0.05248517543077469, -0.297796368598938, 0.5079274773597717, -0.729045033454895, 0.05402686819434166, 0.5332757830619812, 0.11396098881959915, 0.2434089332818985, -0.32270869612693787, 0.3144695460796356, 0.4506721496582031, -0.02446402981877327, -0.8504345417022705, 0.30695822834968567, -0.2853618264198303, 0.5845921635627747, 0.570894181728363, 0.11799518018960953, 0.5330288410186768, -0.2625064551830292, 0.6071964502334595, 0.24559804797172546, 0.598342776298523, -0.45928287506103516, -0.349260151386261, -0.8360130190849304, -0.470471054315567, 0.16714347898960114, 0.4351435601711273, -0.10963410139083862, 0.5290963649749756, -0.08747188746929169, -0.7036164999008179, -0.636561930179596, -0.11833689361810684, 0.27324432134628296, 0.7430342435836792, 0.39945101737976074, -0.5032891631126404, -0.7291789650917053, -1.083945631980896, 0.567184567451477, 0.2434505969285965, 0.1027287095785141, 0.00012470250658225268, 0.5130433440208435, -0.3550375998020172, 1.1641912460327148, -0.5767948031425476, -0.3496999144554138, -0.2555667757987976, -0.03185981512069702, 0.16490444540977478, 0.923086941242218, 0.7394534349441528, -0.8813005685806274, -0.2725519835948944, -0.30729353427886963, -0.8979043960571289, 0.3121615946292877, -0.05070905759930611, -0.3381232023239136, 0.1973814070224762, 0.21854116022586823, -0.5244137048721313, 0.7264708876609802, 0.36679908633232117, -0.300566166639328, 0.7828889489173889, -0.06065766513347626, 0.10194530338048935, -0.8672403693199158, 0.1411120593547821, 0.16660076379776, -0.17432494461536407, -0.5201120376586914, 0.059999458491802216, -0.03429504111409187, -0.25233030319213867, -0.6027140617370605, 0.5067229866981506, -0.18692947924137115, -0.0289850365370512, -0.1664237082004547, -0.2898893654346466, 0.14066527783870697, 0.848048985004425, 0.028636811301112175, 0.44224002957344055, 1.1438239812850952, -0.6412266492843628, 0.11354991048574448, 0.7163702845573425, -0.40501049160957336, 0.39211538434028625, -1.0581817626953125, 0.08615709841251373, -0.33367660641670227, 0.2709054946899414, -1.0916664600372314, -0.2704208195209503, 0.4723346531391144, -0.20569464564323425, 0.277036190032959, -0.22564327716827393, -0.24241848289966583, -0.5658820271492004, -0.17964400351047516, 0.5288094282150269, 0.3640742599964142, -0.7564859390258789, 0.6016848087310791, 0.40281566977500916, 0.09080031514167786, -0.28398460149765015, -0.7847760915756226, -0.4938996732234955, -0.0635477751493454, -1.0816324949264526, 0.40630853176116943, 0.1018470972776413, 0.1910783350467682, 0.10010534524917603, -0.6062929034233093, -0.3681964576244354, -0.21032275259494781, 0.6233535408973694, 0.5099829435348511, -0.3427659571170807, -0.3257908821105957, 0.10103263705968857, -0.28183141350746155, 0.09281279891729355, -0.26318398118019104, 0.6089341640472412, -0.1445281207561493, -0.47157397866249084, -0.7040895223617554, 0.23750531673431396, 0.7106789946556091, -0.4829106628894806, 0.5131543278694153, 0.9356841444969177, -0.46792885661125183, 0.19708773493766785, -0.7317301630973816, -0.0979357361793518, -0.43613332509994507, 0.3770696520805359, -0.5117577910423279, -0.5563417077064514, 0.6233118176460266, 0.028103871271014214, 0.11032874882221222, 0.8604276180267334, 0.1241261288523674, 0.28164786100387573, 1.2425514459609985, 0.7076917290687561, -0.014115032739937305, 0.7346958518028259, -0.9314442873001099, -0.0367501862347126, -0.8496612310409546, -0.33008724451065063, -0.36270982027053833, -0.1962294727563858, -0.3384452164173126, -0.4585590660572052, 0.6232573986053467, 0.4066210985183716, -0.43750545382499695, 0.5320731401443481, -0.8871783018112183, 0.3130694031715393, 0.5844062566757202, 0.3396804928779602, -0.17068907618522644, 0.10186963528394699, -0.38605281710624695, 0.1840604543685913, -1.061743140220642, -0.5524626970291138, 0.6828692555427551, 0.438136488199234, 0.8329241871833801, -0.5981867909431458, 0.41365963220596313, -0.2673444151878357, 0.1701776385307312, -0.7348355054855347, 0.46822690963745117, -0.33456411957740784, -0.5856629014015198, -0.270222932100296, -0.04115450382232666, -0.9849762916564941, 0.32308295369148254, -0.3002731204032898, -1.0313160419464111, 0.2799087166786194, 0.03277747333049774, -0.421974241733551, 0.522459089756012, -0.568092942237854, 1.5037201642990112, -0.22333025932312012, -0.30313852429389954, 0.09010230004787445, -0.8355317711830139, 0.2889109253883362, 0.18138594925403595, -0.16554591059684753, -0.06959772855043411, 0.4606178402900696, 1.1705498695373535, -0.5307848453521729, 0.7659384608268738, -0.23286865651607513, 0.31086596846580505, 0.5144832134246826, -0.011934555135667324, 0.14518772065639496, -0.008396128192543983, -0.06779124587774277, 0.35091012716293335, 0.5028277635574341, -0.6125355958938599, -0.3842340409755707, 0.45554864406585693, -0.9025834202766418, -0.42261582612991333, -0.2404312938451767, -0.35842615365982056, 0.19097986817359924, 0.2737295925617218, 0.9017840027809143, 0.6027141809463501, -0.42270493507385254, 0.055636849254369736, 0.4761858880519867, -0.015673965215682983, 0.2918127775192261, 0.0007814062992110848, -0.22346462309360504, -0.34424006938934326, 0.49284762144088745, -0.036572083830833435, 0.1017785295844078, 0.35981273651123047, 0.3387168347835541, -0.27188658714294434, -0.0728590190410614, -0.6584216952323914, 0.1917923539876938, -0.7690402269363403, -0.24317683279514313, -0.8605140447616577, -0.392829954624176, -0.6850853562355042, -0.3293071985244751, -0.7966878414154053, -0.4763239026069641, -0.2353338748216629, 0.16722770035266876, 0.11062034964561462, 0.5923652052879333, 0.10844042152166367, 0.5099390149116516, -0.7277384996414185, 0.31115028262138367, 0.36041849851608276, 0.30188292264938354, -0.13970711827278137, -0.5311328172683716, 0.0647720992565155, -0.09995048493146896, -0.5988885164260864, -0.83268803358078, 0.26100954413414, -0.008520718663930893, 0.8140100240707397, 0.8461854457855225, -0.4056609272956848, 0.799577534198761, -0.17566832900047302, 0.6412957906723022, 0.4481717050075531, -0.9007129073143005, 0.6396929621696472, 0.14698278903961182, 0.6835141181945801, 0.4854572117328644, 0.6967930793762207, -0.5061765909194946, 0.14805865287780762, -0.6336949467658997, -0.8480299115180969, 1.0172538757324219, 0.013464201241731644, -0.224824920296669, 0.20021851360797882, 0.2017212212085724, 0.3516010046005249, -0.04214918613433838, -0.5626252293586731, -0.49332207441329956, -0.6466327905654907, 0.0185770895332098, 0.12767787277698517, -0.032586101442575455, -0.13185499608516693, -0.6225525736808777, 0.6877667903900146, -0.02075345255434513, 0.42759960889816284, 0.567566990852356, -0.2091314047574997, -0.36536675691604614, 0.029154853895306587, 0.4306982755661011, 0.7856101393699646, -0.09309245645999908, -0.18365195393562317, 0.09714988619089127, -0.3825830817222595, -0.14297211170196533, 0.3528684377670288, -0.3196133077144623, -0.13747724890708923, 0.4310939610004425, 1.2684988975524902, 0.21832218766212463, -0.33174028992652893, 0.43719664216041565, 0.046167969703674316, -0.4796971380710602, -0.3357376158237457, 0.07480905950069427, -0.20132379233837128, 0.1615639328956604, 0.4195227324962616, 0.4549877643585205, -0.04411475732922554, -0.23589298129081726, 0.1897432506084442, 0.3812035620212555, -0.59687340259552, -0.3400299847126007, 0.7029813528060913, -0.23413583636283875, -0.13954797387123108, 0.6749661564826965, -0.36477944254875183, -0.9332889318466187, 0.8797198534011841, 0.6115596890449524, 0.904716432094574, -0.06518450379371643, 0.23385077714920044, 0.8359612822532654, 0.16244648396968842, -0.08572767674922943, -0.18840241432189941, -0.14992821216583252, -0.722908616065979, -0.2024388313293457, -0.7639853954315186, -0.20025090873241425, 0.013232220895588398, -0.6358063817024231, 0.19376221299171448, -0.5437439680099487, -0.06932519376277924, 0.36597540974617004, -0.1302536427974701, -0.9567573070526123, 0.15584245324134827, 0.19082702696323395, 0.9475496411323547, -0.5962401032447815, 0.5655945539474487, 1.0935416221618652, -0.49695682525634766, -0.770595371723175, -0.39464473724365234, -0.0547933466732502, -0.800262451171875, 0.4001691937446594, 0.4373730421066284, 0.1841241717338562, -0.0810888335108757, -0.826793909072876, -0.8483789563179016, 1.108871579170227, 0.1660596877336502, -0.3698638677597046, -0.12150437384843826, 0.07519745826721191, 0.16928701102733612, -0.6633893251419067, 0.27194756269454956, 0.4739523231983185, 0.5832082629203796, 0.448995977640152, -0.6438292860984802, 0.1994609832763672, -0.20306764543056488, -0.05800357460975647, 0.2357107549905777, -0.47823235392570496, 1.0037765502929688, -0.4206230938434601, -0.3357219398021698, 0.16725321114063263, 0.4912535846233368, 0.20591577887535095, 0.12669378519058228, 0.8460597991943359, 0.7947142124176025, 0.4367843568325043, -0.06926551461219788, 0.9582204818725586, -0.3042972981929779, 0.5477346777915955, 0.8193935751914978, 0.20143209397792816, 0.3462017774581909, 0.33310723304748535, -0.2475750744342804, 0.5736215114593506, 0.5030216574668884, -0.41787397861480713, 0.3342984914779663, 0.13236962258815765, 0.024641426280140877, -0.3384660482406616, 0.13215741515159607, -0.3376729488372803, 0.8512955904006958, 0.12770529091358185, -0.30989429354667664, -0.44841235876083374, 0.3236941397190094, -0.04156424105167389, -0.24848400056362152, -0.36061885952949524, 0.6296579241752625, -0.2551632225513458, -0.6375402212142944, 0.6219948530197144, 0.06932192295789719, 0.8507869243621826, -0.9004464149475098, -0.0021997077856212854, 0.010259846225380898, 0.14589183032512665, -0.3876899778842926, -0.5162584185600281, 0.31112009286880493, -0.2755095362663269, -0.21730977296829224, 0.03570319712162018, 0.8062979578971863, -0.23777934908866882, -0.9039508104324341, 0.10216140002012253, 0.28974515199661255, 0.16388556361198425, -0.4590984880924225, -0.9569525718688965, 0.2546393573284149, -0.1587580442428589, -0.5065158605575562, 0.06962455064058304, 0.023341795429587364, 0.008888151496648788, 0.5871943235397339, 0.537342369556427, -0.3473544120788574, 0.2610044479370117, -0.015388257801532745, 1.1142827272415161, -0.5898807048797607, -0.5001187920570374, -0.5426062941551208, 0.4580935537815094, 0.045556019991636276, -0.6364942193031311, 0.5538207292556763, 0.6914875507354736, 1.0260392427444458, -0.19019122421741486, 0.5958611369132996, -0.385015606880188, 0.04599468410015106, -0.14447814226150513, 0.544357419013977, -0.48972898721694946, -0.35058778524398804, -0.3908482789993286, -0.7938948273658752, -0.24144120514392853, 1.095961093902588, -0.3800615966320038, 0.06077813357114792, 0.7030513882637024, 1.008002519607544, -0.3989450931549072, 0.14250221848487854, 0.1686445027589798, 0.03053756058216095, 0.07490812987089157, 0.2839343547821045, 0.3208219110965729, -0.7590447068214417, 0.4421636164188385, -0.9290696978569031, -0.2876986563205719, 0.16936850547790527, -0.44486722350120544, -0.6079555749893188, -0.7082644104957581, -0.5052677989006042, -0.26465970277786255, -0.12965233623981476, 0.9786660075187683, 1.404842495918274, -0.876352846622467, -0.18152031302452087, -0.23535360395908356, 0.08044770359992981, -0.44631510972976685, -0.288260817527771, 0.4670071303844452, -0.2597942352294922, -0.7433710694313049, 0.15730534493923187, 0.2929469645023346, -0.019304312765598297, -0.24305830895900726, -0.08201684802770615, -0.35151997208595276, -0.26179665327072144, 0.5471779704093933, 0.5126487016677856, -0.5903043746948242, 0.002629210939630866, 0.025518933311104774, -0.046070657670497894, 0.4772205352783203, 0.7940797209739685, -0.7364789247512817, 0.4220591187477112, 0.2759760916233063, 0.3780275881290436, 1.066214680671692, 0.09390782564878464, 0.028478823602199554, -0.41864585876464844, 0.30226296186447144, 0.17654645442962646, 0.5312124490737915, 0.31934502720832825, -0.25214052200317383, 0.46040070056915283, 0.17564481496810913, -0.540334165096283, -0.35456302762031555, 0.12494804710149765, -1.497552514076233, -0.33975768089294434, 0.8352082967758179, -0.26997655630111694, -0.6603620052337646, 0.3605962097644806, -0.3778030574321747, 0.5579743385314941, -0.07243611663579941, 0.45851415395736694, 0.13002784550189972, -0.22653597593307495, -0.305682510137558, 0.013451545499265194, 0.11159976571798325, 0.19647137820720673, -0.8132736086845398, -0.5065845251083374, 0.20377442240715027, 0.6831066012382507, 0.495861291885376, 0.6300864219665527, -0.41725465655326843, 0.3615005314350128, 0.3315643072128296, 0.424091100692749, -0.34052613377571106, -0.1612814962863922, -0.29153770208358765, 0.38511037826538086, -0.4230845868587494, -0.6297188401222229 ]
nvidia/segformer-b1-finetuned-cityscapes-1024-1024
nvidia
2022-08-09T11:33:04Z
9,679
8
transformers
[ "transformers", "pytorch", "tf", "segformer", "vision", "image-segmentation", "dataset:cityscapes", "arxiv:2105.15203", "license:other", "endpoints_compatible", "has_space", "region:us" ]
image-segmentation
2022-03-02T23:29:05Z
--- license: other tags: - vision - image-segmentation datasets: - cityscapes widget: - src: https://cdn-media.huggingface.co/Inference-API/Sample-results-on-the-Cityscapes-dataset-The-above-images-show-how-our-method-can-handle.png example_title: Road --- # SegFormer (b1-sized) model fine-tuned on CityScapes SegFormer model fine-tuned on CityScapes at resolution 1024x1024. It was introduced in the paper [SegFormer: Simple and Efficient Design for Semantic Segmentation with Transformers](https://arxiv.org/abs/2105.15203) by Xie et al. and first released in [this repository](https://github.com/NVlabs/SegFormer). Disclaimer: The team releasing SegFormer did not write a model card for this model so this model card has been written by the Hugging Face team. ## Model description SegFormer consists of a hierarchical Transformer encoder and a lightweight all-MLP decode head to achieve great results on semantic segmentation benchmarks such as ADE20K and Cityscapes. The hierarchical Transformer is first pre-trained on ImageNet-1k, after which a decode head is added and fine-tuned altogether on a downstream dataset. ## Intended uses & limitations You can use the raw model for semantic segmentation. See the [model hub](https://huggingface.co/models?other=segformer) to look for fine-tuned versions on a task that interests you. ### How to use Here is how to use this model to classify an image of the COCO 2017 dataset into one of the 1,000 ImageNet classes: ```python from transformers import SegformerFeatureExtractor, SegformerForSemanticSegmentation from PIL import Image import requests feature_extractor = SegformerFeatureExtractor.from_pretrained("nvidia/segformer-b1-finetuned-cityscapes-1024-1024") model = SegformerForSemanticSegmentation.from_pretrained("nvidia/segformer-b1-finetuned-cityscapes-1024-1024") url = "http://images.cocodataset.org/val2017/000000039769.jpg" image = Image.open(requests.get(url, stream=True).raw) inputs = feature_extractor(images=image, return_tensors="pt") outputs = model(**inputs) logits = outputs.logits # shape (batch_size, num_labels, height/4, width/4) ``` For more code examples, we refer to the [documentation](https://huggingface.co/transformers/model_doc/segformer.html#). ### License The license for this model can be found [here](https://github.com/NVlabs/SegFormer/blob/master/LICENSE). ### BibTeX entry and citation info ```bibtex @article{DBLP:journals/corr/abs-2105-15203, author = {Enze Xie and Wenhai Wang and Zhiding Yu and Anima Anandkumar and Jose M. Alvarez and Ping Luo}, title = {SegFormer: Simple and Efficient Design for Semantic Segmentation with Transformers}, journal = {CoRR}, volume = {abs/2105.15203}, year = {2021}, url = {https://arxiv.org/abs/2105.15203}, eprinttype = {arXiv}, eprint = {2105.15203}, timestamp = {Wed, 02 Jun 2021 11:46:42 +0200}, biburl = {https://dblp.org/rec/journals/corr/abs-2105-15203.bib}, bibsource = {dblp computer science bibliography, https://dblp.org} } ```
[ -0.8923410773277283, -0.7208722233772278, 0.22227680683135986, 0.2588340640068054, -0.289825439453125, -0.34590446949005127, 0.00019252313359174877, -0.6599584817886353, 0.31559818983078003, 0.5802798271179199, -0.8459034562110901, -0.6056773662567139, -0.6790743470191956, 0.14851243793964386, -0.34807780385017395, 0.7975544333457947, 0.0688260942697525, -0.12714752554893494, -0.41088613867759705, -0.3412764072418213, -0.0359455868601799, -0.33513545989990234, -0.6113049387931824, -0.3368220329284668, 0.35799941420555115, 0.23451702296733856, 0.6249759793281555, 0.831376850605011, 0.704447865486145, 0.467754602432251, -0.44058501720428467, 0.12177048623561859, -0.32433608174324036, -0.2558794915676117, -0.009956111200153828, -0.027503259479999542, -0.3480606973171234, -0.04434596002101898, 0.4005555212497711, 0.6551477909088135, 0.06801023334264755, 0.32654425501823425, -0.02060219645500183, 0.46515893936157227, -0.3816134035587311, 0.10396285355091095, -0.4128941595554352, 0.16894565522670746, 0.02379007637500763, -0.018810752779245377, -0.20836006104946136, -0.2375928908586502, 0.29170286655426025, -0.49856916069984436, 0.7291806936264038, 0.04879951849579811, 1.4950404167175293, 0.4272419810295105, -0.31977251172065735, -0.05858125910162926, -0.496775358915329, 0.8131587505340576, -0.6337606906890869, 0.48955583572387695, -0.07252661883831024, 0.36729127168655396, 0.13779038190841675, -0.9408278465270996, -0.43245869874954224, 0.16225528717041016, -0.2705318033695221, -0.0957048088312149, -0.4026623070240021, 0.04358798265457153, 0.5032249093055725, 0.566757082939148, -0.47957491874694824, 0.024114219471812248, -0.747241735458374, -0.3999825119972229, 0.6993586421012878, 0.10233798623085022, 0.21469490230083466, -0.42404821515083313, -0.7893467545509338, -0.43153125047683716, -0.34171998500823975, 0.19536708295345306, 0.1445031315088272, 0.07293805480003357, -0.3324618935585022, 0.3968687653541565, -0.08727288991212845, 0.712158203125, 0.4720917046070099, -0.1575368195772171, 0.5093668103218079, -0.18234479427337646, -0.3884800374507904, 0.017672445625066757, 0.9228075742721558, 0.40582919120788574, -0.03130305930972099, 0.0601092204451561, -0.07973713427782059, 0.03272266313433647, 0.28765779733657837, -1.3085203170776367, -0.25809264183044434, 0.12392188608646393, -0.4970841109752655, -0.3531275987625122, 0.13876181840896606, -0.7971843481063843, -0.07887237519025803, -0.17599894106388092, 0.43301162123680115, -0.29635658860206604, -0.07673763483762741, 0.11345729231834412, -0.11480572074651718, 0.7323350310325623, 0.2726910412311554, -0.8737974166870117, 0.16812705993652344, 0.5044674277305603, 0.8162602186203003, -0.21631020307540894, -0.14238911867141724, -0.07409453392028809, -0.08414532989263535, -0.19760306179523468, 0.9164204001426697, -0.2921554744243622, -0.40099474787712097, -0.2987861931324005, 0.5870907306671143, -0.19486746191978455, -0.6708734035491943, 0.7889106869697571, -0.4266814887523651, 0.2146388739347458, -0.09637925773859024, -0.3344845175743103, -0.5433234572410583, 0.3451569080352783, -0.6261589527130127, 1.0123704671859741, 0.26582521200180054, -0.8022719025611877, 0.43540018796920776, -0.610360324382782, -0.28775501251220703, -0.05637754872441292, 0.021101707592606544, -0.841962993144989, 0.08004415780305862, 0.5040323138237, 0.4809924066066742, -0.19432204961776733, 0.2323150634765625, -0.518575131893158, -0.14717157185077667, -0.03225446492433548, -0.17703819274902344, 0.9831141829490662, 0.31517958641052246, -0.30003249645233154, 0.42654234170913696, -0.6698359847068787, -0.03213248774409294, 0.4479542374610901, -0.017460083588957787, -0.022815287113189697, -0.2948717772960663, 0.24825134873390198, 0.40414363145828247, 0.2497175931930542, -0.6639969944953918, 0.04144735261797905, -0.3632960617542267, 0.4050332307815552, 0.6461685299873352, 0.10042071342468262, 0.5472143888473511, -0.1518893837928772, 0.3109147250652313, 0.17726968228816986, 0.4632816016674042, -0.14730964601039886, -0.2127576619386673, -1.103439450263977, -0.4262385070323944, 0.20563176274299622, 0.0870911106467247, -0.4757676124572754, 0.5987632274627686, -0.26401233673095703, -0.7280009984970093, -0.5025569200515747, -0.06907664239406586, 0.041954074054956436, 0.5040500164031982, 0.501915693283081, -0.4208150804042816, -0.7796462774276733, -1.1793173551559448, 0.18306227028369904, 0.27364975214004517, -0.04018818959593773, 0.39207544922828674, 0.5905700922012329, -0.6565206050872803, 0.902861475944519, -0.7438048720359802, -0.3007510304450989, -0.1887618452310562, -0.09282848984003067, 0.3465663492679596, 0.6307661533355713, 0.7166376113891602, -0.8390896320343018, -0.34729740023612976, -0.2673018276691437, -0.5924444198608398, -0.08261996507644653, 0.11258581280708313, -0.35275036096572876, 0.13557258248329163, 0.39344725012779236, -0.5413702726364136, 0.4261440932750702, 0.5220819115638733, -0.5861857533454895, 0.36247366666793823, -0.0727546289563179, 0.00018938578432425857, -1.02204167842865, 0.16626541316509247, 0.2225395143032074, -0.3266330659389496, -0.5832652449607849, 0.21723876893520355, -0.06800945848226547, -0.21413125097751617, -0.6056418418884277, 0.5414027571678162, -0.267753928899765, -0.04921475425362587, -0.2440519481897354, -0.16082467138767242, 0.1607840359210968, 0.7951003313064575, 0.22072161734104156, 0.33244991302490234, 0.4733963906764984, -0.7068955898284912, 0.19259758293628693, 0.5460959672927856, -0.43118607997894287, 0.4708750247955322, -1.01298987865448, 0.09175609052181244, -0.09856942296028137, 0.13073831796646118, -0.7233322858810425, -0.33726248145103455, 0.3609776794910431, -0.28817713260650635, 0.30420249700546265, -0.26418226957321167, -0.29008060693740845, -0.6043040156364441, -0.1932177096605301, 0.42175784707069397, 0.47842085361480713, -0.8266469836235046, 0.6346388459205627, 0.5021957159042358, 0.1327061653137207, -0.21672798693180084, -0.6611469984054565, -0.3285449743270874, -0.3572025001049042, -1.0529532432556152, 0.6086605191230774, -0.09053785353899002, 0.17830251157283783, -0.004224897362291813, -0.3071553111076355, -0.07254774123430252, -0.03861840069293976, 0.398884654045105, 0.47439077496528625, -0.06826797127723694, -0.4130701422691345, 0.0016553419409319758, -0.4337400496006012, 0.13300006091594696, -0.10315854847431183, 0.6930880546569824, -0.33517521619796753, -0.33655133843421936, -0.28093841671943665, -0.0022749691270291805, 0.5224029421806335, -0.2862307131290436, 0.4216386675834656, 1.1568695306777954, -0.33123189210891724, -0.012398049235343933, -0.5393881797790527, -0.2493576854467392, -0.5707433223724365, 0.3261306881904602, -0.2335810661315918, -1.1058988571166992, 0.5464956760406494, 0.014756559394299984, 0.05701880902051926, 0.9667360186576843, 0.5067199468612671, 0.08784782886505127, 1.2086591720581055, 0.6572142243385315, 0.31860002875328064, 0.5082423090934753, -0.7946616411209106, 0.1792028397321701, -0.9677014946937561, -0.5746439695358276, -0.49051591753959656, -0.3964748978614807, -0.777536153793335, -0.7423992156982422, 0.4339100122451782, 0.12020839750766754, -0.4061090648174286, 0.6370132565498352, -0.8965116739273071, 0.26707690954208374, 0.5277930498123169, 0.08046441525220871, -0.12557144463062286, 0.11975665390491486, -0.14842237532138824, 0.0387466698884964, -0.7302979826927185, -0.32237398624420166, 0.2927456498146057, 0.5690110325813293, 0.7474668622016907, -0.13426341116428375, 0.6249650716781616, -0.0554150715470314, -0.028283361345529556, -0.8797850012779236, 0.5894438028335571, -0.09009763598442078, -0.7665345072746277, -0.12017843872308731, -0.32815805077552795, -0.9575857520103455, 0.404297411441803, -0.20619860291481018, -0.8633009195327759, 0.7020805478096008, 0.07387860864400864, -0.29977649450302124, 0.31500041484832764, -0.5585353970527649, 1.1543805599212646, -0.20453526079654694, -0.35331201553344727, 0.08614359050989151, -0.6357768177986145, 0.18293063342571259, 0.22612829506397247, -0.0571226067841053, -0.43196287751197815, 0.333949476480484, 0.8712311387062073, -0.6430445313453674, 0.6871689558029175, -0.31845083832740784, 0.2242276817560196, 0.5446708798408508, -0.070220448076725, 0.34282538294792175, -0.02211545966565609, 0.2581460773944855, 0.5681291818618774, 0.2972733676433563, -0.3614880442619324, -0.4145112931728363, 0.6282199025154114, -0.8586979508399963, -0.5672248601913452, -0.41888561844825745, -0.33542972803115845, 0.05008845031261444, 0.34133434295654297, 0.4926636517047882, 0.47237083315849304, -0.10611295700073242, 0.44114950299263, 0.616968035697937, -0.3377015292644501, 0.5335114598274231, 0.18491920828819275, -0.2577427625656128, -0.44626307487487793, 0.8834402561187744, -0.17449766397476196, 0.002500518225133419, 0.29687151312828064, 0.32304811477661133, -0.45634299516677856, -0.2603245973587036, -0.43344712257385254, 0.22206218540668488, -0.6297988891601562, -0.4179929494857788, -0.76836758852005, -0.5489574074745178, -0.45746365189552307, -0.3519279956817627, -0.44422250986099243, -0.29993054270744324, -0.4056796729564667, 0.008728746324777603, 0.32202014327049255, 0.4262230396270752, -0.23390519618988037, 0.2782348692417145, -0.7000166177749634, 0.18222127854824066, 0.3663264811038971, 0.29278942942619324, -0.013695191591978073, -0.5818452835083008, -0.19462817907333374, -0.005273628048598766, -0.5174640417098999, -0.5043911337852478, 0.6372384428977966, -0.01781943440437317, 0.479129821062088, 0.6134400963783264, -0.09710285812616348, 1.0145354270935059, -0.21449528634548187, 0.6167365908622742, 0.39417746663093567, -0.8111218810081482, 0.3943061828613281, -0.22734123468399048, 0.5814077258110046, 0.47518256306648254, 0.2869633436203003, -0.6022931337356567, 0.015096038579940796, -0.797627329826355, -1.0288386344909668, 0.9131796360015869, 0.13411945104599, 0.03266860544681549, 0.08202732354402542, 0.010213756933808327, -0.024505404755473137, -0.048499204218387604, -0.6140695214271545, -0.3432047665119171, -0.3433084189891815, -0.16469578444957733, -0.030564185231924057, -0.41626492142677307, -0.02221839502453804, -0.6128302812576294, 0.6728911995887756, -0.1204795092344284, 0.6754202246665955, 0.3602917492389679, -0.254628449678421, -0.026510491967201233, -0.030478041619062424, 0.4608039855957031, 0.3154033422470093, -0.27750030159950256, 0.06396804749965668, 0.26287347078323364, -0.3653604984283447, -0.1148555800318718, 0.3640957474708557, -0.33514830470085144, -0.023989900946617126, 0.3137495815753937, 1.0506994724273682, 0.359768807888031, -0.30336642265319824, 0.5639298558235168, 0.03359149396419525, -0.5215058922767639, -0.4135340452194214, 0.2174496054649353, -0.023803338408470154, 0.47076937556266785, 0.2803696393966675, 0.4257204532623291, 0.3045659363269806, -0.061894938349723816, 0.23227083683013916, 0.3073073923587799, -0.757775068283081, -0.3200795352458954, 0.7327480316162109, 0.13215987384319305, -0.020142046734690666, 0.7139359712600708, -0.1569312959909439, -0.6918483376502991, 0.8814185857772827, 0.5095437169075012, 1.0011845827102661, 0.017104074358940125, 0.20463593304157257, 0.8281301259994507, 0.15916508436203003, 0.1489810049533844, -0.13571390509605408, -0.14500753581523895, -0.7834130525588989, -0.3759150505065918, -1.0081080198287964, -0.051543086767196655, 0.0737420842051506, -0.6827626824378967, 0.5049774050712585, -0.4913941025733948, -0.16536851227283478, 0.17014016211032867, 0.11212579905986786, -1.034786581993103, 0.23898863792419434, 0.2830669581890106, 1.108465552330017, -0.594108521938324, 0.4992179274559021, 0.7531082630157471, -0.244552344083786, -0.7999399304389954, -0.47066769003868103, -0.04667679965496063, -0.8165040612220764, 0.3701075315475464, 0.4846774935722351, 0.02992776408791542, 0.02819758653640747, -0.7523460984230042, -1.0788733959197998, 1.3450160026550293, 0.13816453516483307, -0.36490127444267273, -0.07779022306203842, 0.11791453510522842, 0.3872409760951996, -0.47535601258277893, 0.33545419573783875, 0.4639464318752289, 0.5715123414993286, 0.6742426156997681, -0.5060121417045593, 0.10716236382722855, -0.2132749706506729, 0.19666390120983124, 0.2944188714027405, -0.8333563804626465, 0.6023854613304138, -0.30877751111984253, -0.27443403005599976, 0.0005680868052877486, 0.6765586733818054, 0.17756015062332153, 0.2577384114265442, 0.7015063762664795, 0.8520146608352661, 0.4590674340724945, -0.41292259097099304, 0.8690581917762756, -0.1962912529706955, 0.8170713186264038, 0.755272388458252, 0.3050069510936737, 0.36290186643600464, 0.35616570711135864, -0.1004723384976387, 0.524468719959259, 0.9481596350669861, -0.5961352586746216, 0.5067921280860901, -0.09147155284881592, 0.18969494104385376, -0.42657560110092163, -0.2156650722026825, -0.34529122710227966, 0.792606770992279, 0.18022257089614868, -0.5570210814476013, -0.25758853554725647, -0.12513859570026398, -0.036656830459833145, -0.4560132622718811, -0.2596621811389923, 0.6620925068855286, 0.08417987823486328, -0.31386345624923706, 0.5859388709068298, 0.13821682333946228, 0.6883262395858765, -0.45026132464408875, 0.05739712715148926, -0.1348545104265213, 0.22632534801959991, -0.3712347447872162, -0.5049676895141602, 0.5634206533432007, -0.1716713011264801, -0.11598330736160278, -0.1509886384010315, 0.9395063519477844, -0.2960931658744812, -0.7473676800727844, 0.164232075214386, 0.11767204105854034, 0.06329324841499329, 0.11888951808214188, -0.9528946876525879, 0.38062840700149536, 0.12598057091236115, -0.3609974980354309, -0.011380236595869064, 0.1266288310289383, 0.15569190680980682, 0.516216516494751, 0.6160058975219727, -0.3468484878540039, -0.048874303698539734, -0.1466139554977417, 0.9289072155952454, -0.7339872121810913, -0.3844877779483795, -0.7220733165740967, 0.5935660600662231, -0.3362697660923004, -0.2996102571487427, 0.7745519280433655, 0.7296273708343506, 1.1108112335205078, -0.22061297297477722, 0.2954813838005066, -0.41597357392311096, 0.19107955694198608, -0.17243386805057526, 0.5304423570632935, -0.6345246434211731, -0.10899097472429276, -0.4286276698112488, -1.070234775543213, -0.32343605160713196, 0.862864077091217, -0.4141184687614441, 0.20771531760692596, 0.4709458351135254, 0.9301118850708008, -0.28351029753685, -0.04650994390249252, 0.2769135534763336, 0.09026628732681274, 0.2084577977657318, 0.3433319330215454, 0.6308854222297668, -0.5047820806503296, 0.5353021621704102, -0.7405349016189575, 0.06010093539953232, -0.45403915643692017, -0.6132991909980774, -0.86251300573349, -0.6289564967155457, -0.4345110058784485, -0.35761088132858276, -0.41894856095314026, 0.8983709216117859, 1.1307899951934814, -0.8534717559814453, -0.06623586267232895, 0.03733481094241142, 0.18147309124469757, -0.13702186942100525, -0.3056190013885498, 0.4614775478839874, 0.02082233689725399, -0.9894819259643555, -0.05398359149694443, 0.3113791346549988, 0.15747475624084473, -0.1388251781463623, -0.215220108628273, 0.010571461170911789, -0.13036741316318512, 0.6573656797409058, 0.2809726595878601, -0.5766385793685913, -0.37829288840293884, 0.16275504231452942, -0.10103348642587662, 0.2746683657169342, 0.5852474570274353, -0.5795032978057861, 0.378752738237381, 0.5758765935897827, 0.43028587102890015, 0.982454776763916, 0.07286282628774643, 0.12140320241451263, -0.5176142454147339, 0.26240840554237366, 0.1384861022233963, 0.5092126131057739, 0.4426878094673157, -0.20692625641822815, 0.5531817674636841, 0.2920885980129242, -0.5501625537872314, -0.49834272265434265, 0.09340318292379379, -1.2421082258224487, -0.14536677300930023, 1.0083775520324707, 0.08415306359529495, -0.6144763827323914, 0.3104366064071655, -0.1692219227552414, 0.2797984182834625, -0.2205972671508789, 0.5586699843406677, 0.24222977459430695, -0.10850194096565247, -0.3862631916999817, -0.13770592212677002, 0.3763444125652313, -0.03179343417286873, -0.5582457780838013, -0.5325185060501099, 0.49569830298423767, 0.45552384853363037, 0.3781026303768158, 0.249820739030838, -0.37777841091156006, 0.09716740250587463, 0.10745053738355637, 0.3351013958454132, -0.2262718677520752, -0.23133721947669983, -0.23845218122005463, 0.12229858338832855, -0.1790967732667923, -0.22110062837600708 ]
sanali209/nsfwfilter
sanali209
2023-08-29T01:19:05Z
9,677
6
transformers
[ "transformers", "pytorch", "tensorboard", "vit", "image-classification", "huggingpics", "model-index", "autotrain_compatible", "endpoints_compatible", "region:us" ]
image-classification
2023-08-21T13:44:01Z
--- tags: - image-classification - pytorch - huggingpics metrics: - accuracy model-index: - name: sanali209/nsfwfilter results: - task: name: Image Classification type: image-classification metrics: - name: Accuracy type: accuracy value: 0.9273858666419983 --- # sanali209/nsfwfilter Autogenerated by HuggingPics🤗🖼️ Create your own image classifier for **anything** by running [the demo on Google Colab](https://colab.research.google.com/github/nateraw/huggingpics/blob/main/HuggingPics.ipynb). Report any issues with the demo at the [github repo](https://github.com/nateraw/huggingpics). ## Example Images
[ -0.7878265380859375, -0.5545795559883118, 0.4182485342025757, 0.5249158143997192, -0.639458954334259, -0.14520244300365448, 0.3881469964981079, -0.4924413859844208, 0.6403872966766357, 0.38194018602371216, -0.5403487086296082, -0.5973983407020569, -0.6570988893508911, 0.23222877085208893, -0.547906219959259, 1.2229580879211426, 0.02692337892949581, -0.21097950637340546, -0.23057155311107635, 0.10152478516101837, -0.0860312357544899, -0.07340448349714279, -0.4096788465976715, -0.47954827547073364, 0.06951877474784851, 0.4395712614059448, 0.7356271147727966, 0.5475191473960876, 0.481056809425354, 0.41669484972953796, 0.16672798991203308, -0.19610628485679626, -0.24563346803188324, 0.06986300647258759, -0.09550518542528152, -0.2819056212902069, -0.3280391991138458, 0.23727884888648987, 0.4124712646007538, -0.027446363121271133, -0.16463015973567963, 0.4522586762905121, -0.42515310645103455, 0.5837779641151428, -0.5560687184333801, 0.11167143285274506, -0.47078052163124084, 0.3125389516353607, 0.044288378208875656, -0.03143817558884621, 0.08057767897844315, -0.8276641964912415, 0.08154179900884628, -0.5535353422164917, 0.4043830931186676, 0.33237820863723755, 1.2967678308486938, 0.348175048828125, -0.3815426528453827, -0.0457160584628582, 0.13696914911270142, 0.34615358710289, -0.2878205478191376, 0.22675757110118866, 0.6018245220184326, 0.3688996136188507, -0.2296721488237381, -0.8308822512626648, -0.3226564824581146, -0.1363249272108078, -0.0495842844247818, -0.20266827940940857, -0.39022642374038696, -0.022554507479071617, 0.1413358747959137, 0.5887414216995239, -0.7953008413314819, -0.3075960874557495, -0.5643412470817566, -0.34301960468292236, 0.8605642914772034, -0.25436386466026306, 0.8687270879745483, -0.48516571521759033, -0.4355323612689972, 0.10945089906454086, -0.3021971881389618, -0.008643360808491707, 0.39526602625846863, -0.3856125771999359, -0.2611858546733856, 0.38653290271759033, -0.013497209176421165, 0.5380210280418396, 0.6314469575881958, 0.043866533786058426, 0.5244942307472229, 0.033496249467134476, -0.5203081369400024, -0.01901613362133503, 1.0442808866500854, 0.5980064272880554, 0.1689087599515915, 0.003626470686867833, 0.026035519316792488, 0.1887868195772171, 0.012162254191935062, -1.0577397346496582, -0.9041721820831299, -0.09985306859016418, -0.598134458065033, -0.8126171231269836, 0.1320566087961197, -0.61896151304245, -0.2728242874145508, 0.012991804629564285, 0.1923808455467224, -0.20239384472370148, -0.3784536123275757, 0.031424302607774734, -0.46584874391555786, 0.16055895388126373, 0.29208558797836304, -0.5684700608253479, 0.20451754331588745, 0.1838332563638687, 0.6389375925064087, 0.22323229908943176, -0.23377376794815063, -0.5130248069763184, -0.2230660766363144, -0.17068125307559967, 1.0777877569198608, -0.09215597808361053, -0.7105064392089844, -0.19527052342891693, 0.36783644556999207, -0.03036618046462536, -0.49342477321624756, 0.6002636551856995, -0.49795717000961304, 0.25494882464408875, 0.004482182674109936, -0.3155573010444641, -0.49089688062667847, 0.023189792409539223, -0.7939849495887756, 1.0156198740005493, 0.1891549527645111, -0.9080555438995361, 0.2725845277309418, -0.8041645884513855, -0.292804092168808, 0.4341258406639099, -0.04004586860537529, -0.827305793762207, -0.07440359890460968, -0.1061367318034172, 0.5051032900810242, -0.021817712113261223, 0.5803067684173584, -0.7686960697174072, -0.4325454831123352, 0.21467305719852448, 0.2364005446434021, 1.043835997581482, 0.33917236328125, -0.37986716628074646, 0.37889164686203003, -0.5046907663345337, 0.09722976386547089, 0.4116072356700897, 0.09079497307538986, -0.38603416085243225, -0.533335268497467, 0.345079630613327, 0.1938023567199707, 0.04826653003692627, -0.834865391254425, 0.2666357457637787, 0.028445560485124588, 0.43241527676582336, 0.602315366268158, 0.22203896939754486, 0.4403817355632782, -0.35612791776657104, 0.8052263259887695, -0.33372947573661804, 0.5348349213600159, 0.16989819705486298, -0.6853495240211487, -0.48845207691192627, -0.48996666073799133, 0.0328034870326519, 0.11413334310054779, -0.6409138441085815, 0.8183737397193909, 0.22962330281734467, -0.6220645904541016, -0.29574939608573914, 0.3473745584487915, 0.41771557927131653, 0.23918837308883667, 0.027795929461717606, -0.7031200528144836, -0.7282102108001709, -0.8030157685279846, 0.3118230700492859, -0.35690680146217346, 0.25179412961006165, 0.3636881709098816, 0.7141170501708984, -0.37881529331207275, 0.7410773634910583, -0.7969130277633667, -0.36847826838493347, 0.42698538303375244, 0.1388019621372223, -0.017136910930275917, 0.6699044704437256, 1.1170439720153809, -1.163387656211853, -0.318427711725235, -0.4447484612464905, -0.7002599239349365, -0.38639646768569946, 0.4382557272911072, -0.5118348002433777, 0.02049969509243965, 0.6535530686378479, -0.33578160405158997, 0.7776175737380981, 0.7427575588226318, -0.7465794682502747, 0.6125695705413818, -0.16053256392478943, 0.3074570894241333, -0.8200943470001221, 0.026459388434886932, 0.30260810256004333, -0.791792631149292, -0.22848549485206604, 0.2954227328300476, 0.21641334891319275, -0.21356455981731415, -0.7352078557014465, 0.631244957447052, -0.4548361599445343, 0.13831067085266113, -0.48299652338027954, -0.0001499950885772705, -0.05176394060254097, 0.1670050024986267, 0.19179752469062805, 0.27750056982040405, 0.7382375597953796, -0.5698598027229309, 0.7431616187095642, 0.6315987706184387, -0.21659669280052185, 0.3792094886302948, -0.8010033369064331, 0.07833121716976166, -0.1792600005865097, 0.613323986530304, -1.0178543329238892, -0.5914024114608765, 0.6082515716552734, -0.5195537805557251, 0.15781043469905853, -0.4248877763748169, -0.4717119336128235, -0.6957862973213196, -0.5907602906227112, 0.4552523195743561, 0.699810266494751, -0.9720334410667419, 0.30826249718666077, 0.5376562476158142, 0.13561345636844635, -0.3334372341632843, -0.5069128274917603, 0.05778162181377411, -0.2435859888792038, -0.4831019639968872, 0.147061288356781, -0.27425476908683777, 0.03833870217204094, 0.4735122621059418, -0.001567491446621716, -0.32075661420822144, 0.1061352863907814, 0.8264811038970947, 0.5496861338615417, 0.11144103109836578, -0.05834118649363518, 0.0728905200958252, -0.23841586709022522, 0.11689317971467972, -0.1213604137301445, 0.5360670685768127, -0.7818247675895691, -0.32228884100914, -0.7025101780891418, 0.18714764714241028, 0.563998818397522, 0.06503688544034958, 0.08512551337480545, 1.0612595081329346, -0.5417331457138062, -0.3420545756816864, -0.583330512046814, -0.033764418214559555, -0.541074812412262, -0.12356065213680267, -0.22022737562656403, -0.8873075246810913, 0.2958963215351105, 0.13064570724964142, -0.4317223131656647, 0.510263204574585, 0.3207014203071594, -0.19332227110862732, 0.898179829120636, 0.8613735437393188, -0.11086916923522949, 0.45473936200141907, -0.36838167905807495, -0.16083736717700958, -0.9071075320243835, -0.15783238410949707, -0.3905678987503052, -0.2335382103919983, -0.9440762400627136, -0.24054637551307678, 0.23734025657176971, -0.03332647308707237, -0.3220008909702301, 0.7434137463569641, -0.9742667078971863, 0.8114674091339111, 0.9449063539505005, 0.26651719212532043, 0.11862063407897949, -0.2695813477039337, 0.05859715864062309, 0.21313630044460297, -0.4296559989452362, -0.24836865067481995, 0.5196158289909363, 0.38751187920570374, 1.1488337516784668, -0.07981562614440918, 1.0487055778503418, -0.012014959938824177, 0.7285398840904236, -0.7246161699295044, 0.7527058720588684, -0.35356590151786804, -1.0569195747375488, 0.0875556468963623, -0.08205045759677887, -0.6996565461158752, 0.02260219305753708, -0.1479606181383133, -0.6951640844345093, 0.4966912567615509, 0.3067679703235626, 0.03539738804101944, 0.3180880844593048, -0.7164285182952881, 0.7667677402496338, -0.23096789419651031, -0.10533636063337326, 0.24983854591846466, -0.6491717100143433, 0.792410135269165, 0.08974123001098633, -0.019361769780516624, -0.5532297492027283, 0.033135853707790375, 0.4837411940097809, -0.2979295551776886, 1.0854991674423218, -0.45555388927459717, 0.13621102273464203, 0.2044764906167984, 0.13731978833675385, -0.24258588254451752, 0.2604389786720276, 0.2825004458427429, 0.2476232349872589, 0.3047386407852173, -0.1900000274181366, -0.20253440737724304, 0.8865593075752258, -0.5656900405883789, -0.3238692879676819, -0.8031113743782043, 0.014597270637750626, 0.26018279790878296, 0.2029615193605423, 0.5901692509651184, -0.13214273750782013, -0.2672537863254547, 0.14711381494998932, 0.6378082633018494, -0.1103433147072792, 0.5608593821525574, 0.23266592621803284, -0.7855903506278992, -0.8123406767845154, 0.6166718602180481, -0.33130913972854614, -0.27375999093055725, -0.0927569791674614, 0.5898821949958801, -0.6183969974517822, -0.3128995895385742, -0.6641942262649536, 0.2742518484592438, -0.6423643827438354, -0.515241265296936, -0.42409026622772217, -0.19219663739204407, -0.5424929857254028, -0.3665105700492859, 0.012201988138258457, -0.10621808469295502, -0.4890463650226593, -0.08332927525043488, 0.7993261814117432, 0.3121480941772461, -0.31793197989463806, 0.21543140709400177, -0.875729501247406, 0.7775889039039612, 0.4633975327014923, 0.5950379967689514, -0.33339980244636536, -0.3688421845436096, 0.37698131799697876, -0.4478769302368164, -0.31066372990608215, -0.6664726138114929, 0.6031606197357178, 0.5309150218963623, 0.4366619884967804, 0.6472544074058533, 0.2979656159877777, 0.697437584400177, -0.08597593009471893, 0.5340222716331482, 0.649579644203186, -1.094890832901001, 0.9648069739341736, -0.3222772479057312, 0.09716181457042694, 0.7167572379112244, 0.5091010928153992, -0.2736285924911499, -0.3736557066440582, -0.943805456161499, -0.6328369975090027, 0.5335367918014526, 0.20949687063694, 0.02867789939045906, 0.08792214095592499, 0.5139675736427307, 0.00989239290356636, 0.2401333451271057, -0.917515754699707, -0.09926051646471024, -0.25473302602767944, -0.26847362518310547, 0.27923449873924255, -0.10060668736696243, -0.31169670820236206, -0.38550567626953125, 0.9422921538352966, -0.23788586258888245, 0.05124753341078758, 0.3567253053188324, -0.2992154359817505, -0.629783570766449, -0.22958683967590332, 0.08938100188970566, 0.10904104262590408, -0.2971644699573517, 0.0017610028153285384, -0.3269330859184265, -0.5186241865158081, 0.36780446767807007, 0.3618617653846741, -0.48039308190345764, 0.21390637755393982, -0.052107300609350204, 0.7686094641685486, 0.2721104323863983, -0.3425917327404022, 0.6314310431480408, -0.6139100193977356, -0.3642401695251465, -0.5809962749481201, 0.5779677033424377, 0.08568806946277618, 0.1556251347064972, 0.007746024988591671, 0.14092639088630676, 0.5617761015892029, -0.5865117311477661, 0.47041139006614685, 0.2752898037433624, -0.15413819253444672, -0.08332468569278717, 0.9646324515342712, 0.2522129714488983, -0.31126657128334045, 0.3944243788719177, -0.7811670899391174, -0.7460044026374817, 0.8162071108818054, 0.5129586458206177, 1.193501353263855, -0.4512214958667755, 0.5952516794204712, 0.5239116549491882, 0.13575436174869537, 0.03414066880941391, 0.4804055988788605, -0.57354736328125, -0.6638132929801941, -0.022375069558620453, -0.896202802658081, -0.5443735718727112, 0.22279927134513855, -0.6560677886009216, 0.4871993958950043, -0.6708917021751404, -0.27452632784843445, 0.3989510238170624, 0.08485127985477448, -0.5902894139289856, 0.595749020576477, 0.25795498490333557, 0.8476184606552124, -1.065213918685913, 0.6463621258735657, 1.0556446313858032, -0.46254342794418335, -0.5757604837417603, -0.08979722112417221, 0.2918199896812439, -0.8785216212272644, 0.5974899530410767, 0.3775161802768707, -0.29226574301719666, -0.15291611850261688, -0.9205466508865356, -0.6104357242584229, 0.6817732453346252, 0.14426825940608978, -0.20848602056503296, 0.05225123465061188, -0.7963294982910156, 0.37634462118148804, -0.3774161636829376, 0.0841757133603096, 0.313102662563324, 0.56551593542099, 0.20355463027954102, -0.985586941242218, 0.10374873131513596, -0.8346176147460938, 0.3211475908756256, 0.22658827900886536, -0.6938242316246033, 0.20311762392520905, -0.4772582948207855, -0.12233098596334457, 0.38735243678092957, 0.42314857244491577, 0.2811310589313507, 0.7411116361618042, 0.9104949831962585, 0.7082399129867554, 0.3406679928302765, -0.3820456862449646, 0.5683848261833191, 0.029730886220932007, 0.6262338161468506, 1.4655766487121582, -0.07744427025318146, 0.32160791754722595, 0.11609642952680588, -0.04737764969468117, 0.6205934882164001, 1.1376817226409912, -0.9681236147880554, 0.3906256854534149, 0.37522512674331665, -0.3491367995738983, -0.07856783270835876, -0.0662383958697319, -0.3830887973308563, 0.6084436774253845, 0.11746068298816681, -0.6477100253105164, -0.2797521650791168, 0.3843618929386139, -0.015606136992573738, 0.010227656923234463, -0.1179572269320488, 0.8976800441741943, -0.018957087770104408, -0.47496527433395386, 0.7725096344947815, -0.20301704108715057, 0.9569032192230225, -0.4386025667190552, 0.0015274216420948505, 0.27200138568878174, -0.07911565899848938, -0.667468249797821, -0.9202505350112915, 0.3828047513961792, 0.08699348568916321, 0.16125823557376862, -0.23183749616146088, 1.1811869144439697, -0.4886877238750458, -0.29086798429489136, 0.4496295750141144, 0.01524264644831419, 0.42253971099853516, -0.03183797001838684, -0.9198927283287048, 0.1654585301876068, -0.011828798800706863, -0.22134485840797424, 0.1525430828332901, 0.02653689496219158, 0.1436939686536789, 0.7773339748382568, 0.7992397546768188, 0.03634726256132126, -0.12108548730611801, 0.06891119480133057, 0.7986952662467957, -0.5524426698684692, -0.589815080165863, -0.41404086351394653, 0.281190425157547, -0.3069087862968445, -0.2598927319049835, 0.6104966998100281, 0.5310043692588806, 0.9611740112304688, -0.5226773619651794, 0.7525825500488281, -0.5381230711936951, -0.11044294387102127, 0.056609369814395905, 0.8983117341995239, -0.5465921759605408, -0.5754113793373108, -0.44883930683135986, -0.5189346671104431, -0.41236504912376404, 0.9312984347343445, 0.11672937124967575, -0.07939662039279938, 0.6121292114257812, 0.6932287812232971, -0.07908423990011215, 0.07678695023059845, 0.20868752896785736, -0.14553377032279968, 0.16572292149066925, 0.2605363428592682, 0.6263793706893921, -0.5876731872558594, 0.21272653341293335, -0.9828706383705139, -0.5268234610557556, -0.377476304769516, -1.2893426418304443, -0.8512066602706909, -0.7866389155387878, -0.9549364447593689, -0.511176347732544, -0.33379220962524414, 0.8627263903617859, 1.3334423303604126, -0.8699052333831787, -0.0064085484482347965, -0.14681363105773926, 0.2236029952764511, 0.28725796937942505, -0.29343903064727783, 0.3989226520061493, 0.2197444885969162, -1.0235602855682373, -0.0879494696855545, 0.13142646849155426, 0.5933324098587036, 0.01657886616885662, 0.3253008723258972, -0.10328163951635361, -0.4471548795700073, 0.5144857168197632, 0.666702389717102, -0.5726216435432434, -0.28402721881866455, -0.406776487827301, 0.16399770975112915, -0.07305511087179184, 0.35522714257240295, -0.4171968996524811, 0.43987682461738586, 0.6698611974716187, 0.1288166642189026, 0.4886452257633209, 0.10316924005746841, 0.0686958059668541, -0.48114198446273804, 0.1496358960866928, 0.16470208764076233, 0.6899212002754211, 0.4337940812110901, -0.6396158933639526, 0.737887442111969, 0.5581511855125427, -0.783613920211792, -0.8829793334007263, 0.11485426872968674, -1.1421236991882324, -0.03796415030956268, 0.9239366054534912, -0.1185464933514595, -0.48221784830093384, 0.04816385731101036, -0.36366456747055054, 0.2899846136569977, -0.5352762937545776, 0.9842456579208374, 0.39288032054901123, -0.4183181822299957, -0.2365138679742813, -0.0649353563785553, 0.48683297634124756, -0.331156462430954, -0.9977688193321228, -0.474502831697464, 0.6819177865982056, 0.8511781096458435, 0.4560467302799225, 0.6613080501556396, -0.465983122587204, 0.7018792629241943, -0.2035878449678421, 0.5123027563095093, -0.23300425708293915, -0.07430469244718552, -0.5204458832740784, 0.043987490236759186, -0.3176192045211792, -0.6572722792625427 ]
euclaise/falcon_1b_stage2
euclaise
2023-09-25T06:18:39Z
9,620
2
transformers
[ "transformers", "pytorch", "falcon", "text-generation", "generated_from_trainer", "custom_code", "base_model:euclaise/falcon_1b_stage1", "license:apache-2.0", "endpoints_compatible", "text-generation-inference", "region:us" ]
text-generation
2023-09-17T22:37:09Z
--- license: apache-2.0 base_model: euclaise/falcon_1b_stage1 tags: - generated_from_trainer model-index: - name: falcon_1b_stage2 results: [] --- <!-- This model card has been generated automatically according to the information the Trainer had access to. You should probably proofread and complete it, then remove this comment. --> # falcon_1b_stage2 This model is a fine-tuned version of [euclaise/falcon_1b_stage1](https://huggingface.co/euclaise/falcon_1b_stage1) 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: 6e-06 - train_batch_size: 16 - eval_batch_size: 8 - seed: 42 - gradient_accumulation_steps: 8.0 - total_train_batch_size: 128.0 - optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08 - lr_scheduler_type: linear - lr_scheduler_warmup_ratio: 0.1 - num_epochs: 1 ### Training results ### Framework versions - Transformers 4.33.2 - Pytorch 2.0.1+cu117 - Datasets 2.14.5 - Tokenizers 0.13.3
[ -0.5524794459342957, -0.6428076028823853, -0.014630736783146858, 0.2788673937320709, -0.2576032280921936, -0.3160044252872467, 0.09069628268480301, -0.3560311794281006, 0.40479937195777893, 0.4473363757133484, -0.884319543838501, -0.4847061038017273, -0.6998052597045898, 0.038860123604536057, -0.3684808611869812, 1.3346775770187378, 0.013737245462834835, 0.32547250390052795, 0.010365486145019531, 0.06846712529659271, -0.2043367475271225, -0.48734381794929504, -1.1762332916259766, -0.6480202674865723, 0.46809136867523193, 0.39609870314598083, 0.6673900485038757, 1.0457262992858887, 0.6767324209213257, 0.30734795331954956, -0.5260822772979736, -0.07562495768070221, -0.6506204009056091, -0.34540069103240967, -0.07251228392124176, -0.35878029465675354, -0.8244904279708862, 0.0008084852015599608, 0.6994685530662537, 0.46629413962364197, -0.3528757095336914, 0.5307142734527588, 0.07446237653493881, 0.510732889175415, -0.4807462990283966, 0.5527727007865906, -0.5378983020782471, 0.49675849080085754, -0.2207024246454239, -0.3082140386104584, -0.23330959677696228, 0.1149127185344696, -0.19605432450771332, -0.9044995307922363, 0.5500251054763794, -0.10653027147054672, 1.0764631032943726, 0.3960290849208832, -0.2285958081483841, 0.02637009136378765, -0.7292979955673218, 0.4444919228553772, -0.6034713387489319, 0.2148032784461975, 0.3046209216117859, 0.6698421239852905, 0.01167511846870184, -1.054207444190979, -0.265678733587265, -0.07166284322738647, 0.09071651101112366, 0.3037181794643402, -0.09603382647037506, 0.05472751706838608, 0.8006495833396912, 0.1784292757511139, -0.4927944540977478, 0.1900044083595276, -0.7862343192100525, -0.2813202738761902, 0.6471982598304749, 0.4169401228427887, -0.21108275651931763, -0.0723615288734436, -0.5855522155761719, -0.18656466901302338, -0.30220893025398254, 0.4080474078655243, 0.5428935289382935, 0.5053772926330566, -0.2453738898038864, 0.6862779259681702, -0.35144492983818054, 0.5649331212043762, 0.3888477385044098, 0.00627554627135396, 0.5283918380737305, 0.03678238019347191, -0.4576244056224823, 0.0018675466999411583, 0.7194741368293762, 0.4595831632614136, 0.3587702214717865, -0.05273137614130974, -0.3354381024837494, -0.20993739366531372, 0.36657652258872986, -1.0081737041473389, -0.09051426500082016, 0.08620402216911316, -0.451806902885437, -0.7179128527641296, 0.45918890833854675, -0.6860646605491638, 0.045523613691329956, -0.1791881024837494, 0.3489070236682892, -0.12964703142642975, -0.24488630890846252, 0.19900935888290405, -0.12497320026159286, 0.21186721324920654, 0.039738044142723083, -0.9236500263214111, 0.5935341715812683, 0.5330521464347839, 0.5250412225723267, 0.20360615849494934, -0.6257365942001343, -0.5569912791252136, 0.09904111176729202, -0.3947862684726715, 0.4531479477882385, -0.267343133687973, -0.5843527317047119, -0.10191831737756729, 0.529755175113678, -0.24852241575717926, -0.3947315812110901, 1.2714041471481323, -0.30549392104148865, 0.09718474000692368, -0.4018476903438568, -0.6657020449638367, -0.3012219965457916, 0.21954494714736938, -0.7089769840240479, 1.1271644830703735, 0.28243064880371094, -0.9386724233627319, 0.5380118489265442, -0.9398139715194702, -0.2573658525943756, 0.13905760645866394, 0.05100221931934357, -0.6602463722229004, 0.0031008238438516855, 0.07825778424739838, 0.5421848297119141, -0.053267452865839005, 0.1793508231639862, -0.5435155034065247, -0.7103355526924133, -0.1748691201210022, -0.2749116122722626, 0.65523761510849, 0.4145333468914032, -0.34887850284576416, 0.06464201211929321, -1.148813009262085, 0.15324455499649048, 0.35058340430259705, -0.32823416590690613, 0.32996100187301636, -0.33598512411117554, 0.5459777116775513, 0.374815970659256, 0.3441425859928131, -0.6702350378036499, 0.09623808413743973, -0.3817342519760132, 0.3983844220638275, 0.45706814527511597, 0.139726921916008, 0.08979661762714386, -0.5198036432266235, 0.4319487512111664, 0.44961678981781006, 0.5212867259979248, 0.1545604169368744, -0.4268912374973297, -1.0316470861434937, -0.1252039521932602, 0.2433294653892517, 0.3903602659702301, -0.2989653944969177, 0.5947735905647278, 0.037868794053792953, -0.7298295497894287, -0.16720865666866302, 0.03526260703802109, 0.35706454515457153, 0.6812678575515747, 0.47088342905044556, -0.044735319912433624, -0.5651392936706543, -1.1161139011383057, -0.008667966350913048, 0.041111864149570465, 0.38195091485977173, 0.12333054840564728, 0.8970192074775696, -0.16134093701839447, 0.5904204249382019, -0.3276642858982086, -0.11452776938676834, -0.1284295916557312, 0.022743534296751022, 0.39012402296066284, 0.9058524966239929, 0.7931753993034363, -0.34558144211769104, -0.27416133880615234, -0.14525863528251648, -0.7792178988456726, 0.31001776456832886, -0.13830704987049103, -0.19861721992492676, -0.051337432116270065, 0.40777114033699036, -0.530217707157135, 0.629734456539154, 0.0476977601647377, -0.34189948439598083, 0.31199911236763, -0.45198947191238403, -0.06293287873268127, -1.1280372142791748, 0.278856486082077, 0.388736367225647, -0.09888952225446701, -0.37579458951950073, 0.28808876872062683, -0.030313778668642044, -0.1611805409193039, -0.6189512610435486, 0.6797645688056946, -0.13697810471057892, 0.06898267567157745, -0.2386055439710617, -0.42467617988586426, 0.011750728823244572, 0.719517707824707, 0.23103287816047668, 0.6153624057769775, 0.791891872882843, -0.4498988091945648, 0.16278861463069916, 0.5552558898925781, -0.12414363771677017, 0.3804694712162018, -1.1659691333770752, 0.08290891349315643, -0.05797005817294121, 0.10598408430814743, -0.7892615795135498, -0.3308626413345337, 0.5962949991226196, -0.4491603970527649, 0.32697853446006775, -0.1813073307275772, -0.4104624092578888, -0.5762949585914612, -0.05443454533815384, 0.21957813203334808, 0.44338780641555786, -0.6692885756492615, 0.25910910964012146, -0.059792760759592056, 0.3178892433643341, -0.4741436839103699, -0.7810853719711304, -0.32095867395401, -0.23549744486808777, -0.4927462935447693, 0.21346978843212128, 0.020068097859621048, 0.1962624490261078, -0.21929091215133667, -0.08060052990913391, -0.2661913335323334, -0.022387046366930008, 0.5011116862297058, 0.16842322051525116, -0.1743130087852478, -0.1803162544965744, 0.17280161380767822, -0.3934473395347595, 0.27507689595222473, -0.11359522491693497, 0.26039576530456543, -0.20593537390232086, -0.22608762979507446, -0.9106271862983704, 0.056447457522153854, 0.6992254257202148, -0.14822334051132202, 0.773762047290802, 0.9553120732307434, -0.5622206926345825, -0.10216783732175827, -0.313640832901001, -0.24259519577026367, -0.455110639333725, 0.5034824013710022, -0.6727481484413147, -0.35416412353515625, 0.685594916343689, 0.10355889052152634, 0.02217010408639908, 1.0554454326629639, 0.3299199044704437, 0.09003402292728424, 1.324844241142273, 0.2935395836830139, 0.07647181302309036, 0.31112179160118103, -1.0183888673782349, -0.3568810224533081, -0.8670111894607544, -0.5650935173034668, -0.6273235082626343, -0.35602954030036926, -0.7237036228179932, 0.053272709250450134, 0.1635969579219818, 0.31767192482948303, -0.8754570484161377, 0.40741151571273804, -0.5096094012260437, 0.5417436957359314, 0.5640413165092468, 0.3355129361152649, -0.12407053261995316, 0.23508542776107788, -0.3096342384815216, -0.028977656736969948, -1.0412511825561523, -0.41769659519195557, 1.2817845344543457, 0.6464283466339111, 0.5104122757911682, -0.36004045605659485, 0.7555540204048157, -0.07581683248281479, -0.001837399322539568, -0.5150486826896667, 0.39750203490257263, -0.07935807853937149, -0.8892014622688293, -0.04738707095384598, -0.34461158514022827, -0.6768211722373962, 0.0720987543463707, -0.5331050753593445, -0.594892144203186, 0.08559735864400864, 0.018661513924598694, -0.33628371357917786, 0.40076497197151184, -0.467928022146225, 1.160624623298645, -0.169075608253479, -0.583936333656311, 0.002190803876146674, -0.5410901308059692, 0.1674364060163498, 0.011658718809485435, -0.14733636379241943, 0.19060534238815308, 0.10646574199199677, 0.9711998105049133, -0.7818105816841125, 0.682968258857727, -0.5328944325447083, 0.4591735601425171, 0.42953550815582275, -0.1218097135424614, 0.8516770005226135, 0.2606809139251709, -0.351010262966156, 0.19134436547756195, 0.2277589738368988, -0.7267885804176331, -0.40794914960861206, 0.7839961051940918, -1.267018437385559, -0.05760285630822182, -0.6156915426254272, -0.4620814621448517, -0.19023838639259338, 0.15377463400363922, 0.6318575143814087, 0.7036085724830627, -0.20482821762561798, 0.2278047651052475, 0.20597924292087555, 0.24298503994941711, 0.5109130144119263, 0.4315006136894226, -0.13632677495479584, -0.5479598641395569, 0.8369027972221375, 0.007138395681977272, 0.01753462292253971, -0.08067205548286438, 0.12232659757137299, -0.534630298614502, -0.5965432524681091, -0.3276479244232178, 0.29292193055152893, -0.6867335438728333, -0.018511291593313217, -0.4296734929084778, -0.6131729483604431, -0.16352346539497375, -0.0540483258664608, -0.505390465259552, -0.5013719201087952, -0.7326381206512451, -0.2549428939819336, 0.33987757563591003, 0.7583001852035522, -0.1435149908065796, 0.8054767847061157, -0.6235098242759705, -0.22620992362499237, 0.04779385030269623, 0.44570159912109375, 0.015155669301748276, -0.9772558212280273, -0.3787519037723541, 0.3162787854671478, -0.4905517101287842, -0.36549657583236694, 0.34466826915740967, 0.1475418508052826, 0.7564696073532104, 0.6480510234832764, -0.3032327890396118, 0.8997700214385986, -0.18838542699813843, 0.8106416463851929, 0.332242876291275, -0.5454765558242798, 0.441878080368042, -0.4634745121002197, 0.17505693435668945, 0.7351954579353333, 0.5280517935752869, 0.1083035096526146, -0.1715964376926422, -1.3358699083328247, -0.5539227724075317, 0.9066218733787537, 0.4651201665401459, 0.07865247875452042, 0.023723803460597992, 0.776470422744751, 0.019554806873202324, 0.16639988124370575, -0.6599019765853882, -0.4776709973812103, -0.48520949482917786, 0.11412610858678818, -0.32782411575317383, -0.15279608964920044, -0.12504813075065613, -0.832347571849823, 1.1620548963546753, -0.035138871520757675, 0.18591749668121338, 0.09838408976793289, 0.291403591632843, -0.403299480676651, -0.25481724739074707, 0.7499702572822571, 0.6883900165557861, -0.6849002242088318, -0.397724986076355, 0.13705559074878693, -0.4348248839378357, -0.1011122316122055, 0.2667039930820465, -0.18499331176280975, 0.06836363673210144, 0.3886399269104004, 1.0991454124450684, 0.18829303979873657, 0.022484229877591133, 0.4157375991344452, -0.1178554967045784, -0.6388726830482483, -0.23279644548892975, 0.41031453013420105, -0.2344060093164444, 0.39605697989463806, 0.02206408418715, 0.5253242254257202, 0.12305981665849686, -0.0718555748462677, 0.3096540868282318, 0.2294768989086151, -0.6425930857658386, -0.2987886667251587, 1.0597912073135376, 0.15122979879379272, -0.4127734303474426, 0.5883696675300598, -0.2318575531244278, -0.13279850780963898, 0.9838454127311707, 0.6893754601478577, 0.9396602511405945, 0.10712999105453491, 0.34057509899139404, 1.0209248065948486, 0.07404211163520813, -0.3193189799785614, 0.5652831792831421, 0.08060213178396225, -0.44473695755004883, -0.009358014911413193, -0.7234679460525513, -0.13762927055358887, 0.4401324987411499, -1.1902852058410645, 0.47900888323783875, -0.7112500071525574, -0.41448432207107544, 0.2752867043018341, 0.42232877016067505, -0.9376205801963806, 0.5647429823875427, 0.03631467744708061, 1.390594244003296, -0.9101042747497559, 0.7942303419113159, 0.7501147389411926, -0.6959195137023926, -1.0948083400726318, -0.2962520122528076, -0.16749751567840576, -0.9732215404510498, 0.7777138948440552, 0.022624196484684944, 0.23678962886333466, 0.3609580993652344, -0.5788856744766235, -0.61048424243927, 1.120801568031311, 0.20770642161369324, -0.7599512338638306, 0.1491558700799942, 0.32089707255363464, 0.7032895684242249, -0.5980156660079956, 0.786074697971344, 0.20954114198684692, 0.40516358613967896, 0.7176706194877625, -0.8050504922866821, -0.2821883261203766, -0.5028461217880249, 0.2511531114578247, 0.027028918266296387, -0.8132491707801819, 1.0519593954086304, -0.09204509109258652, 0.33551979064941406, 0.3394075632095337, 0.5530234575271606, 0.13016964495182037, 0.15904146432876587, 0.3313146233558655, 0.8369459509849548, 0.6387431025505066, -0.017718497663736343, 0.9163477420806885, -0.8778323531150818, 0.8528590798377991, 1.1134910583496094, -0.05368361249566078, 0.5686051845550537, 0.43830522894859314, -0.10058092325925827, 0.15666653215885162, 1.0493173599243164, -0.46134284138679504, 0.411945641040802, 0.21119216084480286, 0.17666096985340118, -0.4797971546649933, 0.1766897737979889, -0.8462594151496887, 0.48834428191185, -0.07387509196996689, -0.6841106414794922, -0.5100617408752441, -0.3406509757041931, 0.03656063601374626, -0.24568361043930054, -0.526622474193573, 0.5108790397644043, -0.38903117179870605, -0.5915794372558594, 0.865192711353302, 0.15901543200016022, 0.2535848617553711, -0.6435465216636658, -0.004526295233517885, -0.2899912893772125, 0.34703582525253296, -0.3698546290397644, -0.49438148736953735, 0.3425920307636261, 0.016239352524280548, -0.19198612868785858, 0.07954279333353043, 0.3130588233470917, -0.23820744454860687, -1.2067264318466187, 0.13201403617858887, 0.449729323387146, 0.2958908975124359, 0.04349881783127785, -1.23359215259552, 0.02204376459121704, -0.24493308365345, -0.33871990442276, 0.1410832554101944, 0.20118479430675507, 0.25452640652656555, 0.4971633553504944, 0.5802757740020752, 0.012166976928710938, 0.0025225819554179907, 0.17195361852645874, 0.8175194263458252, -0.4786074757575989, -0.5759006142616272, -0.6533918380737305, 0.5553324818611145, -0.10577885061502457, -0.973869800567627, 0.5558704137802124, 1.1428148746490479, 0.8819996118545532, -0.21046841144561768, 0.5330573320388794, 0.2107691764831543, 0.41059044003486633, -0.40649864077568054, 0.6179444193840027, -0.6915407776832581, 0.012593260034918785, -0.2903826832771301, -0.9109028577804565, 0.09155530482530594, 0.7860375642776489, -0.058352671563625336, 0.27948227524757385, 0.5841068625450134, 1.02045476436615, -0.27341505885124207, 0.4748222529888153, 0.1474045068025589, 0.13163365423679352, 0.13939328491687775, 0.567517876625061, 0.5391523838043213, -1.0100752115249634, 0.24907495081424713, -0.6201840043067932, -0.08359823375940323, -0.02537318505346775, -0.7303240299224854, -1.1406632661819458, -0.4458363950252533, -0.5155311822891235, -0.5245862007141113, 0.10575643181800842, 1.0289463996887207, 0.9263994693756104, -0.7933087348937988, -0.46073874831199646, -0.3314979374408722, -0.3896961212158203, -0.31846362352371216, -0.17471550405025482, 0.27037328481674194, -0.3462921679019928, -0.6569527387619019, -0.03168540447950363, -0.2380513697862625, 0.3191353678703308, -0.19025194644927979, -0.3553612232208252, -0.18853192031383514, -0.20654568076133728, 0.16050545871257782, 0.20749618113040924, -0.5050559639930725, -0.35916048288345337, -0.059939220547676086, -0.013220970518887043, 0.18161769211292267, 0.2801326513290405, -0.4671595096588135, 0.33359023928642273, 0.11716581135988235, 0.21536579728126526, 1.027586817741394, 0.008495962247252464, 0.11881247162818909, -0.5844426155090332, 0.44432172179222107, 0.008413208648562431, 0.42341917753219604, -0.10815253853797913, -0.3736704885959625, 0.6634825468063354, 0.4591192603111267, -0.47295936942100525, -0.6899368762969971, -0.2612897455692291, -1.2149293422698975, 0.13868284225463867, 1.1843513250350952, 0.07373079657554626, -0.4745519757270813, 0.5704329609870911, -0.24674125015735626, 0.37902623414993286, -0.27394598722457886, 0.4820478856563568, 0.6890156865119934, -0.12510494887828827, 0.1590268313884735, -0.5957708358764648, 0.4889430105686188, -0.0163880605250597, -0.7673157453536987, -0.43415403366088867, 0.17607374489307404, 0.5841723084449768, -0.14894187450408936, 0.24754323065280914, -0.04530847445130348, 0.34152472019195557, 0.2444615513086319, 0.05323488637804985, -0.7883822321891785, -0.4911502003669739, -0.3118746876716614, 0.22871732711791992, -0.12205850332975388, -0.5143892168998718 ]
Helsinki-NLP/opus-mt-fi-de
Helsinki-NLP
2023-08-16T11:34:22Z
9,612
0
transformers
[ "transformers", "pytorch", "tf", "marian", "text2text-generation", "translation", "fi", "de", "license:apache-2.0", "autotrain_compatible", "endpoints_compatible", "has_space", "region:us" ]
translation
2022-03-02T23:29:04Z
--- tags: - translation license: apache-2.0 --- ### opus-mt-fi-de * source languages: fi * target languages: de * OPUS readme: [fi-de](https://github.com/Helsinki-NLP/OPUS-MT-train/blob/master/models/fi-de/README.md) * dataset: opus * model: transformer-align * pre-processing: normalization + SentencePiece * download original weights: [opus-2019-12-04.zip](https://object.pouta.csc.fi/OPUS-MT-models/fi-de/opus-2019-12-04.zip) * test set translations: [opus-2019-12-04.test.txt](https://object.pouta.csc.fi/OPUS-MT-models/fi-de/opus-2019-12-04.test.txt) * test set scores: [opus-2019-12-04.eval.txt](https://object.pouta.csc.fi/OPUS-MT-models/fi-de/opus-2019-12-04.eval.txt) ## Benchmarks | testset | BLEU | chr-F | |-----------------------|-------|-------| | Tatoeba.fi.de | 45.2 | 0.637 |
[ -0.33573442697525024, -0.6069421172142029, 0.28701189160346985, 0.3800032436847687, -0.48601508140563965, -0.4071005880832672, -0.48340532183647156, -0.07260912656784058, 0.04054839909076691, 0.4871317148208618, -0.7463025450706482, -0.5802226662635803, -0.6822848320007324, 0.2846702039241791, -0.14273568987846375, 0.7463654279708862, -0.16171583533287048, 0.5238403677940369, 0.21961797773838043, -0.47605112195014954, -0.42321351170539856, -0.44351205229759216, -0.5460410714149475, -0.4012485146522522, 0.33942511677742004, 0.46466150879859924, 0.47293341159820557, 0.4050859808921814, 1.0060020685195923, 0.2738268971443176, -0.09423378109931946, 0.09864869713783264, -0.5508608222007751, -0.031253259629011154, 0.014576524496078491, -0.573374330997467, -0.7576506733894348, -0.16522954404354095, 1.1286650896072388, 0.46693018078804016, 0.03361361846327782, 0.38634172081947327, -0.10466279834508896, 1.115168809890747, -0.35548341274261475, 0.05863460153341293, -0.6512380838394165, -0.0035930557642132044, -0.3671611249446869, -0.3581649959087372, -0.7738873958587646, -0.23962348699569702, 0.10875201225280762, -0.6471738219261169, -0.0693286582827568, 0.08737245947122574, 1.5801451206207275, 0.4397539496421814, -0.4875408709049225, -0.10221577435731888, -0.7477193474769592, 1.0443865060806274, -0.792824387550354, 0.7640551924705505, 0.5059710144996643, 0.29205676913261414, 0.1512790471315384, -0.6141926646232605, -0.3664196729660034, 0.1299346536397934, -0.23902137577533722, 0.19390860199928284, -0.192372128367424, -0.2699454426765442, 0.311507910490036, 0.8293905258178711, -0.7448390126228333, -0.03837830573320389, -0.6321061849594116, 0.03228559345006943, 0.8021818995475769, 0.043480098247528076, 0.09689245373010635, -0.10515586286783218, -0.5232810378074646, -0.6060391664505005, -0.7913485169410706, 0.053225282579660416, 0.3720152676105499, 0.23689118027687073, -0.5513867735862732, 0.7683765888214111, -0.2080470621585846, 0.6980660557746887, 0.024546224623918533, 0.027648380026221275, 1.0912898778915405, -0.4327070116996765, -0.41082945466041565, -0.1698692888021469, 1.2994589805603027, 0.3546326756477356, 0.16400198638439178, 0.051024772226810455, -0.28472083806991577, -0.32616788148880005, 0.13252794742584229, -0.9915854930877686, -0.06647635996341705, 0.21670971810817719, -0.5398294925689697, -0.18119585514068604, 0.07449817657470703, -0.687795877456665, 0.2240874469280243, -0.4588611125946045, 0.7536577582359314, -0.7337049841880798, -0.34580349922180176, 0.3991638422012329, -0.0033937038388103247, 0.39108040928840637, -0.008597047068178654, -0.661984384059906, 0.15592706203460693, 0.3937188982963562, 0.8344618082046509, -0.3921254873275757, -0.22080060839653015, -0.6036999821662903, -0.23439854383468628, -0.06791002303361893, 0.7663164734840393, -0.09038109332323074, -0.5829781293869019, -0.116307333111763, 0.4921223521232605, -0.4862135648727417, -0.32489511370658875, 1.5107370615005493, -0.3349733352661133, 0.7789279222488403, -0.41387349367141724, -0.6280511021614075, -0.3976246118545532, 0.4159577488899231, -0.6510617136955261, 1.338783621788025, 0.20900173485279083, -0.9537516236305237, 0.1663663238286972, -0.9560979008674622, -0.23950043320655823, -0.09376536309719086, 0.05615530535578728, -0.6478509306907654, 0.20776520669460297, 0.06917636096477509, 0.42388203740119934, -0.36422595381736755, 0.319022536277771, -0.03988463059067726, -0.4060342013835907, 0.12197921425104141, -0.5161500573158264, 1.1216288805007935, 0.4190325140953064, -0.35976409912109375, 0.24351584911346436, -1.0101263523101807, -0.06191832572221756, -0.0006142631755210459, -0.4867095351219177, -0.23169700801372528, 0.15373852849006653, 0.282875120639801, 0.14310245215892792, 0.3083658218383789, -0.7503092288970947, 0.273636132478714, -0.709682047367096, 0.18031063675880432, 0.706998348236084, -0.3809756934642792, 0.3587942123413086, -0.4883730411529541, 0.31566014885902405, 0.11788299679756165, 0.09429603070020676, 0.004146885126829147, -0.4642605781555176, -0.8837171792984009, -0.33971768617630005, 0.7027099132537842, 1.1717936992645264, -0.8131534457206726, 0.9513944387435913, -0.7780541777610779, -0.8761759400367737, -0.7975296974182129, -0.20269320905208588, 0.4308755695819855, 0.48511773347854614, 0.5495121479034424, -0.11624041199684143, -0.38073277473449707, -1.1748628616333008, -0.056365761905908585, -0.19449912011623383, -0.24344010651111603, 0.17785169184207916, 0.6668498516082764, -0.28217488527297974, 0.6012696623802185, -0.614682674407959, -0.47942638397216797, -0.0706648975610733, 0.13801172375679016, 0.5446704626083374, 0.7209197282791138, 0.6254996061325073, -1.0040037631988525, -0.5972062349319458, 0.014144325628876686, -0.7326376438140869, -0.20793840289115906, 0.12552951276302338, -0.22128044068813324, 0.20049068331718445, 0.11540155112743378, -0.3377554714679718, 0.1261322796344757, 0.6975324749946594, -0.7914512157440186, 0.5079155564308167, -0.15448370575904846, 0.3745030164718628, -1.4561851024627686, 0.22207333147525787, -0.2519618272781372, -0.1386907547712326, -0.49717870354652405, -0.04935446381568909, 0.23829995095729828, 0.13285909593105316, -0.8728052973747253, 0.6601320505142212, -0.14028985798358917, 0.01550264935940504, 0.21961595118045807, -0.0436907559633255, 0.11275196075439453, 0.7924506068229675, -0.03459065034985542, 0.9041329622268677, 0.707973301410675, -0.5518028140068054, 0.17590878903865814, 0.6699956059455872, -0.38175684213638306, 0.46275052428245544, -0.8926925659179688, -0.29118669033050537, 0.3472691774368286, -0.11611740291118622, -0.7699347734451294, 0.11548994481563568, 0.32949936389923096, -0.7262554168701172, 0.4534854590892792, -0.04440569877624512, -0.8366848826408386, -0.03331092745065689, -0.3507694602012634, 0.5075573325157166, 0.7363188862800598, -0.20911389589309692, 0.7046129107475281, 0.08533388376235962, 0.0006200368516147137, -0.4543818235397339, -1.0968554019927979, -0.19265955686569214, -0.44811776280403137, -0.8839312195777893, 0.32848861813545227, -0.47318902611732483, -0.068768210709095, 0.026484640315175056, 0.271381676197052, -0.12581759691238403, 0.167795330286026, 0.11983940750360489, 0.21844229102134705, -0.5107498168945312, 0.18582984805107117, 0.04910547658801079, -0.2145371288061142, -0.1594664603471756, -0.13474440574645996, 0.6958683133125305, -0.40876108407974243, -0.21540047228336334, -0.6938300728797913, 0.11036739498376846, 0.6576797366142273, -0.4356633424758911, 0.9043026566505432, 0.709723174571991, -0.09711218625307083, 0.2616163194179535, -0.46790799498558044, 0.11487598717212677, -0.49397775530815125, 0.05294160172343254, -0.5920771360397339, -0.8557738065719604, 0.5397290587425232, 0.10559462010860443, 0.46412354707717896, 1.0116946697235107, 0.7182807326316833, 0.05218829587101936, 0.6962884068489075, 0.3880768418312073, 0.06847558170557022, 0.5321066975593567, -0.5432025194168091, -0.16750669479370117, -1.0766208171844482, 0.11697439849376678, -0.8519973754882812, -0.3795585334300995, -0.9336685538291931, -0.23687225580215454, 0.2703530788421631, 0.13564763963222504, -0.2611875534057617, 0.7272254824638367, -0.5919023752212524, 0.22167085111141205, 0.6328542232513428, -0.177667036652565, 0.359211802482605, 0.09975701570510864, -0.5472601652145386, -0.15631067752838135, -0.424083411693573, -0.5614094734191895, 1.4012774229049683, 0.475715696811676, 0.36466386914253235, 0.2492390125989914, 0.5666752457618713, 0.10102866590023041, 0.18976758420467377, -0.6652889847755432, 0.40193822979927063, -0.4150012135505676, -0.7423009872436523, -0.32165324687957764, -0.663736879825592, -0.8994156122207642, 0.5037786364555359, -0.2703980505466461, -0.5297343730926514, 0.2513766288757324, -0.03708220273256302, -0.12463145703077316, 0.47938287258148193, -0.8343502283096313, 1.2283509969711304, -0.0741267278790474, -0.07193072140216827, 0.20272625982761383, -0.4895463287830353, 0.2914489805698395, -0.10146845877170563, 0.31155070662498474, -0.2580607235431671, 0.1415289342403412, 0.6476637721061707, -0.08525244891643524, 0.3534889221191406, -0.0740133672952652, -0.17254704236984253, 0.04859967157244682, 0.09183864295482635, 0.3726169764995575, -0.09926154464483261, -0.5696158409118652, 0.49792787432670593, 0.1780703365802765, -0.4505314528942108, -0.08471199870109558, 0.6158366799354553, -0.7793291807174683, -0.05599359795451164, -0.4609566926956177, -0.7121862769126892, 0.01582847535610199, 0.39586278796195984, 0.754387617111206, 0.7957577109336853, -0.3164500892162323, 0.6598494648933411, 0.9111573696136475, -0.3289996087551117, 0.45547932386398315, 0.799254298210144, -0.20944912731647491, -0.6479981541633606, 0.8714963793754578, 0.06835661083459854, 0.4285164773464203, 0.7069164514541626, 0.12930257618427277, -0.19941458106040955, -0.7563169598579407, -0.7723211050033569, 0.3027101457118988, -0.2737118899822235, -0.2484949231147766, -0.6447728276252747, -0.0923263430595398, -0.30906346440315247, 0.24598993360996246, -0.5026717782020569, -0.6979316473007202, -0.16519728302955627, -0.16641266644001007, 0.3121860921382904, 0.25125592947006226, -0.11756936460733414, 0.6086838245391846, -1.17356276512146, 0.2872683107852936, -0.1950305998325348, 0.4394683241844177, -0.5789743065834045, -0.8601534366607666, -0.4670667350292206, 0.1530967652797699, -0.743526041507721, -0.7263269424438477, 0.5044348239898682, 0.16774316132068634, 0.23525145649909973, 0.34693679213523865, 0.2511574923992157, 0.3488210439682007, -0.7563371658325195, 1.0096023082733154, -0.11120698601007462, -0.805422842502594, 0.5363824963569641, -0.4776124656200409, 0.5352150201797485, 1.0692352056503296, 0.29845112562179565, -0.3201712667942047, -0.5916162133216858, -0.8233921527862549, -0.8331722617149353, 0.9262977838516235, 0.8003477454185486, -0.09495938569307327, 0.17334020137786865, -0.11796057969331741, -0.029527844861149788, 0.14918094873428345, -1.1317191123962402, -0.4385424852371216, 0.10080552846193314, -0.41398176550865173, -0.20526760816574097, -0.3378150463104248, -0.22024665772914886, -0.18740427494049072, 1.19387948513031, 0.1646762639284134, 0.28664034605026245, 0.5413809418678284, -0.15428081154823303, -0.24752458930015564, 0.37955915927886963, 1.1766277551651, 0.5961735844612122, -0.6696112751960754, -0.16950103640556335, 0.3162239193916321, -0.4783153235912323, -0.15368886291980743, 0.22223538160324097, -0.45678675174713135, 0.38346049189567566, 0.5080330967903137, 1.1526566743850708, 0.12369929999113083, -0.7117466330528259, 0.5148717761039734, -0.46115610003471375, -0.5036529302597046, -0.7077324390411377, -0.10745927691459656, 0.10852047055959702, 0.007908557541668415, 0.27955493330955505, 0.15991735458374023, 0.1624481976032257, -0.1567223221063614, 0.2632114887237549, 0.09327094256877899, -0.7539857029914856, -0.5862587690353394, 0.5538007020950317, 0.22203004360198975, -0.36855676770210266, 0.5676255822181702, -0.37287718057632446, -0.5764367580413818, 0.4072915017604828, 0.09035045653581619, 1.1900681257247925, -0.27426111698150635, -0.1967378556728363, 0.7755511999130249, 0.571718156337738, -0.19139878451824188, 0.5343534350395203, 0.06996643543243408, -0.7493133544921875, -0.5894066095352173, -0.9532836675643921, -0.0887068659067154, 0.08694805949926376, -0.7798603177070618, 0.5076881647109985, 0.3800693452358246, -0.012040704488754272, -0.2989456355571747, 0.26582813262939453, -0.520896315574646, 0.11372584104537964, -0.2619420289993286, 1.2092564105987549, -0.9861023426055908, 1.0684758424758911, 0.45574626326560974, -0.3154694437980652, -0.8494893908500671, -0.27725791931152344, -0.2313380092382431, -0.41755110025405884, 0.7210692763328552, 0.23203882575035095, 0.2720232307910919, -0.09932389855384827, -0.11450698226690292, -0.8421199917793274, 1.2406375408172607, 0.2723325192928314, -0.673453688621521, 0.04463711380958557, 0.19166618585586548, 0.5152931213378906, -0.40619003772735596, 0.1805407553911209, 0.45816197991371155, 0.8253220915794373, 0.07981467992067337, -1.2784501314163208, -0.3469547927379608, -0.5388494729995728, -0.4227241575717926, 0.6500458717346191, -0.6339934468269348, 1.0181841850280762, 0.5089389085769653, -0.19346308708190918, 0.05946752056479454, 0.6510199904441833, 0.24980267882347107, 0.36215558648109436, 0.6788206100463867, 1.271209955215454, 0.36895227432250977, -0.558515727519989, 1.129491925239563, -0.3507459759712219, 0.5752902030944824, 1.2892242670059204, -0.0532534122467041, 0.9989035129547119, 0.36165228486061096, -0.11060799658298492, 0.5291821956634521, 0.6494898796081543, -0.34408098459243774, 0.5299467444419861, 0.014308571815490723, 0.16753503680229187, -0.12086563557386398, 0.1630486100912094, -0.794606626033783, 0.335759699344635, 0.19473402202129364, -0.26604214310646057, -0.0026312482077628374, -0.029622504487633705, 0.04406723007559776, -0.0026324396021664143, -0.10631708800792694, 0.7104201316833496, -0.0017997755203396082, -0.6043722629547119, 0.8866609930992126, -0.04135042428970337, 0.7560873031616211, -0.7647165656089783, 0.1154216006398201, -0.09602757543325424, 0.2935734987258911, 0.0007761451415717602, -0.64469313621521, 0.6603372097015381, -0.0000993887078948319, -0.3530367910861969, -0.5185791254043579, 0.213592529296875, -0.5839663743972778, -0.9525468945503235, 0.48833227157592773, 0.436210960149765, 0.33351704478263855, 0.008266476914286613, -0.900409996509552, 0.06802482157945633, 0.20273329317569733, -0.6589469313621521, -0.021572468802332878, 0.7779291272163391, 0.32566961646080017, 0.5170015692710876, 0.6584554314613342, 0.1813565045595169, 0.18507646024227142, -0.05840011686086655, 0.6898672580718994, -0.5196903347969055, -0.396022766828537, -0.9042410850524902, 0.8847569227218628, -0.12617617845535278, -0.7334228754043579, 0.6688275337219238, 1.0843582153320312, 1.1591304540634155, -0.18153399229049683, 0.17314395308494568, -0.18716961145401, 0.7900439500808716, -0.7240233421325684, 0.7112938165664673, -1.061034917831421, 0.27354878187179565, -0.08198852092027664, -1.025438904762268, -0.21067099273204803, 0.307983934879303, -0.1432429403066635, -0.4616226553916931, 0.9039393663406372, 0.7281131744384766, -0.22013156116008759, -0.20036686956882477, 0.3441728353500366, 0.33075079321861267, 0.262807160615921, 0.5977268218994141, 0.42389070987701416, -1.1322318315505981, 0.5874823331832886, -0.372606098651886, -0.06628581881523132, -0.06096456199884415, -0.7808060050010681, -0.8769837617874146, -0.7301800847053528, -0.24241366982460022, -0.2500646114349365, -0.40239936113357544, 0.967974841594696, 0.5655524730682373, -1.0087172985076904, -0.5728097558021545, 0.0810731053352356, 0.2292507141828537, -0.16196516156196594, -0.28932881355285645, 0.6986762881278992, -0.39003297686576843, -1.1219570636749268, 0.5190558433532715, 0.030105188488960266, -0.07074214518070221, 0.05913159251213074, -0.2691046893596649, -0.6266332268714905, -0.046270813792943954, 0.3818656802177429, -0.024098370224237442, -0.5841615200042725, 0.04354628175497055, 0.14520873129367828, -0.1066412553191185, 0.386465460062027, 0.4225974678993225, -0.3299473524093628, 0.23683270812034607, 0.9956053495407104, 0.4576275646686554, 0.42611047625541687, -0.14994926750659943, 0.6327157616615295, -0.7262266874313354, 0.35760298371315, 0.17161668837070465, 0.6632792949676514, 0.3571622371673584, -0.13764721155166626, 1.0204932689666748, 0.22315385937690735, -0.7447832822799683, -1.1846550703048706, 0.07148585468530655, -1.3992130756378174, -0.08030745387077332, 0.9758007526397705, -0.27228453755378723, -0.310048907995224, 0.41351318359375, -0.21635206043720245, 0.1806909143924713, -0.39799702167510986, 0.4042113125324249, 0.9621475338935852, 0.40210068225860596, 0.18437206745147705, -0.7663047313690186, 0.38699018955230713, 0.593058705329895, -0.7410843968391418, -0.1863682121038437, 0.2897461950778961, 0.18197548389434814, 0.46945834159851074, 0.5199313163757324, -0.3676226735115051, 0.09592261165380478, -0.37524521350860596, 0.33608686923980713, -0.15579302608966827, -0.18445834517478943, -0.4432751536369324, -0.0027870056219398975, -0.13078102469444275, -0.3476193845272064 ]
timm/tf_efficientnet_lite0.in1k
timm
2023-04-27T21:38:11Z
9,609
0
timm
[ "timm", "pytorch", "safetensors", "image-classification", "dataset:imagenet-1k", "arxiv:1905.11946", "license:apache-2.0", "region:us" ]
image-classification
2022-12-13T00:13:28Z
--- tags: - image-classification - timm library_name: timm license: apache-2.0 datasets: - imagenet-1k --- # Model card for tf_efficientnet_lite0.in1k A EfficientNet-Lite image classification model. Trained on ImageNet-1k in Tensorflow by paper authors, ported to PyTorch by Ross Wightman. ## Model Details - **Model Type:** Image classification / feature backbone - **Model Stats:** - Params (M): 4.7 - GMACs: 0.4 - Activations (M): 6.7 - Image size: 224 x 224 - **Papers:** - EfficientNet: Rethinking Model Scaling for Convolutional Neural Networks: https://arxiv.org/abs/1905.11946 - **Dataset:** ImageNet-1k - **Original:** https://github.com/tensorflow/tpu/tree/master/models/official/efficientnet ## Model Usage ### Image Classification ```python from urllib.request import urlopen from PIL import Image import timm img = Image.open(urlopen( 'https://huggingface.co/datasets/huggingface/documentation-images/resolve/main/beignets-task-guide.png' )) model = timm.create_model('tf_efficientnet_lite0.in1k', pretrained=True) model = model.eval() # get model specific transforms (normalization, resize) data_config = timm.data.resolve_model_data_config(model) transforms = timm.data.create_transform(**data_config, is_training=False) output = model(transforms(img).unsqueeze(0)) # unsqueeze single image into batch of 1 top5_probabilities, top5_class_indices = torch.topk(output.softmax(dim=1) * 100, k=5) ``` ### Feature Map Extraction ```python from urllib.request import urlopen from PIL import Image import timm img = Image.open(urlopen( 'https://huggingface.co/datasets/huggingface/documentation-images/resolve/main/beignets-task-guide.png' )) model = timm.create_model( 'tf_efficientnet_lite0.in1k', pretrained=True, features_only=True, ) model = model.eval() # get model specific transforms (normalization, resize) data_config = timm.data.resolve_model_data_config(model) transforms = timm.data.create_transform(**data_config, is_training=False) output = model(transforms(img).unsqueeze(0)) # unsqueeze single image into batch of 1 for o in output: # print shape of each feature map in output # e.g.: # torch.Size([1, 16, 112, 112]) # torch.Size([1, 24, 56, 56]) # torch.Size([1, 40, 28, 28]) # torch.Size([1, 112, 14, 14]) # torch.Size([1, 320, 7, 7]) print(o.shape) ``` ### Image Embeddings ```python from urllib.request import urlopen from PIL import Image import timm img = Image.open(urlopen( 'https://huggingface.co/datasets/huggingface/documentation-images/resolve/main/beignets-task-guide.png' )) model = timm.create_model( 'tf_efficientnet_lite0.in1k', pretrained=True, num_classes=0, # remove classifier nn.Linear ) model = model.eval() # get model specific transforms (normalization, resize) data_config = timm.data.resolve_model_data_config(model) transforms = timm.data.create_transform(**data_config, is_training=False) output = model(transforms(img).unsqueeze(0)) # output is (batch_size, num_features) shaped tensor # or equivalently (without needing to set num_classes=0) output = model.forward_features(transforms(img).unsqueeze(0)) # output is unpooled, a (1, 1280, 7, 7) shaped tensor output = model.forward_head(output, pre_logits=True) # output is a (1, num_features) shaped tensor ``` ## Model Comparison Explore the dataset and runtime metrics of this model in timm [model results](https://github.com/huggingface/pytorch-image-models/tree/main/results). ## Citation ```bibtex @inproceedings{tan2019efficientnet, title={Efficientnet: Rethinking model scaling for convolutional neural networks}, author={Tan, Mingxing and Le, Quoc}, booktitle={International conference on machine learning}, pages={6105--6114}, year={2019}, organization={PMLR} } ``` ```bibtex @misc{rw2019timm, author = {Ross Wightman}, title = {PyTorch Image Models}, year = {2019}, publisher = {GitHub}, journal = {GitHub repository}, doi = {10.5281/zenodo.4414861}, howpublished = {\url{https://github.com/huggingface/pytorch-image-models}} } ```
[ -0.36579421162605286, -0.5379721522331238, -0.04182539880275726, 0.08829832077026367, -0.2790156602859497, -0.4532843232154846, -0.35255926847457886, -0.35438814759254456, 0.2076040804386139, 0.3599114418029785, -0.35941269993782043, -0.6575524806976318, -0.7361537218093872, -0.17935556173324585, -0.20550741255283356, 0.9033862352371216, -0.09356293827295303, -0.009057734161615372, -0.12976333498954773, -0.6074421405792236, -0.05887405946850777, -0.14805540442466736, -0.9395728707313538, -0.46196576952934265, 0.3918524980545044, 0.3143417537212372, 0.6071915030479431, 0.6845124959945679, 0.686424732208252, 0.5025746822357178, -0.08495022356510162, 0.04485698044300079, -0.32269251346588135, -0.13443997502326965, 0.44358566403388977, -0.6050060391426086, -0.4345557689666748, 0.19723239541053772, 0.7298558354377747, 0.5106830596923828, -0.017437204718589783, 0.4882279336452484, 0.11454644054174423, 0.552640974521637, -0.3192204236984253, 0.1389523446559906, -0.3912718892097473, 0.15233156085014343, -0.010838858783245087, 0.0921499952673912, -0.31657886505126953, -0.41582709550857544, 0.24024848639965057, -0.6137590408325195, 0.5315015316009521, -0.08775296062231064, 1.2679086923599243, 0.30910685658454895, -0.09364598244428635, -0.068872831761837, -0.21459780633449554, 0.7329943776130676, -0.8455875515937805, 0.1579647660255432, 0.15721675753593445, 0.22034044563770294, -0.02729298360645771, -1.1830265522003174, -0.46385273337364197, -0.2352689653635025, -0.26773038506507874, -0.15582996606826782, -0.3006608486175537, 0.13530831038951874, 0.3642602562904358, 0.30881550908088684, -0.44642698764801025, 0.08873578161001205, -0.5478915572166443, -0.17385390400886536, 0.597934365272522, 0.033810459077358246, 0.31226250529289246, -0.15646597743034363, -0.4707949161529541, -0.46952781081199646, -0.33613675832748413, 0.3389919400215149, 0.25819164514541626, 0.2350347638130188, -0.5384981632232666, 0.4337522089481354, 0.12916792929172516, 0.6531174778938293, 0.0403868593275547, -0.35113513469696045, 0.6112030744552612, 0.04427984729409218, -0.48380523920059204, -0.09084412455558777, 1.1372543573379517, 0.4360097348690033, 0.2515331208705902, 0.04559221491217613, -0.17069034278392792, -0.3859662115573883, -0.07321317493915558, -1.3684680461883545, -0.3607971668243408, 0.35628777742385864, -0.6756091713905334, -0.45886608958244324, 0.17699870467185974, -0.5611908435821533, -0.11160485446453094, 0.007037941366434097, 0.7485184669494629, -0.4124942123889923, -0.45988917350769043, 0.019564630463719368, -0.2009812891483307, 0.16127757728099823, 0.1966530978679657, -0.5710586309432983, 0.12514378130435944, 0.29908424615859985, 1.178310513496399, 0.12448675185441971, -0.42677611112594604, -0.2512723505496979, -0.4073598086833954, -0.2882026731967926, 0.35654520988464355, -0.04279014840722084, -0.05127403140068054, -0.30114489793777466, 0.33359235525131226, -0.17886532843112946, -0.7307124137878418, 0.3550317883491516, -0.2281821221113205, 0.12277726083993912, 0.056049905717372894, -0.33336544036865234, -0.5359907746315002, 0.28970739245414734, -0.5248320698738098, 1.1622241735458374, 0.34824156761169434, -0.9073666930198669, 0.29339799284935, -0.5999155640602112, -0.11432956159114838, -0.2586347460746765, 0.009986642748117447, -1.1253162622451782, -0.05043765529990196, 0.16093476116657257, 0.840400755405426, -0.25203636288642883, 0.12750449776649475, -0.6208315491676331, -0.2461196631193161, 0.2928411066532135, -0.07695387303829193, 1.1359881162643433, 0.23711027204990387, -0.4745149612426758, 0.35522279143333435, -0.6213996410369873, 0.2520213723182678, 0.4929710924625397, -0.23452365398406982, -0.0011030910536646843, -0.6160194873809814, 0.22048823535442352, 0.25761279463768005, 0.14295892417430878, -0.5762122869491577, 0.29049256443977356, -0.13413786888122559, 0.5905666947364807, 0.5971688032150269, -0.14843277633190155, 0.3868153989315033, -0.34672629833221436, 0.2781156301498413, 0.22567468881607056, 0.22515392303466797, -0.06482712179422379, -0.4293617010116577, -0.8693190217018127, -0.5339901447296143, 0.3370843827724457, 0.3068694770336151, -0.5366038084030151, 0.4204283356666565, -0.30869433283805847, -0.8523508310317993, -0.4702953100204468, 0.02816680073738098, 0.39133399724960327, 0.6762784719467163, 0.30112558603286743, -0.29810237884521484, -0.4080485999584198, -0.9709627032279968, -0.027242479845881462, 0.03293099254369736, 0.0038661016151309013, 0.3756948411464691, 0.687879204750061, -0.03483392670750618, 0.5856592059135437, -0.42913496494293213, -0.27850863337516785, -0.2449246346950531, 0.05807851627469063, 0.48309555649757385, 0.8808459639549255, 0.8083676695823669, -0.6711044907569885, -0.57626873254776, -0.16383874416351318, -0.9489514827728271, 0.1583169400691986, -0.05150000751018524, -0.16064292192459106, 0.17990341782569885, 0.22938750684261322, -0.6210396885871887, 0.5546608567237854, 0.24815067648887634, -0.4827219545841217, 0.40340033173561096, -0.2800322473049164, 0.24716238677501678, -1.145632266998291, 0.2028030902147293, 0.356087863445282, -0.2118569314479828, -0.5570444464683533, 0.13169629871845245, 0.1063394844532013, -0.07041614502668381, -0.49081453680992126, 0.6832006573677063, -0.5337193012237549, -0.1596849411725998, -0.0933658629655838, -0.3156173527240753, 0.019845876842737198, 0.6873298287391663, -0.1548754870891571, 0.39398255944252014, 0.8479987978935242, -0.45777207612991333, 0.5130811929702759, 0.2777067720890045, -0.29180794954299927, 0.31966087222099304, -0.7779684066772461, 0.1192631796002388, 0.0907624214887619, 0.19829580187797546, -1.0297967195510864, -0.22879232466220856, 0.2848730683326721, -0.5922940373420715, 0.61932373046875, -0.509915292263031, -0.4878128170967102, -0.43216851353645325, -0.4496348798274994, 0.44805872440338135, 0.6252240538597107, -0.769096314907074, 0.506644606590271, 0.18101152777671814, 0.3586124777793884, -0.5861973166465759, -0.9265066981315613, -0.2648361623287201, -0.42830097675323486, -0.8937566876411438, 0.36734163761138916, 0.09560353308916092, 0.06549719721078873, 0.1987745314836502, -0.007156846579164267, -0.11401567608118057, 0.005949932150542736, 0.4516366422176361, 0.30856776237487793, -0.35161006450653076, -0.021543318405747414, -0.34723782539367676, 0.011686119250953197, 0.06565673649311066, -0.35181206464767456, 0.5457233786582947, -0.3034195601940155, -0.03509577363729477, -0.8262685537338257, -0.09390436112880707, 0.5058926939964294, -0.004238422028720379, 0.887251615524292, 1.1530849933624268, -0.48971760272979736, -0.09251350909471512, -0.41999122500419617, -0.33678409457206726, -0.49887940287590027, 0.5560776591300964, -0.34666427969932556, -0.5251935124397278, 0.8692458868026733, 0.03456179052591324, 0.15477275848388672, 0.7554875612258911, 0.3515329360961914, -0.026158472523093224, 0.6841987371444702, 0.6292311549186707, 0.28469428420066833, 0.8043655753135681, -1.1386644840240479, -0.20856927335262299, -0.7931603789329529, -0.41138261556625366, -0.3943703770637512, -0.7203461527824402, -0.7459864020347595, -0.312377393245697, 0.5273264050483704, 0.2630321979522705, -0.5254725217819214, 0.4161001145839691, -0.894734799861908, 0.06597130745649338, 0.6019390821456909, 0.5839822292327881, -0.30035272240638733, 0.34196457266807556, -0.1910375952720642, 0.06539692729711533, -0.8430255055427551, -0.21705496311187744, 1.1920019388198853, 0.4102029502391815, 0.6160263419151306, -0.13793468475341797, 0.6638760566711426, -0.2613629996776581, 0.42416733503341675, -0.6755517721176147, 0.5684335231781006, -0.15223287045955658, -0.46015337109565735, -0.22647330164909363, -0.5917285084724426, -1.06635582447052, 0.2428077906370163, -0.25311750173568726, -0.7199227213859558, 0.2001250833272934, 0.1858949512243271, -0.23639824986457825, 0.8522005081176758, -0.9738970398902893, 1.0680807828903198, -0.0997486263513565, -0.5089609026908875, 0.015273858793079853, -0.6057038307189941, 0.27375897765159607, 0.3266953229904175, -0.2455284297466278, -0.07911432534456253, -0.016541659832000732, 1.1659612655639648, -0.6899760365486145, 0.788205087184906, -0.5494235157966614, 0.4396064281463623, 0.5224151611328125, -0.0820351243019104, 0.37320393323898315, -0.09521803259849548, -0.21428503096103668, 0.3118602931499481, 0.019494449719786644, -0.5464244484901428, -0.5591177344322205, 0.641480028629303, -1.024668574333191, -0.33377745747566223, -0.25008803606033325, -0.5313740372657776, 0.2535572052001953, 0.1622461974620819, 0.5678631663322449, 0.7395119071006775, 0.21148265898227692, 0.3843904137611389, 0.5522342324256897, -0.309675008058548, 0.5832724571228027, -0.12810906767845154, -0.17265164852142334, -0.5035790801048279, 0.7919496893882751, 0.34440645575523376, 0.21724528074264526, 0.09252782166004181, 0.2830497622489929, -0.2788156270980835, -0.6112771034240723, -0.3804759979248047, 0.2793921232223511, -0.7587040662765503, -0.532689094543457, -0.6798450946807861, -0.3981627821922302, -0.3586719334125519, -0.12866976857185364, -0.5274943113327026, -0.49728208780288696, -0.4417557716369629, 0.18351438641548157, 0.7429487705230713, 0.5727019309997559, -0.1387806236743927, 0.5915560126304626, -0.46189063787460327, 0.06181497126817703, 0.10914537310600281, 0.4741058945655823, 0.07723164558410645, -0.8856741786003113, -0.28451478481292725, -0.12713606655597687, -0.43145400285720825, -0.6577956080436707, 0.5168734788894653, 0.2400137484073639, 0.48467710614204407, 0.41136375069618225, -0.17309385538101196, 0.6759797930717468, 0.045631811022758484, 0.5154634714126587, 0.41952410340309143, -0.5258693099021912, 0.5470319390296936, -0.026651645079255104, 0.1853153258562088, 0.10884465277194977, 0.3104814291000366, -0.24218279123306274, 0.016412410885095596, -1.0572879314422607, -0.8042169213294983, 0.8860329985618591, 0.12209449708461761, -0.011036251671612263, 0.43007078766822815, 0.7641675472259521, 0.013807480223476887, 0.03371438384056091, -0.7598094940185547, -0.5372440814971924, -0.36255013942718506, -0.34246447682380676, -0.04666949063539505, -0.048452068120241165, -0.045500680804252625, -0.6532952189445496, 0.6619336009025574, -0.07316573709249496, 0.7508220076560974, 0.38159361481666565, -0.09795258939266205, -0.06079516559839249, -0.3756166994571686, 0.46113479137420654, 0.360223650932312, -0.35654038190841675, 0.13341288268566132, 0.1279311627149582, -0.554225742816925, 0.13603690266609192, 0.21250469982624054, -0.034269895404577255, 0.0038501292001456022, 0.5853701829910278, 0.9894720911979675, -0.022237898781895638, 0.10910364240407944, 0.45234963297843933, -0.06673907488584518, -0.4245156943798065, -0.22403648495674133, 0.1861201375722885, 0.02716991864144802, 0.4504357576370239, 0.33420827984809875, 0.42558491230010986, -0.1198219358921051, -0.21549129486083984, 0.22510601580142975, 0.5423316955566406, -0.27507394552230835, -0.3472995460033417, 0.6448878049850464, -0.14139032363891602, -0.1670127958059311, 0.8723721504211426, -0.11658090353012085, -0.495003342628479, 1.199451208114624, 0.38582202792167664, 0.9710289239883423, 0.04025375470519066, -0.017917368561029434, 1.0147807598114014, 0.26349937915802, -0.04356948658823967, 0.10783778131008148, 0.08874405920505524, -0.754531979560852, 0.0859140008687973, -0.5085304379463196, 0.11369527131319046, 0.28601107001304626, -0.46976327896118164, 0.3079749047756195, -0.7048429846763611, -0.4181274473667145, 0.17761598527431488, 0.4331846833229065, -0.9814162254333496, 0.17016614973545074, -0.10956034064292908, 0.9259092211723328, -0.7432071566581726, 0.7946597337722778, 0.8075129389762878, -0.5587981343269348, -1.188950777053833, -0.21496351063251495, -0.11401129513978958, -0.8721708655357361, 0.6120623350143433, 0.4979260563850403, 0.19254806637763977, 0.1445547193288803, -0.8866342902183533, -0.6717299818992615, 1.5223978757858276, 0.6194999814033508, -0.09835196286439896, 0.23084205389022827, -0.1131138876080513, 0.23007111251354218, -0.5556172132492065, 0.6213971376419067, 0.1884417086839676, 0.4086708724498749, 0.27792587876319885, -0.6495124697685242, 0.3042885661125183, -0.32293370366096497, 0.06915594637393951, 0.1641470342874527, -0.8903298377990723, 0.9976233243942261, -0.5570452809333801, -0.12872038781642914, 0.00881075020879507, 0.6780829429626465, 0.15015602111816406, 0.11794820427894592, 0.6182257533073425, 0.8942582011222839, 0.556804358959198, -0.32945147156715393, 0.9582456946372986, 0.043105125427246094, 0.7482488751411438, 0.5807474255561829, 0.5214348435401917, 0.5078148245811462, 0.37756621837615967, -0.21950803697109222, 0.3077074885368347, 1.0901200771331787, -0.3844563364982605, 0.26765137910842896, 0.19365555047988892, 0.037577126175165176, -0.12732303142547607, 0.07373858243227005, -0.38739317655563354, 0.4672430753707886, 0.1646968424320221, -0.6148501634597778, -0.2828998565673828, 0.014623003080487251, 0.017119258642196655, -0.4280758500099182, -0.3417813777923584, 0.44702938199043274, 0.007722136098891497, -0.3940313458442688, 0.942452609539032, 0.03748427331447601, 0.9432545900344849, -0.3740216791629791, 0.048428621143102646, -0.25884827971458435, 0.2925719916820526, -0.44264891743659973, -0.8100736141204834, 0.27841100096702576, -0.2802473306655884, -0.0015839532716199756, 0.025129713118076324, 0.676162838935852, -0.429198682308197, -0.541059672832489, 0.24116423726081848, 0.2896251082420349, 0.507245659828186, 0.04933403804898262, -1.2481590509414673, 0.1698889285326004, 0.07831446826457977, -0.7936662435531616, 0.2642575800418854, 0.4350869357585907, 0.1551099717617035, 0.784691572189331, 0.49454209208488464, -0.10333430767059326, 0.1971147060394287, -0.18088120222091675, 0.8226783275604248, -0.4299938380718231, -0.2816745340824127, -0.8364996314048767, 0.6723098754882812, -0.09972506016492844, -0.5852697491645813, 0.39680764079093933, 0.5586090087890625, 0.8250372409820557, 0.0065808664076030254, 0.36423900723457336, -0.3342355787754059, -0.11832039058208466, -0.33219581842422485, 0.8468314409255981, -0.8318279981613159, -0.058017533272504807, -0.08125246316194534, -0.707423210144043, -0.35598334670066833, 0.693900465965271, -0.23973193764686584, 0.5088346004486084, 0.508755624294281, 1.0544214248657227, -0.3904344439506531, -0.3491085171699524, 0.2432779222726822, 0.21323125064373016, 0.1797318011522293, 0.44927841424942017, 0.2873273193836212, -0.840975284576416, 0.4852909743785858, -0.7307807207107544, -0.2019541710615158, -0.18478073179721832, -0.7165185809135437, -0.9014729857444763, -0.8588870763778687, -0.6429393887519836, -0.7029978036880493, -0.29412856698036194, 0.9877206087112427, 1.0956541299819946, -0.6587637662887573, -0.16142818331718445, -0.008494050242006779, 0.21250247955322266, -0.23188970983028412, -0.24872048199176788, 0.7661128044128418, -0.2430001199245453, -0.7639268636703491, -0.43545985221862793, -0.1028510183095932, 0.2976895272731781, -0.012196057476103306, -0.17831429839134216, -0.1595601588487625, -0.38223642110824585, 0.1858578324317932, 0.20843856036663055, -0.6113014221191406, -0.15642498433589935, -0.29499688744544983, -0.21661677956581116, 0.4087371528148651, 0.4922716021537781, -0.4989108741283417, 0.35010218620300293, 0.48670122027397156, 0.40509548783302307, 0.8631477952003479, -0.4583307206630707, -0.0030286761466413736, -0.7853938937187195, 0.6042432188987732, -0.09752650558948517, 0.5152958035469055, 0.483441561460495, -0.3842392861843109, 0.6674888730049133, 0.3826041519641876, -0.4801396131515503, -0.8784452676773071, -0.1859280914068222, -1.0764373540878296, -0.13144272565841675, 0.9237233996391296, -0.5055753588676453, -0.558706521987915, 0.5867048501968384, 0.07477261871099472, 0.7148039937019348, -0.1845545917749405, 0.41877496242523193, 0.23728692531585693, -0.12402325868606567, -0.638550877571106, -0.5810503363609314, 0.42426741123199463, 0.1846945732831955, -0.5734909176826477, -0.3598710894584656, -0.044994473457336426, 0.7689369320869446, 0.19449779391288757, 0.47141990065574646, -0.06383658200502396, 0.13234171271324158, 0.13763217628002167, 0.522514820098877, -0.5275303721427917, -0.0029882430098950863, -0.38538941740989685, 0.16376543045043945, -0.07492227107286453, -0.5797295570373535 ]
Undi95/Emerhyst-13B
Undi95
2023-09-27T15:23:59Z
9,606
8
transformers
[ "transformers", "safetensors", "llama", "text-generation", "not-for-all-audiences", "nsfw", "license:cc-by-nc-4.0", "endpoints_compatible", "text-generation-inference", "region:us" ]
text-generation
2023-09-27T14:24:50Z
--- license: cc-by-nc-4.0 tags: - not-for-all-audiences - nsfw --- ![image/png](https://cdn-uploads.huggingface.co/production/uploads/63ab1241ad514ca8d1430003/mdCpFg1OoiN063ubR9Xxs.png) 13B version of [Undi95/Emerhyst-20B](https://huggingface.co/Undi95/Emerhyst-20B), consider using the 20B if you have the power to. This one should be a downgrade but usable on lower spec. Merge of [Amethyst 13B](https://huggingface.co/Undi95/Amethyst-13B) and [Emerald 13B](https://huggingface.co/Undi95/Emerald-13B). In addition, [LimaRP v3](https://huggingface.co/lemonilia/LimaRP-Llama2-13B-v3-EXPERIMENT) was used, is it recommanded to read the documentation. <!-- description start --> ## Description This repo contains fp16 files of Emerhyst-13B. <!-- description end --> <!-- description start --> ## Models and loras used - PygmalionAI/pygmalion-2-13b - Xwin-LM/Xwin-LM-13B-V0.1 - The-Face-Of-Goonery/Huginn-13b-FP16 - zattio770/120-Days-of-LORA-v2-13B - lemonilia/LimaRP-Llama2-13B-v3-EXPERIMENT <!-- description end --> <!-- prompt-template start --> ## Prompt template: Alpaca ``` Below is an instruction that describes a task. Write a response that appropriately completes the request. ### Instruction: {prompt} ### Response: ``` ## LimaRP v3 usage and suggested settings ![image/png](https://cdn-uploads.huggingface.co/production/uploads/63ab1241ad514ca8d1430003/ZC_iP2KkcEcRdgG_iyxYE.png) You can follow these instruction format settings in SillyTavern. Replace tiny with your desired response length: ![image/png](https://cdn-uploads.huggingface.co/production/uploads/63ab1241ad514ca8d1430003/PIn8_HSPTJEMdSEpNVSdm.png) Special thanks to Sushi. If you want to support me, you can [here](https://ko-fi.com/undiai).
[ -0.7603238821029663, -0.771755576133728, 0.46526142954826355, 0.5107840299606323, -0.4510991871356964, -0.18595321476459503, -0.15678644180297852, -0.5813161134719849, 0.7581954598426819, 0.5713063478469849, -0.7852457761764526, -0.224427729845047, -0.5122967958450317, 0.29985690116882324, 0.2545190155506134, 1.0148123502731323, 0.06348394602537155, -0.2300887256860733, 0.18790295720100403, -0.040604375302791595, -0.5059561133384705, -0.03485533595085144, -0.9630635380744934, -0.2800716161727905, 0.6257607340812683, 0.6689642667770386, 0.6306997537612915, 0.600803017616272, 0.5672946572303772, 0.36823925375938416, -0.26571106910705566, 0.3505748212337494, -0.29233190417289734, 0.1850982904434204, -0.08779700100421906, -0.11549542844295502, -0.9659932255744934, -0.13446414470672607, 0.6123848557472229, 0.33442965149879456, -0.2325703501701355, 0.2787889540195465, 0.12610158324241638, 0.45797866582870483, -0.5467241406440735, 0.024336177855730057, -0.27348798513412476, 0.192011296749115, -0.32743039727211, -0.11891733855009079, -0.2185903787612915, -0.35118427872657776, -0.08027269691228867, -0.6929200887680054, -0.09104446321725845, 0.4162602424621582, 1.0766891241073608, 0.22090840339660645, -0.28790152072906494, -0.022452455013990402, -0.33240658044815063, 0.8224794864654541, -0.8324013352394104, 0.2229996770620346, 0.15951868891716003, 0.29656556248664856, -0.29312440752983093, -0.7937760353088379, -0.5634697675704956, -0.21459615230560303, -0.07246030867099762, 0.20173515379428864, -0.6480613350868225, -0.046868640929460526, 0.39504149556159973, 0.6737414598464966, -0.4730663597583771, 0.22652436792850494, -0.7174056172370911, -0.27692559361457825, 0.4380590617656708, 0.40103259682655334, 0.3619661033153534, -0.5002774000167847, -0.3047373592853546, -0.2602779269218445, -0.6468287110328674, -0.09309141337871552, 0.2545444369316101, 0.4018379747867584, -0.6987670660018921, 0.976357638835907, -0.15646325051784515, 0.6816161274909973, 0.6417853236198425, 0.006169244647026062, 0.4389795958995819, -0.23255038261413574, -0.40866395831108093, -0.02010093443095684, 0.9699112772941589, 0.4709198772907257, -0.3053828477859497, 0.2791554033756256, 0.0510324165225029, -0.06617279350757599, 0.19848893582820892, -1.1503628492355347, -0.135682612657547, 0.39619624614715576, -0.6430562138557434, -0.2896384298801422, -0.13219977915287018, -1.2292473316192627, -0.2423313856124878, 0.12098024040460587, 0.426719069480896, -0.5833435654640198, -0.03572122007608414, 0.04919881373643875, -0.3515876233577728, 0.28668147325515747, 0.6033853888511658, -0.8627023100852966, 0.5012949705123901, 0.48333635926246643, 0.7824699282646179, 0.41742709279060364, -0.27835890650749207, -0.7328314185142517, 0.01626245304942131, -0.0304649006575346, 0.639281153678894, -0.185127854347229, -0.4838077127933502, -0.4512585401535034, 0.2004941701889038, -0.12014973908662796, -0.5608316659927368, 0.6507397890090942, -0.09035679697990417, 0.316324919462204, -0.18608684837818146, -0.2689554989337921, -0.20865492522716522, 0.254203200340271, -0.6046655178070068, 0.8194769620895386, 0.3289772570133209, -1.074157953262329, -0.015056939795613289, -0.6361473798751831, -0.09486336261034012, -0.05760151520371437, 0.054460618644952774, -0.466518759727478, 0.11922356486320496, 0.13826289772987366, 0.3880157768726349, -0.31553512811660767, -0.6288331151008606, -0.5966268181800842, -0.20902028679847717, 0.09461124986410141, -0.09255973994731903, 0.8829268217086792, 0.479519248008728, -0.43466678261756897, -0.07125316560268402, -0.937467634677887, 0.11464127153158188, 0.22136858105659485, -0.5639261603355408, 0.017972446978092194, -0.4140457510948181, 0.06523408740758896, 0.25531744956970215, 0.6270802021026611, -0.934453547000885, 0.2877681255340576, -0.27988505363464355, 0.4189320504665375, 0.7687156796455383, 0.08969952166080475, 0.3928261697292328, -0.6738063097000122, 0.5719247460365295, -0.21032017469406128, 0.3986436128616333, 0.26379168033599854, -0.671267032623291, -0.923446774482727, -0.46056661009788513, 0.07445421069860458, 0.49542638659477234, -0.5400354862213135, 0.5307501554489136, -0.1482110321521759, -0.9522644281387329, -0.575883150100708, -0.0539415217936039, 0.46721532940864563, 0.5441833734512329, 0.5541658401489258, -0.40653663873672485, -0.8772813677787781, -0.9395635724067688, 0.04095439612865448, -0.29689261317253113, -0.13554821908473969, 0.6269837617874146, 0.5183320045471191, -0.5375031232833862, 0.4397267997264862, -0.8834120631217957, -0.48034706711769104, -0.3065725564956665, -0.10656625777482986, 0.5506519675254822, 0.757363498210907, 0.7058504819869995, -0.5110979676246643, -0.29569658637046814, -0.0825478583574295, -0.36483630537986755, -0.24933649599552155, 0.23500001430511475, -0.1451558619737625, 0.2357899248600006, -0.016378412023186684, -0.8841031193733215, 0.32773464918136597, 0.6849290728569031, -0.7282400727272034, 0.3422136902809143, -0.5972496271133423, 0.5217887759208679, -1.1554287672042847, 0.31987348198890686, 0.14854483306407928, -0.2140732854604721, -0.5259941816329956, 0.2347218096256256, 0.17992959916591644, -0.09009387344121933, -0.6269057393074036, 0.68477863073349, -0.42883026599884033, -0.004835955332964659, -0.03396099433302879, -0.17239847779273987, 0.16580843925476074, 0.1966201215982437, -0.19541525840759277, 0.39064398407936096, 0.2550502419471741, -0.6223065257072449, 0.6154912710189819, 0.6260283589363098, -0.07084003835916519, 0.6560437083244324, -0.7654220461845398, 0.04252668097615242, 0.17859773337841034, 0.3463771641254425, -0.6704412698745728, -0.446767657995224, 0.7980989217758179, -0.4977002441883087, 0.4030279517173767, -0.33170220255851746, -0.3224252164363861, -0.5711604356765747, -0.6085351705551147, 0.26024895906448364, 0.7954819798469543, -0.510982096195221, 0.7127872705459595, 0.23976227641105652, -0.18724584579467773, -0.30775997042655945, -1.185792326927185, -0.1725997030735016, -0.46689775586128235, -0.8916155695915222, 0.6785148978233337, -0.23654316365718842, -0.2178058922290802, -0.06321984529495239, -0.10525166988372803, -0.09174709022045135, -0.3300195634365082, 0.45956483483314514, 0.35760194063186646, -0.10374178737401962, -0.6191080808639526, -0.011080080643296242, -0.13905994594097137, -0.16198548674583435, 0.10233977437019348, 0.73516446352005, -0.2811278700828552, -0.16851891577243805, -0.36414822936058044, 0.21104925870895386, 0.7070325016975403, -0.0685424655675888, 0.6708024144172668, 0.4912993311882019, -0.2949146032333374, 0.15666179358959198, -0.6508874297142029, -0.11527091264724731, -0.5192224979400635, -0.09936321526765823, -0.4451839029788971, -0.5259173512458801, 0.753244161605835, 0.4964756667613983, 0.06526148319244385, 0.6625145673751831, 0.4086775779724121, -0.15165847539901733, 0.9107174873352051, 0.6049520969390869, 0.25747835636138916, 0.5097252726554871, -0.497958779335022, -0.015237136743962765, -1.2423385381698608, -0.6334503889083862, -0.5508169531822205, -0.2629668414592743, -0.7475107908248901, -0.36230605840682983, 0.28307780623435974, -0.029659921303391457, -0.3861561715602875, 0.6796842813491821, -0.4293361008167267, -0.03207716345787048, 0.28648340702056885, 0.5280916690826416, 0.04285362735390663, -0.013562276028096676, 0.036021795123815536, -0.1984120011329651, -0.43478578329086304, -0.27747583389282227, 0.7792510986328125, 0.3808949887752533, 0.9869140386581421, 0.3475455939769745, 1.0474368333816528, -0.08332943171262741, -0.1629517376422882, -0.6993696689605713, 0.7688015699386597, -0.31046319007873535, -0.49085381627082825, -0.07971595972776413, -0.4337787628173828, -0.9369308948516846, 0.38333824276924133, -0.08499078452587128, -0.7599316835403442, 0.3144792318344116, 0.2777160108089447, -0.5647003650665283, 0.3780612051486969, -0.45232945680618286, 0.9107257127761841, 0.11129064857959747, -0.2814153730869293, -0.26166775822639465, -0.5255621671676636, 0.21710853278636932, 0.015322704799473286, 0.1722175031900406, -0.15946373343467712, -0.33059802651405334, 0.900131344795227, -0.94249427318573, 0.6226961016654968, -0.18926435708999634, -0.20019115507602692, 0.14274731278419495, -0.0043879603035748005, 0.6324526071548462, 0.11656305193901062, -0.11311759054660797, -0.24874532222747803, -0.1487227827310562, -0.461022287607193, -0.35113009810447693, 0.9114516377449036, -0.7157242894172668, -0.6477928757667542, -0.41819292306900024, -0.2149723470211029, 0.21740807592868805, -0.018246669322252274, 0.5935603380203247, 0.43402525782585144, -0.00673803873360157, 0.26924291253089905, 0.6665416955947876, -0.07313524186611176, 0.4477160573005676, 0.4226004183292389, -0.14420759677886963, -0.575111985206604, 0.6852385997772217, 0.18887905776500702, 0.21335837244987488, 0.3485538363456726, 0.3275529444217682, -0.36287644505500793, -0.2734692394733429, -0.4956507086753845, 0.2976514399051666, -0.6704199314117432, -0.30381229519844055, -0.748746395111084, -0.10327441990375519, -0.4136887192726135, -0.20409011840820312, -0.4732583165168762, -0.7845667004585266, -0.5008600950241089, 0.34815824031829834, 0.870811402797699, 0.39658573269844055, -0.6509572863578796, 0.2885300815105438, -0.8167803883552551, 0.46209296584129333, 0.38987642526626587, -0.07546550780534744, -0.1420125961303711, -1.1127701997756958, 0.2719045579433441, 0.20403115451335907, -0.5514988899230957, -1.0754430294036865, 0.5743366479873657, 0.05361589416861534, 0.4076039493083954, 0.17311015725135803, 0.00352851883508265, 0.9684973359107971, -0.43331634998321533, 0.6729126572608948, 0.2463691234588623, -0.9328698515892029, 1.0775566101074219, -0.5101171135902405, 0.155695378780365, 0.48030996322631836, 0.2965470254421234, -0.5738868117332458, -0.43895670771598816, -1.0832854509353638, -0.8931032419204712, 0.6157023310661316, 0.22517311573028564, -0.009205847978591919, 0.06991580873727798, 0.07087291777133942, -0.016254542395472527, -0.03705683723092079, -0.5948807001113892, -0.4078444838523865, -0.3253416419029236, -0.016443468630313873, 0.1258685439825058, -0.05019860714673996, -0.08012627065181732, -0.2765408456325531, 0.7858611941337585, -0.019996991381049156, 0.3482101559638977, 0.23268772661685944, 0.004687177482992411, -0.24244749546051025, 0.4733574390411377, 0.39590367674827576, 0.6868597865104675, -0.7425443530082703, 0.05974431708455086, 0.43800851702690125, -0.574074923992157, 0.12183887511491776, 0.28472253680229187, -0.030456826090812683, -0.08915500342845917, 0.07497947663068771, 0.5605632662773132, 0.41138389706611633, -0.3533112108707428, 0.3900458514690399, -0.1748897135257721, 0.09610400348901749, -0.04928908869624138, 0.08589259535074234, -0.10676901042461395, 0.39102429151535034, 0.3586075007915497, 0.2675381898880005, 0.12346804141998291, -0.6124078035354614, -0.07344969362020493, 0.14544489979743958, -0.21836747229099274, -0.24910089373588562, 0.5196298956871033, 0.05773599445819855, -0.026937559247016907, 0.5859187841415405, -0.18029490113258362, -0.2271379828453064, 0.9023062586784363, 0.7298170924186707, 0.5834887027740479, -0.13275046646595, 0.11941836774349213, 0.3675462007522583, 0.22237955033779144, 0.08543913811445236, 0.8897523283958435, 0.1951982080936432, -0.4003745913505554, -0.11825575679540634, -0.6769705414772034, -0.4183051586151123, 0.286732941865921, -0.7821059226989746, 0.32369646430015564, -0.8619486689567566, -0.13673356175422668, 0.22110356390476227, 0.43847987055778503, -0.6903309226036072, 0.3546355068683624, -0.03326282650232315, 1.051997184753418, -0.9030713438987732, 0.6103202700614929, 0.9938367009162903, -0.7144635915756226, -0.9252206683158875, -0.22657272219657898, 0.15101884305477142, -0.9173463582992554, 0.6075516939163208, 0.11982433497905731, 0.17616315186023712, -0.01586257852613926, -0.45150142908096313, -0.809482991695404, 1.2861733436584473, 0.22075465321540833, -0.4201270341873169, 0.09770836681127548, -0.48751240968704224, 0.18072102963924408, -0.42744168639183044, 0.35244783759117126, 0.39653560519218445, 0.7366857528686523, 0.14130893349647522, -1.2140753269195557, 0.7154766917228699, -0.1707751303911209, 0.17105846107006073, 0.23912499845027924, -1.079596996307373, 1.1361528635025024, -0.36910536885261536, -0.11850064247846603, 0.7387049198150635, 0.544040322303772, 0.903473973274231, -0.20039376616477966, 0.43040037155151367, 0.952062726020813, 0.5616199374198914, -0.251163512468338, 0.9528713822364807, 0.01656165160238743, 0.497180700302124, 0.6651113033294678, -0.07974873483181, 0.8593702912330627, 0.7726219296455383, -0.26978737115859985, 0.509617805480957, 0.9558306336402893, -0.40212327241897583, 0.5914309024810791, 0.09660051017999649, -0.2205316573381424, 0.0056592924520373344, -0.11639291793107986, -0.8016250729560852, 0.35825949907302856, 0.3069119453430176, -0.2747744619846344, -0.240584596991539, -0.08739370852708817, 0.18564505875110626, -0.298780232667923, -0.6113690137863159, 0.3713774085044861, 0.10399869084358215, -0.5342102646827698, 0.5852236151695251, 0.13867057859897614, 1.1354858875274658, -0.5842140316963196, 0.04576915502548218, -0.4067046344280243, 0.3851145803928375, -0.5370299220085144, -1.0024062395095825, 0.3169045150279999, 0.0026191729120910168, -0.2569323778152466, -0.034783318638801575, 0.8218717575073242, -0.11504669487476349, -0.2920238971710205, 0.3842642307281494, 0.288446843624115, 0.4512673616409302, 0.2481764256954193, -0.7884240746498108, 0.44867604970932007, 0.11968483030796051, -0.3358834683895111, 0.3514693081378937, 0.40172213315963745, 0.4165416657924652, 0.7190077900886536, 0.30226194858551025, 0.3228054642677307, 0.2104940414428711, -0.20312467217445374, 1.0223100185394287, -0.6013883948326111, -0.4449799656867981, -0.8975009918212891, 0.5682540535926819, -0.07322181761264801, -0.45434197783470154, 0.8998621106147766, 0.6690736413002014, 0.7058200836181641, -0.31716182827949524, 0.5797991752624512, -0.7470070719718933, 0.24908381700515747, -0.7081337571144104, 0.6065516471862793, -0.6862757205963135, 0.05898783355951309, -0.15943172574043274, -0.9563412070274353, 0.11256495863199234, 0.793167769908905, -0.06098947301506996, 0.048818137496709824, 0.6723328828811646, 0.875343382358551, -0.385314404964447, -0.19472315907478333, 0.03998918831348419, 0.2862836420536041, 0.13367559015750885, 0.8042452335357666, 0.9542609453201294, -0.7339401841163635, 0.6868801712989807, -0.5902838706970215, -0.24104583263397217, -0.32186615467071533, -0.8738830089569092, -0.6313326358795166, -0.2080925554037094, -0.4151465594768524, -0.6396762728691101, -0.09314259141683578, 1.092458963394165, 0.7372286319732666, -0.6017258763313293, -0.13666561245918274, 0.1103615090250969, -0.11763270199298859, 0.20882223546504974, -0.23559986054897308, 0.14904773235321045, 0.05176817998290062, -0.8040359616279602, 0.35493165254592896, 0.10560683906078339, 0.7470424175262451, 0.18098798394203186, -0.34959959983825684, -0.010897111147642136, -0.0717569887638092, 0.14667944610118866, 0.7216749787330627, -0.8245970606803894, -0.40534213185310364, -0.32667770981788635, 0.06997028738260269, 0.1511787623167038, 0.31701621413230896, -0.537799596786499, -0.1758544147014618, 0.7179499864578247, -0.027615636587142944, 0.7288514375686646, -0.34075233340263367, 0.3834551274776459, -0.8172339797019958, 0.38699817657470703, 0.127090185880661, 0.8173587918281555, 0.23732124269008636, -0.3329342007637024, 0.5206135511398315, 0.021067429333925247, -0.564080536365509, -0.8557038903236389, 0.0257942546159029, -1.1949578523635864, -0.2204846739768982, 0.9795214533805847, -0.14337895810604095, -0.4404812455177307, 0.32275083661079407, -0.5917465090751648, 0.2572547197341919, -0.5524416565895081, 0.47455278038978577, 0.26108402013778687, -0.26581379771232605, -0.2360890954732895, -0.28047552704811096, 0.4468197822570801, 0.3074333369731903, -0.945520281791687, -0.13787616789340973, 0.4919634759426117, 0.49198564887046814, 0.600432813167572, 0.6934466361999512, -0.1409473568201065, 0.40912535786628723, 0.06284303963184357, 0.03368093818426132, -0.06303229182958603, -0.021673670038580894, -0.4369160830974579, -0.05340169370174408, -0.0336148627102375, -0.4544035792350769 ]
FlagAlpha/Llama2-Chinese-7b-Chat
FlagAlpha
2023-07-23T10:56:00Z
9,603
123
transformers
[ "transformers", "pytorch", "llama", "text-generation", "question-answering", "zh", "en", "license:apache-2.0", "endpoints_compatible", "has_space", "text-generation-inference", "region:us" ]
question-answering
2023-07-23T10:12:21Z
--- developers: [https://huggingface.co/FlagAlphaAI] license: apache-2.0 language: - zh - en pipeline_tag: question-answering library_name: transformers --- # Llama2中文社区 --- ## Llama2中文微调参数 由于Llama2本身的中文对齐较弱,我们采用中文指令集,对meta-llama/Llama-2-7b-chat-hf进行LoRA微调,使其具备较强的中文对话能力。 🎯 **该版本为LoRA中文微调参数FlagAlpha/Llama2-Chinese-7b-Chat-LoRA和meta-llama/Llama-2-7b-chat-hf参数结合后的版本,可直接使用** --- ## 🚀 社区地址: Github:[**Llama2-Chinese**](https://github.com/FlagAlpha/Llama2-Chinese) 在线体验链接:[**llama.family**](https://llama.family/) ## 🔥 社区介绍 欢迎来到Llama2中文社区! 我们是一个专注于Llama2模型在中文方面的优化和上层建设的高级技术社区。 **基于大规模中文数据,从预训练开始对Llama2模型进行中文能力的持续迭代升级**。 我们热忱欢迎对大模型LLM充满热情的开发者和研究者加入我们的行列。 ## 🐼 社区资源 - Llama2在线体验链接[**llama.family**](https://llama.family/),同时包含Meta原版和中文微调版本! - Llama2 Chat模型的[中文问答能力评测](https://github.com/FlagAlpha/Llama2-Chinese/tree/main#-%E6%A8%A1%E5%9E%8B%E8%AF%84%E6%B5%8B)! - [社区飞书知识库](https://chinesellama.feishu.cn/wiki/space/7257824476874768388?ccm_open_type=lark_wiki_spaceLink),欢迎大家一起共建!
[ -0.4425671696662903, -0.647800624370575, 0.24056313931941986, 0.7703323364257812, -0.9030576944351196, 0.3096431791782379, 0.1283244490623474, -0.7838115096092224, 0.537432074546814, 0.4485512375831604, -0.6097379326820374, -0.7303361296653748, -0.5523300170898438, 0.07136600464582443, -0.12605135142803192, 0.9377934336662292, -0.2403019517660141, -0.29860299825668335, 0.3859560191631317, -0.22888882458209991, -0.48736169934272766, -0.23621946573257446, -0.6911016702651978, -0.20264671742916107, 0.19468435645103455, 0.2886301279067993, 0.696819543838501, 0.5698561668395996, 0.6233156323432922, 0.26729944348335266, -0.20653840899467468, 0.2877432107925415, -0.42752164602279663, -0.26682496070861816, 0.09730912744998932, -0.6856235861778259, -0.8312913775444031, -0.39468419551849365, 0.6022107005119324, 0.25381380319595337, -0.1312192678451538, 0.455216646194458, 0.25022372603416443, 0.8772755265235901, -0.31580594182014465, 0.6625733971595764, -0.5281368494033813, 0.0883743017911911, -0.45352622866630554, -0.33300819993019104, 0.09020154923200607, -0.6996216773986816, -0.40367576479911804, -0.7060028910636902, -0.2923111021518707, 0.06857989728450775, 1.3371522426605225, 0.08423653244972229, -0.5976726412773132, -0.14201019704341888, -0.2936694622039795, 0.8254668116569519, -0.9256752133369446, -0.17887094616889954, 0.5491119027137756, 0.4246101975440979, -0.36677682399749756, -0.7716819047927856, -0.7683402895927429, 0.12399905174970627, -0.29869967699050903, 0.13259947299957275, -0.31098705530166626, -0.38399308919906616, -0.03128732368350029, 0.1471899151802063, -0.5484854578971863, 0.38324102759361267, -0.5589476823806763, -0.15073972940444946, 0.6803707480430603, 0.05932416394352913, 0.3922118544578552, -0.4406452775001526, -0.6215969920158386, 0.0879683867096901, -1.0722404718399048, 0.34298133850097656, 0.2644118368625641, 0.04571555182337761, -0.7965301275253296, 0.4762987792491913, -0.24934709072113037, 0.26725441217422485, 0.17195799946784973, -0.6697185635566711, 0.5858453512191772, -0.5368337035179138, -0.11368606239557266, -0.2371106892824173, 1.00084388256073, 0.7454527020454407, -0.04238297790288925, 0.2702246904373169, -0.12919925153255463, -0.277357280254364, -0.5248608589172363, -0.7840138673782349, 0.07968294620513916, 0.5171183347702026, -0.8676283359527588, -0.4107023775577545, 0.10743768513202667, -0.9907887578010559, -0.03537921607494354, 0.14862991869449615, 0.060849424451589584, -0.13744913041591644, -0.749805748462677, 0.04381366819143295, 0.09711363166570663, 0.5072841048240662, 0.49811944365501404, -0.9048826098442078, 0.0038872985169291496, 0.8275797367095947, 0.8891562819480896, -0.05397000163793564, -0.2027691900730133, 0.05591891333460808, 0.6238098740577698, -0.3043181002140045, 0.8147244453430176, -0.09618154168128967, -0.5688448548316956, 0.18715600669384003, 0.19169877469539642, 0.06810006499290466, -0.5478975176811218, 0.6545838713645935, -0.6543817520141602, 0.11507949233055115, -0.5312986373901367, 0.11013549566268921, -0.6113143563270569, 0.31758978962898254, -0.6123666167259216, 1.2496113777160645, 0.18288585543632507, -1.045059084892273, -0.08140701800584793, -0.6381048560142517, -0.4364001452922821, 0.06984343379735947, -0.2590823769569397, -0.4214024543762207, -0.4351379871368408, 0.1544104814529419, 0.2364155501127243, -0.5098360776901245, 0.14731690287590027, 0.021250847727060318, -0.4235614538192749, 0.13644754886627197, -0.1943683922290802, 1.2896151542663574, 0.3314862847328186, -0.6874932050704956, 0.1066918671131134, -0.557446300983429, 0.04359585419297218, 0.6564265489578247, -0.5372282862663269, -0.05383715406060219, 0.2314697802066803, 0.09591621905565262, 0.12922795116901398, 0.9578094482421875, -0.28379619121551514, 0.5626394152641296, -0.5798562169075012, 0.4842870235443115, 0.946643590927124, 0.09699205309152603, -0.046125054359436035, -0.5390117764472961, 0.37551888823509216, 0.20181336998939514, 0.3406735062599182, -0.14207324385643005, -0.7695168256759644, -1.1643084287643433, -0.14895831048488617, -0.30309438705444336, 0.9345861673355103, -0.6854482293128967, 0.9500446319580078, -0.11901196837425232, -0.7373758554458618, -0.30046188831329346, 0.27337536215782166, 0.6242990493774414, 0.056289635598659515, 0.449211061000824, -0.256051629781723, -0.777607262134552, -0.7708339095115662, 0.24327042698860168, -0.8638572692871094, 0.1708899289369583, 0.445529580116272, 0.7890734076499939, -0.713128387928009, 0.6870972514152527, -0.508608341217041, -0.41510629653930664, -0.2827332615852356, -0.17172756791114807, 0.6156001687049866, 0.3430638909339905, 0.9731249809265137, -0.6780605912208557, -0.705272912979126, 0.14809302985668182, -0.8928288817405701, -0.19503983855247498, -0.06211819499731064, -0.3048478364944458, 0.5356094241142273, -0.06304050236940384, -0.5443657636642456, 0.4318292737007141, 0.7875929474830627, -0.40980997681617737, 0.7639036774635315, 0.06897272169589996, 0.12282390147447586, -1.2903738021850586, 0.004023126792162657, -0.6545102000236511, 0.10383301973342896, -0.2864243984222412, 0.36256471276283264, -0.18239735066890717, 0.6204419136047363, -0.6919631361961365, 0.663918673992157, -0.4448559582233429, -0.07565648853778839, -0.27205199003219604, 0.20181697607040405, -0.07809796929359436, 0.6483728885650635, -0.3687118887901306, 0.8584024906158447, 0.6115859150886536, -0.6188037991523743, 0.562224805355072, 0.5794095993041992, -0.28986871242523193, -0.0019121307414025068, -0.8034828901290894, 0.10495775938034058, 0.20838499069213867, 0.7383893728256226, -1.278428316116333, -0.1668405681848526, 0.8078233599662781, -0.31777262687683105, 0.06383626908063889, 0.010971921496093273, -0.5972274541854858, -0.5361551642417908, -0.9167207479476929, 0.5248520970344543, 0.7015458941459656, -0.8165908455848694, 0.07280052453279495, 0.4476471543312073, 0.0004335884586907923, -0.8900511860847473, -0.8254114985466003, 0.13933630287647247, -0.09260988980531693, -0.7250564098358154, 0.393829882144928, -0.17466062307357788, -0.0343012660741806, -0.1681811362504959, 0.06161688640713692, -0.07273609936237335, -0.04031914845108986, 0.29330408573150635, 0.23708690702915192, -0.26058048009872437, -0.3618775010108948, 0.3537807762622833, -0.23022086918354034, 0.049865975975990295, 0.1815665066242218, 0.7444960474967957, -0.1634698212146759, -0.6934608817100525, -0.8353582620620728, 0.34712904691696167, 0.47539380192756653, -0.10759333521127701, 0.62741619348526, 0.7515952587127686, -0.21138258278369904, 0.14358031749725342, -0.7796264886856079, 0.16837339103221893, -0.5938054323196411, 0.43100059032440186, -0.3060542643070221, -1.2804244756698608, 0.6544550657272339, -0.10467284917831421, 0.3381440043449402, 0.8179736137390137, 0.681411623954773, -0.20390422642230988, 0.7663859724998474, 0.7701346278190613, -0.4551510512828827, 0.253095418214798, -0.4849964678287506, 0.018607882782816887, -1.014604926109314, -0.6015661358833313, -0.5764945149421692, -0.3343430459499359, -0.8252775073051453, -0.7306531667709351, 0.36817407608032227, 0.28994229435920715, -0.47182953357696533, 0.5742387175559998, -0.7261760830879211, 0.18166564404964447, 0.3604724407196045, -0.00882741343230009, 0.46758702397346497, 0.13514599204063416, -0.06385662406682968, 0.19124974310398102, -0.4529838263988495, -0.9434376955032349, 0.910564661026001, 0.5616714358329773, 0.5139797925949097, 0.47218963503837585, 0.7059197425842285, 0.0620698407292366, 0.16426976025104523, -0.5361890196800232, 0.7806680798530579, 0.03147147223353386, -0.6350718140602112, -0.16966062784194946, -0.027815569192171097, -1.24603271484375, 0.21069270372390747, 0.2700541317462921, -1.219643473625183, 0.2295563519001007, -0.14164236187934875, -0.13569283485412598, 0.6286208629608154, -0.3590542674064636, 0.32320907711982727, -0.407798707485199, -0.03794630989432335, -0.40549612045288086, -0.6367084980010986, 0.9183151125907898, -0.3618229925632477, 0.3657672107219696, -0.4092671573162079, -0.5071866512298584, 1.0429720878601074, -0.5856441855430603, 1.0898021459579468, -0.18851546943187714, -0.40180784463882446, 0.8944269418716431, 0.03513778746128082, 0.8033596873283386, 0.4551178514957428, -0.060666896402835846, 0.7573136687278748, 0.12289126217365265, -0.31510570645332336, -0.14153124392032623, 0.7714142799377441, -1.2353739738464355, -0.9960275292396545, -0.49214082956314087, 0.1629951298236847, 0.2766898572444916, 0.13985492289066315, 0.3202238082885742, -0.31272801756858826, 0.06905805319547653, 0.12399353832006454, 0.18634048104286194, -0.4913649559020996, 0.7552202939987183, 0.8165491819381714, -0.5461940169334412, -0.6868148446083069, 0.6979654431343079, 0.1724928915500641, 0.04376267269253731, 0.5558794140815735, -0.10558474063873291, -0.041962988674640656, -0.49064886569976807, -0.4937240481376648, 0.49327635765075684, -0.5511901378631592, -0.3571663498878479, -0.5198906660079956, -0.43999043107032776, -0.2584579885005951, -0.03979457542300224, -0.22717545926570892, -0.4253157377243042, -0.47135576605796814, -0.1697259098291397, 0.620035707950592, 0.6299284100532532, -0.2125743180513382, 0.5598925352096558, -0.9284791350364685, 0.6231500506401062, 0.07773884385824203, 0.2012227326631546, 0.2537221610546112, -0.5958601236343384, -0.3348105847835541, 0.08855434507131577, -0.49729403853416443, -1.1249836683273315, 0.4659949541091919, -0.056201156228780746, 0.5951254963874817, 0.7080262899398804, -0.0802343338727951, 0.8532891273498535, -0.29790207743644714, 1.0798814296722412, 0.4307623505592346, -0.9166050553321838, 0.745192289352417, -0.4381534457206726, -0.08403480052947998, 0.22886613011360168, 0.23062656819820404, -0.5364292860031128, -0.12229449301958084, -0.33352941274642944, -1.0729998350143433, 0.8588332533836365, 0.39348316192626953, 0.2497335970401764, 0.12967532873153687, 0.1044287160038948, 0.00938756950199604, 0.15631641447544098, -1.045506477355957, -0.7328097224235535, -0.20881129801273346, 0.19134970009326935, 0.25131654739379883, -0.8506873250007629, -0.2548939883708954, -0.22442156076431274, 0.763447105884552, 0.12912137806415558, 0.5924819707870483, 0.13488252460956573, 0.354672372341156, -0.5083702802658081, 0.14568398892879486, 0.5964312553405762, 0.48434948921203613, -0.14387913048267365, -0.15149283409118652, 0.48843148350715637, -0.6562034487724304, 0.1879739910364151, -0.2679789364337921, -0.42377081513404846, 0.1421121060848236, 0.7183590531349182, 0.8013452887535095, 0.08680146187543869, -0.5857440233230591, 0.5000177025794983, 0.17399096488952637, -0.180582657456398, -0.8472789525985718, 0.24212965369224548, 0.34574151039123535, 0.5422686338424683, 0.755840003490448, -0.2917945086956024, -0.1279592365026474, -0.5564010739326477, -0.08811499178409576, 0.4748307466506958, 0.03849010542035103, -0.2671000361442566, 0.5749370455741882, 0.41702139377593994, -0.10508884489536285, 0.1920989453792572, -0.29891347885131836, -0.8736399412155151, 1.103895664215088, 0.7108046412467957, 0.8779481649398804, -0.13558898866176605, 0.07033063471317291, 0.9155167937278748, 0.7040120363235474, 0.03285185620188713, 0.7872021794319153, -0.13305066525936127, -0.5228223204612732, -0.21733249723911285, -0.6428560018539429, -0.42160847783088684, 0.2773313522338867, -0.2088753581047058, 0.4263937175273895, -0.7064778804779053, -0.11546485126018524, -0.577447772026062, 0.4327578842639923, -0.2557038366794586, -0.11381439119577408, -0.028577230870723724, 1.1039438247680664, -0.6106979250907898, 1.0068634748458862, 0.4119785726070404, -0.42665743827819824, -0.9855214953422546, 0.03704516962170601, 0.11139560490846634, -1.0947679281234741, 0.8156667947769165, 0.1759009212255478, -0.1487167775630951, -0.16696865856647491, -0.6455212235450745, -1.527608871459961, 1.7332870960235596, -0.01474518608301878, -0.6603564620018005, 0.30148810148239136, 0.2076529711484909, 0.40224459767341614, -0.1962604522705078, 0.38260650634765625, 0.26884299516677856, 1.0303847789764404, 0.17510604858398438, -1.2802926301956177, 0.362486332654953, -0.46664637327194214, -0.037705548107624054, -0.13578662276268005, -1.5183807611465454, 0.9126572608947754, -0.3022124469280243, -0.47694334387779236, 0.4391728639602661, 0.834898829460144, 0.6318105459213257, 0.4796319007873535, 0.3608565330505371, 0.4672478139400482, 0.468886137008667, -0.24943391978740692, 0.5144809484481812, -0.29819455742836, 0.48201629519462585, 0.7709539532661438, -0.3111357092857361, 0.9913574457168579, 0.3995223343372345, -0.8437828421592712, 0.8995165228843689, 0.8677988648414612, -0.3355473577976227, 0.5482328534126282, -0.11635805666446686, -0.37310928106307983, 0.19989174604415894, -0.16335922479629517, -1.0237053632736206, 0.269881010055542, 0.4922853708267212, -0.06943097710609436, -0.11136798560619354, -0.5971278548240662, 0.32347574830055237, -0.3549272418022156, -0.1395682394504547, 0.7636423110961914, 0.0552600733935833, -0.44308528304100037, 0.8675081729888916, 0.35230502486228943, 1.1009061336517334, -0.7518607378005981, -0.13837671279907227, -0.39182165265083313, -0.13727837800979614, -0.6758931875228882, -0.8054268956184387, 0.2876780331134796, 0.19240890443325043, -0.09788181632757187, 0.2957821786403656, 0.6232235431671143, -0.05518735572695732, -0.3955344259738922, 0.7683888673782349, 0.4169543981552124, 0.41413721442222595, 0.5112618803977966, -0.9870761632919312, 0.221878319978714, 0.4149186313152313, -0.7906187176704407, 0.4105471670627594, 0.2846428453922272, -0.2851630747318268, 0.771937370300293, 1.0341066122055054, 0.02983454056084156, -0.04796774685382843, -0.2382260411977768, 1.1732028722763062, -0.6417329907417297, -0.4119674265384674, -1.0339783430099487, 0.534939169883728, 0.07105090469121933, -0.4061908423900604, 0.7235469222068787, 0.6212449669837952, 0.7192168235778809, -0.07375992089509964, 0.8417189121246338, -0.3698926270008087, 0.5593631267547607, -0.2755877375602722, 0.8318206667900085, -0.6302582025527954, 0.35705626010894775, -0.24655602872371674, -0.876274049282074, -0.15150047838687897, 0.7185254096984863, 0.1762566715478897, 0.1747814565896988, 0.8420863747596741, 0.9913492798805237, 0.27648502588272095, -0.36895498633384705, 0.04618115723133087, 0.36320191621780396, 0.44295039772987366, 1.2246750593185425, 0.6869580745697021, -0.7333434820175171, 0.71370530128479, -0.3684482276439667, -0.25252678990364075, -0.618416965007782, -0.8897382616996765, -0.9901082515716553, -0.4111715257167816, -0.20585840940475464, -0.22459033131599426, -0.09396295994520187, 0.8216031193733215, 0.45712965726852417, -0.9754742980003357, -0.5813828706741333, 0.1927141547203064, 0.5393112301826477, -0.1320440024137497, -0.1767670214176178, 0.8610236048698425, 0.21566398441791534, -0.6715312600135803, 0.3199722468852997, 0.4807627201080322, 0.07769865542650223, -0.21766772866249084, -0.3401951789855957, -0.28268927335739136, -0.06977225840091705, 0.5386699438095093, 0.538163423538208, -1.198256492614746, -0.12025438249111176, -0.30130237340927124, -0.5094519853591919, 0.026889856904745102, 0.1383802592754364, -0.5225840210914612, -0.1653546243906021, 0.712988018989563, 0.0007092920714057982, 0.2961173355579376, -0.16595324873924255, -0.030415313318371773, -0.39226022362709045, 0.44394826889038086, -0.29887655377388, 0.5876085758209229, -0.11608699709177017, -0.40182626247406006, 0.9584488272666931, 0.4917411208152771, -0.39481547474861145, -0.6545390486717224, 0.294399231672287, -1.4068238735198975, -0.2725154161453247, 1.5270501375198364, -0.26299184560775757, -0.21067488193511963, -0.03549601510167122, -0.7789728045463562, 0.6897579431533813, -0.4105137586593628, 0.8153645992279053, 0.4470047950744629, 0.1472528725862503, 0.10983473062515259, -0.532450258731842, 0.2672824561595917, 0.27258118987083435, -0.9491182565689087, -0.30124881863594055, 0.14151820540428162, 0.028153229504823685, 0.32515859603881836, 0.8123308420181274, -0.06382504105567932, 0.3543241620063782, -0.4290491044521332, 0.14899611473083496, -0.29108521342277527, 0.18982304632663727, 0.028835617005825043, 0.060641687363386154, -0.056504201143980026, -0.2645266652107239 ]
flaubert/flaubert_small_cased
flaubert
2021-05-19T16:56:07Z
9,580
1
transformers
[ "transformers", "pytorch", "flaubert", "fill-mask", "bert", "language-model", "flue", "french", "flaubert-small", "cased", "fr", "dataset:flaubert", "license:mit", "autotrain_compatible", "endpoints_compatible", "has_space", "region:us" ]
fill-mask
2022-03-02T23:29:05Z
--- language: fr license: mit datasets: - flaubert metrics: - flue tags: - bert - language-model - flaubert - flue - french - flaubert-small - cased --- # FlauBERT: Unsupervised Language Model Pre-training for French **FlauBERT** is a French BERT trained on a very large and heterogeneous French corpus. Models of different sizes are trained using the new CNRS (French National Centre for Scientific Research) [Jean Zay](http://www.idris.fr/eng/jean-zay/ ) supercomputer. Along with FlauBERT comes [**FLUE**](https://github.com/getalp/Flaubert/tree/master/flue): an evaluation setup for French NLP systems similar to the popular GLUE benchmark. The goal is to enable further reproducible experiments in the future and to share models and progress on the French language.For more details please refer to the [official website](https://github.com/getalp/Flaubert). ## FlauBERT models | Model name | Number of layers | Attention Heads | Embedding Dimension | Total Parameters | | :------: | :---: | :---: | :---: | :---: | | `flaubert-small-cased` | 6 | 8 | 512 | 54 M | | `flaubert-base-uncased` | 12 | 12 | 768 | 137 M | | `flaubert-base-cased` | 12 | 12 | 768 | 138 M | | `flaubert-large-cased` | 24 | 16 | 1024 | 373 M | **Note:** `flaubert-small-cased` is partially trained so performance is not guaranteed. Consider using it for debugging purpose only. ## Using FlauBERT with Hugging Face's Transformers ```python import torch from transformers import FlaubertModel, FlaubertTokenizer # Choose among ['flaubert/flaubert_small_cased', 'flaubert/flaubert_base_uncased', # 'flaubert/flaubert_base_cased', 'flaubert/flaubert_large_cased'] modelname = 'flaubert/flaubert_base_cased' # Load pretrained model and tokenizer flaubert, log = FlaubertModel.from_pretrained(modelname, output_loading_info=True) flaubert_tokenizer = FlaubertTokenizer.from_pretrained(modelname, do_lowercase=False) # do_lowercase=False if using cased models, True if using uncased ones sentence = "Le chat mange une pomme." token_ids = torch.tensor([flaubert_tokenizer.encode(sentence)]) last_layer = flaubert(token_ids)[0] print(last_layer.shape) # torch.Size([1, 8, 768]) -> (batch size x number of tokens x embedding dimension) # The BERT [CLS] token correspond to the first hidden state of the last layer cls_embedding = last_layer[:, 0, :] ``` **Notes:** if your `transformers` version is <=2.10.0, `modelname` should take one of the following values: ``` ['flaubert-small-cased', 'flaubert-base-uncased', 'flaubert-base-cased', 'flaubert-large-cased'] ``` ## References If you use FlauBERT or the FLUE Benchmark for your scientific publication, or if you find the resources in this repository useful, please cite one of the following papers: [LREC paper](http://www.lrec-conf.org/proceedings/lrec2020/pdf/2020.lrec-1.302.pdf) ``` @InProceedings{le2020flaubert, author = {Le, Hang and Vial, Lo\"{i}c and Frej, Jibril and Segonne, Vincent and Coavoux, Maximin and Lecouteux, Benjamin and Allauzen, Alexandre and Crabb\'{e}, Beno\^{i}t and Besacier, Laurent and Schwab, Didier}, title = {FlauBERT: Unsupervised Language Model Pre-training for French}, booktitle = {Proceedings of The 12th Language Resources and Evaluation Conference}, month = {May}, year = {2020}, address = {Marseille, France}, publisher = {European Language Resources Association}, pages = {2479--2490}, url = {https://www.aclweb.org/anthology/2020.lrec-1.302} } ``` [TALN paper](https://hal.archives-ouvertes.fr/hal-02784776/) ``` @inproceedings{le2020flaubert, title = {FlauBERT: des mod{\`e}les de langue contextualis{\'e}s pr{\'e}-entra{\^\i}n{\'e}s pour le fran{\c{c}}ais}, author = {Le, Hang and Vial, Lo{\"\i}c and Frej, Jibril and Segonne, Vincent and Coavoux, Maximin and Lecouteux, Benjamin and Allauzen, Alexandre and Crabb{\'e}, Beno{\^\i}t and Besacier, Laurent and Schwab, Didier}, booktitle = {Actes de la 6e conf{\'e}rence conjointe Journ{\'e}es d'{\'E}tudes sur la Parole (JEP, 31e {\'e}dition), Traitement Automatique des Langues Naturelles (TALN, 27e {\'e}dition), Rencontre des {\'E}tudiants Chercheurs en Informatique pour le Traitement Automatique des Langues (R{\'E}CITAL, 22e {\'e}dition). Volume 2: Traitement Automatique des Langues Naturelles}, pages = {268--278}, year = {2020}, organization = {ATALA} } ```
[ -0.3440667390823364, -0.7565567493438721, 0.35860487818717957, 0.18477393686771393, -0.013364179991185665, 0.05156592279672623, -0.2778397798538208, -0.10812143981456757, 0.3443371653556824, 0.5021588206291199, -0.4221353232860565, -0.4852186143398285, -0.6420986652374268, -0.1903022825717926, -0.605897068977356, 0.8394172191619873, -0.19054894149303436, -0.03287822753190994, -0.07016339153051376, -0.034099675714969635, 0.14206188917160034, -0.801977813243866, -0.5064036250114441, -0.2428896129131317, 0.4972880184650421, 0.06972724944353104, 0.552089273929596, 0.30170828104019165, 0.15717960894107819, 0.42666545510292053, -0.14142076671123505, -0.07023429870605469, -0.5718672871589661, -0.2285277098417282, 0.09191133081912994, -0.34516629576683044, -0.3479941785335541, -0.054347626864910126, 0.7139554619789124, 0.5787412524223328, 0.1286241114139557, 0.013775073923170567, 0.0009359903633594513, 0.7020060420036316, -0.4763227105140686, 0.30980631709098816, -0.36615750193595886, 0.1771032214164734, -0.13213878870010376, -0.03910434991121292, -0.5691710710525513, -0.13712596893310547, 0.30948442220687866, -0.41092830896377563, 0.3524412512779236, -0.1189364641904831, 1.167213797569275, 0.07439977675676346, -0.4458580017089844, 0.043457526713609695, -0.6985903382301331, 0.8927456736564636, -0.6904799342155457, 0.6319139003753662, 0.17158354818820953, 0.004875441547483206, -0.2729925811290741, -1.1379661560058594, -0.6757023930549622, -0.17461323738098145, -0.20476749539375305, 0.05528056249022484, -0.2492624968290329, -0.07046978920698166, 0.27190783619880676, 0.375069797039032, -0.5049818754196167, -0.18950872123241425, -0.5779956579208374, -0.5067402720451355, 0.6934412717819214, -0.2301098108291626, 0.23981846868991852, -0.008475585840642452, -0.4974050521850586, -0.5311093330383301, -0.25252625346183777, 0.24803142249584198, 0.3482148051261902, 0.21116940677165985, -0.34563231468200684, 0.45587679743766785, -0.0006059508887119591, 0.48929929733276367, -0.043624039739370346, 0.07526926696300507, 0.8225054144859314, -0.15032939612865448, -0.3052624762058258, -0.04838910698890686, 1.1494110822677612, 0.0806509405374527, 0.4726353883743286, -0.12669706344604492, -0.35781070590019226, -0.277020663022995, 0.1477331668138504, -0.7931445240974426, -0.41129299998283386, 0.3266104459762573, -0.4860664904117584, -0.3153373897075653, 0.3132376968860626, -0.5769510865211487, -0.04146537184715271, -0.05795607343316078, 0.8054969310760498, -0.5668206214904785, -0.4675431251525879, 0.14094871282577515, 0.037843890488147736, 0.43654826283454895, 0.0629020556807518, -0.918294370174408, 0.18139119446277618, 0.4388009011745453, 0.8446390628814697, 0.027808887884020805, -0.42438197135925293, -0.43715450167655945, -0.16787977516651154, -0.29491639137268066, 0.46343275904655457, -0.43263208866119385, -0.20345090329647064, 0.29341235756874084, 0.3195689916610718, -0.3960246741771698, -0.20587334036827087, 0.755095899105072, -0.39021363854408264, 0.3183119595050812, -0.1788475215435028, -0.628397524356842, -0.4134525656700134, -0.18617215752601624, -0.6732296943664551, 1.1586732864379883, 0.46656426787376404, -0.8562845587730408, 0.15141251683235168, -0.5310154557228088, -0.41743630170822144, -0.12892305850982666, -0.22582793235778809, -0.43143701553344727, 0.22914192080497742, 0.4123757779598236, 0.6481812596321106, 0.019025640562176704, -0.06264571100473404, -0.10723676532506943, -0.30197465419769287, 0.28793761134147644, -0.2569708824157715, 1.0649946928024292, 0.1734190732240677, -0.37348681688308716, 0.2557440400123596, -0.7151290774345398, 0.13615846633911133, 0.2567944824695587, -0.21620401740074158, 0.00640060706064105, -0.1872308999300003, 0.3039499819278717, 0.14890268445014954, 0.5248905420303345, -0.5928782820701599, 0.13987299799919128, -0.5020900368690491, 0.6520262956619263, 0.7573934197425842, 0.08828923106193542, 0.35860833525657654, -0.3070383071899414, 0.2929350733757019, 0.3086283504962921, 0.2897290289402008, -0.03365989774465561, -0.3851715326309204, -1.088919997215271, -0.37948137521743774, 0.573505163192749, 0.6069960594177246, -0.5664042234420776, 0.7776006460189819, -0.2077755630016327, -0.5240665674209595, -0.353412002325058, -0.055994316935539246, 0.1883808821439743, 0.2384358048439026, 0.49039387702941895, -0.16757594048976898, -0.3592640459537506, -1.139381766319275, -0.13604746758937836, -0.005295670125633478, 0.05656298249959946, -0.048954494297504425, 0.7209622859954834, -0.41263264417648315, 0.6466909050941467, -0.39223310351371765, -0.40392234921455383, -0.25231215357780457, 0.1655951738357544, 0.4440576136112213, 0.6711714267730713, 0.8763136863708496, -0.5090574622154236, -0.5112276077270508, -0.19677071273326874, -0.6229594349861145, 0.29759350419044495, -0.07001600414514542, -0.3551003634929657, 0.38443976640701294, 0.4299697279930115, -0.49335408210754395, 0.5195068120956421, 0.3681248426437378, -0.3338271677494049, 0.34525200724601746, -0.28355032205581665, 0.056605808436870575, -0.9596222639083862, -0.10491786152124405, -0.01155398041009903, -0.2544615566730499, -0.7795994281768799, -0.08097921311855316, 0.08119409531354904, 0.089439757168293, -0.6143525242805481, 0.5341447591781616, -0.487359881401062, 0.13399532437324524, 0.20055529475212097, 0.18960219621658325, -0.09953014552593231, 0.8578833341598511, 0.08480511605739594, 0.435074120759964, 0.9774333238601685, -0.4448365569114685, 0.26615339517593384, 0.3701001703739166, -0.4577183723449707, 0.13321125507354736, -0.6998021006584167, 0.1976456344127655, -0.02535245753824711, 0.2281157523393631, -0.7969569563865662, -0.02848726324737072, 0.2124793976545334, -0.46909523010253906, 0.3865058124065399, -0.007373401895165443, -0.8142520785331726, -0.4567970931529999, -0.35989952087402344, 0.3017021715641022, 0.6546898484230042, -0.4537447392940521, 0.6890666484832764, 0.21627885103225708, 0.1190284937620163, -0.7373363971710205, -0.9813891053199768, -0.35944655537605286, -0.07169065624475479, -0.8285770416259766, 0.3554733693599701, -0.16000236570835114, 0.15394875407218933, -0.05224927142262459, -0.10114211589097977, -0.1905624121427536, -0.19167569279670715, 0.10944094508886337, -0.0006873265374451876, -0.28941458463668823, -0.0429634191095829, 0.05758820101618767, -0.04555969685316086, 0.09582297503948212, -0.33911287784576416, 0.7640079855918884, -0.5584595203399658, -0.30957433581352234, -0.5095287561416626, 0.23580704629421234, 0.6502755880355835, -0.39276841282844543, 1.0224894285202026, 1.120158076286316, -0.5963883399963379, -0.1674133986234665, -0.498534232378006, -0.33887040615081787, -0.5339367389678955, 0.3619774878025055, -0.40786802768707275, -0.7918723821640015, 0.7308952212333679, 0.25480055809020996, 0.1650013029575348, 0.6979379057884216, 0.563284158706665, 0.021721916273236275, 1.0028079748153687, 0.5981082320213318, -0.08878955990076065, 0.5996198058128357, -0.8755002021789551, 0.37238720059394836, -0.631749153137207, -0.3538081645965576, -0.2829238474369049, -0.4372628331184387, -0.44462311267852783, -0.44826698303222656, 0.2502043545246124, 0.4056495428085327, -0.3403255343437195, 0.44358178973197937, -0.5758246183395386, 0.26963675022125244, 0.7016342878341675, 0.2966483533382416, -0.14559310674667358, 0.2678309381008148, -0.6215606927871704, -0.07740642130374908, -0.755469560623169, -0.49590232968330383, 1.0654194355010986, 0.602895975112915, 0.46900656819343567, 0.2182992845773697, 0.9798007607460022, 0.18224535882472992, 0.016070909798145294, -0.6905084848403931, 0.5697178244590759, -0.19807229936122894, -0.6158444285392761, -0.245449036359787, -0.28237178921699524, -0.9695439338684082, 0.2781943380832672, -0.1971997171640396, -1.1276828050613403, 0.34898948669433594, 0.030045393854379654, -0.35229870676994324, 0.40456894040107727, -0.7114084959030151, 1.0605287551879883, -0.3948970437049866, -0.3243977129459381, -0.21755626797676086, -0.543074369430542, 0.2699891924858093, -0.09278105199337006, 0.15439769625663757, 0.11702626943588257, 0.16435325145721436, 1.0319339036941528, -0.6146884560585022, 0.7709069848060608, -0.20850755274295807, -0.04918646067380905, 0.43662041425704956, 0.08356881141662598, 0.5156280994415283, 0.15964865684509277, -0.07440942525863647, 0.2734600901603699, 0.3981929123401642, -0.5533692836761475, -0.4859010875225067, 0.8157496452331543, -1.0369410514831543, -0.39364832639694214, -0.7324620485305786, -0.34457123279571533, -0.06338514387607574, 0.3412471115589142, 0.5420685410499573, 0.8215949535369873, -0.0551762729883194, 0.4680744707584381, 0.6797263622283936, -0.49122774600982666, 0.5635018348693848, 0.3717704713344574, -0.34409859776496887, -0.2726142704486847, 0.9400076866149902, 0.16007308661937714, 0.0314483642578125, 0.616311252117157, 0.19078277051448822, -0.4573974609375, -0.353760689496994, -0.07955961674451828, 0.432283878326416, -0.8914856910705566, 0.03970024362206459, -0.8600062131881714, -0.6959273219108582, -0.39621657133102417, -0.19727982580661774, -0.5116795897483826, -0.5529375672340393, -0.5525521636009216, -0.0566057488322258, 0.46701475977897644, 0.5613400936126709, -0.2691163718700409, 0.333695650100708, -0.726166844367981, 0.030164046213030815, 0.09308795630931854, 0.2730715274810791, 0.0750393345952034, -0.7869310975074768, -0.36096420884132385, 0.10734496265649796, -0.18555593490600586, -0.794792652130127, 0.33810725808143616, 0.19808650016784668, 0.9229145646095276, 0.519510805606842, 0.25448718667030334, 0.2679940164089203, -0.422233909368515, 0.8990923762321472, 0.18040397763252258, -1.0194458961486816, 0.5236011743545532, -0.16574448347091675, 0.1595524549484253, 0.4744877219200134, 0.4569035470485687, -0.2561807334423065, -0.34384313225746155, -1.0464110374450684, -1.0717171430587769, 0.7714032530784607, 0.4110591411590576, 0.26269569993019104, -0.13731923699378967, 0.168917715549469, -0.08566492050886154, 0.14964939653873444, -0.9349493384361267, -0.5627380013465881, -0.4038803279399872, -0.2730470299720764, -0.07996165752410889, -0.29447728395462036, -0.2433689385652542, -0.5820451974868774, 0.8532274961471558, 0.13775542378425598, 0.8309327960014343, 0.2799781560897827, -0.3924156129360199, 0.06701952964067459, 0.018095368519425392, 0.952411949634552, 0.6132738590240479, -0.39801016449928284, 0.09716477245092392, 0.231349915266037, -0.3855654299259186, -0.07719040662050247, 0.15014608204364777, 0.026793284341692924, 0.09611386805772781, 0.73711097240448, 1.0738886594772339, 0.15970154106616974, -0.4069482684135437, 0.8425720930099487, -0.05792582407593727, -0.5022639036178589, -0.7368996143341064, 0.1885148584842682, -0.13742542266845703, 0.48826465010643005, 0.46205103397369385, 0.08670772612094879, -0.3339000940322876, -0.28323572874069214, 0.46946296095848083, 0.36673811078071594, -0.4427136480808258, -0.3983808755874634, 0.7802665829658508, 0.09466054290533066, -0.3140007257461548, 0.5359759330749512, -0.18487514555454254, -0.7501168847084045, 0.4418114721775055, 0.31012722849845886, 1.036651611328125, -0.07053276896476746, 0.31213346123695374, 0.6406574845314026, 0.49402400851249695, -0.02626478113234043, 0.41322675347328186, 0.1109267845749855, -0.7687028646469116, -0.15533682703971863, -0.7596123218536377, 0.12927110493183136, 0.56145840883255, -0.5935364365577698, 0.2636355757713318, -0.5961936712265015, -0.08100464195013046, -0.12002316117286682, -0.03221426159143448, -0.9413018226623535, -0.013079367578029633, 0.07257635146379471, 1.0079600811004639, -0.8438193202018738, 0.9705378413200378, 0.6532505750656128, -0.7301309704780579, -0.8953095078468323, 0.10422833263874054, -0.19567450881004333, -0.7880229949951172, 0.776487410068512, 0.1538103222846985, -0.05838557332754135, 0.25037214159965515, -0.47549957036972046, -0.9442194700241089, 1.0471065044403076, 0.31922438740730286, -0.6109188795089722, 0.19417883455753326, 0.012481343001127243, 0.6162158250808716, -0.4002363681793213, 0.4860555827617645, 0.5387775897979736, 0.4833875596523285, -0.04549229517579079, -0.765230655670166, -0.03324190527200699, -0.23608273267745972, -0.0720338225364685, 0.009894139133393764, -0.8329346776008606, 1.0654041767120361, -0.13735391199588776, -0.2070355862379074, -0.030077164992690086, 0.9770316481590271, -0.039837777614593506, -0.28121161460876465, 0.554109513759613, 0.49940723180770874, 0.683658242225647, -0.31461969017982483, 0.9224879741668701, -0.6221091747283936, 0.7329161763191223, 0.6808544993400574, 0.11006411164999008, 0.9649816751480103, 0.348737895488739, -0.3754068613052368, 0.7669393420219421, 0.6708419919013977, -0.08096051216125488, 0.6939825415611267, 0.21843823790550232, -0.16502659022808075, -0.14473441243171692, 0.4058559238910675, -0.5948573350906372, 0.33807435631752014, 0.403531551361084, -0.591912567615509, 0.011903369799256325, 0.07222172617912292, 0.10267917066812515, -0.11484726518392563, -0.0316450260579586, 0.2747392952442169, 0.13391490280628204, -0.35313573479652405, 1.1626068353652954, -0.0394602045416832, 0.532491147518158, -0.5953094959259033, 0.2934822738170624, -0.2597779631614685, 0.37921103835105896, -0.2829982340335846, -0.7260884642601013, -0.07250131666660309, -0.2739968001842499, -0.22998113930225372, -0.1266382336616516, 0.3865334987640381, -0.5925940871238708, -0.7445847988128662, 0.4809154272079468, 0.3460444211959839, 0.3396834433078766, 0.17270158231258392, -0.965640127658844, 0.17936769127845764, 0.17742568254470825, -0.6250907778739929, 0.09638738632202148, 0.3057650029659271, 0.14807173609733582, 0.5362624526023865, 0.3742009699344635, -0.10424567759037018, 0.3259941339492798, 0.32689329981803894, 0.8070906400680542, -0.43497344851493835, -0.49810153245925903, -0.7111838459968567, 0.745455801486969, 0.015869908034801483, -0.26532724499702454, 0.5118246674537659, 0.6851168274879456, 0.8682225942611694, -0.38288724422454834, 0.8033708333969116, -0.17114980518817902, 0.37959346175193787, -0.5013235807418823, 0.8026055097579956, -0.7817980051040649, 0.1312989592552185, -0.3668655753135681, -1.117336630821228, -0.1453084945678711, 1.0997868776321411, -0.17713366448879242, 0.2298600822687149, 0.985956609249115, 0.9409787058830261, -0.26042988896369934, -0.20768187940120697, 0.2719692289829254, 0.4998382329940796, 0.34496554732322693, 0.648992121219635, 0.6182790398597717, -0.7490273118019104, 0.47510775923728943, -0.5840252041816711, -0.2777898907661438, -0.38716626167297363, -0.8429157137870789, -1.2870604991912842, -1.0539588928222656, -0.5704652070999146, -0.494488388299942, -0.26896902918815613, 0.936510443687439, 0.721775472164154, -1.0849971771240234, -0.10264188051223755, -0.14280357956886292, -0.13561294972896576, -0.31214460730552673, -0.2892761826515198, 0.6822108626365662, -0.17483244836330414, -0.7637853026390076, 0.38038018345832825, 0.022132501006126404, 0.20937806367874146, -0.4246964454650879, -0.16209080815315247, -0.47500503063201904, 0.11657308042049408, 0.4954417049884796, 0.26645994186401367, -0.850683867931366, -0.602152943611145, -0.19134466350078583, -0.13688969612121582, 0.008208315819501877, 0.6360688209533691, -0.6130416393280029, 0.3202098608016968, 0.6280114054679871, 0.36512571573257446, 0.9005163311958313, -0.35582345724105835, 0.5053086876869202, -1.0404391288757324, 0.5448751449584961, 0.13261331617832184, 0.6130190491676331, 0.16719195246696472, -0.20256905257701874, 0.4656658470630646, 0.1957225203514099, -0.5854372382164001, -0.9689728021621704, 0.13892099261283875, -1.0545886754989624, -0.18675269186496735, 1.0074894428253174, -0.10936377942562103, -0.2205774188041687, 0.20579716563224792, -0.08849608153104782, 0.4861818850040436, -0.43464595079421997, 0.3372178375720978, 0.7389087080955505, -0.18945936858654022, -0.459678590297699, -0.7910178303718567, 0.5461097359657288, 0.3910723328590393, -0.4332561492919922, -0.26151466369628906, 0.027227677404880524, 0.25459030270576477, 0.33917972445487976, 0.47859683632850647, -0.015468626283109188, -0.1147383525967598, -0.0205682460218668, 0.11685147136449814, -0.025918424129486084, -0.30488330125808716, -0.0765635147690773, -0.08105102926492691, -0.16458071768283844, -0.25559917092323303 ]
p208p2002/zh-wiki-punctuation-restore
p208p2002
2023-05-31T08:44:00Z
9,553
5
transformers
[ "transformers", "pytorch", "safetensors", "bert", "token-classification", "ner", "punctuation", "zh", "autotrain_compatible", "endpoints_compatible", "region:us" ]
token-classification
2023-01-31T01:08:01Z
--- tags: - ner - punctuation language: - zh --- # zh-wiki-punctuation-restore More Detail: https://github.com/p208p2002/ZH-Punctuation-Restore 共計支援6種標點符號: , 、 。 ? ! ; ## Install ```bash # pip install torch pytorch-lightning pip install zhpr ``` ## Usage ```python from zhpr.predict import DocumentDataset,merge_stride,decode_pred from transformers import AutoModelForTokenClassification,AutoTokenizer from torch.utils.data import DataLoader def predict_step(batch,model,tokenizer): batch_out = [] batch_input_ids = batch encodings = {'input_ids': batch_input_ids} output = model(**encodings) predicted_token_class_id_batch = output['logits'].argmax(-1) for predicted_token_class_ids, input_ids in zip(predicted_token_class_id_batch, batch_input_ids): out=[] tokens = tokenizer.convert_ids_to_tokens(input_ids) # compute the pad start in input_ids # and also truncate the predict # print(tokenizer.decode(batch_input_ids)) input_ids = input_ids.tolist() try: input_id_pad_start = input_ids.index(tokenizer.pad_token_id) except: input_id_pad_start = len(input_ids) input_ids = input_ids[:input_id_pad_start] tokens = tokens[:input_id_pad_start] # predicted_token_class_ids predicted_tokens_classes = [model.config.id2label[t.item()] for t in predicted_token_class_ids] predicted_tokens_classes = predicted_tokens_classes[:input_id_pad_start] for token,ner in zip(tokens,predicted_tokens_classes): out.append((token,ner)) batch_out.append(out) return batch_out if __name__ == "__main__": window_size = 256 step = 200 text = "維基百科是維基媒體基金會運營的一個多語言的百科全書目前是全球網路上最大且最受大眾歡迎的參考工具書名列全球二十大最受歡迎的網站特點是自由內容自由編輯與自由著作權" dataset = DocumentDataset(text,window_size=window_size,step=step) dataloader = DataLoader(dataset=dataset,shuffle=False,batch_size=5) model_name = 'p208p2002/zh-wiki-punctuation-restore' model = AutoModelForTokenClassification.from_pretrained(model_name) tokenizer = AutoTokenizer.from_pretrained(model_name) model_pred_out = [] for batch in dataloader: batch_out = predict_step(batch,model,tokenizer) for out in batch_out: model_pred_out.append(out) merge_pred_result = merge_stride(model_pred_out,step) merge_pred_result_deocde = decode_pred(merge_pred_result) merge_pred_result_deocde = ''.join(merge_pred_result_deocde) print(merge_pred_result_deocde) ``` ``` 維基百科是維基媒體基金會運營的一個多語言的百科全書,目前是全球網路上最大且最受大眾歡迎的參考工具書,名列全球二十大最受歡迎的網站,特點是自由內容、自由編輯與自由著作權。 ```
[ -0.05332321301102638, -0.7302471399307251, 0.3889019787311554, 0.027571076527237892, -0.3603653907775879, -0.04146038368344307, -0.07074203342199326, -0.12916502356529236, -0.002076809061691165, 0.3369003236293793, -0.5758489966392517, -0.6239396929740906, -0.5075618624687195, 0.08492720872163773, -0.29859161376953125, 1.1770939826965332, -0.13593633472919464, -0.05103035643696785, 0.021483207121491432, 0.2012869268655777, -0.20970545709133148, -0.6767533421516418, -0.4833143353462219, -0.44340279698371887, 0.2649502754211426, 0.4674750566482544, 0.5695381164550781, 0.7408388257026672, 0.6662687063217163, 0.39888396859169006, 0.058553941547870636, 0.15051403641700745, -0.12329614162445068, -0.29211434721946716, 0.24638938903808594, -0.37852904200553894, -0.39974600076675415, 0.01774224452674389, 0.8524290323257446, 0.8126245737075806, -0.1365988701581955, 0.2048453688621521, 0.08797343820333481, 0.6240026354789734, -0.4378596544265747, 0.4502010643482208, -0.4002684950828552, 0.023880453780293465, -0.14187206327915192, -0.2078457623720169, -0.3666226267814636, -0.4361104667186737, -0.07723237574100494, -0.7421344518661499, 0.30795109272003174, 0.22838996350765228, 1.2280007600784302, -0.019270844757556915, -0.2383503019809723, -0.29085490107536316, -0.5821138024330139, 0.9889911413192749, -0.9639753699302673, 0.18520836532115936, 0.44677722454071045, -0.01624486595392227, -0.2395004779100418, -1.1162465810775757, -0.9368783831596375, 0.02155824564397335, -0.28735560178756714, 0.24741879105567932, -0.000948050117585808, 0.07796549052000046, 0.3231559693813324, 0.5456641912460327, -0.6083863377571106, -0.14611609280109406, -0.6271845698356628, -0.5588647723197937, 0.5243818163871765, 0.31088200211524963, 0.42073914408683777, -0.3710976839065552, -0.424239844083786, -0.5473228693008423, -0.011984983459115028, 0.35861068964004517, 0.3931756317615509, 0.5497123599052429, -0.4448457956314087, 0.6728895306587219, -0.1379721313714981, 0.7823377847671509, 0.2532699704170227, -0.4695746600627899, 0.7832069993019104, -0.5222674608230591, -0.5100539326667786, 0.053887058049440384, 1.1347328424453735, 0.4295901954174042, 0.19614683091640472, 0.1564255803823471, -0.08977292478084564, -0.023746181279420853, -0.30958956480026245, -0.835191011428833, -0.4312869906425476, 0.18752047419548035, -0.46205469965934753, -0.3983742594718933, 0.29368457198143005, -0.7001324892044067, -0.11820667237043381, -0.03723834082484245, 0.6520122289657593, -0.699543833732605, -0.08611086010932922, 0.3565628230571747, -0.44716453552246094, 0.06412484496831894, 0.07395747303962708, -1.0887463092803955, 0.1952190101146698, 0.3193920850753784, 0.7283017635345459, 0.3806406557559967, -0.8317586183547974, -0.3794589340686798, -0.04303519427776337, -0.2650333642959595, 0.4656094014644623, -0.26882806420326233, -0.5331424474716187, -0.12668807804584503, 0.1728256642818451, -0.6371614933013916, -0.31531867384910583, 0.6435171365737915, -0.20284631848335266, 0.6499260067939758, -0.34552809596061707, -0.7049868702888489, -0.30037179589271545, 0.1705450415611267, -0.48607954382896423, 1.1951746940612793, 0.40030333399772644, -1.142901062965393, 0.23891261219978333, -0.4293981194496155, -0.47249653935432434, 0.0635630190372467, -0.05167408660054207, -0.8118298649787903, -0.26010948419570923, 0.23156961798667908, 0.37191876769065857, -0.14412905275821686, 0.23438265919685364, -0.22762712836265564, -0.4601190686225891, 0.3101176619529724, -0.293565571308136, 1.0727790594100952, 0.0036515065003186464, -0.4609065353870392, 0.22584447264671326, -1.1718387603759766, 0.1720743477344513, 0.13695937395095825, -0.35896003246307373, -0.14709654450416565, -0.26883116364479065, 0.25041624903678894, 0.3514833450317383, 0.3902169167995453, -0.5181537866592407, 0.27438074350357056, -0.5583650469779968, 0.5991344451904297, 0.7663053870201111, 0.08287803083658218, 0.28472718596458435, -0.5769047141075134, 0.3924331068992615, 0.29021331667900085, 0.1288207322359085, -0.17505712807178497, -0.3693492114543915, -0.9146276116371155, -0.17246218025684357, 0.20809774100780487, 0.5852089524269104, -0.730029284954071, 0.9153463840484619, -0.2721674144268036, -0.5999008417129517, -0.527297854423523, -0.05796893313527107, 0.46515318751335144, 0.9402201175689697, 0.5254218578338623, -0.2431790679693222, -0.6856446862220764, -0.7098633050918579, -0.049773119390010834, -0.4857063591480255, -0.006311821285635233, 0.09987831860780716, 0.7790125012397766, -0.14533990621566772, 0.7964568734169006, -0.511943519115448, -0.31998106837272644, -0.1766238957643509, 0.37787100672721863, 0.5364050269126892, 0.7440404891967773, 0.42317402362823486, -0.565797746181488, -0.7189695835113525, -0.003926131408661604, -0.6148913502693176, 0.09236849099397659, -0.3633735775947571, -0.1519775390625, 0.2324163019657135, 0.3140588104724884, -0.5045114159584045, 0.46212777495384216, 0.164901003241539, -0.8755626678466797, 0.9014948606491089, -0.39190635085105896, 0.36600956320762634, -1.2376528978347778, 0.3859628736972809, -0.3693457245826721, 0.17417757213115692, -0.555313766002655, -0.1276269555091858, 0.4287501573562622, -0.005437968298792839, -0.3964012861251831, 0.6904541254043579, -0.44345712661743164, 0.11545444279909134, 0.07762734591960907, 0.05507509782910347, 0.24550151824951172, 0.645969808101654, -0.13474129140377045, 0.875994086265564, 0.5152385234832764, -0.58608078956604, 0.2529948055744171, 0.6264179348945618, -0.4216157793998718, -0.06783882528543472, -0.4380446970462799, -0.1412682980298996, 0.18233922123908997, -0.0028448747470974922, -1.0481048822402954, -0.2177225798368454, 0.3794451355934143, -0.8104017972946167, 0.17294149100780487, -0.06439194083213806, -0.6219097375869751, -0.5857006311416626, -0.5088388919830322, 0.36845487356185913, 0.47203484177589417, -0.47157663106918335, 0.5865118503570557, -0.025943243876099586, -0.145480677485466, -0.7939361333847046, -0.8664590120315552, -0.22549133002758026, -0.04311161860823631, -0.8186279535293579, 0.5144882202148438, -0.46481963992118835, -0.0862986370921135, -0.08190059661865234, 0.1231524795293808, 0.057280659675598145, 0.1346949189901352, 0.15523651242256165, 0.7732055187225342, -0.041758351027965546, -0.03016621433198452, -0.022700492292642593, -0.0819772481918335, 0.1454755812883377, -0.2487458437681198, 0.8576247096061707, -0.04676687344908714, -0.11886882036924362, -0.5920224785804749, -0.07815523445606232, 0.7066164016723633, -0.2896336317062378, 0.9099435806274414, 0.8378647565841675, -0.36165371537208557, -0.04360669106245041, -0.4322282671928406, 0.0087251802906394, -0.4997105002403259, 0.5023567080497742, -0.37129682302474976, -0.4471246302127838, 0.9046128392219543, 0.47805672883987427, 0.046269528567790985, 0.9062530398368835, 0.4552236497402191, 0.06822334975004196, 0.8119335174560547, 0.7120162844657898, -0.08543629944324493, 0.5147134065628052, -0.6284055113792419, 0.2655765116214752, -0.6419450640678406, -0.5514528751373291, -0.45623308420181274, 0.21004152297973633, -0.5053771734237671, -0.24473272264003754, 0.12400980293750763, 0.23676662147045135, -0.3357788026332855, 0.187819704413414, -0.5003551244735718, 0.13760757446289062, 0.6314741373062134, 0.06242075935006142, 0.01980149745941162, 0.22686496376991272, -0.5750992298126221, 0.010917456820607185, -0.6262540221214294, -0.24019305408000946, 1.1343841552734375, 0.19101159274578094, 0.30824482440948486, -0.34535935521125793, 0.7858003973960876, 0.02381063811480999, -0.09652364999055862, -0.7924383878707886, 0.4537793695926666, -0.294554740190506, -0.2683144211769104, -0.45118552446365356, -0.35805872082710266, -0.7842006683349609, 0.23195433616638184, -0.21980391442775726, -0.7266042232513428, 0.39215007424354553, -0.10432780534029007, -0.7072536945343018, 0.5179867148399353, -0.5129287838935852, 0.9027575254440308, 0.11603089421987534, -0.4830574095249176, 0.12105511128902435, -0.6378384232521057, 0.39056703448295593, -0.12060333043336868, 0.4562634229660034, -0.06436959654092789, 0.2650788724422455, 1.3553816080093384, -0.9395356774330139, 0.5740155577659607, -0.05146722495555878, 0.0025855719577521086, 0.3655320703983307, -0.2596505582332611, 0.5468349456787109, -0.3526354730129242, -0.36531442403793335, 0.04361827298998833, 0.02973751351237297, -0.3152117431163788, -0.3670332729816437, 0.41381752490997314, -0.9574891924858093, -0.28796952962875366, -0.66195148229599, -0.6223081946372986, 0.1343742460012436, 0.5214648246765137, 0.6794168949127197, 0.5861741900444031, -0.03801868110895157, 0.045765470713377, 0.3731813430786133, -0.3149575889110565, 0.8600148558616638, 0.42628973722457886, -0.1798313558101654, -0.8912158608436584, 0.8478666543960571, 0.3379788398742676, 0.06549558788537979, 0.22489775717258453, 0.2573111355304718, -0.3693331480026245, -0.37675848603248596, -0.37062880396842957, 0.2536297142505646, -0.796518862247467, -0.15915292501449585, -0.6949227452278137, -0.4626277983188629, -0.8954812288284302, -0.19201673567295074, -0.017139581963419914, -0.5301792621612549, -0.5036007761955261, -0.22936378419399261, 0.38610631227493286, 0.21960817277431488, -0.2993791699409485, 0.592228353023529, -0.9502128958702087, 0.24532805383205414, 0.10805002599954605, 0.27838918566703796, 0.07089371979236603, -0.9181926846504211, -0.6108567118644714, -0.10469473153352737, -0.14402106404304504, -0.6897059679031372, 0.8868847489356995, 0.1098022609949112, 0.3322523832321167, 0.4929157793521881, 0.2298043817281723, 0.853836178779602, -0.23601195216178894, 0.8294281363487244, 0.4457835257053375, -1.1269906759262085, 0.4556330442428589, -0.23162803053855896, 0.22714805603027344, 0.6058358550071716, 0.12430305778980255, -0.7343472242355347, -0.32259026169776917, -0.7948450446128845, -1.1161267757415771, 1.0335267782211304, 0.437513142824173, -0.21200262010097504, -0.11902450025081635, 0.34290483593940735, 0.14611288905143738, 0.08825842291116714, -0.7581533789634705, -0.6458247900009155, -0.204884335398674, -0.4785340130329132, -0.15332026779651642, -0.4511222839355469, 0.0023177035618573427, -0.5241112112998962, 1.1306062936782837, 0.21338333189487457, 0.14736562967300415, 0.36376747488975525, -0.17354199290275574, -0.26253920793533325, 0.24555087089538574, 0.48043936491012573, 0.7129383683204651, -0.5040653347969055, -0.07497995346784592, -0.08088507503271103, -0.8609524965286255, 0.05267586186528206, 0.5316386818885803, -0.24818067252635956, 0.21824215352535248, 0.6265303492546082, 0.8945834636688232, 0.14402781426906586, -0.33861854672431946, 0.38039493560791016, -0.15604683756828308, -0.4978004992008209, -0.5928633213043213, 0.03606946021318436, -0.1856069415807724, 0.06138221174478531, 0.644939661026001, -0.013236436992883682, 0.11294776946306229, -0.6110081076622009, 0.1555846631526947, 0.14202159643173218, 0.06979306042194366, -0.19281594455242157, 0.7430083751678467, 0.08773907274007797, -0.22365204989910126, 0.9542715549468994, -0.030991647392511368, -0.7058006525039673, 0.9977205991744995, 0.3970726728439331, 0.8660607933998108, -0.03964119777083397, 0.0010066310642287135, 0.9375056028366089, 0.3252297043800354, -0.1591208577156067, 0.5762633085250854, -0.002240571891888976, -0.7617930769920349, 0.11908481270074844, -0.8445939421653748, -0.14182494580745697, 0.18215122818946838, -0.8878780603408813, 0.3450164794921875, -0.5834928750991821, -0.35848408937454224, 0.23537462949752808, 0.6255618929862976, -0.622039258480072, 0.4756997525691986, 0.02291334606707096, 0.7818577885627747, -1.0573943853378296, 1.054079294204712, 0.38018712401390076, -0.803240954875946, -1.146234393119812, -0.10279165953397751, -0.3743877112865448, -0.8829900026321411, 0.540402352809906, 0.3207390606403351, 0.1520821452140808, 0.21798734366893768, -0.48060745000839233, -1.1232339143753052, 1.3422688245773315, 0.19687506556510925, -0.7881213426589966, -0.22864557802677155, 0.14000946283340454, 0.15920871496200562, 0.011757003143429756, 0.2693879008293152, 0.5824630856513977, 0.7456831336021423, -0.12404105812311172, -0.9421640634536743, 0.15796437859535217, -0.4915415644645691, -0.21669407188892365, 0.18245430290699005, -0.6501539945602417, 1.3711024522781372, -0.4598541259765625, -0.2985731065273285, 0.25187331438064575, 0.745003879070282, 0.421233594417572, 0.3672236204147339, 0.3580797016620636, 0.5563004612922668, 1.1078084707260132, -0.16766729950904846, 0.8645122051239014, -0.7440049648284912, 0.7325722575187683, 0.9431625604629517, -0.014531035907566547, 0.7775169610977173, 0.5327966809272766, -0.42819854617118835, 0.8808655142784119, 0.8180544376373291, -0.5499261021614075, 0.4486140012741089, -0.10462633520364761, -0.1243223026394844, -0.21011167764663696, 0.13987836241722107, -0.6145190596580505, 0.16353259980678558, 0.05906655639410019, -0.6077743172645569, 0.17902623116970062, -0.05086732283234596, 0.1086161658167839, -0.09553360939025879, -0.3018516004085541, 0.5735606551170349, -0.12919853627681732, -0.5762056708335876, 0.6520035266876221, 0.30093589425086975, 0.8322207927703857, -0.7512110471725464, -0.005485936533659697, -0.2624005377292633, 0.39276421070098877, -0.27627405524253845, -0.5747610926628113, -0.03905224800109863, -0.3436965346336365, -0.48488298058509827, 0.126866415143013, 0.5771188139915466, -0.7217334508895874, -1.047804594039917, 0.3763967752456665, 0.25798243284225464, 0.16473108530044556, 0.2584041655063629, -0.688293993473053, 0.011818649247288704, 0.17572413384914398, -0.3561490476131439, 0.18037761747837067, 0.45913150906562805, 0.2923385202884674, 0.5727453827857971, 0.8063439726829529, -0.06192716211080551, 0.0023558959364891052, 0.05775194242596626, 0.7677506804466248, -0.8942210674285889, -0.8048731684684753, -1.0191433429718018, 0.6603735685348511, 0.029154514893889427, -0.43479031324386597, 0.8333054780960083, 0.8850886821746826, 0.9539601802825928, -0.1536410003900528, 0.947820782661438, -0.04691113904118538, 0.2973915636539459, -0.6277841925621033, 0.9760797023773193, -0.43904244899749756, -0.07366873323917389, -0.2761159837245941, -0.45768651366233826, -0.1554877758026123, 0.7364526987075806, -0.23679643869400024, 0.11393138766288757, 1.0141304731369019, 0.6085118651390076, 0.18342970311641693, -0.34580010175704956, 0.2942315936088562, 0.2708638608455658, 0.020765645429491997, 0.5194820761680603, 0.2100953757762909, -0.8743813633918762, 0.690951406955719, -0.9039671421051025, -0.0954894945025444, -0.19431699812412262, -0.6222886443138123, -0.7473132014274597, -0.7317536473274231, -0.5332385897636414, -0.6133953332901001, -0.03384479507803917, 1.0604565143585205, 0.31240126490592957, -0.8173030614852905, -0.30939382314682007, -0.0401964969933033, 0.12827222049236298, -0.2666316628456116, -0.2994888126850128, 0.9839451313018799, -0.4226575791835785, -0.8717582821846008, 0.2096608728170395, -0.10703854262828827, 0.3857223391532898, 0.1607205867767334, -0.09683363884687424, -0.25054284930229187, 0.07149811089038849, 0.3117782473564148, 0.22587260603904724, -0.6197235584259033, -0.01142278965562582, -0.16317883133888245, -0.2774302065372467, 0.24049615859985352, 0.4592225253582001, -0.6442286372184753, 0.4096251130104065, 0.49389928579330444, 0.12371204793453217, 0.4415934979915619, -0.11820705980062485, 0.5094853639602661, -0.5447508692741394, 0.2837156355381012, -0.007996008731424809, 0.6423866152763367, 0.38954317569732666, -0.47174131870269775, 0.343438982963562, 0.5697142481803894, -0.39232733845710754, -0.941862940788269, -0.39430809020996094, -0.9136713743209839, -0.3619365394115448, 0.92094486951828, -0.30939948558807373, -0.4579616189002991, 0.08294085413217545, -0.08229710161685944, 0.7950820922851562, -0.3611510694026947, 0.9022200107574463, 0.7302263975143433, 0.25368407368659973, 0.08836828917264938, -0.23324276506900787, 0.5041967630386353, 0.35012784600257874, -0.5096327066421509, 0.2519119679927826, 0.3318893313407898, 0.5439361333847046, 0.17586344480514526, 0.8079332709312439, -0.08089340478181839, 0.4002031683921814, 0.3481391966342926, 0.5204980373382568, -0.461998850107193, 0.009614772163331509, -0.44323045015335083, 0.11348139494657516, -0.12845565378665924, -0.4454115629196167 ]
EleutherAI/pythia-6.9b-deduped
EleutherAI
2023-06-08T13:05:19Z
9,541
6
transformers
[ "transformers", "pytorch", "gpt_neox", "text-generation", "causal-lm", "pythia", "en", "dataset:EleutherAI/the_pile_deduplicated", "arxiv:2304.01373", "arxiv:2101.00027", "arxiv:2201.07311", "license:apache-2.0", "endpoints_compatible", "has_space", "text-generation-inference", "region:us" ]
text-generation
2023-02-25T17:56:57Z
--- language: - en tags: - pytorch - causal-lm - pythia license: apache-2.0 datasets: - EleutherAI/the_pile_deduplicated --- The *Pythia Scaling Suite* is a collection of models developed to facilitate interpretability research [(see paper)](https://arxiv.org/pdf/2304.01373.pdf). It contains two sets of eight models of sizes 70M, 160M, 410M, 1B, 1.4B, 2.8B, 6.9B, and 12B. For each size, there are two models: one trained on the Pile, and one trained on the Pile after the dataset has been globally deduplicated. All 8 model sizes are trained on the exact same data, in the exact same order. We also provide 154 intermediate checkpoints per model, hosted on Hugging Face as branches. The Pythia model suite was designed to promote scientific research on large language models, especially interpretability research. Despite not centering downstream performance as a design goal, we find the models <a href="#evaluations">match or exceed</a> the performance of similar and same-sized models, such as those in the OPT and GPT-Neo suites. <details> <summary style="font-weight:600">Details on previous early release and naming convention.</summary> Previously, we released an early version of the Pythia suite to the public. However, we decided to retrain the model suite to address a few hyperparameter discrepancies. This model card <a href="#changelog">lists the changes</a>; see appendix B in the Pythia paper for further discussion. We found no difference in benchmark performance between the two Pythia versions. The old models are [still available](https://huggingface.co/models?other=pythia_v0), but we suggest the retrained suite if you are just starting to use Pythia.<br> **This is the current release.** Please note that all models in the *Pythia* suite were renamed in January 2023. For clarity, a <a href="#naming-convention-and-parameter-count">table comparing the old and new names</a> is provided in this model card, together with exact parameter counts. </details> <br> # Pythia-6.9B-deduped ## Model Details - Developed by: [EleutherAI](http://eleuther.ai) - Model type: Transformer-based Language Model - Language: English - Learn more: [Pythia's GitHub repository](https://github.com/EleutherAI/pythia) for training procedure, config files, and details on how to use. [See paper](https://arxiv.org/pdf/2304.01373.pdf) for more evals and implementation details. - Library: [GPT-NeoX](https://github.com/EleutherAI/gpt-neox) - License: Apache 2.0 - Contact: to ask questions about this model, join the [EleutherAI Discord](https://discord.gg/zBGx3azzUn), and post them in `#release-discussion`. Please read the existing *Pythia* documentation before asking about it in the EleutherAI Discord. For general correspondence: [contact@eleuther. ai](mailto:[email protected]). <figure> | Pythia model | Non-Embedding Params | Layers | Model Dim | Heads | Batch Size | Learning Rate | Equivalent Models | | -----------: | -------------------: | :----: | :-------: | :---: | :--------: | :-------------------: | :--------------------: | | 70M | 18,915,328 | 6 | 512 | 8 | 2M | 1.0 x 10<sup>-3</sup> | — | | 160M | 85,056,000 | 12 | 768 | 12 | 2M | 6.0 x 10<sup>-4</sup> | GPT-Neo 125M, OPT-125M | | 410M | 302,311,424 | 24 | 1024 | 16 | 2M | 3.0 x 10<sup>-4</sup> | OPT-350M | | 1.0B | 805,736,448 | 16 | 2048 | 8 | 2M | 3.0 x 10<sup>-4</sup> | — | | 1.4B | 1,208,602,624 | 24 | 2048 | 16 | 2M | 2.0 x 10<sup>-4</sup> | GPT-Neo 1.3B, OPT-1.3B | | 2.8B | 2,517,652,480 | 32 | 2560 | 32 | 2M | 1.6 x 10<sup>-4</sup> | GPT-Neo 2.7B, OPT-2.7B | | 6.9B | 6,444,163,072 | 32 | 4096 | 32 | 2M | 1.2 x 10<sup>-4</sup> | OPT-6.7B | | 12B | 11,327,027,200 | 36 | 5120 | 40 | 2M | 1.2 x 10<sup>-4</sup> | — | <figcaption>Engineering details for the <i>Pythia Suite</i>. Deduped and non-deduped models of a given size have the same hyperparameters. “Equivalent” models have <b>exactly</b> the same architecture, and the same number of non-embedding parameters.</figcaption> </figure> ## Uses and Limitations ### Intended Use The primary intended use of Pythia is research on the behavior, functionality, and limitations of large language models. This suite is intended to provide a controlled setting for performing scientific experiments. We also provide 154 checkpoints per model: initial `step0`, 10 log-spaced checkpoints `step{1,2,4...512}`, and 143 evenly-spaced checkpoints from `step1000` to `step143000`. These checkpoints are hosted on Hugging Face as branches. Note that branch `143000` corresponds exactly to the model checkpoint on the `main` branch of each model. You may also further fine-tune and adapt Pythia-6.9B-deduped for deployment, as long as your use is in accordance with the Apache 2.0 license. Pythia models work with the Hugging Face [Transformers Library](https://huggingface.co/docs/transformers/index). If you decide to use pre-trained Pythia-6.9B-deduped as a basis for your fine-tuned model, please conduct your own risk and bias assessment. ### Out-of-scope use The Pythia Suite is **not** intended for deployment. It is not a in itself a product and cannot be used for human-facing interactions. For example, the model may generate harmful or offensive text. Please evaluate the risks associated with your particular use case. Pythia models are English-language only, and are not suitable for translation or generating text in other languages. Pythia-6.9B-deduped has not been fine-tuned for downstream contexts in which language models are commonly deployed, such as writing genre prose, or commercial chatbots. This means Pythia-6.9B-deduped will **not** respond to a given prompt the way a product like ChatGPT does. This is because, unlike this model, ChatGPT was fine-tuned using methods such as Reinforcement Learning from Human Feedback (RLHF) to better “follow” human instructions. ### Limitations and biases The core functionality of a large language model is to take a string of text and predict the next token. The token used by the model need not produce the most “accurate” text. Never rely on Pythia-6.9B-deduped to produce factually accurate output. This model was trained on [the Pile](https://pile.eleuther.ai/), a dataset known to contain profanity and texts that are lewd or otherwise offensive. See [Section 6 of the Pile paper](https://arxiv.org/abs/2101.00027) for a discussion of documented biases with regards to gender, religion, and race. Pythia-6.9B-deduped may produce socially unacceptable or undesirable text, *even if* the prompt itself does not include anything explicitly offensive. If you plan on using text generated through, for example, the Hosted Inference API, we recommend having a human curate the outputs of this language model before presenting it to other people. Please inform your audience that the text was generated by Pythia-6.9B-deduped. ### Quickstart Pythia models can be loaded and used via the following code, demonstrated here for the third `pythia-70m-deduped` checkpoint: ```python from transformers import GPTNeoXForCausalLM, AutoTokenizer model = GPTNeoXForCausalLM.from_pretrained( "EleutherAI/pythia-70m-deduped", revision="step3000", cache_dir="./pythia-70m-deduped/step3000", ) tokenizer = AutoTokenizer.from_pretrained( "EleutherAI/pythia-70m-deduped", revision="step3000", cache_dir="./pythia-70m-deduped/step3000", ) inputs = tokenizer("Hello, I am", return_tensors="pt") tokens = model.generate(**inputs) tokenizer.decode(tokens[0]) ``` Revision/branch `step143000` corresponds exactly to the model checkpoint on the `main` branch of each model.<br> For more information on how to use all Pythia models, see [documentation on GitHub](https://github.com/EleutherAI/pythia). ## Training ### Training data Pythia-6.9B-deduped was trained on the Pile **after the dataset has been globally deduplicated**.<br> [The Pile](https://pile.eleuther.ai/) is a 825GiB general-purpose dataset in English. It was created by EleutherAI specifically for training large language models. It contains texts from 22 diverse sources, roughly broken down into five categories: academic writing (e.g. arXiv), internet (e.g. CommonCrawl), prose (e.g. Project Gutenberg), dialogue (e.g. YouTube subtitles), and miscellaneous (e.g. GitHub, Enron Emails). See [the Pile paper](https://arxiv.org/abs/2101.00027) for a breakdown of all data sources, methodology, and a discussion of ethical implications. Consult [the datasheet](https://arxiv.org/abs/2201.07311) for more detailed documentation about the Pile and its component datasets. The Pile can be downloaded from the [official website](https://pile.eleuther.ai/), or from a [community mirror](https://the-eye.eu/public/AI/pile/). ### Training procedure All models were trained on the exact same data, in the exact same order. Each model saw 299,892,736,000 tokens during training, and 143 checkpoints for each model are saved every 2,097,152,000 tokens, spaced evenly throughout training, from `step1000` to `step143000` (which is the same as `main`). In addition, we also provide frequent early checkpoints: `step0` and `step{1,2,4...512}`. This corresponds to training for just under 1 epoch on the Pile for non-deduplicated models, and about 1.5 epochs on the deduplicated Pile. All *Pythia* models trained for 143000 steps at a batch size of 2M (2,097,152 tokens).<br> See [GitHub](https://github.com/EleutherAI/pythia) for more details on training procedure, including [how to reproduce it](https://github.com/EleutherAI/pythia/blob/main/README.md#reproducing-training).<br> Pythia uses the same tokenizer as [GPT-NeoX- 20B](https://huggingface.co/EleutherAI/gpt-neox-20b). ## Evaluations All 16 *Pythia* models were evaluated using the [LM Evaluation Harness](https://github.com/EleutherAI/lm-evaluation-harness). You can access the results by model and step at `results/json/*` in the [GitHub repository](https://github.com/EleutherAI/pythia/tree/main/results/json/).<br> Expand the sections below to see plots of evaluation results for all Pythia and Pythia-deduped models compared with OPT and BLOOM. <details> <summary>LAMBADA – OpenAI</summary> <img src="/EleutherAI/pythia-12b/resolve/main/eval_plots/lambada_openai_v1.png" style="width:auto"/> </details> <details> <summary>Physical Interaction: Question Answering (PIQA)</summary> <img src="/EleutherAI/pythia-12b/resolve/main/eval_plots/piqa_v1.png" style="width:auto"/> </details> <details> <summary>WinoGrande</summary> <img src="/EleutherAI/pythia-12b/resolve/main/eval_plots/winogrande_v1.png" style="width:auto"/> </details> <details> <summary>AI2 Reasoning Challenge—Easy Set</summary> <img src="/EleutherAI/pythia-12b/resolve/main/eval_plots/arc_easy_v1.png" style="width:auto"/> </details> <details> <summary>SciQ</summary> <img src="/EleutherAI/pythia-12b/resolve/main/eval_plots/sciq_v1.png" style="width:auto"/> </details> ## Changelog This section compares differences between previously released [Pythia v0](https://huggingface.co/models?other=pythia_v0) and the current models. See Appendix B of the Pythia paper for further discussion of these changes and the motivation behind them. We found that retraining Pythia had no impact on benchmark performance. - All model sizes are now trained with uniform batch size of 2M tokens. Previously, the models of size 160M, 410M, and 1.4B parameters were trained with batch sizes of 4M tokens. - We added checkpoints at initialization (step 0) and steps {1,2,4,8,16,32,64, 128,256,512} in addition to every 1000 training steps. - Flash Attention was used in the new retrained suite. - We remedied a minor inconsistency that existed in the original suite: all models of size 2.8B parameters or smaller had a learning rate (LR) schedule which decayed to a minimum LR of 10% the starting LR rate, but the 6.9B and 12B models all used an LR schedule which decayed to a minimum LR of 0. In the redone training runs, we rectified this inconsistency: all models now were trained with LR decaying to a minimum of 0.1× their maximum LR. ### Naming convention and parameter count *Pythia* models were renamed in January 2023. It is possible that the old naming convention still persists in some documentation by accident. The current naming convention (70M, 160M, etc.) is based on total parameter count. <figure style="width:32em"> | current Pythia suffix | old suffix | total params | non-embedding params | | --------------------: | ---------: | -------------: | -------------------: | | 70M | 19M | 70,426,624 | 18,915,328 | | 160M | 125M | 162,322,944 | 85,056,000 | | 410M | 350M | 405,334,016 | 302,311,424 | | 1B | 800M | 1,011,781,632 | 805,736,448 | | 1.4B | 1.3B | 1,414,647,808 | 1,208,602,624 | | 2.8B | 2.7B | 2,775,208,960 | 2,517,652,480 | | 6.9B | 6.7B | 6,857,302,016 | 6,444,163,072 | | 12B | 13B | 11,846,072,320 | 11,327,027,200 | </figure>
[ -0.32744619250297546, -0.7949449419975281, 0.3334694504737854, 0.05729428306221962, -0.23709188401699066, -0.2001240849494934, -0.2264334112405777, -0.45162248611450195, 0.1890416145324707, 0.17147362232208252, -0.3635329008102417, -0.29164859652519226, -0.4327373504638672, -0.050351209938526154, -0.46661683917045593, 1.1311960220336914, -0.10365626215934753, -0.15672488510608673, 0.12496334314346313, -0.07162962108850479, -0.07475389540195465, -0.5529967546463013, -0.4506186246871948, -0.3970493674278259, 0.6408408284187317, 0.17601610720157623, 0.8819608688354492, 0.5750195384025574, 0.1617026925086975, 0.2936711311340332, -0.37892618775367737, -0.0804731473326683, -0.1527881771326065, -0.1000201404094696, -0.02461131662130356, -0.2543245553970337, -0.7187357544898987, 0.03417622298002243, 0.6821098327636719, 0.661195695400238, -0.18129852414131165, 0.24608811736106873, -0.02243843674659729, 0.36142995953559875, -0.5096344947814941, 0.03522716462612152, -0.33384838700294495, -0.17648085951805115, -0.06816776841878891, 0.15579357743263245, -0.3921438753604889, -0.3437248170375824, 0.43346574902534485, -0.6482887864112854, 0.2684558033943176, 0.07898606359958649, 1.1957511901855469, -0.1111743375658989, -0.4205922484397888, -0.05373289808630943, -0.7092632055282593, 0.6741253137588501, -0.7292706966400146, 0.34026995301246643, 0.2780971825122833, 0.17305971682071686, -0.04615768790245056, -0.9009402394294739, -0.5571116805076599, -0.22444474697113037, -0.1354176104068756, -0.034574441611766815, -0.6163811683654785, 0.027859816327691078, 0.5274875164031982, 0.6520551443099976, -0.8164055347442627, -0.026309147477149963, -0.3764798641204834, -0.3483599126338959, 0.3657419681549072, 0.053422220051288605, 0.45312076807022095, -0.32112812995910645, -0.0005013711634092033, -0.38858726620674133, -0.6749287843704224, -0.23105257749557495, 0.5533406734466553, 0.07549653202295303, -0.3681084215641022, 0.4958270490169525, -0.38269612193107605, 0.5700167417526245, -0.07087139785289764, 0.24965977668762207, 0.4356555640697479, -0.20321331918239594, -0.5068116784095764, -0.09691432863473892, 0.954230010509491, 0.128910094499588, 0.2147543579339981, -0.01520787738263607, -0.049847204238176346, 0.06831496208906174, 0.0505274198949337, -1.1299035549163818, -0.8025068640708923, 0.2325146347284317, -0.39465808868408203, -0.4371356964111328, -0.18786121904850006, -0.9325552582740784, -0.2068522423505783, -0.1901579648256302, 0.5697830319404602, -0.5148826837539673, -0.7223806977272034, -0.1400689035654068, 0.00249473936855793, 0.2102477252483368, 0.3712506592273712, -0.9470195174217224, 0.40230128169059753, 0.4297720491886139, 1.0071831941604614, 0.23702073097229004, -0.5531871318817139, -0.20585843920707703, -0.26813170313835144, -0.11650583893060684, 0.36926424503326416, -0.13722695410251617, -0.20010028779506683, -0.11667247861623764, 0.1626780778169632, -0.12535615265369415, -0.3492383360862732, 0.4151906967163086, -0.3988896310329437, 0.27570512890815735, -0.2752417027950287, -0.4415571689605713, -0.3859512209892273, 0.10177373886108398, -0.6304864287376404, 0.8637643456459045, 0.24171581864356995, -0.9679043292999268, 0.22999918460845947, -0.24039067327976227, -0.06240849196910858, -0.046733688563108444, 0.18219229578971863, -0.6885071396827698, 0.03126034885644913, 0.3729163408279419, 0.049644820392131805, -0.39278078079223633, 0.2071770280599594, -0.2549962103366852, -0.4329279065132141, 0.18184016644954681, -0.5447531342506409, 0.9357917308807373, 0.19827261567115784, -0.6617094874382019, 0.28141894936561584, -0.5947575569152832, 0.2124508023262024, 0.2400587797164917, -0.352662593126297, 0.04679962247610092, -0.1763373464345932, 0.3697322905063629, 0.2160981297492981, 0.1668315976858139, -0.36547961831092834, 0.3060935139656067, -0.509838342666626, 0.7517759799957275, 0.7548398375511169, -0.07961400598287582, 0.4611002802848816, -0.42177507281303406, 0.4531012177467346, 0.04265223443508148, 0.203085795044899, -0.053831782191991806, -0.6269814372062683, -0.9921873211860657, -0.3116326630115509, 0.3770190179347992, 0.2914440929889679, -0.4740557074546814, 0.4550422132015228, -0.2510043680667877, -0.8752803802490234, -0.16798539459705353, -0.09307320415973663, 0.4189544916152954, 0.3174903690814972, 0.43287163972854614, -0.1610015481710434, -0.5271404981613159, -0.8867366313934326, -0.21607422828674316, -0.42730453610420227, 0.13551242649555206, 0.17468538880348206, 0.9484246969223022, -0.12264588475227356, 0.588793158531189, -0.36038073897361755, 0.24903221428394318, -0.374428927898407, 0.16928206384181976, 0.4583853781223297, 0.6097294092178345, 0.39638569951057434, -0.5634008646011353, -0.3843182921409607, 0.01089135929942131, -0.5770920515060425, 0.0841444581747055, 0.03150669112801552, -0.3089296519756317, 0.3126707971096039, 0.07624997198581696, -1.0045359134674072, 0.4770013391971588, 0.6263655424118042, -0.556145191192627, 0.8142604231834412, -0.3273024559020996, -0.007761301007121801, -1.072848916053772, 0.26690515875816345, 0.1202598512172699, -0.2312232404947281, -0.6064146757125854, 0.07180309295654297, 0.19518709182739258, -0.20744279026985168, -0.3993763327598572, 0.6119392514228821, -0.5417945981025696, -0.16337274014949799, -0.2120753824710846, 0.07332419604063034, -0.03713173419237137, 0.6340152621269226, 0.1581043004989624, 0.5799427628517151, 0.8038537502288818, -0.7791163921356201, 0.43547874689102173, 0.22790801525115967, -0.27456897497177124, 0.38110822439193726, -0.8851680159568787, 0.1677960455417633, 0.0848904624581337, 0.4245007634162903, -0.5931041836738586, -0.3428712785243988, 0.5335135459899902, -0.5849980711936951, 0.143345445394516, -0.42210158705711365, -0.538447916507721, -0.4379061162471771, -0.17181210219860077, 0.6045143008232117, 0.7833182215690613, -0.6176135540008545, 0.6930480599403381, 0.04406585916876793, 0.12737876176834106, -0.38646864891052246, -0.5462961792945862, -0.25239741802215576, -0.5303871035575867, -0.6669377088546753, 0.3835022747516632, 0.15465755760669708, -0.17953428626060486, 0.014508512802422047, -0.008904589340090752, 0.10318093746900558, -0.04962330311536789, 0.3189932107925415, 0.3459846079349518, -0.04980253055691719, 0.022788727656006813, -0.1462203413248062, -0.12707138061523438, -0.00004503641321207397, -0.5023841261863708, 0.9687517285346985, -0.2891935110092163, -0.1911284327507019, -0.8058233857154846, -0.008770385757088661, 0.8920008540153503, -0.4182499945163727, 0.8858419060707092, 0.619032621383667, -0.7059202790260315, 0.14688488841056824, -0.3795880973339081, -0.2948794364929199, -0.4446806311607361, 0.6612777709960938, -0.2666546106338501, -0.36234477162361145, 0.6446884870529175, 0.3107706904411316, 0.284981906414032, 0.5879203677177429, 0.7312020659446716, 0.23292313516139984, 1.2069193124771118, 0.45939770340919495, -0.17029626667499542, 0.6402208805084229, -0.5156087875366211, 0.2621736526489258, -1.1053088903427124, -0.17587412893772125, -0.5317807197570801, -0.25814011693000793, -0.946618378162384, -0.29969295859336853, 0.31473973393440247, 0.23141413927078247, -0.7540708780288696, 0.5697802901268005, -0.5615219473838806, 0.06438914686441422, 0.6598573327064514, 0.24878543615341187, 0.1997707486152649, 0.20447209477424622, 0.06437606364488602, -0.06007707118988037, -0.663474977016449, -0.3293585777282715, 1.236886739730835, 0.4928164780139923, 0.6130785346031189, 0.29727116227149963, 0.7188666462898254, -0.14585033059120178, 0.2406255155801773, -0.7071250081062317, 0.4376651644706726, 0.3359358608722687, -0.7249380350112915, -0.20686320960521698, -0.7876737117767334, -0.9434282183647156, 0.49784398078918457, 0.07881495356559753, -1.1286840438842773, 0.2283015251159668, 0.22672776877880096, -0.38455864787101746, 0.48610740900039673, -0.6382136344909668, 1.012995958328247, -0.2341180145740509, -0.4713863432407379, -0.3598686754703522, -0.3074178993701935, 0.24121145904064178, 0.37588539719581604, 0.1274919956922531, 0.09732367843389511, 0.320311576128006, 0.993186891078949, -0.6814079880714417, 0.6701681017875671, -0.12639804184436798, 0.1478668600320816, 0.33075711131095886, 0.2763679027557373, 0.6559098362922668, 0.1478489488363266, 0.14189626276493073, -0.042124826461076736, 0.15961839258670807, -0.5487644076347351, -0.38858455419540405, 0.9260887503623962, -1.120871663093567, -0.38449135422706604, -0.8087560534477234, -0.6081390976905823, 0.08977650851011276, 0.2145661562681198, 0.41354820132255554, 0.6754471063613892, -0.035001687705516815, 0.0168071910738945, 0.6119377017021179, -0.5176776051521301, 0.3758072257041931, 0.21413981914520264, -0.4877500832080841, -0.5309445858001709, 0.9948345422744751, 0.013730603270232677, 0.3487768769264221, 0.01887836679816246, 0.24476708471775055, -0.41521257162094116, -0.44426634907722473, -0.6053474545478821, 0.5472061634063721, -0.7363069653511047, -0.0008297942695207894, -0.7199739813804626, -0.062194664031267166, -0.47750231623649597, 0.11359631270170212, -0.4034390449523926, -0.3881860077381134, -0.24335122108459473, -0.02439519390463829, 0.5905680060386658, 0.480596661567688, 0.09884075820446014, 0.34468233585357666, -0.5598206520080566, -0.0352030023932457, 0.23043768107891083, 0.10705825686454773, 0.10590200871229172, -0.9175126552581787, -0.09539058059453964, 0.13706421852111816, -0.44142618775367737, -1.1447086334228516, 0.5094512104988098, -0.04571434482932091, 0.3745224177837372, 0.0609893724322319, -0.22715821862220764, 0.6057552099227905, -0.08279325813055038, 0.6818087697029114, 0.16139592230319977, -1.0348378419876099, 0.5550762414932251, -0.5033650994300842, 0.31981363892555237, 0.34333980083465576, 0.34851256012916565, -0.7329647541046143, -0.09349891543388367, -1.0225653648376465, -1.0847702026367188, 0.7595495581626892, 0.4997519850730896, 0.16710823774337769, 0.1123320460319519, 0.38884612917900085, -0.46657079458236694, 0.15940672159194946, -1.0475300550460815, -0.2788841724395752, -0.25447070598602295, -0.09268317371606827, 0.16051547229290009, -0.02879580855369568, 0.051597196608781815, -0.5666103959083557, 1.014190435409546, 0.04961279407143593, 0.34547555446624756, 0.2866901457309723, -0.39981818199157715, -0.0848546251654625, -0.026309078559279442, 0.16565439105033875, 0.7610039710998535, -0.13808724284172058, 0.04873985797166824, 0.20741987228393555, -0.5643119215965271, 0.029514949768781662, 0.17596611380577087, -0.38404223322868347, -0.07577653974294662, 0.1777704656124115, 0.8873431086540222, 0.14135554432868958, -0.40907642245292664, 0.23591749370098114, -0.055820368230342865, -0.07980228960514069, -0.3060554265975952, -0.1686425656080246, 0.1767800748348236, 0.20702596008777618, -0.029117783531546593, -0.16634739935398102, -0.011497210711240768, -0.8745018243789673, 0.049613792449235916, 0.20942004024982452, -0.15281768143177032, -0.41160571575164795, 0.5918702483177185, 0.04871470853686333, -0.18312692642211914, 1.1464124917984009, -0.23934419453144073, -0.6851670145988464, 0.7722518444061279, 0.5014311671257019, 0.7431904673576355, -0.1905214637517929, 0.3559187650680542, 0.9085321426391602, 0.3325122594833374, -0.20826749503612518, 0.07204761356115341, 0.0983571857213974, -0.5259491801261902, -0.11348435282707214, -0.8165245056152344, -0.22676777839660645, 0.2692132294178009, -0.5802980661392212, 0.44853857159614563, -0.6450178027153015, -0.08854104578495026, -0.04411648213863373, 0.22182971239089966, -0.5686229467391968, 0.3223936855792999, 0.16895979642868042, 0.7281920909881592, -0.9317837953567505, 0.8287363052368164, 0.6511398553848267, -0.7518319487571716, -1.1098263263702393, 0.0199124775826931, 0.023262323811650276, -0.43418747186660767, 0.18165212869644165, 0.22132351994514465, 0.20370382070541382, 0.16524098813533783, -0.283318430185318, -0.8784113526344299, 1.293135404586792, 0.23310433328151703, -0.6467756628990173, -0.2864011228084564, -0.12073178589344025, 0.5451207160949707, 0.06193128973245621, 0.7303204536437988, 0.7241300940513611, 0.4084679186344147, 0.08774317800998688, -1.0778672695159912, 0.3753625750541687, -0.3384048640727997, -0.055026303976774216, 0.22794292867183685, -0.6706063747406006, 1.3140720129013062, -0.06696035712957382, -0.01478996966034174, 0.4061932861804962, 0.6051583290100098, 0.4041652977466583, -0.1419762223958969, 0.3756612241268158, 0.78804612159729, 0.8804657459259033, -0.3796663284301758, 1.2360304594039917, -0.300751656293869, 0.7771733999252319, 0.8623508810997009, 0.19984741508960724, 0.5195444822311401, 0.39813145995140076, -0.37384042143821716, 0.5328511595726013, 0.8352992534637451, -0.08171965181827545, 0.17543867230415344, 0.24898302555084229, -0.29152894020080566, -0.2849913239479065, 0.12397710978984833, -0.6161069869995117, 0.18441270291805267, 0.15440914034843445, -0.5825181603431702, -0.21425822377204895, -0.3457634150981903, 0.3510739207267761, -0.40718328952789307, -0.23943614959716797, 0.2643047869205475, 0.0974414125084877, -0.659881591796875, 0.6436600685119629, 0.2314649224281311, 0.5631532669067383, -0.4648042619228363, 0.15143215656280518, -0.16714783012866974, 0.341237872838974, -0.347442626953125, -0.43531134724617004, 0.08502641320228577, -0.0034361944999545813, 0.0601864829659462, 0.11091455817222595, 0.4391121566295624, -0.13717925548553467, -0.5771150588989258, 0.1931304782629013, 0.46958595514297485, 0.24755431711673737, -0.4448595643043518, -0.6914758086204529, 0.09322169423103333, -0.15966995060443878, -0.5347833633422852, 0.4352400600910187, 0.2581847906112671, -0.13442006707191467, 0.5988948345184326, 0.633715033531189, 0.033396169543266296, 0.0052261133678257465, 0.15968957543373108, 0.9915904998779297, -0.4830496311187744, -0.4899604916572571, -0.9108275771141052, 0.5129523277282715, -0.019686033949255943, -0.6691877245903015, 0.8653724789619446, 0.5524988174438477, 0.7029600143432617, 0.24668164551258087, 0.6111835837364197, -0.46199601888656616, 0.016489002853631973, -0.3021426498889923, 0.6802722215652466, -0.5061703324317932, 0.04529577121138573, -0.5150424838066101, -1.1498478651046753, -0.058282263576984406, 0.9659025073051453, -0.5273445844650269, 0.40158453583717346, 0.8126412034034729, 0.8151686191558838, -0.08980277925729752, 0.10003530979156494, 0.05608244240283966, 0.305555522441864, 0.5429639220237732, 0.9278161525726318, 0.9041095972061157, -0.7083762288093567, 0.5563918352127075, -0.5116621255874634, -0.2670629024505615, -0.1570751816034317, -0.5114980340003967, -0.8741770386695862, -0.4669399559497833, -0.5080308318138123, -0.7497702836990356, -0.018449941650032997, 0.8931556940078735, 0.7351330518722534, -0.6194881796836853, -0.16430890560150146, -0.5223197340965271, 0.0522858165204525, -0.2644427418708801, -0.2351764291524887, 0.42588287591934204, 0.11826275289058685, -0.9546448588371277, -0.0365615151822567, -0.16074682772159576, 0.1032259464263916, -0.4185580909252167, -0.2796765863895416, -0.20360161364078522, -0.12499956041574478, 0.08390781283378601, 0.31793370842933655, -0.5220193862915039, -0.2859637439250946, 0.02733321487903595, 0.04904532805085182, 0.005315094254910946, 0.706700325012207, -0.5803524851799011, 0.11559128016233444, 0.6359199285507202, 0.1120045930147171, 0.8142161965370178, -0.2710016667842865, 0.4240053594112396, -0.27178025245666504, 0.3492550253868103, 0.28083536028862, 0.6431611180305481, 0.33857837319374084, -0.2523587644100189, 0.17095759510993958, 0.42861753702163696, -0.7395952343940735, -0.8655059337615967, 0.36676034331321716, -0.7245890498161316, -0.09062977135181427, 1.2774397134780884, -0.2628443241119385, -0.4025043845176697, 0.06311362981796265, -0.21624290943145752, 0.5293376445770264, -0.2850819528102875, 0.6731983423233032, 0.6313164830207825, 0.07261338829994202, -0.21487969160079956, -0.6452656388282776, 0.3787195682525635, 0.6632441878318787, -0.8231728672981262, 0.38471466302871704, 0.637639582157135, 0.6174407005310059, 0.25058504939079285, 0.5962496995925903, -0.3032229244709015, 0.6135825514793396, 0.08927342295646667, 0.08601178973913193, 0.025961080566048622, -0.46987706422805786, -0.4279173016548157, -0.14583823084831238, 0.2260250747203827, 0.02728019841015339 ]
kanishka/GlossBERT
kanishka
2021-09-22T08:54:41Z
9,539
1
transformers
[ "transformers", "pytorch", "bert", "glossbert", "en", "dataset:SemCor3.0", "arxiv:1908.07245", "license:mit", "endpoints_compatible", "has_space", "region:us" ]
null
2022-03-02T23:29:05Z
--- language: en tags: - glossbert license: mit datasets: - SemCor3.0 --- ## GlossBERT A BERT-based model fine-tuned on SemCor 3.0 to perform word-sense-disambiguation by leveraging gloss information. This model is the research output of the paper titled: '[GlossBERT: BERT for Word Sense Disambiguation with Gloss Knowledge](https://arxiv.org/pdf/1908.07245.pdf)' Disclaimer: This model was built and trained by a group of researchers different than the repository's author. The original model code can be found on github: https://github.com/HSLCY/GlossBERT ## Usage The following code loads GlossBERT: ```py from transformers import AutoTokenizer, BertForSequenceClassification tokenizer = AutoTokenizer.from_pretrained('kanishka/GlossBERT') model = BertForSequenceClassification.from_pretrained('kanishka/GlossBERT') ``` ## Citation If you use this model in any of your projects, please cite the original authors using the following bibtex: ``` @inproceedings{huang-etal-2019-glossbert, title = "{G}loss{BERT}: {BERT} for Word Sense Disambiguation with Gloss Knowledge", author = "Huang, Luyao and Sun, Chi and Qiu, Xipeng and Huang, Xuanjing", booktitle = "Proceedings of the 2019 Conference on Empirical Methods in Natural Language Processing and the 9th International Joint Conference on Natural Language Processing (EMNLP-IJCNLP)", month = nov, year = "2019", address = "Hong Kong, China", publisher = "Association for Computational Linguistics", url = "https://www.aclweb.org/anthology/D19-1355", doi = "10.18653/v1/D19-1355", pages = "3507--3512" } ```
[ -0.39894282817840576, -0.7108704447746277, 0.6182229518890381, 0.22826150059700012, -0.1189788207411766, -0.3501760959625244, -0.27581706643104553, -0.35854578018188477, 0.08810325711965561, 0.20629285275936127, -0.34078317880630493, -0.4837017357349396, -0.7569791674613953, -0.14412766695022583, -0.3752221465110779, 1.0776482820510864, 0.03435758873820305, -0.00024096811830531806, -0.13393190503120422, -0.1643170863389969, 0.3334338068962097, -0.7434001564979553, -0.4244891405105591, -0.41501203179359436, 0.5140243768692017, 0.18490682542324066, 0.7854017615318298, 0.1543225646018982, 0.29880642890930176, 0.2884610593318939, -0.35274508595466614, 0.03680522367358208, -0.25328725576400757, -0.19775758683681488, -0.053664643317461014, -0.13806430995464325, -0.5097228288650513, -0.02715986967086792, 0.29392051696777344, 0.7210001349449158, -0.3845500349998474, -0.042827460914850235, 0.23636078834533691, 0.4835889935493469, -0.633488118648529, -0.0005187984206713736, -0.8254395723342896, -0.38325995206832886, -0.23408260941505432, 0.281111478805542, -0.21848873794078827, -0.15635058283805847, 0.3307182490825653, -0.7860023975372314, 0.44862204790115356, 0.0085532795637846, 1.5991735458374023, 0.30891016125679016, -0.22406254708766937, -0.5144044160842896, -0.4357881546020508, 0.7521753907203674, -1.136479139328003, 0.3043627440929413, 0.4652111828327179, 0.1470392942428589, 0.02853039838373661, -1.0251303911209106, -0.8129194378852844, -0.2565504014492035, -0.022205274552106857, 0.3389948010444641, -0.11354105174541473, 0.13060037791728973, 0.2349509745836258, 0.47230836749076843, -0.44093647599220276, -0.33709996938705444, -0.5723440647125244, -0.23933503031730652, 0.5219929814338684, -0.2014317363500595, 0.07401406764984131, -0.4360640347003937, -0.559054970741272, -0.1621437519788742, -0.22440609335899353, -0.02082778699696064, 0.22573170065879822, 0.2936912178993225, -0.12992428243160248, 0.30526137351989746, 0.11269296705722809, 0.6361873149871826, -0.0033920761197805405, 0.10072994977235794, 0.5966111421585083, -0.12166830897331238, -0.201898455619812, -0.15821407735347748, 0.9402387738227844, 0.2728249430656433, 0.3423193395137787, -0.00020315290021244437, -0.23968379199504852, -0.3780103921890259, 0.22061091661453247, -0.6689149737358093, -0.5823189616203308, 0.1687546670436859, -0.35595569014549255, -0.13939742743968964, 0.1617330014705658, -0.49226754903793335, -0.22163213789463043, -0.31226494908332825, 0.918595016002655, -0.8672871589660645, -0.09046030789613724, -0.017611045390367508, -0.289577841758728, 0.22970591485500336, 0.2551272213459015, -1.1031205654144287, 0.3154050409793854, 0.3947211802005768, 0.7671752572059631, -0.06417775899171829, -0.4849846661090851, -0.033518821001052856, 0.06584110110998154, -0.10171102732419968, 0.4423510432243347, -0.06605681777000427, -0.14192503690719604, 0.012154733762145042, -0.023234233260154724, -0.11950021237134933, -0.5894005298614502, 0.6215136051177979, -0.6257333159446716, 0.23313739895820618, -0.29025551676750183, -0.6413496136665344, -0.5239244699478149, 0.01854889653623104, -0.3353304862976074, 1.138553261756897, 0.2874661087989807, -0.641064465045929, 0.4166024327278137, -0.5954561233520508, -0.3867473006248474, 0.11208922415971756, 0.1456863135099411, -0.25206300616264343, 0.1779274344444275, 0.2706153988838196, 0.2124331295490265, -0.03676091879606247, 0.5585150122642517, -0.45796889066696167, -0.09622256457805634, 0.2205047905445099, -0.022236034274101257, 1.181056261062622, 0.32977572083473206, -0.22314362227916718, 0.11119507253170013, -0.8231862187385559, -0.10542072355747223, 0.10289362818002701, -0.224223792552948, -0.6239951848983765, 0.09645640105009079, 0.32687050104141235, 0.2036852091550827, 0.7093791365623474, -0.4410344660282135, 0.16293343901634216, -0.5100070834159851, 0.40331369638442993, 0.7661592960357666, -0.23647694289684296, 0.30135655403137207, -0.19046559929847717, 0.09728783369064331, 0.003543480299413204, 0.4564518332481384, 0.2326865941286087, -0.3864661455154419, -1.338536262512207, -0.18450044095516205, 0.6716313362121582, 0.41750457882881165, -0.828984797000885, 0.5936919450759888, 0.008799724280834198, -0.5829490423202515, -0.5750543475151062, 0.06676040589809418, -0.05433237552642822, 0.5841116309165955, 0.6586713790893555, -0.04003952443599701, -0.4183109402656555, -0.9304589033126831, -0.24590444564819336, -0.22894413769245148, -0.11617284268140793, 0.41316691040992737, 0.6860147714614868, -0.42802825570106506, 0.9945148229598999, -0.6228451132774353, -0.4534061551094055, -0.048085086047649384, 0.3250347971916199, 0.44850048422813416, 0.2643597722053528, 0.6483343839645386, -0.5970919132232666, -0.5398619771003723, -0.5616334080696106, -0.6258755922317505, -0.3841695487499237, 0.1135362982749939, -0.2010289877653122, 0.30319151282310486, 0.5399990677833557, -0.15586331486701965, 0.2550998628139496, 0.5301207900047302, -0.31301507353782654, 0.5880860686302185, -0.27757516503334045, -0.17193962633609772, -1.0673490762710571, 0.3587453067302704, -0.1693689078092575, -0.01312490738928318, -0.7932665348052979, -0.0394362211227417, 0.2564519941806793, 0.28999191522598267, -0.3076469302177429, 0.7027000188827515, -0.1488800048828125, 0.21123704314231873, -0.2542998492717743, 0.41149425506591797, 0.10348618030548096, 0.6093096137046814, -0.08118382096290588, 0.5383300185203552, 0.7951865196228027, -1.040778636932373, 0.15739303827285767, 0.4908788204193115, -0.278844952583313, 0.15182459354400635, -0.9021056294441223, -0.10085897147655487, 0.12386253476142883, -0.2370903491973877, -0.9218759536743164, -0.0319937989115715, 0.4877711534500122, -0.6869938969612122, 0.1447494477033615, -0.021160157397389412, -0.6935427784919739, -0.18867813050746918, -0.20739102363586426, 0.17904448509216309, 0.40114378929138184, -0.8522258400917053, 0.46621501445770264, 0.4112013280391693, -0.12108783423900604, -0.44842544198036194, -0.7500977516174316, -0.15983663499355316, -0.16129280626773834, -0.6197285056114197, 0.5684873461723328, -0.34705790877342224, -0.20145314931869507, -0.18837633728981018, -0.15533193945884705, -0.13697586953639984, 0.1435774266719818, 0.0323924757540226, 0.3617284297943115, 0.3415699005126953, 0.5897656679153442, 0.09657379984855652, 0.08230695873498917, 0.13943041861057281, -0.08279145509004593, 0.5406450629234314, -0.3840791881084442, -0.20781131088733673, 0.16794158518314362, -0.027961846441030502, 0.30552223324775696, -0.07401825487613678, 0.8793095946311951, 0.9353684186935425, -0.3214187026023865, -0.16226035356521606, -0.4286249876022339, -0.23577556014060974, -0.5520973205566406, 0.10027924180030823, -0.3479578197002411, -0.7844163179397583, 0.5736562609672546, 0.11334380507469177, 0.032074328511953354, 0.7898563742637634, 0.38885965943336487, -0.15620513260364532, 0.8072177171707153, 0.7151912450790405, 0.021989235654473305, 0.4111604690551758, -0.3055753707885742, 0.23568390309810638, -0.985394299030304, -0.02106005698442459, -0.3846125304698944, -0.012849519029259682, -0.5159301161766052, -0.28853344917297363, 0.37985682487487793, 0.5121710300445557, -0.32058605551719666, 0.3202352225780487, -0.5555611848831177, -0.1835324764251709, 0.8247236609458923, -0.0707460418343544, 0.21646510064601898, 0.0678485855460167, -0.631373941898346, -0.0326383076608181, -0.7099610567092896, -0.56777423620224, 0.9132683873176575, 0.31024616956710815, 0.7554376125335693, 0.4522102177143097, 0.785761296749115, 0.17784671485424042, 0.2151087373495102, -1.0022329092025757, 0.6512019634246826, -0.16450762748718262, -0.8681644797325134, -0.2272731363773346, -0.34423479437828064, -1.0325794219970703, 0.39631137251853943, 0.051006000488996506, -0.8778325915336609, 0.34637370705604553, 0.17276598513126373, -0.10023345053195953, 0.031869303435087204, -0.5168248414993286, 0.7976278066635132, -0.394622802734375, -0.1379607766866684, 0.0011300304904580116, -0.5647807121276855, 0.28741586208343506, -0.07873917371034622, 0.24355100095272064, -0.3021455705165863, -0.11889024078845978, 0.9378174543380737, -0.6403323411941528, 0.6276100277900696, -0.4018118679523468, -0.3924998939037323, 0.15110556781291962, -0.11378376930952072, 0.04009311646223068, 0.04672180861234665, -0.14754530787467957, 0.631648600101471, 0.17064428329467773, -0.24999897181987762, -0.23137544095516205, 0.582028865814209, -0.9302442073822021, -0.5242213010787964, -0.8133536577224731, -0.45675620436668396, -0.15087655186653137, 0.33276107907295227, 0.4629420340061188, 0.26433098316192627, -0.18551860749721527, -0.1956610232591629, 0.29673194885253906, -0.4067259132862091, 0.5076008439064026, 0.868652880191803, -0.464447557926178, -0.5081565380096436, 0.8874032497406006, 0.06827305257320404, 0.16211794316768646, 0.23604516685009003, 0.24471670389175415, -0.3693486750125885, -0.43532171845436096, -0.09274554997682571, 0.4512411653995514, -0.7832492589950562, -0.02559892274439335, -0.5784128308296204, -0.6005813479423523, -0.5122637152671814, 0.008906136266887188, -0.12113776803016663, -0.3830820322036743, -0.4711554944515228, 0.3630564212799072, 0.55329430103302, 0.37757864594459534, -0.45841413736343384, 0.5131264328956604, -0.5447062253952026, 0.3372361660003662, 0.34042051434516907, 0.3721249997615814, -0.07037583738565445, -0.9109958410263062, -0.33670535683631897, 0.12639451026916504, -0.4740642011165619, -0.8978881239891052, 0.6815633177757263, 0.4179615080356598, 0.7067784667015076, 0.46630480885505676, 0.27977046370506287, 0.6755529642105103, -0.3251628279685974, 0.9012972712516785, 0.06548593193292618, -1.2954773902893066, 0.7676113247871399, -0.2956484854221344, 0.5266683101654053, 0.6270541548728943, 0.44791531562805176, -0.7191640138626099, -0.4641091525554657, -0.9570533633232117, -1.3158022165298462, 0.8923971652984619, 0.2836933135986328, -0.03696129843592644, -0.19876518845558167, 0.10363045334815979, 0.07865225523710251, 0.30160433053970337, -0.8943303823471069, -0.6474031209945679, -0.38214609026908875, -0.3121279180049896, -0.23920847475528717, -0.34139519929885864, -0.22196611762046814, -0.42189738154411316, 1.087678074836731, -0.18214350938796997, 0.2983648180961609, 0.47218871116638184, -0.6597942113876343, 0.24637559056282043, 0.2593921422958374, 0.5618366599082947, 0.6837369799613953, -0.46670228242874146, 0.12168635427951813, 0.23832066357135773, -0.47844821214675903, -0.3200119435787201, 0.6359760761260986, -0.2826845347881317, 0.24117140471935272, 0.08183468878269196, 0.829650342464447, -0.10564098507165909, -0.5805928111076355, 0.6077789664268494, -0.02081645280122757, -0.61562180519104, -0.6143720746040344, 0.0029890788719058037, -0.0529484786093235, 0.1674245148897171, 0.6018860340118408, 0.06349872797727585, 0.38782984018325806, -0.16018810868263245, 0.050146739929914474, 0.33630719780921936, -0.4372241199016571, -0.08099034428596497, 0.7907232046127319, 0.07785490155220032, 0.14617851376533508, 0.5700219869613647, -0.4518961012363434, -0.7254700660705566, 0.3577185273170471, 0.2983521521091461, 0.7422618269920349, -0.055753566324710846, 0.05481651797890663, 0.6485958099365234, 0.34981951117515564, 0.20895205438137054, 0.45486894249916077, -0.18921124935150146, -0.9751974940299988, -0.04332007095217705, -0.9077616333961487, -0.35468825697898865, 0.598746120929718, -0.5786536931991577, 0.14811640977859497, -0.3538272976875305, -0.2888423800468445, 0.05843697488307953, 0.006151571404188871, -0.40295976400375366, 0.05784105136990547, 0.4633149206638336, 0.9105989933013916, -0.5820531249046326, 0.9000647068023682, 0.8258324265480042, -0.5022021532058716, -0.6809806823730469, 0.2317628413438797, -0.07740157097578049, -0.723578929901123, 0.6179212331771851, 0.12820236384868622, -0.007070360705256462, 0.12139400094747543, -0.7134549617767334, -1.0333003997802734, 1.0517934560775757, 0.05980794131755829, -0.4983844459056854, 0.1961079239845276, -0.06580802798271179, 0.5674882531166077, 0.131779283285141, 0.2454870194196701, 0.4028531610965729, 0.6251314878463745, 0.1458052396774292, -0.9535787105560303, -0.07882858067750931, -0.40938133001327515, 0.08262409269809723, 0.09297062456607819, -0.6918085217475891, 0.9379597306251526, -0.22323349118232727, -0.2211829274892807, 0.2566605806350708, 0.8033450245857239, 0.38128381967544556, 0.18510977923870087, 0.5459296107292175, 0.7128043174743652, 0.8198299407958984, -0.35111671686172485, 0.5446606278419495, -0.5718007683753967, 0.7727957367897034, 1.185861349105835, 0.002091910457238555, 0.7369158267974854, 0.6374338865280151, -0.37152835726737976, 0.6360756158828735, 0.6323243975639343, -0.4672682285308838, 0.7306927442550659, 0.1737183779478073, -0.13107116520404816, -0.021068722009658813, 0.15419381856918335, -0.45341965556144714, 0.37285152077674866, 0.6265820860862732, -0.5300242900848389, -0.21984101831912994, -0.023907413706183434, 0.1697893589735031, -0.26262331008911133, -0.19594405591487885, 0.5890254378318787, 0.1269903928041458, -0.6996830105781555, 1.0818558931350708, 0.07160953432321548, 1.0044039487838745, -0.7560087442398071, 0.21491603553295135, -0.017184924334287643, 0.3720112442970276, -0.10519088804721832, -0.5352902412414551, 0.1296396404504776, -0.2285085916519165, -0.07266564667224884, -0.0009898707503452897, 0.803221583366394, -0.5841317176818848, -0.39486435055732727, 0.4638821482658386, 0.6128210425376892, 0.3798135221004486, -0.025854524224996567, -1.0031795501708984, -0.21200452744960785, 0.024219529703259468, -0.2197427749633789, 0.056167859584093094, 0.22353197634220123, 0.3817659318447113, 0.5319803953170776, 0.5040072202682495, -0.022420313209295273, 0.07566100358963013, 0.589646577835083, 0.6973785758018494, -0.637645959854126, -0.3398025929927826, -0.7460941672325134, 0.40533939003944397, -0.14936040341854095, -0.3488684892654419, 0.9909119009971619, 0.5475958585739136, 0.7488911151885986, -0.20345111191272736, 0.885941207408905, -0.561521589756012, 0.5152896046638489, -0.25857409834861755, 0.9678459167480469, -0.9762346744537354, 0.20335039496421814, -0.3223814070224762, -0.6603932976722717, -0.1522114872932434, 0.900982677936554, -0.36206522583961487, 0.3442727029323578, 0.6839886903762817, 1.028449535369873, -0.030232714489102364, -0.3376394212245941, 0.26448652148246765, 0.4416421949863434, 0.2731485366821289, 0.30727052688598633, 0.6594924926757812, -0.656721830368042, 0.6541715264320374, -0.41209548711776733, -0.22674645483493805, -0.5630794167518616, -0.6405168771743774, -0.8506422638893127, -1.0383378267288208, -0.33000174164772034, -0.3921724855899811, 0.06172635778784752, 0.5355977416038513, 0.653043270111084, -0.8013066649436951, -0.2614293396472931, -0.2785235047340393, -0.028446458280086517, -0.329122394323349, -0.3642379939556122, 0.47221240401268005, -0.7760074138641357, -0.8718093633651733, 0.14386481046676636, -0.10337764769792557, 0.18012429773807526, -0.04239558055996895, -0.09483202546834946, -0.5167267322540283, 0.12875790894031525, 0.5192742347717285, 0.14820779860019684, -1.0323127508163452, -0.1435679793357849, -0.09348052740097046, -0.3115597665309906, -0.031167633831501007, 0.08791954815387726, -0.7675108909606934, 0.44534990191459656, 0.4220954477787018, -0.0858822762966156, 0.6075311303138733, -0.17243441939353943, 0.4470632076263428, -0.8223012685775757, -0.12186611443758011, -0.002328807022422552, 0.5361664891242981, 0.4176637530326843, 0.04075917974114418, 0.5442432165145874, 0.1782589703798294, -0.6858024597167969, -0.4467920660972595, -0.02287301793694496, -1.2042045593261719, -0.4485074281692505, 1.3670886754989624, 0.04493819922208786, -0.14951640367507935, -0.028377167880535126, -0.2801128029823303, 0.5177883505821228, -0.5228371024131775, 0.9001482725143433, 0.8941205143928528, -0.08323558419942856, -0.19329796731472015, -0.5675789713859558, 0.6377055048942566, 0.48438388109207153, -0.6265502572059631, -0.050755247473716736, 0.2802872061729431, 0.3194374442100525, 0.4346342086791992, 0.4616159498691559, 0.03534157946705818, 0.12269586324691772, -0.15012513101100922, 0.6196553707122803, 0.06129680946469307, -0.05785182863473892, -0.2910604774951935, -0.1629491150379181, 0.25372791290283203, -0.11792904138565063 ]
damo-vilab/modelscope-damo-text-to-video-synthesis
damo-vilab
2023-03-29T02:40:04Z
9,537
397
open_clip
[ "open_clip", "text-to-video", "license:cc-by-nc-4.0", "has_space", "region:us" ]
text-to-video
2023-03-19T10:27:15Z
--- license: cc-by-nc-4.0 pipeline_tag: text-to-video --- The original repo is [here](https://modelscope.cn/models/damo/text-to-video-synthesis/summary). **We Are Hiring!** (Based in Beijing / Hangzhou, China.) If you're looking for an exciting challenge and the opportunity to work with cutting-edge technologies in AIGC and large-scale pretraining, then we are the place for you. We are looking for talented, motivated and creative individuals to join our team. If you are interested, please send your CV to us. EMAIL: [email protected] This model is based on a multi-stage text-to-video generation diffusion model, which inputs a description text and returns a video that matches the text description. Only English input is supported. ## Model Description The text-to-video generation diffusion model consists of three sub-networks: text feature extraction, text feature-to-video latent space diffusion model, and video latent space to video visual space. The overall model parameters are about 1.7 billion. Support English input. The diffusion model adopts the Unet3D structure, and realizes the function of video generation through the iterative denoising process from the pure Gaussian noise video. **This model is meant for research purposes. Please look at the [model limitations and biases](#model-limitations-and-biases) and [misuse, malicious use and excessive use](#misuse-malicious-use-and-excessive-use) sections.** **How to expect the model to be used and where it is applicable** This model has a wide range of applications and can reason and generate videos based on arbitrary English text descriptions. ## How to use The model has been launched on [ModelScope Studio](https://modelscope.cn/studios/damo/text-to-video-synthesis/summary) and [huggingface](https://huggingface.co/spaces/damo-vilab/modelscope-text-to-video-synthesis), you can experience it directly; you can also refer to [Colab page](https://colab.research.google.com/drive/1uW1ZqswkQ9Z9bp5Nbo5z59cAn7I0hE6R?usp=sharing#scrollTo=bSluBq99ObSk) to build it yourself. In order to facilitate the experience of the model, users can refer to the [Aliyun Notebook Tutorial](https://modelscope.cn/headlines/detail/26) to quickly develop this Text-to-Video model. This demo requires about 16GB CPU RAM and 16GB GPU RAM. Under the ModelScope framework, the current model can be used by calling a simple Pipeline, where the input must be in dictionary format, the legal key value is 'text', and the content is a short text. This model currently only supports inference on the GPU. Enter specific code examples as follows: ### Operating environment (Python Package) ``` pip install modelscope==1.4.2 pip install open_clip_torch pip install pytorch-lightning ``` ### Code example (Demo Code) ```python from huggingface_hub import snapshot_download from modelscope.pipelines import pipeline from modelscope.outputs import OutputKeys import pathlib model_dir = pathlib.Path('weights') snapshot_download('damo-vilab/modelscope-damo-text-to-video-synthesis', repo_type='model', local_dir=model_dir) pipe = pipeline('text-to-video-synthesis', model_dir.as_posix()) test_text = { 'text': 'A panda eating bamboo on a rock.', } output_video_path = pipe(test_text,)[OutputKeys.OUTPUT_VIDEO] print('output_video_path:', output_video_path) ``` ### View results The above code will display the save path of the output video, and the current encoding format can be played normally with [VLC player](https://www.videolan.org/vlc/). The output mp4 file can be viewed by [VLC media player](https://www.videolan.org/vlc/). Some other media players may not view it normally. ## Model limitations and biases * The model is trained based on public data sets such as Webvid, and the generated results may have deviations related to the distribution of training data. * This model cannot achieve perfect film and television quality generation. * The model cannot generate clear text. * The model is mainly trained with English corpus and does not support other languages ​​at the moment**. * The performance of this model needs to be improved on complex compositional generation tasks. ## Misuse, Malicious Use and Excessive Use * The model was not trained to realistically represent people or events, so using it to generate such content is beyond the model's capabilities. * It is prohibited to generate content that is demeaning or harmful to people or their environment, culture, religion, etc. * Prohibited for pornographic, violent and bloody content generation. * Prohibited for error and false information generation. ## Training data The training data includes [LAION5B](https://huggingface.co/datasets/laion/laion2B-en), [ImageNet](https://www.image-net.org/), [Webvid](https://m-bain.github.io/webvid-dataset/) and other public datasets. Image and video filtering is performed after pre-training such as aesthetic score, watermark score, and deduplication. ## Citation ```bibtex @InProceedings{VideoFusion, author = {Luo, Zhengxiong and Chen, Dayou and Zhang, Yingya and Huang, Yan and Wang, Liang and Shen, Yujun and Zhao, Deli and Zhou, Jingren and Tan, Tieniu}, title = {VideoFusion: Decomposed Diffusion Models for High-Quality Video Generation}, booktitle = {Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition (CVPR)}, month = {June}, year = {2023} } ```
[ -0.36692914366722107, -0.7937989234924316, 0.17880049347877502, 0.20027494430541992, -0.34762078523635864, -0.2631741762161255, -0.04937318339943886, -0.03832435980439186, -0.16861668229103088, 0.4329271912574768, -0.5995879769325256, -0.5149585604667664, -0.6506681442260742, -0.09780172258615494, -0.6424230933189392, 1.085207462310791, -0.19333267211914062, 0.08095227926969528, -0.08516701310873032, 0.12616989016532898, -0.276175856590271, -0.17085765302181244, -0.49209627509117126, 0.0973316878080368, -0.055903565138578415, 0.25313428044319153, 0.2667964696884155, 0.5673713088035583, 0.5321381688117981, 0.3109067678451538, -0.1528596729040146, 0.1825878620147705, -0.4132137596607208, -0.03309459984302521, 0.023814737796783447, -0.06611292064189911, -0.4454006850719452, 0.09043698012828827, 0.7806791067123413, 0.20204150676727295, -0.1079656183719635, 0.38611409068107605, 0.14528585970401764, 0.5673428177833557, -0.5786178708076477, -0.04371393099427223, -0.5398833751678467, 0.07070158421993256, 0.007252309937030077, 0.03923393413424492, -0.22842712700366974, -0.16896143555641174, 0.10166183859109879, -0.5960707068443298, 0.5925952792167664, -0.03326992690563202, 1.1690603494644165, 0.19615109264850616, -0.36536934971809387, 0.1384011209011078, -0.7082149386405945, 0.545661985874176, -0.866030752658844, 0.39490267634391785, 0.2973446249961853, 0.2820221185684204, 0.17774738371372223, -0.9678105711936951, -0.613984227180481, -0.1041802167892456, 0.27886220812797546, 0.4299767017364502, -0.08424337208271027, 0.08472129702568054, 0.2898372709751129, 0.3818950951099396, -0.5858600735664368, -0.17771215736865997, -0.5414139032363892, -0.1755080670118332, 0.6471911072731018, 0.11707519739866257, 0.37654703855514526, -0.5168161392211914, -0.28804662823677063, -0.34059423208236694, -0.289411723613739, 0.06632761657238007, 0.5097460150718689, -0.053101278841495514, -0.6447393298149109, 0.5072553157806396, -0.12533923983573914, 0.508886992931366, 0.007308437023311853, -0.2789899706840515, 0.1293010115623474, -0.45881733298301697, -0.5732819437980652, -0.11362278461456299, 1.0513242483139038, 0.47671133279800415, -0.09641524404287338, 0.35896632075309753, -0.00760550145059824, 0.03852780535817146, 0.18104377388954163, -1.1006187200546265, -0.24668462574481964, 0.12777389585971832, -0.48964130878448486, -0.5008625388145447, 0.0944293811917305, -0.7391412258148193, 0.01452606450766325, -0.03523555397987366, 0.6055813431739807, -0.29853948950767517, -0.328746497631073, -0.06087144836783409, -0.22584106028079987, 0.004166038241237402, 0.32210803031921387, -0.8666075468063354, 0.18225941061973572, 0.1459754854440689, 0.9398685693740845, -0.01974675990641117, -0.4214077591896057, -0.40741828083992004, 0.1646009385585785, -0.3179890215396881, 0.41793903708457947, -0.03208956867456436, -0.30100274085998535, 0.09226630628108978, 0.10556480288505554, 0.16787512600421906, -0.48677533864974976, 0.5905154347419739, -0.2610870599746704, 0.2256198525428772, 0.06311183422803879, -0.418845534324646, -0.03792848065495491, 0.14533483982086182, -0.4895583391189575, 0.8526639938354492, -0.061600178480148315, -0.917529284954071, 0.1249772384762764, -0.4137537479400635, -0.3259132504463196, -0.3341335356235504, 0.032279789447784424, -0.682529628276825, -0.21609638631343842, 0.3016166687011719, 0.3684207499027252, -0.32448315620422363, 0.5994254350662231, -0.109023816883564, -0.20000049471855164, 0.27557173371315, -0.6542109847068787, 0.7817131876945496, 0.4701586365699768, -0.29899272322654724, 0.12575238943099976, -0.88318932056427, -0.34948721528053284, -0.00383943528868258, -0.22862349450588226, 0.10991780459880829, -0.009675029665231705, 0.32832086086273193, 0.22746723890304565, -0.005895562935620546, -0.4162065386772156, 0.048624999821186066, -0.45227670669555664, 0.54790860414505, 0.6696481704711914, 0.025373710319399834, 0.5635159611701965, -0.0397210493683815, 0.560516357421875, 0.17440247535705566, 0.3239830732345581, -0.215756356716156, -0.5142903327941895, -0.7820535898208618, 0.020201783627271652, 0.05302463099360466, 0.4391564130783081, -0.6774638295173645, 0.18602509796619415, 0.020053759217262268, -0.5508502125740051, -0.43130290508270264, 0.12172740697860718, 0.33471983671188354, 0.787040650844574, 0.2598831355571747, -0.4064897894859314, -0.743727445602417, -0.6962102055549622, 0.10319690406322479, -0.22526094317436218, -0.04954461380839348, 0.2701580822467804, 0.6569016575813293, -0.20861943066120148, 0.7175449132919312, -0.6028196811676025, -0.4809848368167877, -0.303882360458374, 0.0803399607539177, 0.2174207717180252, 0.455645352602005, 0.4165562689304352, -0.9294450879096985, -0.48958081007003784, -0.06825201213359833, -0.9795584082603455, -0.0655677542090416, -0.00521818408742547, -0.10880544781684875, 0.07490534335374832, 0.4903072118759155, -0.6396836042404175, 0.4298785924911499, 0.764400839805603, -0.08968289941549301, 0.6607059836387634, -0.37229928374290466, 0.349263072013855, -1.3570765256881714, 0.04279325157403946, 0.1515800654888153, -0.15749622881412506, -0.4877103269100189, 0.038123685866594315, -0.23506373167037964, -0.4460979700088501, -0.7533907890319824, 0.5647895932197571, -0.3126896917819977, 0.09674259275197983, -0.2775702476501465, 0.22001707553863525, 0.08813176304101944, 0.4551025629043579, 0.08665698021650314, 0.6123591065406799, 0.7715321183204651, -0.7961694002151489, 0.4610629379749298, 0.4466473460197449, -0.45830777287483215, 0.36685165762901306, -0.780487060546875, -0.2665390968322754, -0.11368224769830704, 0.199361190199852, -0.9845774173736572, -0.5288007259368896, 0.2781708836555481, -0.686993420124054, 0.0955951139330864, -0.3284354507923126, -0.23872792720794678, -0.27843427658081055, -0.18509627878665924, 0.44730857014656067, 0.7351006865501404, -0.2470192313194275, 0.3616258502006531, 0.3960040807723999, -0.05755748599767685, -0.522661030292511, -0.7843967080116272, -0.014901218004524708, -0.3093399703502655, -0.845645546913147, 0.6661300659179688, -0.12756676971912384, -0.05599764361977577, -0.07231630384922028, 0.18103602528572083, -0.26392480731010437, -0.284268856048584, 0.2898387014865875, 0.332612544298172, 0.10066862404346466, -0.18003204464912415, 0.07789687067270279, 0.155612513422966, -0.010326147079467773, -0.18370375037193298, 0.21300269663333893, 0.24412813782691956, -0.022165512666106224, -0.6229920983314514, 0.305025577545166, 0.25949162244796753, -0.2116878777742386, 0.49210965633392334, 1.0918591022491455, -0.382066935300827, -0.14317473769187927, -0.37801554799079895, -0.1709190458059311, -0.4904037117958069, 0.723650336265564, 0.03756382316350937, -0.6119573712348938, 0.399142861366272, 0.166592076420784, -0.049390457570552826, 0.5807336568832397, 0.6689208745956421, -0.19616694748401642, 1.0451799631118774, 0.5377698540687561, 0.2648147642612457, 0.6982660293579102, -0.8139990568161011, -0.1409490555524826, -0.783755898475647, -0.20355205237865448, -0.15824450552463531, 0.04708443582057953, -0.5974848866462708, -0.36540424823760986, 0.5991590023040771, 0.010741885751485825, -0.4646699130535126, 0.27845558524131775, -0.5612085461616516, 0.03718103840947151, 0.39200204610824585, 0.1756328046321869, 0.1111651286482811, 0.1285645067691803, -0.038184355944395065, -0.2650059759616852, -0.6005265712738037, -0.2503393888473511, 0.8861472606658936, 0.2640717327594757, 0.7415518760681152, 0.14519765973091125, 0.39602476358413696, 0.26022472977638245, -0.024271290749311447, -0.416169673204422, 0.6418868899345398, -0.3170521855354309, -0.6475759744644165, -0.15701644122600555, -0.3509726822376251, -0.6637651920318604, 0.11359256505966187, -0.31417396664619446, -0.5436670780181885, -0.07689819484949112, 0.20614778995513916, -0.12912021577358246, 0.39357995986938477, -0.7694627642631531, 1.055448055267334, -0.11008992046117783, -0.7557982206344604, -0.032135967165231705, -0.6736905574798584, 0.5077868700027466, 0.1925661861896515, 0.45152243971824646, 0.15764743089675903, 0.3246540427207947, 0.8891471028327942, -0.6593383550643921, 0.7259315252304077, -0.16093489527702332, 0.17323565483093262, 0.6288942694664001, -0.018044451251626015, 0.2943069338798523, 0.2513760030269623, 0.14385975897312164, 0.048698410391807556, -0.14509065449237823, -0.020509781315922737, -0.3294335901737213, 0.7025335431098938, -0.8554213643074036, -0.5374110341072083, -0.3271520435810089, -0.44421038031578064, 0.2229800969362259, 0.2508220374584198, 0.7596688866615295, 0.4492487609386444, -0.3029540777206421, 0.09668134152889252, 0.4782554507255554, -0.4512609541416168, 0.6427657008171082, 0.08680011332035065, -0.3760441839694977, -0.7664934992790222, 0.8187112212181091, 0.02027129754424095, 0.3154207170009613, 0.3209873139858246, 0.14720995724201202, -0.08039853721857071, -0.5088362097740173, -0.6052432060241699, 0.1386876404285431, -0.5415573120117188, -0.12274045497179031, -0.4994817078113556, -0.44448527693748474, -0.7872212529182434, 0.04254370555281639, -0.5660656690597534, -0.05631397292017937, -0.48903366923332214, -0.18014371395111084, 0.40042608976364136, 0.42843830585479736, -0.020396800711750984, 0.415677547454834, -0.7780057787895203, 0.5078752636909485, 0.34118083119392395, 0.17781910300254822, -0.02458660677075386, -0.9216882586479187, -0.6015118360519409, 0.06855250895023346, -0.8808439373970032, -0.823003888130188, 0.8691049218177795, 0.2497495710849762, 0.19410395622253418, 0.4078211784362793, -0.21841661632061005, 0.7357034087181091, -0.4308986961841583, 1.0248605012893677, 0.24513883888721466, -0.8114883899688721, 0.7731754183769226, -0.4596770107746124, 0.35505107045173645, 0.17794355750083923, 0.3513527512550354, -0.3436989486217499, -0.24114763736724854, -0.5567781329154968, -0.8981426358222961, 0.8019372224807739, 0.6667476892471313, 0.18096910417079926, 0.2801104485988617, 0.2507568597793579, -0.18126177787780762, 0.14762957394123077, -0.9576866626739502, -0.19750602543354034, -0.6139065623283386, 0.03456776961684227, 0.02274332381784916, -0.12474126368761063, 0.016166623681783676, -0.45903944969177246, 0.9166914224624634, 0.10200420767068863, 0.3592138886451721, 0.4927118420600891, -0.04056538641452789, -0.10832266509532928, 0.017558960244059563, 0.43290361762046814, 0.22048142552375793, -0.4112766981124878, -0.1450231820344925, -0.05137602239847183, -0.6378185749053955, 0.25667160749435425, 0.2302854061126709, -0.49407488107681274, 0.16925092041492462, 0.1425294578075409, 1.0035847425460815, 0.00631336634978652, -0.6140387058258057, 0.641219973564148, 0.024877887219190598, -0.4193889796733856, -0.5147580504417419, -0.007951781153678894, 0.09369079768657684, 0.17071831226348877, 0.30679720640182495, 0.18570522964000702, 0.3441828191280365, -0.5488860011100769, 0.11159267276525497, 0.2610437870025635, -0.3156087398529053, -0.33154457807540894, 1.4000027179718018, 0.11607025563716888, -0.36024996638298035, 0.5489886999130249, -0.18573668599128723, -0.25410696864128113, 0.6988531351089478, 0.4705554246902466, 0.7945407032966614, -0.057736050337553024, 0.491071492433548, 0.7255136966705322, 0.07577752321958542, -0.2718164324760437, 0.004347810056060553, 0.05717647820711136, -0.6349660158157349, -0.4054194688796997, -0.5154497027397156, -0.2203570157289505, 0.12328047305345535, -0.513708233833313, 0.669712245464325, -0.3977026343345642, -0.3041476011276245, -0.01835504360496998, -0.2169012725353241, -0.4692555367946625, 0.607506275177002, 0.16218046844005585, 0.7275252342224121, -0.9067569971084595, 0.8715612888336182, 0.46902769804000854, -0.8274044394493103, -0.8356290459632874, -0.30076709389686584, -0.11834744364023209, -0.20035512745380402, 0.566219687461853, 0.1432586908340454, 0.14301040768623352, -0.06000863388180733, -0.6811643838882446, -0.5409184694290161, 1.133588433265686, 0.5652687549591064, -0.3079448938369751, -0.4017541706562042, 0.10493531078100204, 0.5997123718261719, -0.348460853099823, 0.33064067363739014, 0.11900082230567932, 0.20698601007461548, 0.25553494691848755, -0.6773728728294373, -0.2767944037914276, -0.3416217863559723, 0.1431475728750229, -0.26299789547920227, -0.8146727085113525, 0.969061553478241, -0.26952075958251953, -0.02003135159611702, 0.20821210741996765, 0.6328051686286926, 0.212934672832489, 0.4097360074520111, 0.12949664890766144, 0.6062555909156799, 0.0836939662694931, 0.029967760667204857, 0.940968930721283, -0.009499479085206985, 0.5562949180603027, 0.8883590698242188, 0.10035733133554459, 0.643395721912384, 0.44236746430397034, -0.3226904273033142, 0.6847127079963684, 0.6217147707939148, -0.2510640323162079, 0.6225469708442688, -0.18443676829338074, -0.04882093146443367, -0.15920375287532806, -0.17369414865970612, -0.2670809030532837, 0.3383389115333557, 0.04358889162540436, -0.707363486289978, 0.1434590220451355, 0.22215640544891357, -0.19444814324378967, 0.03729166090488434, -0.1806955337524414, 0.5099532008171082, 0.12255073338747025, -0.65440434217453, 0.5774689316749573, 0.07831345498561859, 0.649739146232605, -0.7151417136192322, -0.09818795323371887, -0.20991958677768707, 0.16380533576011658, -0.3193199932575226, -0.6331495046615601, 0.17192062735557556, 0.20283879339694977, -0.16874626278877258, -0.18386106193065643, 0.5516659021377563, -0.5170525312423706, -0.6428560018539429, 0.18135809898376465, 0.10449893027544022, 0.27173975110054016, -0.11499875038862228, -0.717786431312561, 0.0615997314453125, 0.12407900393009186, -0.2352110594511032, 0.25277769565582275, 0.20241950452327728, 0.13708025217056274, 0.5838299989700317, 0.49730634689331055, 0.1358274221420288, 0.017349904403090477, 0.18546561896800995, 0.5669209957122803, -0.4836331605911255, -0.4246107041835785, -0.8019393086433411, 0.7657057046890259, -0.04273432865738869, -0.4013320803642273, 0.8165977001190186, 0.6873670220375061, 0.9756063222885132, -0.40457600355148315, 0.9088571071624756, -0.17396025359630585, 0.03132818266749382, -0.5230284929275513, 0.5994759202003479, -0.8390532732009888, 0.14798501133918762, -0.7460644841194153, -0.8787432312965393, -0.06275742501020432, 0.5651359558105469, 0.07211318612098694, -0.007103497162461281, 0.555267333984375, 0.9293068051338196, -0.2157301902770996, -0.22562061250209808, 0.3225060701370239, 0.3848509192466736, 0.3201242685317993, 0.39227163791656494, 0.4609990119934082, -1.0614376068115234, 0.9307361245155334, -0.41709989309310913, -0.07712997496128082, -0.1477517932653427, -0.7945963740348816, -0.6198491454124451, -0.8432349562644958, -0.43031731247901917, -0.4814561903476715, -0.01187105756253004, 0.5798436999320984, 0.7973506450653076, -0.46568673849105835, -0.48568466305732727, -0.26212725043296814, 0.030261782929301262, -0.20705322921276093, -0.2678540050983429, 0.3102382719516754, 0.3225897550582886, -0.9998475313186646, 0.1664387285709381, 0.1666320115327835, 0.26070255041122437, -0.424801766872406, -0.1501060277223587, -0.43199318647384644, -0.13403749465942383, 0.5319083333015442, 0.11584475636482239, -0.5525990724563599, 0.033376868814229965, 0.04694607853889465, 0.02269660122692585, 0.11897529661655426, 0.5033840537071228, -0.4720276892185211, 0.6450154781341553, 0.7214746475219727, 0.20417815446853638, 1.0333635807037354, -0.08551405370235443, 0.46213671565055847, -0.7397168278694153, 0.4021020829677582, -0.17423585057258606, 0.4604904353618622, 0.4892802834510803, -0.2508889138698578, 0.41317319869995117, 0.5338704586029053, -0.6794782280921936, -0.7514910101890564, 0.15457288920879364, -1.280165195465088, -0.18566808104515076, 1.3137229681015015, -0.024711864069104195, -0.17594823241233826, 0.3772045075893402, -0.5447393655776978, 0.7105328440666199, -0.3391030430793762, 0.6976732015609741, 0.38573595881462097, 0.13848735392093658, -0.3424389362335205, -0.5513478517532349, 0.39173486828804016, 0.10378188639879227, -0.619743824005127, -0.1653498411178589, 0.5556122064590454, 0.50096595287323, -0.09673850238323212, 0.6530231237411499, -0.0539114810526371, 0.4036772847175598, 0.223649263381958, 0.2108599990606308, -0.06930619478225708, -0.18456129729747772, -0.2734941840171814, 0.08684924989938736, -0.1843935251235962, -0.11796847730875015 ]
dbmdz/bert-base-turkish-uncased
dbmdz
2021-05-19T15:15:54Z
9,534
15
transformers
[ "transformers", "pytorch", "tf", "jax", "bert", "tr", "license:mit", "endpoints_compatible", "has_space", "region:us" ]
null
2022-03-02T23:29:05Z
--- language: tr license: mit --- # 🤗 + 📚 dbmdz Turkish BERT model In this repository the MDZ Digital Library team (dbmdz) at the Bavarian State Library open sources an uncased model for Turkish 🎉 # 🇹🇷 BERTurk BERTurk is a community-driven uncased BERT model for Turkish. Some datasets used for pretraining and evaluation are contributed from the awesome Turkish NLP community, as well as the decision for the model name: BERTurk. ## Stats The current version of the model is trained on a filtered and sentence segmented version of the Turkish [OSCAR corpus](https://traces1.inria.fr/oscar/), a recent Wikipedia dump, various [OPUS corpora](http://opus.nlpl.eu/) and a special corpus provided by [Kemal Oflazer](http://www.andrew.cmu.edu/user/ko/). The final training corpus has a size of 35GB and 44,04,976,662 tokens. Thanks to Google's TensorFlow Research Cloud (TFRC) we could train an uncased model on a TPU v3-8 for 2M steps. ## Model weights Currently only PyTorch-[Transformers](https://github.com/huggingface/transformers) compatible weights are available. If you need access to TensorFlow checkpoints, please raise an issue! | Model | Downloads | --------------------------------- | --------------------------------------------------------------------------------------------------------------- | `dbmdz/bert-base-turkish-uncased` | [`config.json`](https://cdn.huggingface.co/dbmdz/bert-base-turkish-uncased/config.json) • [`pytorch_model.bin`](https://cdn.huggingface.co/dbmdz/bert-base-turkish-uncased/pytorch_model.bin) • [`vocab.txt`](https://cdn.huggingface.co/dbmdz/bert-base-turkish-uncased/vocab.txt) ## Usage With Transformers >= 2.3 our BERTurk uncased model can be loaded like: ```python from transformers import AutoModel, AutoTokenizer tokenizer = AutoTokenizer.from_pretrained("dbmdz/bert-base-turkish-uncased") model = AutoModel.from_pretrained("dbmdz/bert-base-turkish-uncased") ``` ## Results For results on PoS tagging or NER tasks, please refer to [this repository](https://github.com/stefan-it/turkish-bert). # Huggingface model hub All models are available on the [Huggingface model hub](https://huggingface.co/dbmdz). # Contact (Bugs, Feedback, Contribution and more) For questions about our BERT models just open an issue [here](https://github.com/dbmdz/berts/issues/new) 🤗 # Acknowledgments Thanks to [Kemal Oflazer](http://www.andrew.cmu.edu/user/ko/) for providing us additional large corpora for Turkish. Many thanks to Reyyan Yeniterzi for providing us the Turkish NER dataset for evaluation. Research supported with Cloud TPUs from Google's TensorFlow Research Cloud (TFRC). Thanks for providing access to the TFRC ❤️ Thanks to the generous support from the [Hugging Face](https://huggingface.co/) team, it is possible to download both cased and uncased models from their S3 storage 🤗
[ -0.5281813740730286, -0.7123931646347046, 0.13367947936058044, 0.2767122685909271, -0.4727478325366974, -0.2588059604167938, -0.3793370723724365, -0.45029768347740173, 0.23405203223228455, 0.4268651306629181, -0.6439327001571655, -0.7103167176246643, -0.7171404957771301, -0.14501848816871643, -0.3038984537124634, 1.243971347808838, -0.16992680728435516, 0.31305429339408875, 0.0694783627986908, -0.08061795681715012, -0.0654795840382576, -0.6221421957015991, -0.4087488651275635, -0.5339227318763733, 0.3027632236480713, 0.07242435216903687, 0.49685508012771606, 0.19658468663692474, 0.5004233717918396, 0.328880250453949, -0.2118237018585205, -0.13527534902095795, -0.05703037604689598, -0.04388635605573654, 0.22309383749961853, -0.007940126582980156, -0.5493342280387878, -0.11160990595817566, 0.8005334138870239, 0.6937341094017029, -0.3415680229663849, 0.214967742562294, 0.04675792157649994, 0.7405473589897156, -0.3293575942516327, 0.19721029698848724, -0.40432536602020264, 0.0994885265827179, -0.190558522939682, 0.27347302436828613, -0.23363792896270752, -0.13820716738700867, 0.45328065752983093, -0.27428022027015686, 0.4726358950138092, -0.32960832118988037, 1.2551462650299072, 0.1623181402683258, -0.37984633445739746, -0.24221092462539673, -0.5212417840957642, 0.8339548707008362, -1.0235826969146729, 0.5603784322738647, 0.3355794847011566, 0.3795046806335449, -0.5163562297821045, -0.8289096355438232, -0.5207895040512085, -0.2065875232219696, -0.06352043151855469, 0.06483601033687592, -0.3240433633327484, 0.14306321740150452, 0.13400675356388092, 0.5131897926330566, -0.4279749393463135, -0.15100865066051483, -0.6393918395042419, -0.21949425339698792, 0.6413887739181519, -0.10871398448944092, 0.19387683272361755, -0.3160054683685303, -0.36929336190223694, -0.44639068841934204, -0.5299355387687683, 0.30152395367622375, 0.5623800754547119, 0.493804007768631, -0.40000513195991516, 0.8063714504241943, -0.1026381403207779, 0.7040666341781616, 0.23357588052749634, 0.06665949523448944, 0.43143001198768616, -0.07249237596988678, -0.37922531366348267, 0.05246308818459511, 0.9248931407928467, -0.004183807875961065, -0.0008839546353556216, -0.1990506649017334, -0.3650039732456207, -0.350540429353714, 0.479436993598938, -0.9378173351287842, -0.3220997154712677, 0.4272226393222809, -0.6907179951667786, -0.3178926110267639, 0.02963312342762947, -0.6405885815620422, -0.20479881763458252, -0.11565113812685013, 0.7605981826782227, -0.5637081861495972, -0.49753156304359436, 0.29613181948661804, 0.021490301936864853, 0.48954030871391296, 0.20977665483951569, -1.1206644773483276, 0.32687699794769287, 0.52103590965271, 0.7638089060783386, 0.18772679567337036, -0.096394382417202, 0.027076303958892822, -0.34226828813552856, -0.3426409959793091, 0.7253808975219727, -0.08814501017332077, -0.18156108260154724, 0.21990714967250824, 0.2758358120918274, -0.29547882080078125, -0.30677154660224915, 0.7180106043815613, -0.4602428078651428, 0.5675904154777527, -0.3635598123073578, -0.673564612865448, -0.468607634305954, 0.01850489340722561, -0.6516753435134888, 1.3549163341522217, 0.3661655783653259, -0.9976450204849243, 0.44508984684944153, -0.7112972736358643, -0.43315163254737854, -0.08661200851202011, 0.014334267936646938, -0.9284824132919312, 0.1550823599100113, 0.2665727138519287, 0.6725189685821533, -0.013548621907830238, 0.13701172173023224, -0.49598562717437744, -0.311129093170166, 0.13222767412662506, 0.16327343881130219, 1.2827396392822266, 0.27971482276916504, -0.5377491116523743, 0.2083597630262375, -0.6502451300621033, -0.08865922689437866, 0.19833838939666748, -0.5151302218437195, 0.10108854621648788, -0.14498235285282135, 0.34727779030799866, 0.2831801474094391, 0.31988462805747986, -0.7892558574676514, 0.2929824888706207, -0.4114554524421692, 0.46257486939430237, 0.6948828101158142, -0.3119449317455292, 0.31281113624572754, -0.41263073682785034, 0.27278250455856323, 0.04766375571489334, 0.12133080512285233, 0.23354393243789673, -0.5349813103675842, -1.1107550859451294, -0.6495898365974426, 0.5237846374511719, 0.3699018061161041, -0.65418541431427, 0.7509894967079163, 0.01271332148462534, -0.6996402144432068, -0.7752516269683838, 0.04672927036881447, 0.11077526211738586, 0.6036721467971802, 0.37557268142700195, -0.3789820075035095, -0.8371924161911011, -0.9844653606414795, 0.09327120333909988, -0.2423507422208786, -0.31949350237846375, 0.31079229712486267, 0.720125675201416, -0.2099856287240982, 0.7415068745613098, 0.029119156301021576, -0.5945350527763367, -0.3844526410102844, 0.16437017917633057, 0.6073935031890869, 0.6607202887535095, 0.8040382266044617, -0.38391387462615967, -0.38554278016090393, -0.27298682928085327, -0.7862362861633301, 0.20402891933918, 0.08236391097307205, -0.1915416270494461, 0.7762293219566345, 0.27621546387672424, -0.9275481700897217, 0.40584596991539, 0.5126717686653137, -0.6272168755531311, 0.7416216731071472, -0.3789405822753906, -0.008743264712393284, -1.2273447513580322, 0.35937607288360596, 0.028018273413181305, -0.14200438559055328, -0.5306042432785034, 0.07789674401283264, -0.026315001770853996, 0.06451977044343948, -0.5444559454917908, 0.5985549092292786, -0.3300096094608307, -0.145100936293602, -0.033746980130672455, -0.43082723021507263, -0.12565067410469055, 0.7039133906364441, 0.3044944703578949, 0.666227400302887, 0.6594113707542419, -0.517950177192688, 0.36096706986427307, 0.5162530541419983, -0.8454667329788208, 0.10632570087909698, -0.9366599917411804, 0.0478101447224617, 0.05700288340449333, 0.3033517599105835, -0.8352093696594238, -0.16073499619960785, 0.4792425036430359, -0.64790278673172, 0.6307618021965027, -0.4633064866065979, -0.8538706302642822, -0.43742552399635315, -0.23812536895275116, -0.0348610021173954, 0.7751858830451965, -0.7058413624763489, 0.7539205551147461, 0.3449603319168091, -0.133228600025177, -0.7967323064804077, -0.767448902130127, -0.10926438868045807, -0.401035338640213, -0.8862166404724121, 0.462313175201416, -0.12039407342672348, 0.03597185015678406, 0.06959079205989838, -0.06690424680709839, -0.22575126588344574, -0.027193410322070122, 0.18353524804115295, 0.4783897399902344, -0.24371497333049774, 0.038285668939352036, 0.007993791252374649, 0.1374412178993225, 0.09406842291355133, -0.31376487016677856, 0.5558681488037109, -0.5442032217979431, -0.059740111231803894, -0.4640560746192932, 0.27157971262931824, 0.46732574701309204, -0.0474129244685173, 1.2664345502853394, 1.070481777191162, -0.5032833218574524, 0.17182070016860962, -0.7744260430335999, -0.2646678388118744, -0.4897986650466919, 0.20290115475654602, -0.37431800365448, -0.9904165267944336, 0.7814005017280579, 0.33123084902763367, 0.39002296328544617, 0.6927337646484375, 0.8827513456344604, -0.49019062519073486, 1.0359632968902588, 1.0012218952178955, -0.005077677313238382, 0.6042618155479431, -0.42157015204429626, 0.05738100782036781, -0.8010425567626953, -0.40282729268074036, -0.5207396745681763, -0.11684900522232056, -0.6939800381660461, -0.1574491262435913, 0.2554904520511627, 0.1387220323085785, -0.45139795541763306, 0.4795781373977661, -0.5771632194519043, -0.016822325065732002, 0.6902517080307007, 0.28031066060066223, -0.2282390594482422, 0.4422471523284912, -0.45561304688453674, 0.039240483194589615, -0.7926056385040283, -0.46334072947502136, 1.3631621599197388, 0.568387508392334, 0.5020527839660645, 0.20824015140533447, 0.7887027859687805, 0.2620869278907776, 0.13037103414535522, -0.6112133264541626, 0.33158692717552185, -0.13879309594631195, -1.0178860425949097, -0.17520181834697723, -0.32958662509918213, -1.0772531032562256, 0.22469757497310638, -0.43673887848854065, -0.9541501402854919, 0.23125728964805603, -0.03511440381407738, -0.44802042841911316, 0.6109213829040527, -0.6931208372116089, 1.0462415218353271, 0.02806503139436245, -0.18664486706256866, -0.1593364179134369, -0.7440381646156311, 0.23279127478599548, 0.11837628483772278, -0.1884002536535263, -0.057908933609724045, 0.30177512764930725, 1.0738246440887451, -0.7398416996002197, 0.7233902215957642, -0.32396361231803894, 0.012596110813319683, 0.4037068784236908, -0.09896673262119293, 0.34739950299263, -0.2186417430639267, -0.12445089221000671, 0.5458968281745911, 0.2969813644886017, -0.752641499042511, -0.26647067070007324, 0.5396504402160645, -1.2016005516052246, -0.39928558468818665, -0.699963390827179, -0.46733251214027405, 0.007767845410853624, 0.30598950386047363, 0.29208895564079285, 0.2877098023891449, -0.14858971536159515, 0.33692169189453125, 0.8732343912124634, -0.43086162209510803, 0.5335345268249512, 0.6272079348564148, -0.009907353669404984, -0.3128792643547058, 0.5718992948532104, -0.07993599027395248, -0.24586358666419983, 0.12971337139606476, 0.01795228198170662, -0.5232311487197876, -0.5405669212341309, -0.5694902539253235, 0.46819308400154114, -0.6058641076087952, -0.0976841077208519, -0.8280823826789856, -0.3823121190071106, -0.797250509262085, 0.12204863131046295, -0.5978800654411316, -0.600094735622406, -0.29041385650634766, -0.09530255198478699, 0.5782942175865173, 0.6768394708633423, -0.3679507076740265, 0.2515353858470917, -0.6547601819038391, 0.07705960422754288, 0.14957982301712036, 0.5535240769386292, -0.04299609735608101, -0.8598567843437195, -0.3455926775932312, 0.03888874128460884, -0.17856411635875702, -0.7160231471061707, 0.6197513341903687, 0.06609613448381424, 0.5945525765419006, 0.48026126623153687, 0.12189130485057831, 0.4834883213043213, -0.4743727445602417, 0.6314030885696411, 0.06263447552919388, -0.681602954864502, 0.30639320611953735, -0.49747300148010254, 0.1300286054611206, 0.5099953413009644, 0.4000585377216339, -0.4693264365196228, -0.0943809226155281, -0.8229822516441345, -0.933165967464447, 0.9576451778411865, 0.4774366021156311, 0.19281725585460663, 0.21924304962158203, 0.2981678247451782, 0.0886775553226471, 0.2617279589176178, -0.7720827460289001, -0.27524885535240173, -0.5040538907051086, -0.22015152871608734, -0.05725778639316559, -0.5187996029853821, -0.2008623331785202, -0.5467215180397034, 1.0863115787506104, 0.2875003218650818, 0.8330969214439392, 0.29313015937805176, -0.20943886041641235, -0.25855645537376404, 0.1251591295003891, 0.6543840169906616, 0.44361990690231323, -0.8350936770439148, -0.1919001191854477, 0.12144295126199722, -0.5332075953483582, -0.25733721256256104, 0.6309989094734192, -0.05673694983124733, 0.20675723254680634, 0.26724773645401, 0.8822198510169983, 0.04060422256588936, -0.5076795220375061, 0.4618155062198639, -0.330689936876297, -0.4640004634857178, -0.7893756031990051, -0.29550737142562866, 0.07237459719181061, 0.43908482789993286, 0.5212365388870239, -0.19061331450939178, -0.051944807171821594, -0.23601292073726654, 0.29951778054237366, 0.4743344187736511, -0.48039525747299194, -0.2563197910785675, 0.5205374360084534, 0.0794142633676529, 0.06454905867576599, 1.1038081645965576, 0.03625734522938728, -0.6433228254318237, 0.6433557271957397, 0.29191139340400696, 0.9292492270469666, -0.11488623917102814, 0.24168476462364197, 0.6050755977630615, 0.4867694079875946, 0.07829714566469193, 0.24689559638500214, -0.21346665918827057, -0.8243980407714844, -0.3366028964519501, -0.9339681267738342, -0.18301433324813843, 0.4738653004169464, -0.7505121827125549, 0.30451297760009766, -0.5162353515625, -0.24666517972946167, -0.023625798523426056, 0.5962237119674683, -0.7380772829055786, 0.12035513669252396, 0.26320621371269226, 1.0512512922286987, -0.9369384050369263, 1.0453311204910278, 0.9561264514923096, -0.5385894775390625, -0.7320384979248047, -0.5095310807228088, -0.2142333984375, -0.802496612071991, 0.4266757369041443, 0.19777850806713104, 0.31301048398017883, -0.1474965214729309, -0.569092333316803, -0.8802950382232666, 1.042678952217102, 0.29214513301849365, -0.05828293785452843, 0.04383255913853645, 0.11664342135190964, 0.6121039986610413, -0.22160674631595612, 0.42807677388191223, 0.535071074962616, 0.31607306003570557, 0.2379709631204605, -0.8697317838668823, 0.08118239790201187, -0.5462437868118286, -0.20129425823688507, 0.0834614485502243, -0.5950965285301208, 0.9539499878883362, -0.1837892383337021, -0.08531731367111206, 0.2825949192047119, 0.8811947703361511, 0.3897087872028351, -0.06333310902118683, 0.48867475986480713, 0.8513603210449219, 0.49045851826667786, -0.07762545347213745, 1.0978153944015503, -0.2905515432357788, 0.5555729269981384, 0.7849160432815552, 0.22536323964595795, 0.6882807016372681, 0.4291599988937378, -0.299545019865036, 0.7850860357284546, 1.2010210752487183, -0.3011327087879181, 0.5429972410202026, -0.05403967201709747, -0.365850567817688, -0.3929547667503357, -0.002173121552914381, -0.5790371298789978, 0.379995197057724, 0.25254055857658386, -0.3484884202480316, -0.36230406165122986, -0.17054180800914764, 0.22409766912460327, -0.4883783459663391, -0.10304540395736694, 0.6068210601806641, 0.05685972794890404, -0.4038234353065491, 0.7615796327590942, 0.2583310306072235, 0.6838364005088806, -0.7475888729095459, 0.051125966012477875, -0.24425607919692993, 0.2657315135002136, -0.11660296469926834, -0.5678975582122803, 0.2978861927986145, -0.009637347422540188, -0.1218767762184143, -0.27869996428489685, 0.8193982243537903, -0.48759201169013977, -0.7444006204605103, 0.1757556051015854, 0.32386457920074463, 0.4646523594856262, -0.06674638390541077, -1.1679719686508179, -0.08359620720148087, -0.07878503948450089, -0.5793983936309814, 0.49797871708869934, 0.22546103596687317, 0.11270461231470108, 0.7852229475975037, 0.6823682188987732, -0.09640200436115265, 0.1295052319765091, -0.010309474542737007, 0.9215612411499023, -0.47646522521972656, -0.40153640508651733, -0.5358244776725769, 0.6682223677635193, 0.15477590262889862, -0.16409726440906525, 0.7174860239028931, 0.5034045577049255, 0.9289522171020508, -0.17081061005592346, 0.6496320962905884, -0.3507438600063324, 0.48259416222572327, -0.3276382088661194, 1.186492681503296, -0.7430257201194763, -0.1907564252614975, -0.3847040832042694, -0.8112295269966125, -0.1920074075460434, 1.0183031558990479, -0.20532101392745972, 0.2695290744304657, 0.4610629677772522, 0.6417748928070068, 0.01886780746281147, -0.19089275598526, 0.09250979125499725, 0.31062766909599304, 0.07174870371818542, 0.5615953803062439, 0.46155133843421936, -0.6855353116989136, 0.5859826803207397, -0.6571767926216125, -0.14100389182567596, -0.2717134654521942, -0.8535149693489075, -1.3476423025131226, -0.8084914684295654, -0.3219859004020691, -0.6982131600379944, -0.0168604739010334, 1.1090903282165527, 0.8691113591194153, -1.0917141437530518, -0.4141751527786255, -0.04649404436349869, 0.031042836606502533, -0.21855229139328003, -0.21580030024051666, 0.8068889379501343, -0.3190247118473053, -0.7476803064346313, 0.18697573244571686, -0.3060195744037628, 0.40478554368019104, -0.17589424550533295, -0.1084163635969162, -0.38710635900497437, 0.03293295204639435, 0.3864385783672333, 0.49707505106925964, -0.5786978006362915, -0.13758566975593567, 0.014975014142692089, -0.08670525252819061, 0.05644022673368454, 0.5481256246566772, -0.6740438342094421, 0.4845670461654663, 0.43583181500434875, 0.41739144921302795, 0.8553658723831177, -0.35622137784957886, 0.5558556318283081, -0.6698521375656128, 0.4366989731788635, 0.11812173575162888, 0.6021538376808167, 0.48044905066490173, -0.2023990899324417, 0.43810656666755676, 0.0596504807472229, -0.5006635189056396, -0.9107734560966492, -0.16437022387981415, -1.0970308780670166, -0.3219974935054779, 0.9431883692741394, -0.3497712016105652, -0.38881915807724, 0.05772528797388077, 0.041675761342048645, 0.7012971639633179, -0.48593422770500183, 1.252495288848877, 0.9227690696716309, -0.015228012576699257, -0.3315921723842621, -0.48657533526420593, 0.644152045249939, 0.6962406635284424, -0.39676523208618164, -0.2034616470336914, 0.2793947458267212, 0.4993707239627838, -0.1584254950284958, 0.48678022623062134, -0.2947002053260803, 0.26316049695014954, -0.14055757224559784, 0.6844544410705566, -0.21194954216480255, -0.1342933177947998, -0.4404374659061432, -0.24452783167362213, -0.21995583176612854, -0.23601356148719788 ]
LanguageBind/Video-LLaVA-7B
LanguageBind
2023-11-21T02:36:18Z
9,531
24
transformers
[ "transformers", "pytorch", "llava", "text-generation", "license:apache-2.0", "endpoints_compatible", "has_space", "region:us" ]
text-generation
2023-11-17T05:09:17Z
--- license: apache-2.0 ---
[ -0.12853388488292694, -0.18616782128810883, 0.6529127359390259, 0.4943625330924988, -0.19319313764572144, 0.23607465624809265, 0.36071982979774475, 0.05056332051753998, 0.5793652534484863, 0.740013837814331, -0.6508103013038635, -0.2378396987915039, -0.710224986076355, -0.04782581701874733, -0.3894752264022827, 0.8470761775970459, -0.09598272293806076, 0.024004854261875153, 0.047120071947574615, -0.14317826926708221, -0.6121037602424622, -0.04771740734577179, -1.0524537563323975, -0.06787490844726562, 0.3002279996871948, 0.5120972990989685, 0.8275896310806274, 0.39602896571159363, 0.5030564069747925, 1.7515558004379272, -0.08836919069290161, -0.22754427790641785, -0.45892032980918884, 0.4223068356513977, -0.33277371525764465, -0.42133718729019165, -0.2624166011810303, -0.07449338585138321, 0.32380399107933044, 0.790371298789978, -0.38104110956192017, 0.19328099489212036, -0.22438454627990723, 1.008224368095398, -0.8202074766159058, 0.22630876302719116, -0.16698351502418518, 0.14053204655647278, 0.042308706790208817, -0.14591927826404572, -0.1326323002576828, -0.6440033912658691, 0.06469469517469406, -0.899596095085144, 0.1027495265007019, -0.04461126774549484, 0.8789561986923218, 0.21909058094024658, -0.5102370977401733, -0.0459773913025856, -0.6883594989776611, 1.0972508192062378, -0.17556026577949524, 0.7615712881088257, 0.4507811963558197, 0.45288562774658203, -0.5849329829216003, -1.178217887878418, -0.4441864490509033, -0.13579002022743225, 0.14722809195518494, 0.30556100606918335, -0.3453029692173004, -0.022343844175338745, 0.10801105946302414, 0.5610314011573792, -0.5003758072853088, -0.311959445476532, -0.9579929113388062, -0.18164916336536407, 0.6820483207702637, 0.319308340549469, 0.834044337272644, 0.1873151659965515, -0.7347195744514465, 0.12866291403770447, -1.3239703178405762, 0.07650735974311829, 0.6465023756027222, 0.239467591047287, -0.554598867893219, 0.8594784736633301, -0.28587982058525085, 0.626249372959137, 0.2728465497493744, -0.1164526641368866, 0.2784252464771271, -0.23030735552310944, -0.2735062837600708, 0.033087607473134995, 0.34597301483154297, 0.8204491138458252, 0.16248634457588196, -0.019984982907772064, -0.22123965620994568, 0.0020717978477478027, 0.2684449553489685, -0.7935096025466919, -0.4712669551372528, 0.1926696002483368, -0.558952808380127, -0.0910850465297699, 0.4327022135257721, -1.0976827144622803, -0.4812980592250824, -0.1879846155643463, 0.05468139797449112, -0.5451693534851074, -0.3697946071624756, 0.07273250073194504, -0.79254150390625, -0.1243419200181961, 0.570950984954834, -0.6230252981185913, 0.43974608182907104, 0.533625602722168, 0.7861635684967041, 0.2330387681722641, -0.23613610863685608, -0.6695019602775574, 0.48848265409469604, -0.8661867380142212, 0.36860740184783936, -0.3073781132698059, -0.8298640251159668, -0.09631050378084183, 0.5393159985542297, 0.20664852857589722, -0.6653256416320801, 0.7074045538902283, -0.5496984720230103, -0.07806532829999924, -0.4308285415172577, -0.2432200014591217, 0.17460417747497559, 0.11115431040525436, -0.6238909363746643, 0.9402233362197876, 0.5551108121871948, -0.584109902381897, 0.31701239943504333, -0.4869506359100342, -0.6865583658218384, 0.26748135685920715, -0.008750975131988525, -0.047152332961559296, 0.3279528021812439, -0.15983973443508148, -0.0020511597394943237, 0.10505761206150055, 0.008299741894006729, -0.21891699731349945, -0.4786304235458374, 0.06349936127662659, 0.151650071144104, 1.25368332862854, 0.4083622097969055, -0.3771882951259613, -0.13140122592449188, -1.0526149272918701, 0.025432661175727844, 0.0505015105009079, -0.42306768894195557, -0.2504565119743347, -0.14882194995880127, -0.20381587743759155, 0.4307260811328888, 0.2118472456932068, -0.813115119934082, 0.22643625736236572, -0.2064024657011032, 0.364496648311615, 0.8222091794013977, 0.2703101634979248, 0.39760565757751465, -0.6625286340713501, 0.6563138365745544, 0.2076188325881958, 0.49590179324150085, 0.35404202342033386, -0.3845822811126709, -0.9641586542129517, -0.442161500453949, -0.10117404907941818, 0.2975531220436096, -0.7744957804679871, 0.5847322940826416, 0.012979604303836823, -0.5836705565452576, -0.4465281367301941, -0.15488101541996002, 0.2755330502986908, -0.06606576591730118, 0.03334902226924896, -0.4049779176712036, -0.7394417524337769, -1.0127898454666138, -0.13788150250911713, -0.5021388530731201, -0.21892830729484558, 0.3160586357116699, 0.2617739737033844, -0.34290042519569397, 0.7610747814178467, -0.6059278249740601, -0.704064130783081, -0.13973554968833923, -0.0995984673500061, 0.6187719702720642, 0.9297672510147095, 0.749138355255127, -0.7224893569946289, -0.8973818421363831, -0.056230708956718445, -0.5420039892196655, -0.020044349133968353, 0.038149889558553696, -0.18260693550109863, -0.10514980554580688, 0.22352531552314758, -0.6100803017616272, 0.8851073980331421, 0.43224984407424927, -0.681546688079834, 0.5210590958595276, -0.4444413483142853, 0.6073803901672363, -0.8642839193344116, -0.2911490201950073, -0.16823577880859375, -0.1976117193698883, -0.7090160846710205, 0.19411544501781464, -0.3002234101295471, -0.33029863238334656, -0.7474032044410706, 0.5274897813796997, -0.9497010707855225, -0.18781527876853943, -0.33672773838043213, -0.03423111140727997, 0.25807833671569824, 0.19490505754947662, -0.23560254275798798, 0.8900529742240906, 0.9160482287406921, -0.7121306657791138, 0.5487277507781982, 0.3930906653404236, -0.1920013427734375, 0.7131237387657166, -0.3887738585472107, 0.05161993205547333, -0.12344931066036224, 0.14374595880508423, -1.126388430595398, -0.561158299446106, 0.13677382469177246, -0.712703287601471, 0.17686958611011505, -0.16556859016418457, -0.09428537636995316, -0.6608465313911438, -0.33806395530700684, 0.25910091400146484, 0.48612290620803833, -0.47969940304756165, 0.6188148260116577, 0.5728040337562561, 0.02651876211166382, -0.5307406783103943, -0.7206818461418152, 0.20418110489845276, 0.039646461606025696, -0.5569695830345154, 0.3011690080165863, 0.006543457508087158, -0.6622446775436401, -0.371124804019928, -0.26354190707206726, -0.6043857336044312, -0.2267974615097046, 0.7826986312866211, 0.1199423298239708, -0.09012264013290405, -0.20310267806053162, -0.3199536204338074, -0.06167525798082352, 0.30487415194511414, -0.07575298100709915, 0.7232834696769714, -0.33623749017715454, -0.17850083112716675, -0.887734055519104, 0.652754545211792, 0.9970465302467346, 0.09446714073419571, 0.806644082069397, 0.46324217319488525, -0.35647475719451904, -0.1304660439491272, -0.3535459041595459, -0.15120601654052734, -0.685774564743042, -0.1806798279285431, -0.5322476625442505, -0.5411434769630432, 0.40530654788017273, 0.10101459175348282, -0.0021042972803115845, 0.5167046785354614, 0.2533605694770813, -0.28806859254837036, 0.7550324201583862, 1.034340739250183, 0.1391797959804535, 0.3602915108203888, -0.2854715585708618, 0.6341594457626343, -0.8329949378967285, -0.34052175283432007, -0.4548071026802063, -0.2563585042953491, -0.31214389204978943, -0.10750849545001984, 0.5791022181510925, 0.2818215489387512, -0.4463467597961426, 0.1250680536031723, -0.5994209051132202, 0.6587361693382263, 0.6273988485336304, 0.5719727873802185, 0.1997303068637848, -0.46199458837509155, 0.19982971251010895, 0.04816687852144241, -0.45745599269866943, -0.4009109139442444, 0.7711143493652344, 0.2399624139070511, 0.8364022374153137, 0.20927050709724426, 0.4957774877548218, 0.33375421166419983, 0.2528058588504791, -0.6318977475166321, 0.2009797990322113, -0.22282809019088745, -1.245961308479309, -0.206426739692688, -0.16551318764686584, -1.0080583095550537, -0.11792082339525223, -0.18288995325565338, -0.8406620025634766, 0.2665729820728302, -0.19225634634494781, -0.6640645265579224, 0.5206149220466614, -0.5103875398635864, 0.69347083568573, -0.23555898666381836, -0.2817087769508362, 0.11930079013109207, -0.6889920830726624, 0.5254612565040588, 0.3667147755622864, 0.29168397188186646, -0.37968993186950684, -0.3192872405052185, 0.5068994760513306, -0.881224513053894, 0.44081127643585205, -0.10564978420734406, 0.19428130984306335, 0.5358879566192627, 0.4153591990470886, 0.3823971152305603, 0.28699052333831787, -0.2459377944469452, -0.23415414988994598, 0.2250344604253769, -0.7581346035003662, -0.27754613757133484, 0.9095459580421448, -0.7519428730010986, -0.8586915731430054, -0.6954255700111389, -0.30644941329956055, 0.28865277767181396, 0.02781464159488678, 0.7154772281646729, 0.6456884145736694, -0.18821057677268982, 0.23776991665363312, 0.7208225727081299, -0.0146945184096694, 0.7235562801361084, 0.29411184787750244, -0.4056646227836609, -0.6169787645339966, 0.7182320356369019, 0.2627044916152954, 0.05162655562162399, 0.028327951207756996, 0.3058736026287079, -0.17546698451042175, -0.15078596770763397, -0.6318323612213135, -0.06395323574542999, -0.7465729117393494, -0.0927949845790863, -0.7541396617889404, -0.2507742643356323, -0.7114590406417847, -0.8068137764930725, -0.7080163955688477, -0.45604395866394043, -0.43011948466300964, -0.23352204263210297, 0.5163108706474304, 1.1627086400985718, -0.2613152861595154, 0.8011051416397095, -0.8900954723358154, 0.41936296224594116, 0.4969540238380432, 0.7519731521606445, -0.11061006784439087, -0.6746935844421387, -0.07836239039897919, -0.5338755249977112, -0.29485058784484863, -1.0156972408294678, 0.31774646043777466, -0.03688591718673706, 0.40537136793136597, 0.42938894033432007, 0.25190269947052, 0.49392756819725037, -0.30073118209838867, 1.1130688190460205, 0.7274302244186401, -0.803381085395813, 0.519527792930603, -0.7635002136230469, 0.16122324764728546, 0.9363659620285034, 0.54477459192276, -0.4417075514793396, -0.15113934874534607, -1.025976538658142, -0.843137264251709, 0.5963036417961121, 0.15439945459365845, 0.016843896359205246, 0.01821417547762394, 0.03168272227048874, 0.29466384649276733, 0.3591304123401642, -0.7847291231155396, -0.8240220546722412, -0.13851122558116913, 0.25803306698799133, 0.31456053256988525, -0.1648542582988739, -0.3003871440887451, -0.611615777015686, 0.8711391091346741, 0.18286482989788055, 0.3546231985092163, 0.12073354423046112, 0.04369349032640457, -0.35506919026374817, 0.14787021279335022, 0.5522999167442322, 1.2529057264328003, -0.40983331203460693, 0.3673911392688751, 0.1751260608434677, -0.6540069580078125, 0.6494997143745422, -0.3036349415779114, -0.021784601733088493, 0.6203135251998901, 0.17760884761810303, 0.28528398275375366, 0.315599262714386, -0.3621427118778229, 0.6047801971435547, -0.029422052204608917, -0.17758512496948242, -0.7005696296691895, 0.15866968035697937, 0.029350608587265015, 0.27507954835891724, 0.4392024278640747, 0.24443313479423523, 0.08246771991252899, -1.0602877140045166, 0.5711055397987366, 0.24493910372257233, -0.8676618337631226, -0.3011006712913513, 0.7047957181930542, 0.4075389802455902, -0.47599563002586365, 0.38749054074287415, 0.012702330946922302, -0.6710241436958313, 0.5987741351127625, 0.5510413646697998, 0.7569674253463745, -0.4702427089214325, 0.3088020086288452, 0.6245602965354919, 0.06711331009864807, 0.20550549030303955, 0.6923202872276306, 0.03149382025003433, -0.44738656282424927, 0.23022446036338806, -0.5986733436584473, -0.1468990594148636, 0.13735318183898926, -0.8047426342964172, 0.351533442735672, -0.9312615394592285, -0.24089956283569336, 0.08751589059829712, 0.11761097609996796, -0.6130945086479187, 0.6674696207046509, -0.008524954319000244, 0.9280490875244141, -0.8549083471298218, 0.9626278281211853, 0.8559581637382507, -0.31830817461013794, -0.7709448337554932, -0.33556753396987915, 0.02013934776186943, -0.6660526990890503, 0.7108278274536133, -0.18973003327846527, -0.41207411885261536, -0.09323947876691818, -0.622982919216156, -1.0003730058670044, 0.030618250370025635, 0.017415650188922882, -0.4625031054019928, 0.4454794228076935, -0.5157257318496704, 0.3289681673049927, -0.19169732928276062, 0.30509495735168457, 0.7719469666481018, 0.7958452701568604, 0.22960808873176575, -0.6354780197143555, -0.4466685652732849, -0.010276071727275848, -0.16682815551757812, 0.4545809030532837, -1.0710972547531128, 0.967736542224884, -0.4652574360370636, -0.34733209013938904, 0.2706642150878906, 0.797762393951416, 0.2538500428199768, 0.3524126708507538, 0.6219537258148193, 0.9016807079315186, 0.36450111865997314, -0.31178343296051025, 0.7276745438575745, 0.2426338493824005, 0.4152539074420929, 0.7364203333854675, -0.22712187469005585, 0.5403846502304077, 0.8906413316726685, -0.786162257194519, 0.5381765365600586, 0.7879031896591187, 0.16047371923923492, 0.7758157253265381, 0.5944145917892456, -0.611952543258667, -0.1185941994190216, -0.1464141309261322, -0.6171560287475586, 0.1979752480983734, 0.052926212549209595, -0.11974738538265228, -0.2846010625362396, -0.13567376136779785, 0.12295057624578476, 0.2836454212665558, -0.5959328413009644, 0.606866717338562, 0.34341585636138916, -0.6328282356262207, 0.21025103330612183, -0.25779569149017334, 0.6709501147270203, -0.5978154540061951, 0.02733636647462845, -0.226993590593338, 0.41810402274131775, -0.4618742763996124, -1.007582426071167, 0.47138404846191406, -0.2920241355895996, -0.40551304817199707, -0.26942431926727295, 0.8072363138198853, -0.22133907675743103, -0.5572860240936279, 0.37486034631729126, 0.13466592133045197, 0.41473662853240967, 0.40145981311798096, -0.548729419708252, 0.047790080308914185, 0.13760165870189667, -0.20061805844306946, 0.3601190149784088, 0.2973729372024536, 0.25488772988319397, 0.7100128531455994, 0.5052477717399597, 0.22198708355426788, 0.25694364309310913, -0.18668605387210846, 0.8387458324432373, -0.9102796316146851, -0.8167635202407837, -0.9497333765029907, 0.3849896192550659, 0.025727711617946625, -0.880144476890564, 0.7920305728912354, 0.7652608156204224, 0.5113964080810547, -0.4877890348434448, 0.4755283296108246, -0.326479434967041, 0.5047136545181274, -0.13870958983898163, 1.001089096069336, -0.760762631893158, -0.29587265849113464, -0.030554059892892838, -0.9216439723968506, -0.2533753216266632, 0.5375741720199585, 0.1540832668542862, -0.14608067274093628, 0.4385907053947449, 0.44216376543045044, 0.022173406556248665, 0.25223150849342346, 0.32861006259918213, 0.06042787432670593, 0.14508451521396637, 0.5510438680648804, 1.0931141376495361, -0.43394410610198975, 0.18694786727428436, -0.4923475384712219, -0.4536249041557312, -0.4153490662574768, -0.9548057913780212, -0.6640313863754272, -0.48185449838638306, -0.2973935008049011, -0.5915579199790955, 0.11726461350917816, 0.9300885796546936, 0.9018137454986572, -0.6256728172302246, -0.41243645548820496, 0.25713539123535156, 0.30293411016464233, -0.2295418381690979, -0.146267831325531, 0.2736492455005646, -0.006407544948160648, -0.7211178541183472, 0.3930943012237549, 0.807976245880127, 0.3887130320072174, 0.08444006741046906, -0.07217127084732056, -0.4407080411911011, 0.026101574301719666, 0.5373561382293701, 0.5729561448097229, -0.6281182169914246, -0.4099644422531128, -0.5328317880630493, -0.21386730670928955, 0.15529435873031616, 0.48077550530433655, -0.5166378617286682, 0.32661110162734985, 0.8128959536552429, 0.17017659544944763, 0.7187885642051697, -0.0022492259740829468, 0.6678642630577087, -0.8970246315002441, 0.4446259140968323, 0.3953385353088379, 0.5681870579719543, 0.08998038619756699, -0.7339164614677429, 0.9820241928100586, 0.49674350023269653, -0.6334057450294495, -1.0034242868423462, 0.03079957515001297, -1.193113923072815, -0.3788175582885742, 0.9890843629837036, -0.09595765173435211, -0.9597458839416504, -0.36448943614959717, -0.3677716851234436, 0.07989637553691864, -0.33809733390808105, 0.35498204827308655, 0.8268195986747742, -0.2538071274757385, -0.2204185128211975, -0.9505581855773926, 0.4752943515777588, 0.3102525472640991, -0.5886632204055786, -0.05114369094371796, 0.329391211271286, 0.45236870646476746, 0.3009701371192932, 0.5239557027816772, 0.10428227484226227, 0.8970529437065125, 0.25200390815734863, 0.30491405725479126, -0.04526621103286743, -0.590078592300415, -0.0160664189606905, 0.2621477246284485, 0.04487839341163635, -0.6869441270828247 ]
bigcode/starpii
bigcode
2023-07-24T09:43:04Z
9,511
81
transformers
[ "transformers", "pytorch", "bert", "token-classification", "code", "dataset:bigcode/pii-annotated-toloka-donwsample-emails", "dataset:bigcode/pseudo-labeled-python-data-pii-detection-filtered", "arxiv:2301.03988", "autotrain_compatible", "endpoints_compatible", "has_space", "region:us" ]
token-classification
2023-04-23T16:12:27Z
--- datasets: - bigcode/pii-annotated-toloka-donwsample-emails - bigcode/pseudo-labeled-python-data-pii-detection-filtered metrics: - f1 pipeline_tag: token-classification language: - code extra_gated_prompt: >- ## Terms of Use for the model This is an NER model trained to detect Personal Identifiable Information (PII) in code datasets. We ask that you read and agree to the following Terms of Use before using the model: 1. You agree that you will not use the model for any purpose other than PII detection for the purpose of removing PII from datasets. 2. You agree that you will not share the model or any modified versions for whatever purpose. 3. Unless required by applicable law or agreed to in writing, the model is provided on an "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied, including, without limitation, any warranties or conditions of TITLE, NON-INFRINGEMENT, MERCHANTABILITY, or FITNESS FOR A PARTICULAR PURPOSE. You are solely responsible for determining the appropriateness of using the model, and assume any risks associated with your exercise of permissions under these Terms of Use. 4. IN NO EVENT SHALL THE AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, OUT OF OR IN CONNECTION WITH THE MODEL OR THE USE OR OTHER DEALINGS IN THE MODEL. extra_gated_fields: Email: text I have read the License and agree with its terms: checkbox --- # StarPII ## Model description This is an NER model trained to detect Personal Identifiable Information (PII) in code datasets. We fine-tuned [bigcode-encoder](https://huggingface.co/bigcode/bigcode-encoder) on a PII dataset we annotated, available with gated access at [bigcode-pii-dataset](https://huggingface.co/datasets/bigcode/pii-annotated-toloka-donwsample-emails) (see [bigcode-pii-dataset-training](https://huggingface.co/datasets/bigcode/bigcode-pii-dataset-training) for the exact data splits). We added a linear layer as a token classification head on top of the encoder model, with 6 target classes: Names, Emails, Keys, Passwords, IP addresses and Usernames. ## Dataset ### Fine-tuning on the annotated dataset The finetuning dataset contains 20961 secrets and 31 programming languages, but the base encoder model was pre-trained on 88 programming languages from [The Stack](https://huggingface.co/datasets/bigcode/the-stack) dataset. ### Initial training on a pseudo-labelled dataset To enhance model performance on some rare PII entities like keys, we initially trained on a pseudo-labeled dataset before fine-tuning on the annotated dataset. The method involves training a model on a small set of labeled data and subsequently generating predictions for a larger set of unlabeled data. Specifically, we annotated 18,000 files available at [bigcode-pii-ppseudo-labeled](https://huggingface.co/datasets/bigcode/pseudo-labeled-python-data-pii-detection-filtered) using an ensemble of two encoder models [Deberta-v3-large](https://huggingface.co/microsoft/deberta-v3-large) and [stanford-deidentifier-base](StanfordAIMI/stanford-deidentifier-base) which were fine-tuned on an intern previously labeled PII [dataset](https://huggingface.co/datasets/bigcode/pii-for-code) for code with 400 files from this [work](https://arxiv.org/abs/2301.03988). To select good-quality pseudo-labels, we computed the average probability logits between the models and filtered based on a minimum score. After inspection, we observed a high rate of false positives for Keys and Passwords, hence we retained only the entities that had a trigger word like `key`, `auth` and `pwd` in the surrounding context. Training on this synthetic dataset prior to fine-tuning on the annotated one yielded superior results for all PII categories, as demonstrated in the table in the following section. ### Performance This model is respresented in the last row (NER + pseudo labels ) - Emails, IP addresses and Keys | Method | Email address | | | IP address | | | Key | | | | ------------------ | -------------- | ---- | ---- | ---------- | ---- | ---- | ----- | ---- | ---- | | | Prec. | Recall | F1 | Prec. | Recall | F1 | Prec. | Recall | F1 | | Regex | 69.8% | 98.8% | 81.8% | 65.9% | 78% | 71.7% | 2.8% | 46.9% | 5.3% | | NER | 94.01% | 98.10% | 96.01% | 88.95% | *94.43%* | 91.61% | 60.37% | 53.38% | 56.66% | | + pseudo labels | **97.73%** | **98.94%** | **98.15%** | **90.10%** | 93.86% | **91.94%** | **62.38%** | **80.81%** | **70.41%** | - Names, Usernames and Passwords | Method | Name | | | Username | | | Password | | | | ------------------ | -------- | ---- | ---- | -------- | ---- | ---- | -------- | ---- | ---- | | | Prec. | Recall | F1 | Prec. | Recall | F1 | Prec. | Recall | F1 | | NER | 83.66% | 95.52% | 89.19% | 48.93% | *75.55%* | 59.39% | 59.16% | *96.62%* | 73.39%| | + pseudo labels | **86.45%** | **97.38%** | **91.59%** | **52.20%** | 74.81% | **61.49%** | **70.94%** | 95.96% | **81.57%** | We used this model to mask PII in the bigcode large model training. We dropped usernames since they resulted in many false positives and negatives. For the other PII types, we added the following post-processing that we recommend for future uses of the model (the code is also available on GitHub): - Ignore secrets with less than 4 characters. - Detect full names only. - Ignore detected keys with less than 9 characters or that are not gibberish using a [gibberish-detector](https://github.com/domanchi/gibberish-detector). - Ignore IP addresses that aren't valid or are private (non-internet facing) using the `ipaddress` python package. We also ignore IP addresses from popular DNS servers. We use the same list as in this [paper](https://huggingface.co/bigcode/santacoder). # Considerations for Using the Model While using this model, please be aware that there may be potential risks associated with its application. There is a possibility of false positives and negatives, which could lead to unintended consequences when processing sensitive data. Moreover, the model's performance may vary across different data types and programming languages, necessitating validation and fine-tuning for specific use cases. Researchers and developers are expected to uphold ethical standards and data protection measures when using the model. By making it openly accessible, our aim is to encourage the development of privacy-preserving AI technologies while remaining vigilant of potential risks associated with PII.
[ -0.5775357484817505, -0.7165374159812927, 0.06819326430559158, -0.04763571918010712, -0.009543745778501034, -0.01098345685750246, -0.12427252531051636, -0.5987476110458374, 0.21998877823352814, 0.47503405809402466, -0.48421207070350647, -0.6584153771400452, -0.6999163627624512, 0.09481444954872131, -0.19439363479614258, 1.158182978630066, 0.36213135719299316, -0.07522422820329666, 0.01480881031602621, 0.16431230306625366, -0.43721550703048706, -0.8662189841270447, -0.6449199914932251, -0.17278730869293213, 0.34616807103157043, 0.34386536478996277, 0.5534473061561584, 0.42543303966522217, 0.6441505551338196, 0.24650435149669647, -0.2983574867248535, 0.04945738986134529, -0.4558109939098358, -0.2588348388671875, -0.14552971720695496, -0.3669959306716919, -0.48617178201675415, -0.12368176132440567, 0.35667893290519714, 0.17932036519050598, 0.08169364184141159, 0.5702059864997864, -0.15488940477371216, 0.6845560669898987, -0.9566092491149902, 0.10496534407138824, -0.5929027795791626, -0.06074407696723938, -0.21891556680202484, 0.04610937833786011, -0.3409280478954315, -0.17508983612060547, -0.1831531673669815, -0.3280065059661865, 0.28583580255508423, 0.22883537411689758, 1.0451124906539917, 0.2775794565677643, -0.19607120752334595, -0.1970224827528, -0.6289085745811462, 0.5190857648849487, -0.7105595469474792, 0.32377028465270996, 0.6881107091903687, 0.2766755521297455, -0.027667272835969925, -0.582958996295929, -0.874187707901001, -0.025258744135499, -0.20656134188175201, 0.015845902264118195, -0.35023799538612366, -0.02133370377123356, 0.7009146809577942, 0.42941904067993164, -0.7704447507858276, 0.29835593700408936, -0.6503117680549622, -0.30426448583602905, 0.9913579225540161, 0.03718075901269913, 0.1846223920583725, -0.10052028298377991, -0.23101140558719635, -0.28389477729797363, -0.5314538478851318, 0.3471488952636719, 0.5194142460823059, 0.13338403403759003, -0.11341549456119537, 0.5333320498466492, -0.3367270529270172, 0.6710667610168457, 0.22248415648937225, -0.3164326548576355, 0.5583985447883606, -0.35535719990730286, -0.39981696009635925, 0.3039534389972687, 1.0141464471817017, 0.3025881350040436, 0.16572843492031097, 0.07899618148803711, -0.3244328796863556, -0.058304563164711, 0.1875901073217392, -1.1225188970565796, -0.48390665650367737, 0.49722403287887573, -0.5742149949073792, -0.34268006682395935, 0.39455994963645935, -0.8638375997543335, -0.19931723177433014, -0.3115282952785492, 0.31936535239219666, -0.618047833442688, -0.2913967967033386, 0.004909943323582411, -0.022443924099206924, 0.2881910800933838, 0.18033011257648468, -0.9643200039863586, 0.20016804337501526, 0.9120190143585205, 0.7824698090553284, 0.10760357975959778, -0.18228890001773834, -0.40561503171920776, -0.004758751485496759, -0.3072563409805298, 0.38671618700027466, -0.47013452649116516, -0.14446108043193817, -0.2328091710805893, 0.21333304047584534, -0.39795058965682983, -0.4782504141330719, 0.3410770893096924, -0.6641455292701721, 0.3527654707431793, 0.05911368876695633, -0.5879835486412048, -0.3853696584701538, 0.3999730050563812, -0.6593902707099915, 0.8940167427062988, 0.04677148908376694, -0.9072912335395813, 0.29507309198379517, -1.0368202924728394, -0.24269665777683258, 0.15538492798805237, 0.16650375723838806, -0.8914803266525269, -0.01841605454683304, 0.2908589839935303, 0.7821274399757385, -0.2279575765132904, 0.5811612606048584, -0.39805349707603455, -0.5521513819694519, 0.45970895886421204, -0.2629198133945465, 1.0089514255523682, 0.3922964036464691, -0.6831676959991455, 0.01651597023010254, -0.8903039693832397, 0.14419196546077728, 0.22864963114261627, -0.005933207925409079, -0.22853131592273712, -0.3884623348712921, 0.04589661583304405, 0.26127442717552185, 0.1576792448759079, -0.660530686378479, 0.25284284353256226, -0.29813265800476074, 0.5075798034667969, 0.5242088437080383, 0.23188172280788422, 0.10476113110780716, -0.29502367973327637, 0.4112129807472229, 0.2031726837158203, 0.36231037974357605, -0.3786410987377167, -0.8044173717498779, -0.5612024068832397, -0.6476799249649048, 0.48572322726249695, 0.6532055139541626, -0.42370712757110596, 0.8964053392410278, -0.36366763710975647, -0.6382583379745483, -0.5916785001754761, 0.008446821011602879, 0.7164015769958496, 0.37700507044792175, 0.3131124675273895, -0.045062046498060226, -0.38611242175102234, -1.1692358255386353, 0.06583951413631439, -0.12733447551727295, -0.0425771027803421, 0.3584091067314148, 1.0603870153427124, -0.5103235244750977, 0.8673660159111023, -0.5451188087463379, -0.22991842031478882, -0.07838107645511627, -0.0860399454832077, 0.5578864812850952, 0.7705291509628296, 0.7226519584655762, -1.1355931758880615, -0.5169075727462769, -0.03320647031068802, -0.5746848583221436, 0.25214600563049316, -0.12733598053455353, -0.010819691233336926, 0.29830628633499146, 0.289170503616333, -0.5654438734054565, 0.7777636051177979, 0.5243827700614929, -0.5787939429283142, 0.5553132891654968, -0.1156262680888176, 0.25382477045059204, -1.1265267133712769, 0.6894286274909973, 0.054737638682127, -0.06022263318300247, -0.8944289088249207, 0.12377571314573288, 0.3641955256462097, -0.4242144525051117, -0.46623799204826355, 0.534062922000885, -0.46727100014686584, 0.08221052587032318, -0.06917767971754074, -0.5972962379455566, -0.12323591113090515, 0.7775455117225647, 0.12012706696987152, 1.1014364957809448, 0.6909641623497009, -0.6280178427696228, 0.11694372445344925, 0.25010889768600464, -0.4157959520816803, 0.38666054606437683, -0.7835803031921387, 0.23476918041706085, -0.07663902640342712, 0.10391663014888763, -0.9419580698013306, -0.46308964490890503, 0.7764449715614319, -0.5960754156112671, 0.44921353459358215, -0.3533512055873871, -0.5991141200065613, -0.6478273868560791, -0.19427061080932617, 0.38395044207572937, 0.5614226460456848, -0.7415132522583008, 0.4828444719314575, 0.32390397787094116, 0.047114212065935135, -0.469154417514801, -0.5994515419006348, 0.05168180540204048, -0.32776522636413574, -0.5932577848434448, 0.43702584505081177, -0.1406468003988266, -0.08584941923618317, -0.17477557063102722, 0.1785281002521515, -0.3350433111190796, 0.24588628113269806, 0.5737293362617493, 0.33513474464416504, -0.12801775336265564, -0.033207133412361145, -0.20483440160751343, -0.04827025532722473, -0.05430085211992264, -0.15069597959518433, 0.695035994052887, -0.2680061459541321, -0.4160105586051941, -0.869678258895874, 0.2643326222896576, 0.5842330455780029, -0.4252905547618866, 1.1066927909851074, 0.5921992063522339, -0.5651887059211731, 0.1499556601047516, -0.7543317675590515, -0.17481349408626556, -0.46344733238220215, 0.24225161969661713, -0.5204488635063171, -0.8031139969825745, 0.5663893818855286, 0.17152729630470276, -0.12278176844120026, 0.4585453271865845, 0.42771610617637634, 0.09230028837919235, 0.9005454778671265, 0.46804752945899963, -0.4447532594203949, 0.42880117893218994, -0.5895990133285522, 0.5406442880630493, -0.824047863483429, -0.4631494879722595, -0.5866098403930664, -0.2510357201099396, -0.6958926916122437, -0.15419302880764008, 0.19910471141338348, 0.3061824440956116, -0.5488148331642151, 0.40727829933166504, -0.8401053547859192, 0.39153021574020386, 0.836104691028595, 0.4069848656654358, -0.06141352653503418, -0.05161348357796669, 0.33040258288383484, 0.11971618235111237, -0.7577199935913086, -0.43117788434028625, 1.373671054840088, 0.519770085811615, 0.39594218134880066, 0.07891108840703964, 0.776343584060669, 0.19738230109214783, 0.18636411428451538, -0.49494320154190063, 0.34140273928642273, -0.040940385311841965, -0.8329033851623535, -0.22622041404247284, -0.40994855761528015, -0.9886795282363892, 0.12265989184379578, -0.35748448967933655, -1.1126630306243896, 0.5178096890449524, 0.13728155195713043, -0.506819486618042, 0.4734848141670227, -0.9129524827003479, 1.093515396118164, -0.3388204574584961, -0.3641563355922699, 0.008867103606462479, -0.6990464329719543, 0.7108877301216125, -0.34167081117630005, 0.14274515211582184, 0.04489928111433983, 0.20797309279441833, 0.8841803073883057, -0.49014812707901, 0.9491344094276428, -0.24709461629390717, 0.3222312033176422, 0.2992604970932007, -0.12198539823293686, 0.5318318009376526, 0.15691280364990234, -0.15757516026496887, 0.7900912165641785, 0.15910518169403076, -0.3249657452106476, -0.48472464084625244, 0.6428610682487488, -0.8643538951873779, -0.5507089495658875, -0.5660692453384399, -0.16525113582611084, 0.1686180830001831, 0.38269537687301636, 0.4823661744594574, 0.2106686532497406, 0.17672927677631378, 0.37664613127708435, 0.9580832123756409, -0.3765047490596771, 0.41209056973457336, 0.3495444655418396, 0.05401599407196045, -0.5738065838813782, 0.9374896287918091, -0.11480860412120819, 0.09905419498682022, 0.22437095642089844, 0.17394490540027618, -0.19796690344810486, -0.533151388168335, -0.3748842179775238, 0.4319332242012024, -0.3589424192905426, -0.5058233737945557, -0.803440272808075, -0.4210011661052704, -0.7669230699539185, 0.06989096850156784, -0.42994338274002075, -0.07133568078279495, -0.4037579298019409, 0.14788269996643066, 0.47268685698509216, 0.3892190754413605, 0.19999392330646515, 0.46226638555526733, -0.7090024948120117, 0.232587069272995, 0.01421436294913292, 0.39460456371307373, -0.14571866393089294, -0.551071286201477, -0.14427562057971954, 0.31712180376052856, -0.1233915239572525, -0.7031471133232117, 0.6585906744003296, 0.2715275287628174, 0.5542702078819275, 0.5758320093154907, 0.19830536842346191, 0.6792975664138794, -0.1253501921892166, 0.9428232908248901, 0.33541300892829895, -0.8289059400558472, 0.8364728093147278, -0.1341816931962967, 0.20392364263534546, 0.7367830872535706, 0.7862578630447388, -0.381349116563797, -0.03698445111513138, -0.9115546345710754, -0.7659188508987427, 0.8235981464385986, 0.3036160171031952, -0.1098266988992691, 0.11756903678178787, 0.5174382328987122, -0.12482517212629318, 0.3889034390449524, -0.7988062500953674, -0.3141500651836395, -0.18522372841835022, -0.11532363295555115, -0.1752336174249649, -0.36185184121131897, -0.12173298746347427, -0.31539472937583923, 0.8627123832702637, -0.09326648712158203, 0.5238257646560669, 0.1813875436782837, -0.013424413278698921, 0.2909201383590698, 0.03151780739426613, 0.6168355941772461, 0.6415842175483704, -0.18838365375995636, -0.15575945377349854, -0.059696756303310394, -0.5734202861785889, -0.09529741108417511, 0.000023854445316828787, -0.4269663095474243, -0.09483148157596588, 0.4421387016773224, 1.034754753112793, -0.06760954856872559, -0.5874308943748474, 0.8103025555610657, -0.0664333701133728, -0.35032713413238525, -0.5888210535049438, 0.3640638589859009, -0.32802480459213257, 0.21740394830703735, 0.31688523292541504, 0.1498023122549057, 0.1352006196975708, -0.44556984305381775, 0.1017986387014389, 0.3764533996582031, -0.2598314881324768, -0.3200308084487915, 0.7153686285018921, -0.12008631229400635, -0.6290244460105896, 0.9316550493240356, -0.17690297961235046, -0.7873728275299072, 0.7721462249755859, 0.45274782180786133, 0.9151120185852051, -0.4082931876182556, 0.010259285569190979, 0.8316616415977478, 0.27038753032684326, -0.1079648807644844, 0.15318609774112701, -0.09153451025485992, -0.622328519821167, -0.061861082911491394, -0.5992547869682312, -0.1299569457769394, 0.37189170718193054, -0.7602090835571289, 0.33430686593055725, -0.6965916156768799, -0.24037159979343414, -0.006980337202548981, 0.04524025321006775, -0.9680236577987671, 0.32710304856300354, 0.24729493260383606, 0.9514673352241516, -1.002835750579834, 0.8696649074554443, 0.5804906487464905, -0.5073881149291992, -0.8441890478134155, -0.03003840334713459, -0.08053561300039291, -0.7009304761886597, 0.8245899677276611, 0.5978004932403564, 0.4075034260749817, -0.1476200968027115, -0.6486061215400696, -1.078873634338379, 1.1874547004699707, 0.1179676428437233, -0.9480806589126587, 0.14513160288333893, 0.1657017022371292, 0.6188367009162903, -0.3787554204463959, 0.41878801584243774, 0.49845612049102783, 0.4246542155742645, 0.12088089436292648, -1.0174589157104492, 0.09936121851205826, -0.6235821843147278, 0.04614037275314331, -0.0032364162616431713, -0.6570990681648254, 0.8190724849700928, -0.06712004542350769, -0.06422828882932663, -0.1920759528875351, 0.3667941689491272, 0.37039968371391296, 0.6093104481697083, 0.46027153730392456, 0.6582581400871277, 0.9760586619377136, -0.058819036930799484, 1.1261528730392456, -0.7319716215133667, 0.33801767230033875, 0.985588788986206, 0.007361266762018204, 0.8076034784317017, 0.35843586921691895, -0.11068777740001678, 0.19086943566799164, 0.892277181148529, -0.3747923672199249, 0.4951709806919098, 0.16053470969200134, -0.17713510990142822, -0.19903786480426788, 0.17793071269989014, -0.5277200937271118, 0.48214325308799744, 0.31331098079681396, -0.43753543496131897, 0.318682998418808, 0.3211546540260315, -0.06260869652032852, -0.2359306812286377, -0.3167048394680023, 0.9160169363021851, -0.41796016693115234, -0.6836156249046326, 0.8709366321563721, 0.04448077082633972, 0.9189781546592712, -0.5357000231742859, 0.1093631237745285, -0.10153123736381531, 0.25932860374450684, -0.47453200817108154, -0.6250767111778259, 0.32164567708969116, 0.05316579341888428, -0.15547403693199158, -0.04045962542295456, 0.6658946871757507, -0.11286098510026932, -0.6089680790901184, 0.09259336441755295, -0.022939354181289673, 0.3376806676387787, -0.4545256197452545, -0.8685008883476257, 0.14917360246181488, 0.172657310962677, -0.4030899703502655, 0.30908286571502686, 0.29676300287246704, -0.16002771258354187, 0.8294543623924255, 0.9993100762367249, 0.023994654417037964, -0.010112065821886063, -0.17747125029563904, 1.1150227785110474, -0.6988072991371155, -0.6679508090019226, -0.9026855826377869, 0.5622034668922424, -0.390983909368515, -0.48671412467956543, 0.5893598794937134, 0.9482739567756653, 1.0060718059539795, -0.07047366350889206, 0.6341363191604614, -0.2643076479434967, 0.5209159851074219, -0.4487709105014801, 0.769486129283905, -0.42237022519111633, 0.28993839025497437, -0.2808000147342682, -0.9456390142440796, -0.38876041769981384, 0.6467295289039612, -0.5238659977912903, 0.04393256828188896, 0.20162394642829895, 1.2121593952178955, -0.16458016633987427, 0.04320681840181351, 0.2662532329559326, -0.0184580460190773, 0.406615287065506, 0.7166856527328491, 0.5392478108406067, -0.7841333746910095, 0.2580229938030243, -0.5879772305488586, -0.36728256940841675, -0.2701464295387268, -0.6017128229141235, -1.1429799795150757, -0.5550835728645325, -0.6855370402336121, -0.3414909839630127, 0.20739984512329102, 0.7482276558876038, 1.0449751615524292, -1.0726994276046753, 0.012464613653719425, 0.003998224623501301, -0.17795445024967194, -0.16233322024345398, -0.21041209995746613, 0.4043232202529907, -0.07090668380260468, -0.6615092158317566, 0.10162115842103958, -0.15017764270305634, 0.12553741037845612, -0.11410405486822128, -0.09866586327552795, -0.2343798726797104, -0.3400318920612335, 0.36350521445274353, 0.35273444652557373, -0.6476082801818848, -0.18858209252357483, -0.07077514380216599, -0.16254810988903046, -0.002057455014437437, 0.5416934490203857, -0.5012932419776917, 0.2984698414802551, 0.2764110267162323, 0.7286280393600464, 0.7182683348655701, 0.19106212258338928, 0.13210850954055786, -0.36138859391212463, 0.20558682084083557, 0.21323247253894806, 0.2439289391040802, 0.11967311054468155, -0.9171514511108398, 0.5843497514724731, 0.2773660123348236, -0.5444806218147278, -0.8552284240722656, -0.23245801031589508, -0.8358670473098755, -0.41909193992614746, 1.1608132123947144, -0.32032227516174316, -0.5901667475700378, 0.09415028989315033, -0.12563054263591766, -0.027218451723456383, -0.4440603256225586, 0.7205300331115723, 0.4239433705806732, -0.06910033524036407, -0.23253153264522552, -0.3861044943332672, 0.37059786915779114, 0.023956552147865295, -0.6592886447906494, -0.13328847289085388, 0.48245716094970703, 0.49326151609420776, 0.34493717551231384, 0.5322588682174683, -0.007744355592876673, 0.32841241359710693, -0.07444925606250763, 0.3248359262943268, -0.5485596656799316, -0.4442465603351593, -0.5852246284484863, 0.23438213765621185, -0.31572601199150085, -0.45497530698776245 ]
WizardLM/WizardCoder-Python-7B-V1.0
WizardLM
2023-09-09T06:44:39Z
9,509
56
transformers
[ "transformers", "pytorch", "llama", "text-generation", "code", "arxiv:2304.12244", "arxiv:2306.08568", "arxiv:2308.09583", "arxiv:2303.08774", "license:llama2", "model-index", "endpoints_compatible", "has_space", "text-generation-inference", "region:us" ]
text-generation
2023-08-29T10:08:55Z
--- license: llama2 metrics: - code_eval library_name: transformers tags: - code model-index: - name: WizardCoder-Python-34B-V1.0 results: - task: type: text-generation dataset: type: openai_humaneval name: HumanEval metrics: - name: pass@1 type: pass@1 value: 0.555 verified: false --- <p align="center"> 🤗 <a href="https://huggingface.co/WizardLM" target="_blank">HF Repo</a> •🐱 <a href="https://github.com/nlpxucan/WizardLM" target="_blank">Github Repo</a> • 🐦 <a href="https://twitter.com/WizardLM_AI" target="_blank">Twitter</a> • 📃 <a href="https://arxiv.org/abs/2304.12244" target="_blank">[WizardLM]</a> • 📃 <a href="https://arxiv.org/abs/2306.08568" target="_blank">[WizardCoder]</a> • 📃 <a href="https://arxiv.org/abs/2308.09583" target="_blank">[WizardMath]</a> <br> </p> <p align="center"> 👋 Join our <a href="https://discord.gg/VZjjHtWrKs" target="_blank">Discord</a> </p> ## News - 🔥🔥🔥[2023/08/26] We released **WizardCoder-Python-34B-V1.0** , which achieves the **73.2 pass@1** and surpasses **GPT4 (2023/03/15)**, **ChatGPT-3.5**, and **Claude2** on the [HumanEval Benchmarks](https://github.com/openai/human-eval). - [2023/06/16] We released **WizardCoder-15B-V1.0** , which achieves the **57.3 pass@1** and surpasses **Claude-Plus (+6.8)**, **Bard (+15.3)** and **InstructCodeT5+ (+22.3)** on the [HumanEval Benchmarks](https://github.com/openai/human-eval). ❗Note: There are two HumanEval results of GPT4 and ChatGPT-3.5. The 67.0 and 48.1 are reported by the official GPT4 Report (2023/03/15) of [OpenAI](https://arxiv.org/abs/2303.08774). The 82.0 and 72.5 are tested by ourselves with the latest API (2023/08/26). | Model | Checkpoint | Paper | HumanEval | MBPP | Demo | License | | ----- |------| ---- |------|-------| ----- | ----- | | WizardCoder-Python-34B-V1.0 | 🤗 <a href="https://huggingface.co/WizardLM/WizardCoder-Python-34B-V1.0" target="_blank">HF Link</a> | 📃 <a href="https://arxiv.org/abs/2306.08568" target="_blank">[WizardCoder]</a> | 73.2 | 61.2 | [Demo](http://47.103.63.15:50085/) | <a href="https://ai.meta.com/resources/models-and-libraries/llama-downloads/" target="_blank">Llama2</a> | | WizardCoder-15B-V1.0 | 🤗 <a href="https://huggingface.co/WizardLM/WizardCoder-15B-V1.0" target="_blank">HF Link</a> | 📃 <a href="https://arxiv.org/abs/2306.08568" target="_blank">[WizardCoder]</a> | 59.8 |50.6 | -- | <a href="https://huggingface.co/spaces/bigcode/bigcode-model-license-agreement" target="_blank">OpenRAIL-M</a> | | WizardCoder-Python-13B-V1.0 | 🤗 <a href="https://huggingface.co/WizardLM/WizardCoder-Python-13B-V1.0" target="_blank">HF Link</a> | 📃 <a href="https://arxiv.org/abs/2306.08568" target="_blank">[WizardCoder]</a> | 64.0 | 55.6 | -- | <a href="https://ai.meta.com/resources/models-and-libraries/llama-downloads/" target="_blank">Llama2</a> | | WizardCoder-Python-7B-V1.0 | 🤗 <a href="https://huggingface.co/WizardLM/WizardCoder-Python-7B-V1.0" target="_blank">HF Link</a> | 📃 <a href="https://arxiv.org/abs/2306.08568" target="_blank">[WizardCoder]</a> | 55.5 | 51.6 | [Demo](http://47.103.63.15:50088/) | <a href="https://ai.meta.com/resources/models-and-libraries/llama-downloads/" target="_blank">Llama2</a> | | WizardCoder-3B-V1.0 | 🤗 <a href="https://huggingface.co/WizardLM/WizardCoder-3B-V1.0" target="_blank">HF Link</a> | 📃 <a href="https://arxiv.org/abs/2306.08568" target="_blank">[WizardCoder]</a> | 34.8 |37.4 | -- | <a href="https://huggingface.co/spaces/bigcode/bigcode-model-license-agreement" target="_blank">OpenRAIL-M</a> | | WizardCoder-1B-V1.0 | 🤗 <a href="https://huggingface.co/WizardLM/WizardCoder-1B-V1.0" target="_blank">HF Link</a> | 📃 <a href="https://arxiv.org/abs/2306.08568" target="_blank">[WizardCoder]</a> | 23.8 |28.6 | -- | <a href="https://huggingface.co/spaces/bigcode/bigcode-model-license-agreement" target="_blank">OpenRAIL-M</a> | - Our **WizardMath-70B-V1.0** model slightly outperforms some closed-source LLMs on the GSM8K, including **ChatGPT 3.5**, **Claude Instant 1** and **PaLM 2 540B**. - Our **WizardMath-70B-V1.0** model achieves **81.6 pass@1** on the [GSM8k Benchmarks](https://github.com/openai/grade-school-math), which is **24.8** points higher than the SOTA open-source LLM, and achieves **22.7 pass@1** on the [MATH Benchmarks](https://github.com/hendrycks/math), which is **9.2** points higher than the SOTA open-source LLM. <font size=4> | Model | Checkpoint | Paper | GSM8k | MATH |Online Demo| License| | ----- |------| ---- |------|-------| ----- | ----- | | WizardMath-70B-V1.0 | 🤗 <a href="https://huggingface.co/WizardLM/WizardMath-70B-V1.0" target="_blank">HF Link</a> | 📃 <a href="https://arxiv.org/abs/2308.09583" target="_blank">[WizardMath]</a>| **81.6** | **22.7** |[Demo](http://47.103.63.15:50083/)| <a href="https://ai.meta.com/resources/models-and-libraries/llama-downloads/" target="_blank">Llama 2 </a> | | WizardMath-13B-V1.0 | 🤗 <a href="https://huggingface.co/WizardLM/WizardMath-13B-V1.0" target="_blank">HF Link</a> | 📃 <a href="https://arxiv.org/abs/2308.09583" target="_blank">[WizardMath]</a>| **63.9** | **14.0** |[Demo](http://47.103.63.15:50082/)| <a href="https://ai.meta.com/resources/models-and-libraries/llama-downloads/" target="_blank">Llama 2 </a> | | WizardMath-7B-V1.0 | 🤗 <a href="https://huggingface.co/WizardLM/WizardMath-7B-V1.0" target="_blank">HF Link</a> | 📃 <a href="https://arxiv.org/abs/2308.09583" target="_blank">[WizardMath]</a>| **54.9** | **10.7** | [Demo ](http://47.103.63.15:50080/)| <a href="https://ai.meta.com/resources/models-and-libraries/llama-downloads/" target="_blank">Llama 2 </a>| </font> - [08/09/2023] We released **WizardLM-70B-V1.0** model. Here is [Full Model Weight](https://huggingface.co/WizardLM/WizardLM-70B-V1.0). <font size=4> | <sup>Model</sup> | <sup>Checkpoint</sup> | <sup>Paper</sup> |<sup>MT-Bench</sup> | <sup>AlpacaEval</sup> | <sup>GSM8k</sup> | <sup>HumanEval</sup> | <sup>License</sup>| | ----- |------| ---- |------|-------| ----- | ----- | ----- | | <sup>**WizardLM-70B-V1.0**</sup> | <sup>🤗 <a href="https://huggingface.co/WizardLM/WizardLM-70B-V1.0" target="_blank">HF Link</a> </sup>|<sup>📃**Coming Soon**</sup>| <sup>**7.78**</sup> | <sup>**92.91%**</sup> |<sup>**77.6%**</sup> | <sup> **50.6**</sup>|<sup> <a href="https://ai.meta.com/resources/models-and-libraries/llama-downloads/" target="_blank">Llama 2 License </a></sup> | | <sup>WizardLM-13B-V1.2</sup> | <sup>🤗 <a href="https://huggingface.co/WizardLM/WizardLM-13B-V1.2" target="_blank">HF Link</a> </sup>| | <sup>7.06</sup> | <sup>89.17%</sup> |<sup>55.3%</sup> | <sup>36.6 </sup>|<sup> <a href="https://ai.meta.com/resources/models-and-libraries/llama-downloads/" target="_blank">Llama 2 License </a></sup> | | <sup>WizardLM-13B-V1.1</sup> |<sup> 🤗 <a href="https://huggingface.co/WizardLM/WizardLM-13B-V1.1" target="_blank">HF Link</a> </sup> | | <sup>6.76</sup> |<sup>86.32%</sup> | | <sup>25.0 </sup>| <sup>Non-commercial</sup>| | <sup>WizardLM-30B-V1.0</sup> | <sup>🤗 <a href="https://huggingface.co/WizardLM/WizardLM-30B-V1.0" target="_blank">HF Link</a></sup> | | <sup>7.01</sup> | | | <sup>37.8 </sup>| <sup>Non-commercial</sup> | | <sup>WizardLM-13B-V1.0</sup> | <sup>🤗 <a href="https://huggingface.co/WizardLM/WizardLM-13B-V1.0" target="_blank">HF Link</a> </sup> | | <sup>6.35</sup> | <sup>75.31%</sup> | | <sup> 24.0 </sup> | <sup>Non-commercial</sup>| | <sup>WizardLM-7B-V1.0 </sup>| <sup>🤗 <a href="https://huggingface.co/WizardLM/WizardLM-7B-V1.0" target="_blank">HF Link</a> </sup> |<sup> 📃 <a href="https://arxiv.org/abs/2304.12244" target="_blank">[WizardLM]</a> </sup>| | | |<sup>19.1 </sup>|<sup> Non-commercial</sup>| </font> ## Comparing WizardCoder-Python-34B-V1.0 with Other LLMs. 🔥 The following figure shows that our **WizardCoder-Python-34B-V1.0 attains the second position in this benchmark**, surpassing GPT4 (2023/03/15, 73.2 vs. 67.0), ChatGPT-3.5 (73.2 vs. 72.5) and Claude2 (73.2 vs. 71.2). <p align="center" width="100%"> <a ><img src="https://raw.githubusercontent.com/nlpxucan/WizardLM/main/WizardCoder/imgs/compare_sota.png" alt="WizardCoder" style="width: 96%; min-width: 300px; display: block; margin: auto;"></a> </p> ## Prompt Format ``` "Below is an instruction that describes a task. Write a response that appropriately completes the request.\n\n### Instruction:\n{instruction}\n\n### Response:" ``` ## Inference Demo Script We provide the inference demo code [here](https://github.com/nlpxucan/WizardLM/tree/main/demo). ## Citation Please cite the repo if you use the data, method or code in this repo. ``` @article{luo2023wizardcoder, title={WizardCoder: Empowering Code Large Language Models with Evol-Instruct}, author={Luo, Ziyang and Xu, Can and Zhao, Pu and Sun, Qingfeng and Geng, Xiubo and Hu, Wenxiang and Tao, Chongyang and Ma, Jing and Lin, Qingwei and Jiang, Daxin}, journal={arXiv preprint arXiv:2306.08568}, year={2023} } ```
[ -0.6912276148796082, -0.48393651843070984, -0.1016361191868782, 0.385328471660614, 0.04892323166131973, -0.17916397750377655, 0.03765169903635979, -0.5223151445388794, 0.22956934571266174, 0.30780380964279175, -0.7068163156509399, -0.6801311373710632, -0.5595673322677612, 0.29649990797042847, -0.0810844749212265, 0.8941332101821899, -0.1757255643606186, -0.24260252714157104, -0.19344277679920197, -0.19591063261032104, -0.14988456666469574, -0.522024393081665, -0.24305219948291779, -0.4887929856777191, 0.4437611699104309, 0.023927312344312668, 0.9499461054801941, 0.49542567133903503, 0.397165447473526, 0.3128449320793152, -0.23673202097415924, 0.5318316221237183, -0.16123341023921967, -0.28606289625167847, 0.26351165771484375, -0.26367583870887756, -1.0362334251403809, -0.022392846643924713, 0.6328952312469482, 0.2977556884288788, -0.004264572635293007, 0.40350601077079773, 0.06230778247117996, 1.0066595077514648, -0.5867477059364319, 0.27768105268478394, -0.2594141662120819, 0.32384106516838074, -0.19063684344291687, -0.12703290581703186, 0.0856202244758606, -0.6257019639015198, 0.004714108072221279, -0.8505187630653381, -0.06048138439655304, 0.1213044598698616, 1.23526132106781, 0.22668740153312683, -0.2552885413169861, -0.053975909948349, -0.2573774456977844, 0.6877645254135132, -0.9219070076942444, 0.3691442012786865, 0.5506603717803955, 0.15391826629638672, -0.581511378288269, -0.6348241567611694, -0.9370434284210205, -0.1530376821756363, -0.1069483757019043, 0.10735519230365753, -0.4269750416278839, -0.23111720383167267, 0.34685975313186646, 0.3718983232975006, -0.7425253987312317, -0.10591472685337067, -0.38260316848754883, -0.3081778883934021, 0.8809478282928467, 0.19616453349590302, 0.5144332051277161, -0.22993652522563934, -0.01321850623935461, -0.20839548110961914, -0.5373687148094177, 0.21565106511116028, 0.42421355843544006, -0.12867918610572815, -0.49887511134147644, 0.7988912463188171, -0.09749780595302582, 0.6460918188095093, 0.1399330347776413, -0.6798639893531799, 0.7278576493263245, -0.4227599799633026, -0.20376025140285492, -0.10933267325162888, 1.2203916311264038, 0.6094308495521545, 0.14850589632987976, 0.05932942405343056, 0.020873405039310455, -0.2321348637342453, 0.004780714865773916, -0.9837641716003418, -0.1332249492406845, 0.3403083086013794, -0.55939781665802, -0.2212151437997818, -0.2620818316936493, -0.8522306680679321, -0.41528093814849854, -0.00880667194724083, 0.2917492389678955, -0.6940702795982361, -0.3395368754863739, 0.25385189056396484, -0.12849822640419006, 0.6915680766105652, 0.5770373940467834, -0.9207959175109863, 0.236130490899086, 0.5487070083618164, 0.891038715839386, -0.1666886806488037, -0.5879883170127869, -0.12134955078363419, -0.0006654433091171086, -0.39318138360977173, 0.5919135212898254, 0.035738661885261536, -0.46827438473701477, -0.1191178560256958, -0.08240377902984619, -0.11627964675426483, -0.38310927152633667, 0.44466421008110046, -0.48723238706588745, 0.2834337055683136, -0.139252707362175, -0.5212129354476929, -0.24982646107673645, 0.35773926973342896, -0.6596789360046387, 1.1959295272827148, 0.18637904524803162, -1.080121636390686, 0.030706698074936867, -0.6649342775344849, -0.10941165685653687, -0.4288873076438904, -0.07964077591896057, -0.7045438289642334, -0.29734620451927185, 0.29954174160957336, 0.2461353838443756, -0.5020350813865662, -0.21620450913906097, -0.2916681170463562, -0.29458123445510864, 0.2903751730918884, -0.5787525177001953, 1.3169313669204712, 0.24570247530937195, -0.42451468110084534, -0.09203802794218063, -1.0186680555343628, -0.00978363398462534, 0.6417186856269836, -0.5403175950050354, 0.10307744145393372, -0.34827035665512085, -0.1304713636636734, 0.17914222180843353, 0.7345775365829468, -0.34457722306251526, 0.5327746868133545, -0.5173105597496033, -0.09337803721427917, 0.7784340381622314, -0.13569827377796173, 0.40164676308631897, -0.5214583277702332, 0.43611669540405273, -0.16876494884490967, 0.4377036690711975, 0.1785995364189148, -0.7667155265808105, -0.885607898235321, -0.4284040033817291, 0.0714169442653656, 0.7728198170661926, -0.5248838067054749, 1.1007355451583862, -0.29393336176872253, -0.9681356549263, -0.5762138962745667, 0.30530846118927, 0.4297005236148834, 0.5295212864875793, 0.585501492023468, -0.23766396939754486, -0.35410046577453613, -0.844241201877594, -0.0850863829255104, -0.34611600637435913, -0.09094250202178955, 0.33333370089530945, 0.6598827838897705, -0.4881316125392914, 1.0641510486602783, -0.6355884075164795, -0.2747400999069214, -0.06192094460129738, -0.25431203842163086, 0.4294064939022064, 0.6670613288879395, 0.6611617803573608, -0.6589479446411133, -0.4909064471721649, 0.17101798951625824, -0.9901192784309387, -0.10341404378414154, 0.11602669209241867, -0.3489237129688263, 0.37691426277160645, -0.11465407907962799, -0.9726925492286682, 0.845126748085022, 0.3216443955898285, -0.5940531492233276, 0.9680852890014648, -0.3821779191493988, 0.142584428191185, -1.0178948640823364, 0.05572861433029175, -0.11265283077955246, 0.14308291673660278, -0.6481936573982239, -0.032773274928331375, 0.08104056119918823, 0.32076138257980347, -0.6543679237365723, 0.8617491722106934, -0.5072725415229797, -0.1315232664346695, -0.04040778428316116, -0.14821892976760864, 0.2174326628446579, 0.8172959685325623, -0.12171294540166855, 0.81254643201828, 0.7511875629425049, -0.46214574575424194, 0.5847664475440979, 0.42668357491493225, -0.21824495494365692, 0.3924734890460968, -0.579055666923523, 0.12533403933048248, 0.1072080209851265, 0.3975967764854431, -0.5626623034477234, -0.10877207666635513, 0.683830738067627, -0.6753422617912292, 0.35920852422714233, -0.03521871566772461, -0.8340333104133606, -0.666379988193512, -0.7728121876716614, 0.08347541093826294, 0.8455019593238831, -0.5851326584815979, 0.6967803239822388, 0.2951014041900635, 0.33750563859939575, -0.8646541237831116, -0.5933406949043274, -0.13032424449920654, -0.1641528457403183, -0.861883282661438, 0.2832304835319519, -0.3313758969306946, -0.12417081743478775, -0.059864483773708344, -0.4124658405780792, 0.014881841838359833, 0.11910562217235565, 0.27688875794410706, 0.4939288794994354, -0.17378205060958862, -0.38528504967689514, 0.03848068043589592, -0.1381850242614746, -0.006288908421993256, -0.3059720993041992, 0.4902265965938568, -0.3080221116542816, -0.5287487506866455, -0.48789554834365845, 0.009752044454216957, 0.5165140628814697, -0.2884017527103424, 0.9254090785980225, 0.7322737574577332, -0.5079250931739807, 0.1536853015422821, -0.7287423014640808, 0.16113264858722687, -0.6021004319190979, 0.10815726965665817, -0.47762247920036316, -0.7721737623214722, 0.6317139863967896, 0.2735893428325653, 0.3328656554222107, 0.6429453492164612, 0.7258259654045105, 0.13224777579307556, 0.972223162651062, 0.4511178433895111, -0.09535902738571167, 0.5120353698730469, -0.5849255919456482, 0.06503252685070038, -0.9558675289154053, -0.5724254846572876, -0.5007096529006958, 0.014546039514243603, -0.5453764796257019, -0.7141701579093933, 0.43675464391708374, 0.6550698280334473, -0.6604052186012268, 0.6276431083679199, -1.0098614692687988, 0.23340578377246857, 0.5634706020355225, 0.030482217669487, 0.20897820591926575, 0.20216618478298187, -0.3123232424259186, 0.24690651893615723, -0.3857138752937317, -0.6415184736251831, 1.144313097000122, 0.2902951240539551, 0.6826083660125732, 0.21803145110607147, 0.8364681601524353, 0.014173693023622036, -0.03630354255437851, -0.36236217617988586, 0.7248565554618835, 0.39105719327926636, -0.5813133716583252, -0.4317920207977295, -0.26091399788856506, -1.1956768035888672, 0.5218109488487244, -0.20319896936416626, -1.270389199256897, 0.368668794631958, 0.07636987417936325, -0.2654188871383667, 0.5583662986755371, -0.5846214294433594, 0.94338458776474, -0.1558549553155899, -0.49426230788230896, 0.08031022548675537, -0.4839695692062378, 0.2944709062576294, 0.1306886225938797, 0.12415921688079834, -0.3966696262359619, -0.34878310561180115, 0.9114238023757935, -1.1705906391143799, 0.6374816298484802, -0.04856231436133385, -0.33394289016723633, 0.6095890998840332, -0.05591719597578049, 0.5767726898193359, -0.07401471585035324, -0.22255933284759521, 0.5203436613082886, 0.1531946212053299, -0.4736655354499817, -0.6371262073516846, 0.7311896085739136, -1.2029460668563843, -0.7360625267028809, -0.6096731424331665, -0.35634249448776245, -0.03913046792149544, 0.26546716690063477, 0.32146891951560974, 0.19901393353939056, 0.33818885684013367, -0.3499623239040375, 0.7553313374519348, -0.39997097849845886, 0.4170849025249481, 0.36445358395576477, -0.30795910954475403, -0.5521515607833862, 1.0715415477752686, 0.14129087328910828, -0.08590178936719894, 0.35915184020996094, 0.24699410796165466, -0.24666184186935425, -0.44194501638412476, -0.7693355083465576, 0.4097592532634735, -0.8030503392219543, -0.43448328971862793, -0.8600051999092102, -0.5015326142311096, -0.6540268063545227, -0.3307154178619385, -0.4258723258972168, -0.5102723836898804, -0.6962339282035828, 0.10202835500240326, 1.1517956256866455, 0.4358880817890167, -0.2902069091796875, -0.17517395317554474, -0.7607974410057068, 0.38654351234436035, 0.39027854800224304, 0.22868183255195618, 0.3104965090751648, -0.5781869292259216, -0.20008814334869385, -0.1823873668909073, -0.606427013874054, -0.9836904406547546, 0.6604388952255249, -0.19226692616939545, 0.590542197227478, 0.08955418318510056, 0.027792274951934814, 0.8810204267501831, -0.6359296441078186, 1.1092214584350586, 0.6379160284996033, -0.8174338936805725, 0.5144997835159302, -0.17144471406936646, 0.3482600748538971, 0.25734347105026245, 0.342811644077301, -0.4354812204837799, -0.1741960346698761, -0.4917431175708771, -0.8042070269584656, 0.7333265542984009, 0.37477919459342957, -0.05514099448919296, 0.18150727450847626, 0.20538373291492462, 0.03668024390935898, 0.028453150764107704, -0.5678925514221191, -0.888552725315094, -0.4518451690673828, -0.23750142753124237, 0.2723369002342224, 0.026419948786497116, 0.008311049081385136, -0.5467239618301392, 0.7601003050804138, -0.06791823357343674, 0.6441688537597656, 0.38628292083740234, -0.08198053389787674, -0.02029464580118656, 0.1239558607339859, 0.5316668748855591, 0.5470966100692749, -0.16444796323776245, -0.13977675139904022, 0.46601879596710205, -0.8753435611724854, 0.24589850008487701, 0.37496331334114075, -0.2378406822681427, -0.14635857939720154, 0.508529007434845, 0.8438430428504944, -0.06482145190238953, -0.5201444029808044, 0.6680527329444885, 0.044365670531988144, -0.2778225839138031, -0.5015797019004822, 0.19320207834243774, 0.2516975700855255, 0.4382454752922058, 0.48890677094459534, 0.08066176623106003, 0.24242740869522095, -0.23675063252449036, 0.032060835510492325, 0.4517950117588043, -0.037497829645872116, -0.2007315307855606, 0.7619933485984802, -0.2088366150856018, -0.36017534136772156, 0.1960527002811432, -0.3343585431575775, -0.6758684515953064, 0.8354954719543457, 0.5113617777824402, 0.757396399974823, 0.15677852928638458, -0.18883785605430603, 0.569985032081604, 0.1803140491247177, 0.01862931251525879, 0.13348224759101868, -0.11809907108545303, -0.5079393982887268, -0.0925317332148552, -0.9045331478118896, -0.3026027977466583, -0.2286713570356369, -0.32059258222579956, 0.5279718637466431, -0.4911354184150696, -0.07176847010850906, -0.21945905685424805, 0.5647186636924744, -0.9919722080230713, -0.16789406538009644, 0.2973065674304962, 1.2996493577957153, -0.18844743072986603, 1.0727875232696533, 0.4478316307067871, -0.754665195941925, -1.0374908447265625, -0.15051618218421936, 0.38468462228775024, -0.9686505198478699, 0.5620020031929016, 0.009468158707022667, -0.11064840108156204, -0.16584357619285583, -0.46264636516571045, -1.0794141292572021, 1.5618194341659546, 0.22129304707050323, -0.33285924792289734, -0.315347820520401, 0.014991763047873974, 0.4093998670578003, -0.06392405182123184, 0.6404683589935303, 0.6589614748954773, 0.6771131157875061, 0.09137355536222458, -1.4402636289596558, 0.31366032361984253, -0.6169485449790955, 0.013965588063001633, -0.19039742648601532, -0.9822536706924438, 0.8927701711654663, -0.15523836016654968, 0.05036667734384537, 0.297130286693573, 0.8508967757225037, 0.8625876307487488, 0.35698172450065613, 0.1527051031589508, 0.5754655003547668, 0.8831462860107422, 0.12356355786323547, 1.3697428703308105, -0.24892327189445496, 0.504324197769165, 0.5764105319976807, -0.02022116631269455, 0.5380699634552002, 0.21544727683067322, -0.6909279227256775, 0.5650466680526733, 0.7623676061630249, -0.18004517257213593, 0.45428207516670227, 0.5583204030990601, -0.17852823436260223, 0.0793972760438919, 0.16980277001857758, -0.8084951639175415, -0.17882026731967926, 0.28289225697517395, 0.13536988198757172, -0.03399494290351868, -0.014584843069314957, 0.21529853343963623, -0.2614327073097229, -0.4375750720500946, 0.6605146527290344, 0.12091189622879028, -0.26212695240974426, 1.1958705186843872, -0.12160839140415192, 1.243983507156372, -0.7179635763168335, -0.09210357815027237, -0.3628329932689667, -0.015985485166311264, -0.5021869540214539, -0.8030180931091309, -0.10495864599943161, 0.12502966821193695, -0.04970260336995125, 0.1834821105003357, 0.8648020029067993, -0.06438691169023514, -0.6242129802703857, 0.402968168258667, 0.3316001892089844, 0.5045269727706909, 0.3829854130744934, -1.0571967363357544, 0.4698869287967682, -0.04068192467093468, -0.7320538759231567, 0.45838963985443115, 0.5503161549568176, 0.009496208280324936, 0.8110959529876709, 0.6958411335945129, 0.03682159259915352, 0.530576765537262, -0.2383975237607956, 0.9900420308113098, -0.5863736867904663, -0.09977476298809052, -0.936040461063385, 0.5996148586273193, -0.22257587313652039, -0.37009096145629883, 1.187752366065979, 0.657275378704071, 0.7445583343505859, -0.05729975923895836, 0.6910220980644226, -0.13416194915771484, 0.14330537617206573, -0.2606409788131714, 0.9560101628303528, -0.9391881227493286, 0.10220006853342056, -0.5357449054718018, -0.8563979864120483, -0.5128558278083801, 0.98762446641922, -0.2134724110364914, 0.037953972816467285, 0.4668543040752411, 1.0791895389556885, 0.18031790852546692, -0.2546793818473816, 0.18355989456176758, -0.16140514612197876, 0.3412794768810272, 0.8059358596801758, 0.6046615242958069, -0.765640139579773, 0.7080374360084534, -0.4016478657722473, -0.16558220982551575, -0.3915192484855652, -0.6556965112686157, -1.1295338869094849, -0.4396718740463257, -0.4395564794540405, -0.7433347702026367, -0.1785583645105362, 1.3752039670944214, 0.6495181918144226, -0.7055105566978455, -0.2264634072780609, 0.1196761280298233, 0.6300411820411682, -0.2707967162132263, -0.19675219058990479, 0.825426459312439, 0.155191108584404, -0.848786473274231, 0.17274241149425507, 0.21248164772987366, 0.3711600601673126, -0.2667895257472992, -0.8157087564468384, -0.12139053642749786, 0.26828330755233765, 0.4448825716972351, 0.6887744069099426, -0.8451085090637207, -0.06451576948165894, 0.007040934171527624, -0.3649692237377167, 0.19772467017173767, 0.23304086923599243, -0.5916088819503784, 0.08026183396577835, 0.5578030347824097, 0.49530333280563354, 0.5756969451904297, -0.5278470516204834, 0.03950193524360657, -0.20846259593963623, 0.10714182257652283, -0.0674557015299797, 0.5175188183784485, 0.1694956123828888, -0.4707219898700714, 0.6534730792045593, 0.2808507978916168, -0.5106903910636902, -0.8735939860343933, -0.2241271436214447, -1.0940572023391724, -0.13205792009830475, 1.169100046157837, -0.07108906656503677, -0.6628950238227844, 0.10128362476825714, -0.42107418179512024, 0.3617042005062103, -0.5389792323112488, 0.323635995388031, 0.4081873595714569, -0.3082932233810425, -0.07488443702459335, -0.5496116876602173, 0.517300546169281, 0.007543740328401327, -0.8298680782318115, -0.04666829854249954, 0.5061352849006653, 0.32719162106513977, 0.6125124096870422, 1.0180186033248901, -0.30921459197998047, 0.38580864667892456, 0.2644246816635132, 0.506080687046051, -0.3405531048774719, 0.15232031047344208, -0.3564414381980896, -0.07921811938285828, -0.05312227085232735, -0.20476669073104858 ]