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 |
---|---|---|---|---|---|---|---|---|---|---|
TencentARC/t2i-adapter-sketch-sdxl-1.0
|
TencentARC
| 2023-09-08T14:57:24Z | 5,267 | 26 |
diffusers
|
[
"diffusers",
"art",
"t2i-adapter",
"image-to-image",
"stable-diffusion-xl-diffusers",
"stable-diffusion-xl",
"arxiv:2302.08453",
"base_model:stabilityai/stable-diffusion-xl-base-1.0",
"license:apache-2.0",
"has_space",
"diffusers:T2IAdapter",
"region:us"
] |
image-to-image
| 2023-09-03T14:55:43Z |
---
license: apache-2.0
base_model: stabilityai/stable-diffusion-xl-base-1.0
tags:
- art
- t2i-adapter
- image-to-image
- stable-diffusion-xl-diffusers
- stable-diffusion-xl
---
# T2I-Adapter-SDXL - Sketch
T2I Adapter is a network providing additional conditioning to stable diffusion. Each t2i checkpoint takes a different type of conditioning as input and is used with a specific base stable diffusion checkpoint.
This checkpoint provides conditioning on sketch for the StableDiffusionXL checkpoint. This was a collaboration between **Tencent ARC** and [**Hugging Face**](https://huggingface.co/).
## Model Details
- **Developed by:** T2I-Adapter: Learning Adapters to Dig out More Controllable Ability for Text-to-Image Diffusion Models
- **Model type:** Diffusion-based text-to-image generation model
- **Language(s):** English
- **License:** Apache 2.0
- **Resources for more information:** [GitHub Repository](https://github.com/TencentARC/T2I-Adapter), [Paper](https://arxiv.org/abs/2302.08453).
- **Model complexity:**
| | SD-V1.4/1.5 | SD-XL | T2I-Adapter | T2I-Adapter-SDXL |
| --- | --- |--- |--- |--- |
| Parameters | 860M | 2.6B |77 M | 77/79 M | |
- **Cite as:**
@misc{
title={T2I-Adapter: Learning Adapters to Dig out More Controllable Ability for Text-to-Image Diffusion Models},
author={Chong Mou, Xintao Wang, Liangbin Xie, Yanze Wu, Jian Zhang, Zhongang Qi, Ying Shan, Xiaohu Qie},
year={2023},
eprint={2302.08453},
archivePrefix={arXiv},
primaryClass={cs.CV}
}
### Checkpoints
| Model Name | Control Image Overview| Control Image Example | Generated Image Example |
|---|---|---|---|
|[TencentARC/t2i-adapter-canny-sdxl-1.0](https://huggingface.co/TencentARC/t2i-adapter-canny-sdxl-1.0)<br/> *Trained with canny edge detection* | A monochrome image with white edges on a black background.|<a href="https://huggingface.co/Adapter/t2iadapter/resolve/main/figs_SDXLV1.0/cond_canny.png"><img width="64" style="margin:0;padding:0;" src="https://huggingface.co/Adapter/t2iadapter/resolve/main/figs_SDXLV1.0/cond_canny.png"/></a>|<a href="https://huggingface.co/Adapter/t2iadapter/resolve/main/figs_SDXLV1.0/res_canny.png"><img width="64" src="https://huggingface.co/Adapter/t2iadapter/resolve/main/figs_SDXLV1.0/res_canny.png"/></a>|
|[TencentARC/t2i-adapter-sketch-sdxl-1.0](https://huggingface.co/TencentARC/t2i-adapter-sketch-sdxl-1.0)<br/> *Trained with [PidiNet](https://github.com/zhuoinoulu/pidinet) edge detection* | A hand-drawn monochrome image with white outlines on a black background.|<a href="https://huggingface.co/Adapter/t2iadapter/resolve/main/figs_SDXLV1.0/cond_sketch.png"><img width="64" style="margin:0;padding:0;" src="https://huggingface.co/Adapter/t2iadapter/resolve/main/figs_SDXLV1.0/cond_sketch.png"/></a>|<a href="https://huggingface.co/Adapter/t2iadapter/resolve/main/figs_SDXLV1.0/res_sketch.png"><img width="64" src="https://huggingface.co/Adapter/t2iadapter/resolve/main/figs_SDXLV1.0/res_sketch.png"/></a>|
|[TencentARC/t2i-adapter-lineart-sdxl-1.0](https://huggingface.co/TencentARC/t2i-adapter-lineart-sdxl-1.0)<br/> *Trained with lineart edge detection* | A hand-drawn monochrome image with white outlines on a black background.|<a href="https://huggingface.co/Adapter/t2iadapter/resolve/main/figs_SDXLV1.0/cond_lin.png"><img width="64" style="margin:0;padding:0;" src="https://huggingface.co/Adapter/t2iadapter/resolve/main/figs_SDXLV1.0/cond_lin.png"/></a>|<a href="https://huggingface.co/Adapter/t2iadapter/resolve/main/figs_SDXLV1.0/res_lin.png"><img width="64" src="https://huggingface.co/Adapter/t2iadapter/resolve/main/figs_SDXLV1.0/res_lin.png"/></a>|
|[TencentARC/t2i-adapter-depth-midas-sdxl-1.0](https://huggingface.co/TencentARC/t2i-adapter-depth-midas-sdxl-1.0)<br/> *Trained with Midas depth estimation* | A grayscale image with black representing deep areas and white representing shallow areas.|<a href="https://huggingface.co/Adapter/t2iadapter/resolve/main/figs_SDXLV1.0/cond_depth_mid.png"><img width="64" src="https://huggingface.co/Adapter/t2iadapter/resolve/main/figs_SDXLV1.0/cond_depth_mid.png"/></a>|<a href="https://huggingface.co/Adapter/t2iadapter/resolve/main/figs_SDXLV1.0/res_depth_mid.png"><img width="64" src="https://huggingface.co/Adapter/t2iadapter/resolve/main/figs_SDXLV1.0/res_depth_mid.png"/></a>|
|[TencentARC/t2i-adapter-depth-zoe-sdxl-1.0](https://huggingface.co/TencentARC/t2i-adapter-depth-zoe-sdxl-1.0)<br/> *Trained with Zoe depth estimation* | A grayscale image with black representing deep areas and white representing shallow areas.|<a href="https://huggingface.co/Adapter/t2iadapter/resolve/main/figs_SDXLV1.0/cond_depth_zeo.png"><img width="64" src="https://huggingface.co/Adapter/t2iadapter/resolve/main/figs_SDXLV1.0/cond_depth_zeo.png"/></a>|<a href="https://huggingface.co/Adapter/t2iadapter/resolve/main/figs_SDXLV1.0/res_depth_zeo.png"><img width="64" src="https://huggingface.co/Adapter/t2iadapter/resolve/main/figs_SDXLV1.0/res_depth_zeo.png"/></a>|
|[TencentARC/t2i-adapter-openpose-sdxl-1.0](https://huggingface.co/TencentARC/t2i-adapter-openpose-sdxl-1.0)<br/> *Trained with OpenPose bone image* | A [OpenPose bone](https://github.com/CMU-Perceptual-Computing-Lab/openpose) image.|<a href="https://huggingface.co/Adapter/t2iadapter/resolve/main/openpose.png"><img width="64" src="https://huggingface.co/Adapter/t2iadapter/resolve/main/openpose.png"/></a>|<a href="https://huggingface.co/Adapter/t2iadapter/resolve/main/res_pose.png"><img width="64" src="https://huggingface.co/Adapter/t2iadapter/resolve/main/res_pose.png"/></a>|
## Demo:
Try out the model with your own hand-drawn sketches/doodles in the [Doodly Space](https://huggingface.co/spaces/TencentARC/T2I-Adapter-SDXL-Sketch)!

## Example
To get started, first install the required dependencies:
```bash
pip install -U git+https://github.com/huggingface/diffusers.git
pip install -U controlnet_aux==0.0.7 # for conditioning models and detectors
pip install transformers accelerate safetensors
```
1. Images are first downloaded into the appropriate *control image* format.
2. The *control image* and *prompt* are passed to the [`StableDiffusionXLAdapterPipeline`](https://github.com/huggingface/diffusers/blob/main/src/diffusers/pipelines/t2i_adapter/pipeline_stable_diffusion_xl_adapter.py#L125).
Let's have a look at a simple example using the [Canny Adapter](https://huggingface.co/TencentARC/t2i-adapter-lineart-sdxl-1.0).
- Dependency
```py
from diffusers import StableDiffusionXLAdapterPipeline, T2IAdapter, EulerAncestralDiscreteScheduler, AutoencoderKL
from diffusers.utils import load_image, make_image_grid
from controlnet_aux.pidi import PidiNetDetector
import torch
# load adapter
adapter = T2IAdapter.from_pretrained(
"TencentARC/t2i-adapter-sketch-sdxl-1.0", torch_dtype=torch.float16, varient="fp16"
).to("cuda")
# load euler_a scheduler
model_id = 'stabilityai/stable-diffusion-xl-base-1.0'
euler_a = EulerAncestralDiscreteScheduler.from_pretrained(model_id, subfolder="scheduler")
vae=AutoencoderKL.from_pretrained("madebyollin/sdxl-vae-fp16-fix", torch_dtype=torch.float16)
pipe = StableDiffusionXLAdapterPipeline.from_pretrained(
model_id, vae=vae, adapter=adapter, scheduler=euler_a, torch_dtype=torch.float16, variant="fp16",
).to("cuda")
pipe.enable_xformers_memory_efficient_attention()
pidinet = PidiNetDetector.from_pretrained("lllyasviel/Annotators").to("cuda")
```
- Condition Image
```py
url = "https://huggingface.co/Adapter/t2iadapter/resolve/main/figs_SDXLV1.0/org_sketch.png"
image = load_image(url)
image = pidinet(
image, detect_resolution=1024, image_resolution=1024, apply_filter=True
)
```
<a href="https://huggingface.co/Adapter/t2iadapter/resolve/main/figs_SDXLV1.0/cond_sketch.png"><img width="480" style="margin:0;padding:0;" src="https://huggingface.co/Adapter/t2iadapter/resolve/main/figs_SDXLV1.0/cond_sketch.png"/></a>
- Generation
```py
prompt = "a robot, mount fuji in the background, 4k photo, highly detailed"
negative_prompt = "extra digit, fewer digits, cropped, worst quality, low quality, glitch, deformed, mutated, ugly, disfigured"
gen_images = pipe(
prompt=prompt,
negative_prompt=negative_prompt,
image=image,
num_inference_steps=30,
adapter_conditioning_scale=0.9,
guidance_scale=7.5,
).images[0]
gen_images.save('out_sketch.png')
```
<a href="https://huggingface.co/Adapter/t2iadapter/resolve/main/figs_SDXLV1.0/cond_sketch.png"><img width="480" style="margin:0;padding:0;" src="https://huggingface.co/Adapter/t2iadapter/resolve/main/figs_SDXLV1.0/res_sketch.png"/></a>
### Training
Our training script was built on top of the official training script that we provide [here](https://github.com/huggingface/diffusers/blob/main/examples/t2i_adapter/README_sdxl.md).
The model is trained on 3M high-resolution image-text pairs from LAION-Aesthetics V2 with
- Training steps: 20000
- Batch size: Data parallel with a single gpu batch size of `16` for a total batch size of `256`.
- Learning rate: Constant learning rate of `1e-5`.
- Mixed precision: fp16
|
[
-0.6069583892822266,
-0.3680379390716553,
0.3570258319377899,
0.44527581334114075,
-0.4346306324005127,
-0.26883235573768616,
0.11309166252613068,
-0.4908958673477173,
0.6208606958389282,
0.019441988319158554,
-0.7379817962646484,
-0.44483113288879395,
-0.623908281326294,
-0.14703740179538727,
0.28112080693244934,
0.752297580242157,
-0.0728200376033783,
-0.25193288922309875,
0.07157979905605316,
-0.2673642039299011,
-0.2816292643547058,
0.052487101405858994,
-0.9475354552268982,
-0.4597950875759125,
0.23369833827018738,
0.2268715649843216,
0.6124908328056335,
0.5816764831542969,
0.1967817097902298,
0.345432311296463,
-0.3168431520462036,
0.03290988877415657,
-0.41777342557907104,
-0.1726672649383545,
0.08281929045915604,
-0.3211737275123596,
-0.7944555878639221,
0.00006858893175376579,
0.5974597334861755,
0.275867223739624,
0.1397797167301178,
0.01595383509993553,
0.036332130432128906,
0.7115710377693176,
-0.3608672022819519,
0.02561286650598049,
-0.1206473857164383,
0.14231719076633453,
-0.21563531458377838,
0.19518837332725525,
-0.005544941406697035,
-0.37823861837387085,
0.3245878517627716,
-0.8027973175048828,
-0.05578816682100296,
-0.21397434175014496,
1.3398329019546509,
0.10723549872636795,
-0.2184896171092987,
-0.10241041332483292,
-0.19112688302993774,
0.6272847652435303,
-0.637852668762207,
0.2338024377822876,
0.04905363544821739,
0.07146956026554108,
0.010932022705674171,
-0.8140202164649963,
-0.6118882894515991,
0.19418376684188843,
-0.2564906179904938,
0.46616634726524353,
-0.3571072816848755,
-0.010746664367616177,
0.27297401428222656,
0.33788570761680603,
-0.561359167098999,
0.009959657676517963,
-0.41943782567977905,
-0.2985961139202118,
0.7831487059593201,
-0.0984308272600174,
0.627902626991272,
-0.053005948662757874,
-0.408904105424881,
-0.40432465076446533,
-0.2812279164791107,
0.5461634993553162,
0.17847730219364166,
-0.2339504361152649,
-0.9669437408447266,
0.3610445261001587,
0.1851881593465805,
0.5051847696304321,
0.48706158995628357,
-0.37838348746299744,
0.6789726614952087,
-0.24291478097438812,
-0.06589145213365555,
-0.20563599467277527,
0.9738508462905884,
0.6521716713905334,
0.16674458980560303,
0.1164909154176712,
-0.25725650787353516,
-0.09112880378961563,
-0.23307858407497406,
-1.2097868919372559,
-0.30118516087532043,
0.37104254961013794,
-0.630341649055481,
-0.4035680890083313,
-0.07581458985805511,
-0.7503356337547302,
-0.16612404584884644,
0.1465887725353241,
0.5206649899482727,
-0.5905240774154663,
-0.7407545447349548,
0.2359495908021927,
-0.5759249925613403,
0.5212323069572449,
0.2690112888813019,
-0.5629273056983948,
0.14843347668647766,
0.1249065101146698,
1.0675767660140991,
0.09410427510738373,
-0.004406625870615244,
-0.37739405035972595,
0.04804698005318642,
-0.26491618156433105,
0.7693318724632263,
-0.13239017128944397,
-0.40954136848449707,
-0.2501640319824219,
0.3661215305328369,
-0.1873680055141449,
-0.3377981185913086,
0.5907410979270935,
-0.014228266663849354,
0.23002620041370392,
-0.18389376997947693,
-0.2850594222545624,
-0.3170740306377411,
0.22112315893173218,
-0.4508158266544342,
0.9196141958236694,
0.4990270733833313,
-0.9619507789611816,
0.22461511194705963,
-0.707510769367218,
-0.18678690493106842,
-0.15762057900428772,
0.15635037422180176,
-0.9038369655609131,
-0.1747274100780487,
0.314001202583313,
0.6357977390289307,
-0.06603515893220901,
-0.255326509475708,
-0.7311551570892334,
-0.05086126923561096,
0.1760072559118271,
0.14394593238830566,
1.1197295188903809,
0.02895362302660942,
-0.5333595871925354,
0.1250755488872528,
-0.6815865635871887,
0.03947339579463005,
0.5341264009475708,
-0.016213789582252502,
-0.2281857281923294,
-0.3110683560371399,
0.060000140219926834,
0.5557942986488342,
0.1296975016593933,
-0.8518038988113403,
0.11213034391403198,
-0.41144174337387085,
0.45323869585990906,
0.5557296872138977,
0.1598842591047287,
0.5520466566085815,
-0.5894579887390137,
0.2870568335056305,
0.2912325859069824,
0.2904511094093323,
-0.007551324553787708,
-0.5645335912704468,
-0.8307733535766602,
-0.3412300944328308,
-0.014674331061542034,
0.5464125871658325,
-0.7188003063201904,
0.6037481427192688,
-0.1110733151435852,
-0.7273523211479187,
-0.4559270441532135,
-0.002303426619619131,
0.4393482208251953,
0.5934141874313354,
0.2445450723171234,
-0.4954691529273987,
-0.35306239128112793,
-0.7784879803657532,
0.09683643281459808,
0.015039609745144844,
-0.1427430808544159,
0.43536412715911865,
0.5364885330200195,
-0.18486547470092773,
0.7377111315727234,
-0.5047109127044678,
-0.4117574393749237,
-0.1605798751115799,
-0.16675521433353424,
0.2811022996902466,
0.7960785031318665,
1.0456026792526245,
-0.7472018003463745,
-0.6470800638198853,
-0.026749415323138237,
-0.9049608707427979,
-0.19464585185050964,
-0.11261585354804993,
-0.3948291838169098,
0.18288928270339966,
0.26396653056144714,
-0.5584583282470703,
0.6708142161369324,
0.49019500613212585,
-0.6882364749908447,
0.4514532685279846,
-0.310756117105484,
-0.08430755138397217,
-1.13186514377594,
0.30790185928344727,
0.46713292598724365,
-0.27092841267585754,
-0.8037390112876892,
-0.06105959787964821,
0.2763558328151703,
0.005739619489759207,
-0.5933335423469543,
0.9501538872718811,
-0.5703544020652771,
0.002680081408470869,
-0.12421219795942307,
0.10601884871721268,
0.24843232333660126,
0.48733392357826233,
0.24119649827480316,
0.5808355212211609,
0.7665668725967407,
-0.5305333137512207,
0.2656323313713074,
0.45510730147361755,
0.0196266807615757,
0.9431761503219604,
-0.9735709428787231,
0.27981051802635193,
-0.004844394512474537,
0.3131985664367676,
-0.9060776233673096,
-0.29455024003982544,
0.6388130784034729,
-0.5877727270126343,
0.6217943429946899,
-0.3581731915473938,
-0.07204412668943405,
-0.6346380114555359,
-0.7846513390541077,
0.39641425013542175,
0.7153365015983582,
-0.7861840724945068,
0.6377807855606079,
0.2869918644428253,
-0.051356784999370575,
-0.39087337255477905,
-0.7351544499397278,
-0.34150296449661255,
-0.35853034257888794,
-1.1269418001174927,
0.4929144084453583,
-0.10044164955615997,
-0.07430291920900345,
0.0666729062795639,
-0.0505121648311615,
-0.12257976830005646,
-0.055915798991918564,
0.4439755380153656,
0.3809402883052826,
-0.2948906421661377,
-0.2001309096813202,
0.2701437771320343,
-0.24899235367774963,
-0.07839536666870117,
-0.3770093321800232,
0.5290727019309998,
-0.16340908408164978,
-0.0599626861512661,
-0.9993303418159485,
-0.02228003554046154,
0.5976062417030334,
-0.052640195935964584,
0.6596723794937134,
0.9543987512588501,
-0.3851080536842346,
0.1204521656036377,
-0.5756418108940125,
-0.1140168309211731,
-0.5251032710075378,
-0.0942605584859848,
-0.4749464988708496,
-0.5599046349525452,
0.7808886766433716,
0.03455653041601181,
0.13209232687950134,
0.6705560684204102,
0.2724021375179291,
-0.16820983588695526,
0.8826083540916443,
0.42192068696022034,
0.0314456969499588,
0.6608964800834656,
-0.8669983744621277,
-0.10629595071077347,
-1.152640700340271,
-0.38788744807243347,
-0.18534277379512787,
-0.5810350179672241,
-0.2766195833683014,
-0.4286397695541382,
0.6100211143493652,
0.3018347918987274,
-0.4803413450717926,
0.33205825090408325,
-0.5633307099342346,
0.15697947144508362,
0.2912273406982422,
0.4840986132621765,
-0.22243399918079376,
0.02023020200431347,
-0.193378746509552,
-0.04038379713892937,
-0.4589881896972656,
-0.22179073095321655,
0.7998833656311035,
0.6225690841674805,
0.41541337966918945,
0.016633324325084686,
0.6386200189590454,
-0.16868279874324799,
0.06552958488464355,
-0.6115391254425049,
0.35751649737358093,
-0.07408709824085236,
-0.4252067804336548,
-0.12491463124752045,
-0.042036380618810654,
-0.9301539659500122,
0.2700421214103699,
-0.42325159907341003,
-0.7775651812553406,
0.7035946249961853,
0.20032072067260742,
-0.32302412390708923,
0.5805903077125549,
-0.8159195184707642,
0.7689008712768555,
-0.006682033650577068,
-0.6434230208396912,
0.0818735659122467,
-0.7132822871208191,
0.21879400312900543,
0.3147173523902893,
-0.18843784928321838,
-0.13043344020843506,
-0.10648711770772934,
0.8020180463790894,
-0.7711466550827026,
0.7067601680755615,
-0.7192578315734863,
-0.046752601861953735,
0.4532712399959564,
-0.06238112598657608,
0.5787848234176636,
0.11750523746013641,
-0.3240542411804199,
0.17303048074245453,
0.08257315307855606,
-0.5537536144256592,
-0.4240267872810364,
0.43887850642204285,
-0.8479784727096558,
-0.3184869587421417,
-0.3029423952102661,
-0.47820788621902466,
0.20717701315879822,
0.20100098848342896,
0.5157907009124756,
0.46749329566955566,
0.0598793625831604,
-0.010292314924299717,
0.5965251326560974,
-0.2741630971431732,
0.6561954617500305,
0.08682356029748917,
0.06637827306985855,
-0.5957162380218506,
1.0455143451690674,
-0.013671301305294037,
0.3464742600917816,
0.058981120586395264,
0.3569389879703522,
-0.34706059098243713,
-0.2744818329811096,
-0.5792841911315918,
0.7494462728500366,
-0.4452999234199524,
-0.3025262951850891,
-0.6822084188461304,
-0.36786752939224243,
-0.4458208978176117,
-0.4892798662185669,
-0.4368337094783783,
-0.41882070899009705,
-0.6791771054267883,
0.21468020975589752,
0.6318450570106506,
0.5405831933021545,
-0.41644614934921265,
0.5350329875946045,
-0.3067735433578491,
0.25556278228759766,
0.3506281077861786,
0.3389764428138733,
-0.08918705582618713,
-0.5824921131134033,
0.29791224002838135,
0.16074839234352112,
-0.48820218443870544,
-0.6111657023429871,
0.4698238670825958,
0.15110474824905396,
0.27844467759132385,
0.6773203015327454,
-0.07326164841651917,
0.784705638885498,
-0.10898099839687347,
0.5291948914527893,
0.5416290163993835,
-0.8009862303733826,
0.6331890225410461,
-0.3628670573234558,
0.2744765877723694,
0.24929530918598175,
0.36008089780807495,
-0.46470752358436584,
-0.060082919895648956,
-0.6136243343353271,
-0.5396780967712402,
0.8124116659164429,
0.059276726096868515,
-0.12988853454589844,
0.373335063457489,
0.7867916822433472,
-0.18920497596263885,
-0.2455785721540451,
-0.8117110729217529,
-0.4330832362174988,
-0.3741391599178314,
-0.10881153494119644,
0.14115756750106812,
-0.15488283336162567,
0.002245374722406268,
-0.5411578416824341,
0.7984493374824524,
-0.24944786727428436,
0.5961193442344666,
0.5318853855133057,
0.013132697902619839,
-0.30229389667510986,
-0.33181917667388916,
0.580444872379303,
0.4368619918823242,
-0.2029847502708435,
-0.48973557353019714,
0.14650090038776398,
-0.5264113545417786,
0.0946662425994873,
0.1507568359375,
-0.29479077458381653,
0.035046886652708054,
0.18491987884044647,
0.9116649031639099,
-0.056515295058488846,
-0.13964974880218506,
0.8887695670127869,
-0.2517218291759491,
-0.7387902736663818,
-0.24238364398479462,
0.029404504224658012,
0.2630748152732849,
0.651788592338562,
0.2391665279865265,
0.19613993167877197,
0.011637700721621513,
-0.17564725875854492,
0.17866384983062744,
0.5748462677001953,
-0.4164500832557678,
-0.4830787181854248,
0.6439418792724609,
0.10133874416351318,
-0.08324844390153885,
0.4688689410686493,
-0.2976444363594055,
-0.6899215579032898,
0.8403586745262146,
0.6463677287101746,
0.8496847748756409,
-0.3261297345161438,
0.2446724772453308,
0.7836040258407593,
0.0516803003847599,
0.12493446469306946,
0.35050317645072937,
0.07181612402200699,
-0.6006991267204285,
-0.014571932144463062,
-0.3645322918891907,
0.07005685567855835,
0.18899652361869812,
-0.54841148853302,
0.6063401103019714,
-0.7053544521331787,
-0.060606591403484344,
0.0003372366481926292,
0.2478591650724411,
-0.7552984356880188,
0.25382837653160095,
0.07915802299976349,
1.0731103420257568,
-0.8023864030838013,
0.7889260053634644,
0.6375952959060669,
-0.39165377616882324,
-0.9288315773010254,
0.15056835114955902,
0.13987745344638824,
-1.0087867975234985,
0.3745902478694916,
0.2765398323535919,
0.01043386198580265,
0.051686178892850876,
-0.4967699348926544,
-0.6232481598854065,
1.586730718612671,
0.2998587489128113,
-0.2782169580459595,
-0.028706056997179985,
-0.35483571887016296,
0.21946100890636444,
-0.4729781448841095,
0.6170466542243958,
0.5675148963928223,
0.422891229391098,
0.38353368639945984,
-0.8037686944007874,
0.347890168428421,
-0.49944281578063965,
0.23694384098052979,
0.20779763162136078,
-1.1088954210281372,
0.7802942991256714,
-0.282236248254776,
-0.23725101351737976,
0.2292855679988861,
0.5783634185791016,
0.41066259145736694,
0.40197479724884033,
0.7989453077316284,
0.7422488331794739,
0.4500187039375305,
-0.13990017771720886,
0.9713889956474304,
-0.15589863061904907,
0.3741425573825836,
0.46401479840278625,
0.2137654572725296,
0.43361836671829224,
0.2311900556087494,
-0.025580434128642082,
0.4872688949108124,
0.8707131743431091,
-0.0319548100233078,
0.3591473400592804,
0.16661518812179565,
-0.2795736789703369,
-0.05504504218697548,
-0.12282031774520874,
-0.527804434299469,
0.017925184220075607,
0.5348307490348816,
-0.16865858435630798,
-0.12544222176074982,
0.21246331930160522,
0.15821127593517303,
-0.21359559893608093,
-0.3092345893383026,
0.7581504583358765,
0.022946957498788834,
-0.4357841908931732,
0.681625485420227,
-0.25168871879577637,
1.0974429845809937,
-0.4177858829498291,
0.024301938712596893,
-0.3041042685508728,
0.19612544775009155,
-0.43348270654678345,
-1.1186015605926514,
0.2452692836523056,
-0.26199871301651,
0.1733400970697403,
-0.11517168581485748,
0.9355282187461853,
-0.29630813002586365,
-0.41411155462265015,
0.6089192032814026,
0.17988990247249603,
0.38023310899734497,
0.14583922922611237,
-1.1224219799041748,
0.3159949779510498,
0.0968380719423294,
-0.48904547095298767,
0.11556479334831238,
0.45439794659614563,
0.23771442472934723,
0.5920336246490479,
0.36452892422676086,
0.1389114111661911,
0.06046194210648537,
-0.20483748614788055,
1.1270467042922974,
-0.2367699295282364,
-0.34957918524742126,
-0.6491592526435852,
0.9093331694602966,
-0.4626034200191498,
-0.3921433985233307,
0.4184459149837494,
0.41787073016166687,
0.861866295337677,
0.034860335290431976,
0.6160070896148682,
-0.3696129620075226,
0.41268762946128845,
-0.33702802658081055,
0.8483915328979492,
-0.9006101489067078,
-0.09368658810853958,
-0.4398457109928131,
-0.7059512138366699,
-0.20469602942466736,
0.9427399039268494,
-0.2414708435535431,
0.08506941795349121,
0.46124622225761414,
0.8813985586166382,
-0.37945324182510376,
-0.43493935465812683,
0.016179950907826424,
0.15479910373687744,
0.36180171370506287,
0.6921699643135071,
0.29913562536239624,
-0.8617119193077087,
0.3864893913269043,
-0.7015904784202576,
-0.4361605644226074,
-0.13386574387550354,
-0.5581414103507996,
-1.1477690935134888,
-0.660129964351654,
-0.5871886610984802,
-0.6948724389076233,
-0.2597103714942932,
0.8272275924682617,
1.0669455528259277,
-0.5036099553108215,
-0.26139697432518005,
-0.02085825987160206,
0.09803713858127594,
-0.00487147644162178,
-0.21326664090156555,
0.4061315059661865,
0.03231481462717056,
-0.808861494064331,
-0.09866160899400711,
0.24098417162895203,
0.5444999933242798,
0.1802414208650589,
-0.5385839939117432,
-0.2438894510269165,
-0.3141544759273529,
0.44266411662101746,
0.5851895213127136,
-0.57611083984375,
-0.2733727991580963,
-0.18428611755371094,
0.12918703258037567,
0.28314217925071716,
0.32777079939842224,
-0.45138612389564514,
0.42483675479888916,
0.40541884303092957,
0.3751603960990906,
0.8252747058868408,
-0.0944151058793068,
0.1775292158126831,
-0.464880108833313,
0.48378443717956543,
-0.15714897215366364,
0.3706405460834503,
0.15704840421676636,
-0.3390982747077942,
0.6815096735954285,
0.5132479071617126,
-0.5390236377716064,
-0.7350850701332092,
-0.09954506903886795,
-1.3168237209320068,
-0.10845018923282623,
0.91546630859375,
-0.34575286507606506,
-0.5609608292579651,
0.1755555123090744,
-0.42235472798347473,
0.3791830539703369,
-0.3967024087905884,
0.2489694356918335,
0.20074209570884705,
-0.17074526846408844,
-0.5039591193199158,
-0.3885531425476074,
0.4485837519168854,
0.15885017812252045,
-0.6977606415748596,
-0.6338133811950684,
0.18742969632148743,
0.6641790270805359,
0.4385300576686859,
0.6928849220275879,
-0.20832274854183197,
0.3927328884601593,
-0.038695406168699265,
0.23642532527446747,
0.04693622887134552,
0.1751497983932495,
-0.6545903086662292,
-0.2894984483718872,
-0.17704996466636658,
-0.3544746935367584
] |
google/electra-small-generator
|
google
| 2022-11-02T19:47:23Z | 5,256 | 5 |
transformers
|
[
"transformers",
"pytorch",
"tf",
"jax",
"electra",
"fill-mask",
"en",
"arxiv:1406.2661",
"license:apache-2.0",
"autotrain_compatible",
"endpoints_compatible",
"has_space",
"region:us"
] |
fill-mask
| 2022-03-02T23:29:05Z |
---
language: en
thumbnail: https://huggingface.co/front/thumbnails/google.png
license: apache-2.0
---
**WARNING**: This is the official generator checkpoint as in the [ELECTRA original codebase](https://github.com/google-research/electra). However, this model is not scaled properly for pre-training with [google/electra-small-discriminator](https://huggingface.co/google/electra-small-discriminator). The paper recommends a hyperparameter multiplier of 1/4 between the discriminator and generator for this given model to avoid training instabilities. This would not be the case when using `google/electra-small-generator` and `google/electra-small-discriminator`, which are similar in size.
## ELECTRA: Pre-training Text Encoders as Discriminators Rather Than Generators
**ELECTRA** is a new method for self-supervised language representation learning. It can be used to pre-train transformer networks using relatively little compute. ELECTRA models are trained to distinguish "real" input tokens vs "fake" input tokens generated by another neural network, similar to the discriminator of a [GAN](https://arxiv.org/pdf/1406.2661.pdf). At small scale, ELECTRA achieves strong results even when trained on a single GPU. At large scale, ELECTRA achieves state-of-the-art results on the [SQuAD 2.0](https://rajpurkar.github.io/SQuAD-explorer/) dataset.
For a detailed description and experimental results, please refer to our paper [ELECTRA: Pre-training Text Encoders as Discriminators Rather Than Generators](https://openreview.net/pdf?id=r1xMH1BtvB).
This repository contains code to pre-train ELECTRA, including small ELECTRA models on a single GPU. It also supports fine-tuning ELECTRA on downstream tasks including classification tasks (e.g,. [GLUE](https://gluebenchmark.com/)), QA tasks (e.g., [SQuAD](https://rajpurkar.github.io/SQuAD-explorer/)), and sequence tagging tasks (e.g., [text chunking](https://www.clips.uantwerpen.be/conll2000/chunking/)).
## How to use the generator in `transformers`
```python
from transformers import pipeline
fill_mask = pipeline(
"fill-mask",
model="google/electra-small-generator",
tokenizer="google/electra-small-generator"
)
print(
fill_mask(f"HuggingFace is creating a {nlp.tokenizer.mask_token} that the community uses to solve NLP tasks.")
)
```
|
[
-0.5311812162399292,
-0.5143749117851257,
0.3558090925216675,
0.1216650977730751,
-0.20070765912532806,
0.16320478916168213,
-0.2393719106912613,
-0.2575012743473053,
0.4311138689517975,
0.35776641964912415,
-0.497209757566452,
-0.07992266118526459,
-0.5244397521018982,
0.375531405210495,
-0.5534554123878479,
1.0409555435180664,
-0.13332729041576385,
-0.23717860877513885,
0.022772012278437614,
-0.08635740727186203,
-0.2528457045555115,
-0.6068956851959229,
-0.6225479245185852,
-0.5317770838737488,
0.4360535144805908,
0.39302024245262146,
0.21856993436813354,
0.3165869414806366,
0.33353984355926514,
0.47656509280204773,
0.05400681868195534,
0.20961947739124298,
-0.41288796067237854,
-0.07150145620107651,
0.08136500418186188,
-0.3851063549518585,
-0.3394765853881836,
0.02661803737282753,
0.6449398398399353,
0.10496582835912704,
-0.30035051703453064,
0.24945886433124542,
-0.0068407305516302586,
0.5971200466156006,
-0.5629120469093323,
0.06091463565826416,
-0.7809208035469055,
-0.10684186965227127,
-0.22216536104679108,
0.09168647229671478,
-0.5501425266265869,
-0.24006053805351257,
0.04640902578830719,
-0.578128457069397,
0.47260814905166626,
0.17721429467201233,
1.3143285512924194,
0.3707091808319092,
-0.030635766685009003,
-0.08056999742984772,
-0.7362146377563477,
0.7057644724845886,
-0.48079073429107666,
0.03356894105672836,
0.10123079270124435,
0.4195158779621124,
0.27820950746536255,
-0.9853806495666504,
-0.8245118260383606,
0.14852912724018097,
0.03085768036544323,
0.15185768902301788,
-0.4634445309638977,
0.0814397782087326,
0.42004770040512085,
0.5454359650611877,
-0.4009934067726135,
0.33654212951660156,
-0.5374196767807007,
-0.32456231117248535,
0.43047845363616943,
0.016379166394472122,
0.2844632565975189,
-0.24626019597053528,
-0.2329367846250534,
-0.28870710730552673,
-0.8834862112998962,
-0.06018985062837601,
0.7081326246261597,
0.4096217155456543,
-0.22226159274578094,
0.5363447666168213,
-0.06457176059484482,
0.598528265953064,
0.4170173406600952,
0.4283292889595032,
0.5564634203910828,
-0.18472446501255035,
-0.29486504197120667,
0.20926649868488312,
1.1261175870895386,
0.05114171653985977,
0.21968933939933777,
0.007383627351373434,
-0.10847924649715424,
0.2941708564758301,
0.5045843124389648,
-1.2289023399353027,
-0.49539411067962646,
0.07725018262863159,
-0.34017911553382874,
-0.4351823031902313,
-0.16143067181110382,
-0.9405034780502319,
-0.0074793072417378426,
0.030219953507184982,
0.5412608981132507,
-0.2328890860080719,
-0.32628709077835083,
0.031985845416784286,
-0.030470335856080055,
0.20289896428585052,
0.17571039497852325,
-1.0408867597579956,
0.1851179450750351,
0.173863023519516,
0.840151846408844,
0.06923189759254456,
-0.38538533449172974,
-0.41972026228904724,
-0.17500387132167816,
0.09992171078920364,
1.064205527305603,
-0.07441122084856033,
-0.02110677771270275,
0.13908523321151733,
0.17731250822544098,
-0.32748931646347046,
-0.49026215076446533,
0.39930012822151184,
-0.4879242181777954,
0.14234064519405365,
0.05103067308664322,
-0.4739927351474762,
-0.04035186022520065,
-0.11812256276607513,
-0.8580629229545593,
1.0115242004394531,
0.2018725425004959,
-0.8015524744987488,
0.44518280029296875,
-0.5154634714126587,
-0.36172008514404297,
0.1519717276096344,
-0.0069575137458741665,
-0.8274148106575012,
0.024012582376599312,
0.22880519926548004,
0.24777907133102417,
-0.1436033993959427,
-0.013573240488767624,
-0.05123210325837135,
-0.30271807312965393,
-0.012284473516047001,
-0.12547902762889862,
0.6516546010971069,
0.25070181488990784,
-0.38690492510795593,
0.20432686805725098,
-0.7471906542778015,
0.21119694411754608,
0.10428839176893234,
-0.17602398991584778,
0.018106115981936455,
0.028543584048748016,
0.17566941678524017,
0.4303523302078247,
0.34472519159317017,
-0.5844888091087341,
0.021014641970396042,
-0.5242502093315125,
0.8424112796783447,
0.6822455525398254,
-0.28547924757003784,
0.474579781293869,
-0.10425076633691788,
0.5206171274185181,
-0.09122627228498459,
-0.19020749628543854,
-0.21359707415103912,
-0.41995278000831604,
-1.201781988143921,
-0.19431819021701813,
0.3416800796985626,
0.3643971383571625,
-0.8559391498565674,
0.9762800931930542,
-0.23061881959438324,
-0.7427886724472046,
-0.5758584141731262,
0.1292119324207306,
0.28833702206611633,
0.21100226044654846,
0.5517793297767639,
-0.1707133948802948,
-1.0135407447814941,
-0.765144407749176,
-0.09784175455570221,
-0.4333333373069763,
0.017344016581773758,
-0.11014887690544128,
0.7636235952377319,
-0.26601642370224,
1.055173635482788,
-0.2803790271282196,
-0.44924694299697876,
-0.8176579475402832,
0.2771677076816559,
0.202189102768898,
0.4671367108821869,
0.3964703381061554,
-0.4834563434123993,
-0.41168662905693054,
-0.1189819872379303,
-0.5391129851341248,
-0.026024166494607925,
0.044604264199733734,
0.17567178606987,
-0.02728889510035515,
0.43464863300323486,
-0.7722306251525879,
0.14900608360767365,
0.7887078523635864,
-0.27961674332618713,
0.45366910099983215,
-0.41662338376045227,
-0.18456436693668365,
-1.2019208669662476,
-0.005215991288423538,
0.14688195288181305,
-0.37528374791145325,
-0.6431952118873596,
-0.04223629832267761,
0.14645878970623016,
-0.18625032901763916,
-0.5051671266555786,
0.2116977423429489,
-0.18735525012016296,
0.2526121437549591,
-0.33569684624671936,
-0.12102580815553665,
-0.026375776156783104,
0.44278624653816223,
0.06662188470363617,
1.0889474153518677,
0.3379918336868286,
-0.6081134080886841,
0.06110045313835144,
0.2316146343946457,
-0.5083374381065369,
0.35875847935676575,
-0.9658703207969666,
0.41457295417785645,
-0.08725378662347794,
0.31949812173843384,
-0.6820546388626099,
-0.21046790480613708,
-0.018501654267311096,
-0.29456454515457153,
0.30957379937171936,
0.009243740700185299,
-0.7147572636604309,
-0.6739828586578369,
-0.22498567402362823,
0.3890717029571533,
0.8256971836090088,
-0.7635377049446106,
0.462273508310318,
0.5627993941307068,
0.12811926007270813,
-0.17694799602031708,
-0.5087211728096008,
-0.11513125896453857,
-0.38433119654655457,
-0.3916793763637543,
0.42624711990356445,
0.05321307107806206,
0.10234788060188293,
-0.23934590816497803,
0.12666209042072296,
-0.25711527466773987,
-0.2553958296775818,
0.14680878818035126,
0.223955437541008,
-0.019403629004955292,
0.05515915900468826,
0.0638372078537941,
-0.2745071053504944,
0.045427702367305756,
-0.06452047824859619,
0.9036393761634827,
-0.4596492052078247,
0.056940849870443344,
-0.38061049580574036,
0.005039659328758717,
0.27012091875076294,
-0.2850668132305145,
0.772646427154541,
0.7072929739952087,
-0.3454893231391907,
-0.20502614974975586,
-0.5376885533332825,
-0.08631964772939682,
-0.5767347812652588,
0.36808598041534424,
-0.24295511841773987,
-0.9037908315658569,
0.44415998458862305,
-0.0529351532459259,
-0.1453951597213745,
1.057183027267456,
0.6906376481056213,
-0.15558545291423798,
1.18003511428833,
0.697950005531311,
-0.22893446683883667,
0.5230457186698914,
-0.6434813141822815,
0.3669317364692688,
-1.0720432996749878,
-0.017029916867613792,
-0.8418045043945312,
-0.10937182605266571,
-0.563106894493103,
-0.24341866374015808,
0.024315403774380684,
0.06091570481657982,
-0.49624043703079224,
0.7632712125778198,
-0.9121799468994141,
0.3968142867088318,
0.25182485580444336,
0.02296644076704979,
0.08448527008295059,
0.08916491270065308,
0.24465405941009521,
-0.18354909121990204,
-0.7875929474830627,
-0.6683923006057739,
0.9605175256729126,
0.14219842851161957,
0.8605731725692749,
-0.3753564655780792,
0.9639869332313538,
0.06401286274194717,
0.3149823248386383,
-0.5634324550628662,
0.4652148485183716,
-0.1078069657087326,
-0.7124738097190857,
-0.2551831007003784,
-0.5046249032020569,
-1.1662040948867798,
0.2945936918258667,
-0.008408801630139351,
-0.8342092037200928,
0.1555495411157608,
0.20620197057724,
-0.41269510984420776,
0.5026031136512756,
-0.9655758142471313,
0.9940697550773621,
0.15277107059955597,
0.06580876559019089,
-0.07801223546266556,
-0.29504090547561646,
0.0361516997218132,
-0.12527595460414886,
0.06236346811056137,
-0.027521677315235138,
0.26022687554359436,
0.8890547156333923,
-0.6768808960914612,
0.8013349175453186,
-0.11058056354522705,
0.009618268348276615,
0.5502090454101562,
-0.35796332359313965,
0.5682081580162048,
-0.18255427479743958,
0.04534604772925377,
0.12201285362243652,
-0.15901820361614227,
-0.13117863237857819,
-0.2169785499572754,
0.6300889253616333,
-0.9129666686058044,
-0.3316912353038788,
-0.558415412902832,
-0.17020536959171295,
0.20166297256946564,
0.3268650472164154,
0.9614540934562683,
0.29723215103149414,
-0.17011651396751404,
0.24477441608905792,
0.6927465796470642,
-0.0754200741648674,
0.623179018497467,
0.1015375480055809,
-0.06371268630027771,
-0.1758914291858673,
1.1057389974594116,
0.1827629655599594,
0.14465458691120148,
0.19411605596542358,
-0.0008090364863164723,
-0.3027750253677368,
-0.448210746049881,
-0.6031264066696167,
0.0738844946026802,
-0.517765462398529,
-0.4263674020767212,
-0.7423126697540283,
-0.4097842574119568,
-0.14052227139472961,
-0.06302867084741592,
-0.623252272605896,
-0.2992793619632721,
-0.3789045512676239,
-0.17637991905212402,
0.47088623046875,
0.5302262902259827,
0.2834432125091553,
0.4857536554336548,
-0.47334322333335876,
0.4119182527065277,
0.450597882270813,
0.01654842309653759,
-0.19799400866031647,
-0.43153324723243713,
-0.3518024682998657,
-0.04921356588602066,
-0.35070011019706726,
-0.7548366785049438,
0.53650963306427,
0.20356443524360657,
0.2808758616447449,
0.11239425837993622,
-0.12596683204174042,
0.6125531792640686,
-0.8495485186576843,
0.8142279386520386,
0.36423811316490173,
-0.9042400121688843,
0.664980947971344,
-0.11369328200817108,
0.41083043813705444,
0.8481627106666565,
-0.10839667171239853,
-0.05658383294939995,
-0.49422308802604675,
-0.809960663318634,
-0.8186120390892029,
0.693020761013031,
0.5346425771713257,
0.31071314215660095,
-0.08664178103208542,
-0.012120853178203106,
-0.09852677583694458,
0.26557013392448425,
-0.860321044921875,
-0.46899279952049255,
-0.4553578197956085,
-0.27853307127952576,
-0.30662569403648376,
-0.12233169376850128,
0.1812419593334198,
-0.47790268063545227,
0.6501711010932922,
-0.028032546862959862,
0.5534650087356567,
0.18927456438541412,
-0.3522214889526367,
-0.18884433805942535,
0.28711193799972534,
0.2337428778409958,
0.537417471408844,
-0.1293419450521469,
0.08914043009281158,
0.27792420983314514,
-0.697860062122345,
0.3490186631679535,
0.4206959307193756,
-0.45759910345077515,
0.18047195672988892,
0.002968661719933152,
0.877016007900238,
0.11013798415660858,
-0.40558212995529175,
0.3723644018173218,
-0.14123645424842834,
-0.19826370477676392,
-0.44660621881484985,
0.013871301896870136,
-0.1949225813150406,
-0.08200626820325851,
0.3455539345741272,
0.22367846965789795,
0.043526988476514816,
-0.32267239689826965,
0.0030764425173401833,
0.20508286356925964,
-0.3719633221626282,
-0.554928719997406,
0.8637435436248779,
0.3689790964126587,
-0.3511889576911926,
0.6134542226791382,
-0.3992086946964264,
-0.7219303250312805,
0.727049708366394,
0.7574711441993713,
1.0435802936553955,
-0.25836312770843506,
0.4774947464466095,
0.6810125708580017,
0.6151489019393921,
-0.2198307365179062,
0.1337077021598816,
0.13695603609085083,
-0.9030213952064514,
-0.5731902122497559,
-0.6364202499389648,
-0.3198246955871582,
0.09271131455898285,
-0.4753425717353821,
0.2644842565059662,
-0.22324569523334503,
-0.14311696588993073,
0.0724891945719719,
0.0100074028596282,
-1.013730764389038,
0.0994792953133583,
-0.19306540489196777,
0.7123297452926636,
-0.6876345276832581,
0.9774110317230225,
0.7213751077651978,
-0.5674840807914734,
-0.9826555848121643,
-0.3332909345626831,
-0.5118753910064697,
-0.6335831880569458,
0.48809564113616943,
0.581081748008728,
-0.0640871524810791,
0.3257454037666321,
-0.2293325513601303,
-0.5297281742095947,
0.9623358845710754,
0.39731499552726746,
-0.5989237427711487,
-0.24346503615379333,
0.03552018851041794,
0.631398618221283,
-0.30830100178718567,
0.3105038106441498,
0.5351133346557617,
0.39027005434036255,
-0.29705485701560974,
-0.9079636335372925,
0.13761430978775024,
-0.2616795003414154,
-0.05890247970819473,
0.43214792013168335,
-0.6561175584793091,
1.0755773782730103,
-0.004491779487580061,
-0.19910791516304016,
0.26230984926223755,
0.6818714141845703,
0.3562520146369934,
0.07115329056978226,
0.6826947331428528,
0.8538041710853577,
0.7222810387611389,
-0.35816729068756104,
1.1626946926116943,
-0.13531726598739624,
0.7249672412872314,
0.8409501314163208,
-0.19200684130191803,
0.6752433180809021,
0.4702422618865967,
-0.43462371826171875,
0.837274968624115,
0.39327308535575867,
-0.10528779029846191,
0.48097285628318787,
0.09457650780677795,
-0.2952870726585388,
-0.19623097777366638,
0.18934942781925201,
-0.6155936121940613,
0.30548742413520813,
0.18680039048194885,
-0.462220698595047,
-0.2700028717517853,
-0.06935795396566391,
-0.08424464613199234,
-0.10652008652687073,
-0.37047266960144043,
0.5804399847984314,
0.05589744821190834,
-0.5103485584259033,
0.47306978702545166,
-0.13179165124893188,
0.9113767743110657,
-0.5815101861953735,
0.03362702578306198,
0.1282588690519333,
0.3844153881072998,
-0.20851583778858185,
-0.41340816020965576,
0.0887053906917572,
0.21227121353149414,
0.0023083423729985952,
-0.3870888650417328,
1.0400553941726685,
-0.3074585497379303,
-0.6606906652450562,
-0.09922128915786743,
0.37169188261032104,
0.07422778010368347,
-0.2556130886077881,
-0.4121854901313782,
0.07535120844841003,
-0.24812090396881104,
-0.23448196053504944,
0.3791995942592621,
0.15943636000156403,
0.4770066440105438,
0.44647419452667236,
0.5225221514701843,
0.08627918362617493,
0.15300123393535614,
0.21076856553554535,
0.8914691805839539,
-0.3538894057273865,
-0.575420618057251,
-0.8573471307754517,
0.43161243200302124,
-0.3652186691761017,
-0.5205420255661011,
1.0460911989212036,
0.7101763486862183,
0.8950607776641846,
-0.14178524911403656,
0.6988940834999084,
-0.349644273519516,
0.1638965904712677,
-0.4432331621646881,
0.7414939999580383,
-0.23079070448875427,
-0.2087985724210739,
-0.35031548142433167,
-1.1151846647262573,
-0.016831601038575172,
0.9917973279953003,
-0.11185622215270996,
0.15158748626708984,
0.7399598360061646,
0.4796324074268341,
0.0765535831451416,
-0.08595709502696991,
-0.06020952761173248,
0.0006063218461349607,
0.41068097949028015,
0.4769308269023895,
0.9131655097007751,
-0.7005659937858582,
0.7895950078964233,
-0.3988070785999298,
0.03409039229154587,
0.035320766270160675,
-0.6375421285629272,
-1.1261039972305298,
-0.564572274684906,
-0.32003557682037354,
-0.40240153670310974,
-0.16114071011543274,
0.663792073726654,
0.8616379499435425,
-0.632879912853241,
-0.10989714413881302,
-0.6461278200149536,
0.07941686362028122,
-0.19825328886508942,
-0.21261806786060333,
0.23470735549926758,
-0.5374933481216431,
-0.9591145515441895,
0.26670974493026733,
0.024658964946866035,
-0.06130467355251312,
-0.4278182089328766,
-0.1407986879348755,
-0.02396339923143387,
-0.20720122754573822,
0.5687195658683777,
0.4892627000808716,
-0.3821166157722473,
-0.48094436526298523,
-0.20530705153942108,
-0.024645421653985977,
0.22363005578517914,
0.8523547053337097,
-1.0134596824645996,
0.49549856781959534,
0.41860392689704895,
0.36498385667800903,
0.869259238243103,
-0.3561544418334961,
0.537248969078064,
-0.6103968620300293,
0.2994682788848877,
0.15207932889461517,
0.6129221320152283,
0.2181594967842102,
-0.20742350816726685,
0.3817914128303528,
-0.07471220940351486,
-0.7803325057029724,
-0.8011206388473511,
0.2136337161064148,
-0.7881470918655396,
0.22960452735424042,
0.909634530544281,
-0.005527952685952187,
-0.06912410259246826,
0.04225803539156914,
-0.3087759017944336,
0.34642723202705383,
-0.4196961224079132,
0.713098406791687,
0.6166112422943115,
0.24750038981437683,
-0.11224552243947983,
-0.37630876898765564,
0.5701879858970642,
0.22272323071956635,
-1.1249732971191406,
-0.2273586392402649,
0.17248325049877167,
0.023800762370228767,
0.36855363845825195,
0.7908266186714172,
-0.005690004210919142,
0.1310524046421051,
-0.07011773437261581,
0.15373565256595612,
0.0715300664305687,
-0.3105524182319641,
-0.31799066066741943,
-0.018514316529035568,
-0.20139004290103912,
-0.25044214725494385
] |
TheBloke/WizardLM-13B-V1.2-GPTQ
|
TheBloke
| 2023-09-27T12:45:05Z | 5,246 | 32 |
transformers
|
[
"transformers",
"safetensors",
"llama",
"text-generation",
"arxiv:2304.12244",
"arxiv:2306.08568",
"arxiv:2308.09583",
"base_model:WizardLM/WizardLM-13B-V1.2",
"license:llama2",
"has_space",
"text-generation-inference",
"4-bit",
"region:us"
] |
text-generation
| 2023-07-25T22:17:07Z |
---
license: llama2
model_name: WizardLM 13B V1.2
base_model: WizardLM/WizardLM-13B-V1.2
inference: false
model_creator: WizardLM
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 -->
# WizardLM 13B V1.2 - GPTQ
- Model creator: [WizardLM](https://huggingface.co/WizardLM)
- Original model: [WizardLM 13B V1.2](https://huggingface.co/WizardLM/WizardLM-13B-V1.2)
<!-- description start -->
## Description
This repo contains GPTQ model files for [WizardLM's WizardLM 13B V1.2](https://huggingface.co/WizardLM/WizardLM-13B-V1.2).
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-13B-V1.2-AWQ)
* [GPTQ models for GPU inference, with multiple quantisation parameter options.](https://huggingface.co/TheBloke/WizardLM-13B-V1.2-GPTQ)
* [2, 3, 4, 5, 6 and 8-bit GGUF models for CPU+GPU inference](https://huggingface.co/TheBloke/WizardLM-13B-V1.2-GGUF)
* [WizardLM's original unquantised fp16 model in pytorch format, for GPU inference and for further conversions](https://huggingface.co/WizardLM/WizardLM-13B-V1.2)
<!-- 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 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-13B-V1.2-GPTQ/tree/main) | 4 | 128 | No | 0.1 | [wikitext](https://huggingface.co/datasets/wikitext/viewer/wikitext-2-v1/test) | 4096 | 7.26 GB | Yes | 4-bit, without Act Order and group size 128g. |
| [gptq-4bit-32g-actorder_True](https://huggingface.co/TheBloke/WizardLM-13B-V1.2-GPTQ/tree/gptq-4bit-32g-actorder_True) | 4 | 32 | Yes | 0.1 | [wikitext](https://huggingface.co/datasets/wikitext/viewer/wikitext-2-v1/test) | 4096 | 8.00 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-13B-V1.2-GPTQ/tree/gptq-4bit-64g-actorder_True) | 4 | 64 | Yes | 0.1 | [wikitext](https://huggingface.co/datasets/wikitext/viewer/wikitext-2-v1/test) | 4096 | 7.51 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-13B-V1.2-GPTQ/tree/gptq-4bit-128g-actorder_True) | 4 | 128 | Yes | 0.1 | [wikitext](https://huggingface.co/datasets/wikitext/viewer/wikitext-2-v1/test) | 4096 | 7.26 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-13B-V1.2-GPTQ/tree/gptq-8bit--1g-actorder_True) | 8 | None | Yes | 0.1 | [wikitext](https://huggingface.co/datasets/wikitext/viewer/wikitext-2-v1/test) | 4096 | 13.36 GB | No | 8-bit, with Act Order. No group size, to lower VRAM requirements. |
| [gptq-8bit-128g-actorder_False](https://huggingface.co/TheBloke/WizardLM-13B-V1.2-GPTQ/tree/gptq-8bit-128g-actorder_False) | 8 | 128 | No | 0.1 | [wikitext](https://huggingface.co/datasets/wikitext/viewer/wikitext-2-v1/test) | 4096 | 13.65 GB | No | 8-bit, with group size 128g for higher inference quality and without Act Order to improve AutoGPTQ speed. |
| [gptq-8bit-128g-actorder_True](https://huggingface.co/TheBloke/WizardLM-13B-V1.2-GPTQ/tree/gptq-8bit-128g-actorder_True) | 8 | 128 | Yes | 0.1 | [wikitext](https://huggingface.co/datasets/wikitext/viewer/wikitext-2-v1/test) | 4096 | 13.65 GB | No | 8-bit, with group size 128g for higher inference quality and with Act Order for even higher accuracy. |
| [gptq-8bit-64g-actorder_True](https://huggingface.co/TheBloke/WizardLM-13B-V1.2-GPTQ/tree/gptq-8bit-64g-actorder_True) | 8 | 64 | Yes | 0.1 | [wikitext](https://huggingface.co/datasets/wikitext/viewer/wikitext-2-v1/test) | 4096 | 13.95 GB | No | 8-bit, with group size 64g and Act Order for even higher inference quality. Poor AutoGPTQ CUDA speed. |
<!-- 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-13B-V1.2-GPTQ:main`
- With Git, you can clone a branch with:
```
git clone --single-branch --branch main https://huggingface.co/TheBloke/WizardLM-13B-V1.2-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-13B-V1.2-GPTQ`.
- To download from a specific branch, enter for example `TheBloke/WizardLM-13B-V1.2-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-13B-V1.2-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-13B-V1.2-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'''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: WizardLM's WizardLM 13B V1.2
This is the **Full-Weight** of WizardLM-13B V1.2 model, this model is trained from **Llama-2 13b**.
## WizardLM: Empowering Large Pre-Trained Language Models to Follow Complex Instructions
<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). For more details, please refer to [WizardCoder](https://github.com/nlpxucan/WizardLM/tree/main/WizardCoder).
- [2023/06/16] We released **WizardCoder-15B-V1.0** , which surpasses **Claude-Plus (+6.8)**, **Bard (+15.3)** and **InstructCodeT5+ (+22.3)** on the [HumanEval Benchmarks](https://github.com/openai/human-eval). For more details, please refer to [WizardCoder](https://github.com/nlpxucan/WizardLM/tree/main/WizardCoder).
| 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> |
- 🔥 [08/11/2023] We release **WizardMath** Models.
- 🔥 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.
- 🔥 Our **WizardMath-70B-V1.0** model 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.
| 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 size=4>
| <sup>Model</sup> | <sup>Checkpoint</sup> | <sup>Paper</sup> |<sup>MT-Bench</sup> | <sup>AlpacaEval</sup> | <sup>WizardEval</sup> | <sup>HumanEval</sup> | <sup>License</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>101.4% </sup>|<sup>36.6 pass@1</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>99.3% </sup> |<sup>25.0 pass@1</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>97.8% </sup> | <sup>37.8 pass@1</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>89.1% </sup> |<sup> 24.0 pass@1 </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>78.0% </sup> |<sup>19.1 pass@1 </sup>|<sup> Non-commercial</sup>|
</font>
**Repository**: https://github.com/nlpxucan/WizardLM
**Twitter**:
- 🔥🔥🔥 [7/25/2023] We released **WizardLM V1.2** models. The **WizardLM-13B-V1.2** is here ([Demo_13B-V1.2](https://b7a19878988c8c73.gradio.app), [Demo_13B-V1.2_bak-1](https://d0a37a76e0ac4b52.gradio.app/), [Full Model Weight](https://huggingface.co/WizardLM/WizardLM-13B-V1.2)). Please checkout the [paper](https://arxiv.org/abs/2304.12244).
- 🔥🔥🔥 [7/25/2023] The **WizardLM-13B-V1.2** achieves **7.06** on [MT-Bench Leaderboard](https://chat.lmsys.org/?leaderboard), **89.17%** on [AlpacaEval Leaderboard](https://tatsu-lab.github.io/alpaca_eval/), and **101.4%** on [WizardLM Eval](https://github.com/nlpxucan/WizardLM/blob/main/WizardLM/data/WizardLM_testset.jsonl). (Note: MT-Bench and AlpacaEval are all self-test, will push update and request review. All tests are completed under their official settings.)
❗<b>Note for model system prompts usage:</b>
<b>WizardLM</b> adopts the prompt format from <b>Vicuna</b> and supports **multi-turn** conversation. The prompt should be as following:
```
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 WizardLM.</s>......
```
## Inference WizardLM Demo Script
We provide the inference WizardLM demo code [here](https://github.com/nlpxucan/WizardLM/tree/main/demo).
Please cite the paper if you use the data or code from WizardLM.
```
@article{xu2023wizardlm,
title={Wizardlm: Empowering large language models to follow complex instructions},
author={Xu, Can and Sun, Qingfeng and Zheng, Kai and Geng, Xiubo and Zhao, Pu and Feng, Jiazhan and Tao, Chongyang and Jiang, Daxin},
journal={arXiv preprint arXiv:2304.12244},
year={2023}
}
```
❗<b>To commen concern about dataset:</b>
Recently, there have been clear changes in the open-source policy and regulations of our overall organization's code, data, and models.
Despite this, we have still worked hard to obtain opening the weights of the model first, but the data involves stricter auditing and is in review with our legal team .
Our researchers have no authority to publicly release them without authorization.
Thank you for your understanding.
|
[
-0.5695862770080566,
-0.7551060914993286,
-0.007952183485031128,
0.20728465914726257,
-0.1159190908074379,
-0.12106234580278397,
0.12182097136974335,
-0.4855579435825348,
0.13738475739955902,
0.3996827304363251,
-0.579204261302948,
-0.4216454327106476,
-0.3181903660297394,
-0.060934945940971375,
-0.36527517437934875,
1.073859691619873,
0.10275206714868546,
-0.2335917353630066,
-0.03371189534664154,
-0.27029556035995483,
-0.2596215009689331,
-0.4905611574649811,
-0.7573403120040894,
-0.19310209155082703,
0.37872204184532166,
0.13454098999500275,
0.8704200983047485,
0.4498618245124817,
0.14506806433200836,
0.3215727210044861,
0.043268319219350815,
0.1282372623682022,
-0.5390225052833557,
-0.2064596563577652,
0.14253753423690796,
-0.11071585863828659,
-0.6485065221786499,
0.1757121980190277,
0.4471338093280792,
0.2844717800617218,
-0.36857572197914124,
0.23362457752227783,
0.05659639090299606,
0.784145712852478,
-0.44276589155197144,
0.19661365449428558,
-0.3784054219722748,
0.12179122120141983,
-0.04222961515188217,
0.1541932076215744,
-0.11497201025485992,
-0.4270835518836975,
0.13570362329483032,
-0.8364648818969727,
0.2947114408016205,
0.14337053894996643,
1.1238561868667603,
0.15872421860694885,
-0.6694087982177734,
0.15513168275356293,
-0.3776835501194,
0.5565192103385925,
-0.9197733998298645,
0.31869906187057495,
0.5680758357048035,
0.2403983324766159,
-0.3135572373867035,
-0.8030468821525574,
-0.6752726435661316,
-0.04113919287919998,
-0.2243126779794693,
0.2800235152244568,
-0.36360254883766174,
0.05764554813504219,
0.4619952142238617,
0.7442000508308411,
-0.9804146885871887,
-0.19279374182224274,
-0.30564218759536743,
-0.24864579737186432,
0.9797322154045105,
0.26804646849632263,
0.27398964762687683,
-0.19364866614341736,
-0.195908784866333,
-0.4154045581817627,
-0.5294177532196045,
0.1123490259051323,
0.34703800082206726,
-0.055338919162750244,
-0.45240601897239685,
0.5001965761184692,
-0.36412832140922546,
0.5693502426147461,
0.27523261308670044,
-0.09481697529554367,
0.3871915936470032,
-0.6462303400039673,
-0.48088976740837097,
-0.29004648327827454,
1.1925235986709595,
0.4516697824001312,
-0.139041468501091,
0.14886893332004547,
-0.0014715185388922691,
-0.24635253846645355,
0.007054873276501894,
-0.979637622833252,
-0.6138479709625244,
0.42190122604370117,
-0.44330286979675293,
-0.15484054386615753,
-0.008879107423126698,
-0.7172982692718506,
-0.12559807300567627,
-0.11378614604473114,
0.5169602632522583,
-0.6534743309020996,
-0.4170186221599579,
0.09323851764202118,
-0.44573915004730225,
0.616341769695282,
0.4026142656803131,
-0.7220045924186707,
0.5232111811637878,
0.32025277614593506,
0.5951722264289856,
-0.04759782925248146,
-0.20980007946491241,
-0.17166592180728912,
0.05926775559782982,
-0.2130163162946701,
0.42835739254951477,
-0.10564840584993362,
-0.4547681212425232,
-0.4147455394268036,
0.2771357595920563,
0.0009698588401079178,
-0.27719590067863464,
0.432616263628006,
-0.31648820638656616,
0.5208948850631714,
-0.41517511010169983,
-0.6442490816116333,
-0.3817824423313141,
0.043933093547821045,
-0.6672859787940979,
1.3233532905578613,
0.4783419668674469,
-0.7772990465164185,
0.23172521591186523,
-0.4638538062572479,
-0.17047832906246185,
-0.040422212332487106,
0.02318795770406723,
-0.5155401229858398,
-0.13177019357681274,
0.16323977708816528,
0.21940705180168152,
-0.3325498402118683,
0.09413774311542511,
-0.2644153833389282,
-0.22139626741409302,
0.13628610968589783,
-0.6780752539634705,
1.3349326848983765,
0.15783914923667908,
-0.4269554316997528,
-0.11388668417930603,
-0.7952731251716614,
0.20691941678524017,
0.44184836745262146,
-0.14976032078266144,
0.020146042108535767,
-0.22118167579174042,
0.06515660136938095,
0.20442944765090942,
0.27255627512931824,
-0.23692002892494202,
0.4774109721183777,
-0.2636498510837555,
0.42231616377830505,
0.6088714599609375,
0.07174941152334213,
0.24860790371894836,
-0.3720071613788605,
0.44405823945999146,
0.02251449041068554,
0.6511324048042297,
0.19734792411327362,
-0.7829423546791077,
-0.6450645327568054,
-0.2605349123477936,
0.3623560070991516,
0.6962532997131348,
-0.6060360670089722,
0.6520117521286011,
-0.13757966458797455,
-0.8012891411781311,
-0.3005118668079376,
-0.09144336730241776,
0.2449551522731781,
0.43557900190353394,
0.5130340456962585,
-0.4074936807155609,
-0.2414540946483612,
-0.8930603861808777,
0.020712729543447495,
-0.46157392859458923,
-0.06650218367576599,
0.4042404592037201,
0.7080801129341125,
-0.13176289200782776,
0.8684730529785156,
-0.664405345916748,
-0.035090140998363495,
0.11791756004095078,
0.05771831423044205,
0.36682718992233276,
0.5676383972167969,
0.7556690573692322,
-0.7608033418655396,
-0.6673024296760559,
-0.07856068015098572,
-0.6036290526390076,
-0.06298713386058807,
-0.032106928527355194,
-0.48521289229393005,
0.2516431510448456,
-0.07052795588970184,
-1.138453483581543,
0.7741084694862366,
0.3771134316921234,
-0.7523414492607117,
0.8948091268539429,
-0.2790193259716034,
0.24680308997631073,
-0.9123061299324036,
-0.03169107064604759,
0.02321258932352066,
-0.22570303082466125,
-0.48740142583847046,
-0.12264818698167801,
0.010055088438093662,
0.19136255979537964,
-0.357074111700058,
0.7351374626159668,
-0.5673186182975769,
0.03709295392036438,
0.0626993402838707,
-0.13252757489681244,
0.3978159725666046,
0.5764917135238647,
-0.19006730616092682,
0.8275910019874573,
0.5455889105796814,
-0.45354440808296204,
0.6827463507652283,
0.4602508544921875,
0.011660119518637657,
0.29915663599967957,
-0.7154651880264282,
0.06649346649646759,
0.18280816078186035,
0.41478562355041504,
-0.938628613948822,
-0.22326932847499847,
0.568661630153656,
-0.601060152053833,
0.5100817680358887,
-0.24326419830322266,
-0.5233549475669861,
-0.4508780241012573,
-0.5955825448036194,
0.2756027281284332,
0.8033754825592041,
-0.3109656274318695,
0.4339965283870697,
0.3766927123069763,
0.1027018278837204,
-0.6782044172286987,
-0.6624563932418823,
-0.17108367383480072,
-0.2763475477695465,
-0.6360396146774292,
0.4360353648662567,
-0.1465688794851303,
-0.0235397107899189,
0.06931230425834656,
-0.14247475564479828,
-0.11389710754156113,
-0.11799941956996918,
0.23412655293941498,
0.36379584670066833,
-0.15308593213558197,
-0.14424073696136475,
0.11085892468690872,
0.09057782590389252,
0.03744770586490631,
-0.30348655581474304,
0.31447649002075195,
-0.19030778110027313,
-0.07128971070051193,
-0.28602665662765503,
0.34702858328819275,
0.4841483235359192,
0.0788622573018074,
0.8208662271499634,
0.8556824922561646,
-0.3122580349445343,
0.08875634521245956,
-0.5254664421081543,
-0.12289761751890182,
-0.5025643706321716,
0.182058647274971,
-0.2056768387556076,
-0.5970278382301331,
0.5508901476860046,
0.44905319809913635,
0.19820652902126312,
0.8812543153762817,
0.452555775642395,
0.018788475543260574,
1.009135365486145,
0.24263492226600647,
-0.15094444155693054,
0.4354435205459595,
-0.5898824334144592,
-0.09394800662994385,
-0.7267158031463623,
-0.20983731746673584,
-0.311538428068161,
-0.11691375076770782,
-0.7907010912895203,
-0.5432666540145874,
0.30394282937049866,
0.38525742292404175,
-0.8299224376678467,
0.5173670649528503,
-0.7669517397880554,
0.16186366975307465,
0.6381014585494995,
0.17028918862342834,
0.16192172467708588,
0.0751267746090889,
-0.11371636390686035,
0.148304283618927,
-0.6226139664649963,
-0.22489038109779358,
1.0796846151351929,
0.23576083779335022,
0.6329971551895142,
0.2289452701807022,
0.3711472451686859,
0.23899944126605988,
0.1897747814655304,
-0.44802308082580566,
0.6045371294021606,
0.098568856716156,
-0.7554104328155518,
-0.4647500216960907,
-0.5967562794685364,
-0.9616431593894958,
0.3421345055103302,
-0.06595256924629211,
-0.7951371669769287,
0.38888856768608093,
0.026736129075288773,
-0.24729979038238525,
0.250186026096344,
-0.8204487562179565,
1.0878561735153198,
-0.15265317261219025,
-0.4306524395942688,
-0.04985886067152023,
-0.7325030565261841,
0.2850380539894104,
0.15184789896011353,
-0.09993567317724228,
-0.24694865942001343,
-0.18692053854465485,
0.7513021230697632,
-0.9788935780525208,
0.6285496950149536,
-0.270793080329895,
-0.013568379916250706,
0.5593119263648987,
-0.15829487144947052,
0.6272361874580383,
0.0651748850941658,
-0.03224659338593483,
0.38948705792427063,
0.3711210787296295,
-0.5534541606903076,
-0.4772256314754486,
0.5307036638259888,
-0.9454586505889893,
-0.5597968101501465,
-0.5617008805274963,
-0.42418867349624634,
-0.1135164350271225,
0.03823745250701904,
0.4801464378833771,
0.42551979422569275,
0.004253373946994543,
-0.019793450832366943,
0.6860714554786682,
-0.34500324726104736,
0.43950560688972473,
0.3864227533340454,
-0.256980299949646,
-0.5109707713127136,
0.8508141040802002,
0.17901736497879028,
0.20084181427955627,
0.12524616718292236,
0.07355450093746185,
-0.5203580260276794,
-0.505984902381897,
-0.6531583070755005,
0.29318785667419434,
-0.5788002014160156,
-0.3968774080276489,
-0.611954391002655,
-0.4065176248550415,
-0.5187512636184692,
0.30498814582824707,
-0.34928378462791443,
-0.7690795660018921,
-0.4336807131767273,
-0.010702860541641712,
0.9953781366348267,
0.4104999005794525,
-0.21300625801086426,
0.16881577670574188,
-0.740086555480957,
0.24886249005794525,
0.4237564504146576,
0.21501323580741882,
0.01350368931889534,
-0.7447092533111572,
-0.15832819044589996,
0.1083894744515419,
-0.6345770359039307,
-1.0284172296524048,
0.7131504416465759,
0.2411705106496811,
0.5851577520370483,
0.36237165331840515,
0.22198843955993652,
0.8374475240707397,
-0.35474780201911926,
1.124301791191101,
0.16841241717338562,
-0.7890612483024597,
0.4660927355289459,
-0.3755839467048645,
0.21433094143867493,
0.42735520005226135,
0.5523133873939514,
-0.29032570123672485,
-0.35367465019226074,
-0.7849458456039429,
-0.8514652252197266,
0.4704591631889343,
0.4041022062301636,
-0.016185346990823746,
0.09936182200908661,
0.4694348871707916,
0.09906934946775436,
0.14274361729621887,
-0.7124555706977844,
-0.7840949892997742,
-0.45985472202301025,
-0.13275028765201569,
0.153887540102005,
0.013117271475493908,
-0.24479348957538605,
-0.7982120513916016,
0.97197026014328,
-0.14082202315330505,
0.7203247547149658,
0.33304640650749207,
0.1213940680027008,
0.09964700788259506,
-0.007770436815917492,
0.27955538034439087,
0.6220230460166931,
-0.19780240952968597,
-0.2653190791606903,
0.24314258992671967,
-0.8581256866455078,
0.14215461909770966,
0.4401096701622009,
-0.09459437429904938,
-0.12082844227552414,
0.13544988632202148,
0.7880159020423889,
-0.24370431900024414,
-0.3141310513019562,
0.4598521888256073,
-0.335481196641922,
-0.30846837162971497,
-0.35098955035209656,
0.29507744312286377,
0.13118377327919006,
0.3636425733566284,
0.4795801043510437,
-0.22877798974514008,
0.44711965322494507,
-0.42547181248664856,
0.18967998027801514,
0.5706942081451416,
-0.12940779328346252,
-0.26800352334976196,
0.7111624479293823,
-0.13727019727230072,
0.09079181402921677,
0.7168575525283813,
-0.3655332922935486,
-0.40002545714378357,
0.7900482416152954,
0.33780232071876526,
0.7257636785507202,
-0.15184065699577332,
0.2083818018436432,
0.5121058225631714,
0.12166111171245575,
-0.03775666654109955,
0.2718879282474518,
-0.07960430532693863,
-0.5755202770233154,
-0.3265499770641327,
-0.578020453453064,
-0.29520031809806824,
0.20667587220668793,
-0.7072179913520813,
0.10863259434700012,
-0.2886768579483032,
-0.34772729873657227,
-0.12217830121517181,
0.5037825703620911,
-0.6114385724067688,
0.22135397791862488,
0.016871050000190735,
1.0227813720703125,
-0.6340658068656921,
0.9424246549606323,
0.4043830335140228,
-0.3828428387641907,
-0.9767464399337769,
-0.18735690414905548,
0.10261659324169159,
-0.5463094711303711,
0.20371434092521667,
-0.038161858916282654,
0.31619536876678467,
0.015621974132955074,
-0.6465019583702087,
-0.8951355218887329,
1.4359737634658813,
0.2414642870426178,
-0.4583551585674286,
-0.16788512468338013,
0.014056765474379063,
0.3276197612285614,
-0.029838625341653824,
0.7047840356826782,
0.6334488987922668,
0.45056843757629395,
0.16797520220279694,
-0.9849692583084106,
0.3776788115501404,
-0.46487337350845337,
-0.09242226183414459,
0.1700683832168579,
-0.9535803198814392,
0.9614570736885071,
0.1090170219540596,
-0.08391710370779037,
0.06106558069586754,
0.6778180003166199,
0.3848712146282196,
0.09827680885791779,
0.32762759923934937,
0.7678802609443665,
0.8687822222709656,
-0.29782167077064514,
1.2174625396728516,
-0.1851290911436081,
0.6236047744750977,
0.8024759888648987,
0.08418935537338257,
0.5511597394943237,
0.18919722735881805,
-0.754302442073822,
0.4680858850479126,
1.0417850017547607,
-0.18164506554603577,
0.44966787099838257,
0.08586800843477249,
-0.3226156532764435,
-0.06378369778394699,
0.3414066433906555,
-0.7784020900726318,
-0.03807682543992996,
0.3917608857154846,
-0.10555558651685715,
0.030874671414494514,
-0.14620362222194672,
-0.014283614233136177,
-0.7153213024139404,
-0.2502470016479492,
0.5643794536590576,
0.17116977274417877,
-0.3073277175426483,
0.9185948967933655,
-0.20380042493343353,
0.6359907388687134,
-0.5639174580574036,
-0.1439758688211441,
-0.412767231464386,
-0.11389333754777908,
-0.29715266823768616,
-0.8022236824035645,
0.21548087894916534,
-0.2795525789260864,
-0.1575426459312439,
0.056573040783405304,
0.6731039881706238,
-0.2221459150314331,
-0.4794522523880005,
0.28669536113739014,
0.4549737572669983,
0.36560168862342834,
-0.11640874296426773,
-1.152318000793457,
0.04524372145533562,
-0.02041357383131981,
-0.8090038299560547,
0.4724234938621521,
0.5702915787696838,
0.09816764295101166,
0.6636614203453064,
0.5225727558135986,
-0.07804873585700989,
0.18982167541980743,
-0.2586001753807068,
0.8985828161239624,
-0.7919803261756897,
-0.18695752322673798,
-0.7704175114631653,
0.5475977659225464,
-0.28728583455085754,
-0.42370250821113586,
0.9012326002120972,
0.6529977917671204,
0.6494768261909485,
0.07162695378065109,
0.6562151312828064,
-0.3870449662208557,
0.1958567500114441,
-0.25341013073921204,
0.7011237144470215,
-0.7016129493713379,
0.058099739253520966,
-0.2776752710342407,
-0.7210108041763306,
-0.02166159264743328,
0.6895797848701477,
-0.1541367471218109,
0.2565205693244934,
0.4363015592098236,
0.870824933052063,
0.0489012748003006,
0.13479764759540558,
0.2405736744403839,
0.33807745575904846,
0.14217732846736908,
0.7674563527107239,
0.6532893180847168,
-0.9553355574607849,
0.5634974241256714,
-0.3721676468849182,
-0.20299853384494781,
-0.08160756528377533,
-0.7148874402046204,
-0.7387427687644958,
-0.4676262140274048,
-0.6671661734580994,
-0.710218071937561,
-0.09123611450195312,
0.8840590715408325,
0.8149607181549072,
-0.7190040946006775,
-0.21232956647872925,
-0.08216481655836105,
0.09406870603561401,
-0.3518526256084442,
-0.3430577218532562,
0.4803220331668854,
0.22387395799160004,
-0.6552358269691467,
0.13664284348487854,
0.04341048747301102,
0.30760154128074646,
-0.1753741353750229,
-0.39833301305770874,
-0.18140500783920288,
0.14591899514198303,
0.6490179896354675,
0.5158373117446899,
-0.5461623072624207,
-0.14300185441970825,
-0.13188259303569794,
-0.15074467658996582,
0.27923527359962463,
0.18750585615634918,
-0.7540634274482727,
-0.002122403820976615,
0.4924167990684509,
0.18930070102214813,
0.9238229393959045,
0.01308464352041483,
0.3194081783294678,
-0.38016650080680847,
0.04744529351592064,
0.11530524492263794,
0.27740028500556946,
0.0575496144592762,
-0.5808279514312744,
0.6692145466804504,
0.42044588923454285,
-0.7316683530807495,
-0.7414263486862183,
-0.22008773684501648,
-1.153429627418518,
-0.2952285408973694,
1.0884885787963867,
-0.1146596372127533,
-0.3666447401046753,
-0.15279707312583923,
-0.24246494472026825,
0.35552266240119934,
-0.47622382640838623,
0.26589909195899963,
0.5530877113342285,
-0.4424994885921478,
-0.3292197287082672,
-0.8369749784469604,
0.6544793844223022,
0.15939973294734955,
-0.7846288681030273,
0.04328165203332901,
0.6048014760017395,
0.4622143507003784,
-0.005773683078587055,
0.8514893651008606,
-0.20161119103431702,
0.32904526591300964,
0.22046416997909546,
0.006816778797656298,
-0.012383025139570236,
0.17890477180480957,
-0.3105458617210388,
0.01202013436704874,
-0.3114962875843048,
-0.007176756393164396
] |
facebook/wav2vec2-large-xlsr-53-spanish
|
facebook
| 2021-07-06T03:09:28Z | 5,245 | 13 |
transformers
|
[
"transformers",
"pytorch",
"jax",
"wav2vec2",
"automatic-speech-recognition",
"speech",
"audio",
"es",
"dataset:common_voice",
"license:apache-2.0",
"endpoints_compatible",
"has_space",
"region:us"
] |
automatic-speech-recognition
| 2022-03-02T23:29:05Z |
---
language: es
datasets:
- common_voice
tags:
- speech
- audio
- automatic-speech-recognition
license: apache-2.0
---
## Evaluation on Common Voice ES Test
```python
import torchaudio
from datasets import load_dataset, load_metric
from transformers import (
Wav2Vec2ForCTC,
Wav2Vec2Processor,
)
import torch
import re
import sys
model_name = "facebook/wav2vec2-large-xlsr-53-spanish"
device = "cuda"
chars_to_ignore_regex = '[\,\?\.\!\-\;\:\"]' # noqa: W605
model = Wav2Vec2ForCTC.from_pretrained(model_name).to(device)
processor = Wav2Vec2Processor.from_pretrained(model_name)
ds = load_dataset("common_voice", "es", split="test", data_dir="./cv-corpus-6.1-2020-12-11")
resampler = torchaudio.transforms.Resample(orig_freq=48_000, new_freq=16_000)
def map_to_array(batch):
speech, _ = torchaudio.load(batch["path"])
batch["speech"] = resampler.forward(speech.squeeze(0)).numpy()
batch["sampling_rate"] = resampler.new_freq
batch["sentence"] = re.sub(chars_to_ignore_regex, '', batch["sentence"]).lower().replace("’", "'")
return batch
ds = ds.map(map_to_array)
def map_to_pred(batch):
features = processor(batch["speech"], sampling_rate=batch["sampling_rate"][0], padding=True, return_tensors="pt")
input_values = features.input_values.to(device)
attention_mask = features.attention_mask.to(device)
with torch.no_grad():
logits = model(input_values, attention_mask=attention_mask).logits
pred_ids = torch.argmax(logits, dim=-1)
batch["predicted"] = processor.batch_decode(pred_ids)
batch["target"] = batch["sentence"]
return batch
result = ds.map(map_to_pred, batched=True, batch_size=16, remove_columns=list(ds.features.keys()))
wer = load_metric("wer")
print(wer.compute(predictions=result["predicted"], references=result["target"]))
```
**Result**: 17.6 %
|
[
-0.4157624840736389,
-0.7712789177894592,
0.17244017124176025,
0.3600134253501892,
-0.1977485865354538,
-0.05394982546567917,
-0.5179898142814636,
-0.2587415277957916,
0.18556265532970428,
0.4172704517841339,
-0.779715895652771,
-0.8521810173988342,
-0.6407464146614075,
-0.10994964838027954,
-0.26522183418273926,
0.8921204805374146,
0.3389270007610321,
-0.061619896441698074,
-0.005308544263243675,
-0.17425017058849335,
-0.3902204930782318,
-0.29504939913749695,
-0.7822431325912476,
-0.18522576987743378,
0.13317321240901947,
0.40509408712387085,
0.21734021604061127,
0.08821690827608109,
0.358512282371521,
0.5126898288726807,
-0.08384019881486893,
0.0206165574491024,
-0.43602123856544495,
-0.028572143986821175,
0.1756039261817932,
-0.4286086857318878,
-0.36433786153793335,
0.20400281250476837,
0.6308495402336121,
0.3806729018688202,
-0.12163174897432327,
0.4397667944431305,
-0.07505311071872711,
0.3877261281013489,
-0.33842334151268005,
0.18478529155254364,
-0.8154842853546143,
-0.23887088894844055,
0.04796187952160835,
-0.19502674043178558,
-0.49291783571243286,
-0.3598777949810028,
0.2476140856742859,
-0.6334236860275269,
0.6250833868980408,
-0.0656457394361496,
1.0988619327545166,
0.3916562497615814,
-0.008810061030089855,
-0.3697878420352936,
-0.5810592770576477,
1.0915030241012573,
-0.8219903707504272,
0.3254030644893646,
0.2694242596626282,
0.193101167678833,
-0.20439139008522034,
-1.1698341369628906,
-0.770493745803833,
-0.17366045713424683,
0.2015475630760193,
0.21425898373126984,
-0.5645173788070679,
0.2725687325000763,
0.43099117279052734,
0.14737500250339508,
-0.6509405374526978,
-0.015521062538027763,
-0.8978713154792786,
-0.39380282163619995,
0.7929965853691101,
-0.07300518453121185,
0.29569968581199646,
-0.2164231836795807,
-0.1367921233177185,
-0.4861651062965393,
-0.20357319712638855,
0.24432629346847534,
0.4186129868030548,
0.3587910830974579,
-0.3546547293663025,
0.5886420011520386,
-0.2762684226036072,
0.8418599963188171,
0.1434841752052307,
-0.24037763476371765,
0.8303773999214172,
-0.19418202340602875,
-0.43327444791793823,
0.2796737253665924,
1.0964078903198242,
0.40174600481987,
0.43013814091682434,
0.17064039409160614,
0.11192016303539276,
0.4287445843219757,
0.00045359061914496124,
-0.7918887138366699,
-0.19953681528568268,
0.5662410855293274,
-0.2020508199930191,
-0.18265613913536072,
0.013386735692620277,
-0.775195300579071,
0.003627232974395156,
0.04600786790251732,
0.8538389801979065,
-0.4578626751899719,
-0.13399364054203033,
0.3649696111679077,
-0.3045489490032196,
0.13119542598724365,
-0.1695844978094101,
-0.7863978743553162,
0.3622358441352844,
0.5371596813201904,
0.8123106360435486,
0.17846454679965973,
-0.3586125373840332,
-0.5796661376953125,
-0.3566165566444397,
0.11544825881719589,
0.5395874977111816,
-0.1706417351961136,
-0.4886764585971832,
-0.2865414023399353,
0.13711081445217133,
-0.4097762405872345,
-0.6237124800682068,
0.9411677122116089,
-0.10263372957706451,
0.41239550709724426,
-0.006333883386105299,
-0.45428022742271423,
-0.3084118366241455,
-0.2278236299753189,
-0.5416856408119202,
1.2105704545974731,
0.013489050790667534,
-0.6665294170379639,
0.23522302508354187,
-0.6440633535385132,
-0.443601131439209,
-0.27320969104766846,
-0.22074776887893677,
-0.6416161060333252,
0.02315063402056694,
0.3899292051792145,
0.558924674987793,
-0.16737866401672363,
0.12406255304813385,
-0.2550003230571747,
-0.780227780342102,
0.35091787576675415,
-0.5887184143066406,
1.1335585117340088,
0.20848268270492554,
-0.6273506879806519,
0.23164114356040955,
-1.0130903720855713,
0.21340620517730713,
-0.10811179131269455,
-0.16888505220413208,
0.06364706158638,
0.01377663854509592,
0.35564106702804565,
0.20504266023635864,
0.08776647597551346,
-0.8336690664291382,
-0.07010267674922943,
-0.6392384171485901,
0.5935994982719421,
0.5334658622741699,
0.08570179343223572,
0.034509461373090744,
-0.23056334257125854,
0.3670405447483063,
-0.09963838756084442,
-0.09917286038398743,
0.16706207394599915,
-0.5986585021018982,
-0.7394232153892517,
-0.6470640897750854,
0.10677432268857956,
0.6350512504577637,
-0.3141552805900574,
0.8447226881980896,
-0.4724663197994232,
-0.7726340889930725,
-1.1245092153549194,
-0.1897657960653305,
0.20588897168636322,
0.6813027262687683,
0.521124541759491,
-0.1850837618112564,
-0.7985336780548096,
-0.9884108304977417,
-0.11437948048114777,
-0.06751415133476257,
-0.2690656781196594,
0.37787091732025146,
0.38888558745384216,
-0.3438987135887146,
0.8775994777679443,
-0.6303654909133911,
-0.32401594519615173,
-0.33771198987960815,
0.247547909617424,
0.6726771593093872,
0.49719125032424927,
0.3395683765411377,
-0.6677653193473816,
-0.3631705343723297,
-0.34172073006629944,
-0.3464091420173645,
-0.33921703696250916,
-0.17228180170059204,
0.16245996952056885,
0.013000717386603355,
0.3652232587337494,
-0.6167410612106323,
0.4145694971084595,
0.487361878156662,
-0.42333173751831055,
0.4357295036315918,
-0.1252651810646057,
0.3321472406387329,
-1.2306097745895386,
0.07911968976259232,
-0.02752510830760002,
-0.06001408025622368,
-0.3993362486362457,
-0.4325547218322754,
-0.26355278491973877,
-0.1288624107837677,
-0.6485804319381714,
0.393856018781662,
-0.3309035301208496,
-0.16490504145622253,
-0.10694906860589981,
0.4919172525405884,
-0.03366248309612274,
0.6203608512878418,
-0.03925193473696709,
0.8124451041221619,
0.879938542842865,
-0.6587491035461426,
0.7302238345146179,
0.26910948753356934,
-0.5790004134178162,
0.40584370493888855,
-1.0219693183898926,
0.3066617250442505,
0.054154012352228165,
0.15256933867931366,
-1.2768008708953857,
0.0028595628682523966,
-0.015798723325133324,
-1.0288612842559814,
-0.03917737677693367,
0.17877517640590668,
-0.38531744480133057,
-0.5844886302947998,
-0.3251270651817322,
0.21435454487800598,
0.6831815838813782,
-0.45615023374557495,
0.3991003632545471,
0.3845478296279907,
-0.010495255701243877,
-0.7126782536506653,
-0.8214866518974304,
-0.3006872236728668,
-0.2897249758243561,
-0.9850778579711914,
0.38751065731048584,
-0.014816904440522194,
-0.12338653951883316,
0.02594124712049961,
-0.19822147488594055,
0.009744810871779919,
-0.04391533508896828,
0.2906947135925293,
0.28457775712013245,
-0.13192299008369446,
-0.11142761260271072,
-0.11162029206752777,
-0.022160053253173828,
0.08823031932115555,
-0.06866820156574249,
0.8193807005882263,
-0.2729366719722748,
-0.23551495373249054,
-0.8022411465644836,
0.03172341734170914,
0.5853530168533325,
-0.286576509475708,
0.5163811445236206,
1.0350419282913208,
-0.348844051361084,
-0.1032378152012825,
-0.5887525081634521,
-0.060961831361055374,
-0.5417351722717285,
1.013338565826416,
-0.32001638412475586,
-0.6335686445236206,
0.6894245147705078,
0.1708395779132843,
0.01696765422821045,
0.7009297013282776,
0.7163983583450317,
-0.046640243381261826,
0.7157770395278931,
0.1682662069797516,
-0.12106431275606155,
0.43055465817451477,
-0.7638798356056213,
0.08901777118444443,
-0.904719352722168,
-0.22591738402843475,
-0.6702829003334045,
-0.33765867352485657,
-0.6605054140090942,
-0.43334969878196716,
0.29110831022262573,
-0.09795267134904861,
-0.06255387514829636,
0.5096820592880249,
-0.8233149647712708,
0.2437475174665451,
0.6558344960212708,
0.1891232430934906,
-0.10832903534173965,
0.10780666023492813,
-0.04547976329922676,
-0.051468655467033386,
-0.42629408836364746,
-0.4131550192832947,
1.2993968725204468,
0.2929583191871643,
0.6044233441352844,
-0.21400366723537445,
0.8177675008773804,
0.10396989434957504,
-0.11910703033208847,
-0.7939342856407166,
0.682939887046814,
-0.2653139531612396,
-0.5144039392471313,
-0.39110323786735535,
-0.2424466609954834,
-1.090984582901001,
0.3705720007419586,
-0.1925828754901886,
-1.0801914930343628,
0.07714352011680603,
-0.18317465484142303,
-0.5833665728569031,
-0.006754269357770681,
-0.8643277287483215,
0.8411836624145508,
0.11811397224664688,
-0.17265717685222626,
-0.34624356031417847,
-0.49616652727127075,
0.11624982208013535,
0.16462044417858124,
0.09973955154418945,
-0.10449891537427902,
0.3362487554550171,
1.3729642629623413,
-0.018240706995129585,
0.6780991554260254,
-0.19162175059318542,
0.30388736724853516,
0.6416997313499451,
-0.628760039806366,
0.15731285512447357,
-0.043100494891405106,
-0.22447530925273895,
0.18188251554965973,
0.19775226712226868,
-0.23583927750587463,
-0.5418140292167664,
0.7809798717498779,
-0.9877181649208069,
-0.42202797532081604,
-0.3735487461090088,
-0.5112179517745972,
-0.24914437532424927,
0.08305051177740097,
0.7573480010032654,
0.6455222964286804,
-0.3536873757839203,
0.5623876452445984,
0.6023839116096497,
-0.3737035095691681,
0.5562208890914917,
0.18893881142139435,
0.009624701924622059,
-0.7589783072471619,
0.6497030258178711,
0.06110011413693428,
0.31376317143440247,
0.03846303001046181,
0.006943859625607729,
-0.5363017320632935,
-0.32788747549057007,
-0.10752182453870773,
0.24845658242702484,
-0.5154210329055786,
0.025870107114315033,
-0.7156371474266052,
-0.35062751173973083,
-0.8687137365341187,
0.025058450177311897,
-0.39564526081085205,
-0.33376163244247437,
-0.3810819685459137,
-0.15375326573848724,
0.3784281015396118,
0.22771109640598297,
-0.13643765449523926,
0.5719981789588928,
-0.541854977607727,
0.6205090880393982,
0.15594695508480072,
-0.02785618044435978,
-0.32498177886009216,
-0.8389812111854553,
-0.2483081966638565,
0.06822182983160019,
-0.3956344723701477,
-1.0058677196502686,
0.5177887082099915,
0.19518791139125824,
0.7388049960136414,
0.18452411890029907,
0.09014847129583359,
0.8190383315086365,
-0.30899184942245483,
0.8372587561607361,
0.11329544335603714,
-1.181096076965332,
0.6536543369293213,
-0.07390618324279785,
0.18686716258525848,
0.5853264927864075,
0.0013670106418430805,
-0.6677336096763611,
-0.48098722100257874,
-0.9940282106399536,
-0.9849755764007568,
0.8518434166908264,
0.3689395785331726,
0.10521043092012405,
0.04377422109246254,
0.026722392067313194,
-0.2718137800693512,
0.11516137421131134,
-0.6999434232711792,
-0.533579409122467,
-0.1404208093881607,
-0.5052327513694763,
-0.3948551416397095,
-0.0898628979921341,
-0.11677764356136322,
-0.47609999775886536,
0.8245359659194946,
0.2928465008735657,
0.5817504525184631,
0.5194199681282043,
0.03812301158905029,
0.22038093209266663,
0.4031703770160675,
0.80764240026474,
0.2877633273601532,
-0.49624118208885193,
-0.05376504361629486,
0.3377683460712433,
-0.8523292541503906,
0.05670277401804924,
0.20573578774929047,
0.12970373034477234,
0.3623912036418915,
0.48839494585990906,
1.1709600687026978,
0.06260329484939575,
-0.4106760323047638,
0.5216309428215027,
-0.05360708758234978,
-0.32116401195526123,
-0.5798433423042297,
0.1498519331216812,
0.29091089963912964,
0.1873912662267685,
0.4508639872074127,
0.1842748522758484,
0.020164430141448975,
-0.36080682277679443,
0.4140472412109375,
0.3285505473613739,
-0.20146311819553375,
-0.23008836805820465,
0.6210906505584717,
0.2287059873342514,
-0.5325838923454285,
0.7093215584754944,
-0.014967183582484722,
-0.5648788809776306,
0.9321814775466919,
0.5546066164970398,
1.1699748039245605,
-0.216233491897583,
0.001901445910334587,
0.6521711349487305,
0.3893442451953888,
0.03643212839961052,
0.5231705904006958,
-0.011462553404271603,
-0.7248862385749817,
-0.22333979606628418,
-0.5533517599105835,
-0.014536312781274319,
0.3675186038017273,
-0.8532557487487793,
0.5431514978408813,
-0.22833585739135742,
-0.2727885842323303,
0.04929642006754875,
0.34230026602745056,
-0.8213015794754028,
0.4790786802768707,
-0.07238370180130005,
0.7772557735443115,
-0.9967649579048157,
0.962799072265625,
0.24835312366485596,
-0.39732828736305237,
-1.2006698846817017,
-0.08767335116863251,
-0.21433214843273163,
-0.8110203742980957,
0.5838934183120728,
0.34968042373657227,
-0.2757968008518219,
0.19108539819717407,
-0.5027371048927307,
-0.7953962087631226,
1.1594476699829102,
0.4337177574634552,
-0.6188169121742249,
0.2554800510406494,
-0.08032988011837006,
0.5609139204025269,
-0.27418527007102966,
0.32173335552215576,
0.6008040308952332,
0.43606433272361755,
0.04868984594941139,
-1.0959093570709229,
-0.08916369080543518,
-0.1533903330564499,
-0.4138602614402771,
-0.24614258110523224,
-0.42050015926361084,
0.9563202261924744,
-0.359304815530777,
-0.2084033489227295,
-0.012459538877010345,
0.8783046007156372,
0.5978600978851318,
0.5262869000434875,
0.5238621234893799,
0.7075129151344299,
0.9929189682006836,
-0.1501588076353073,
0.6968075633049011,
-0.12904366850852966,
0.7012186050415039,
1.0611430406570435,
0.0942109003663063,
1.0997291803359985,
0.5115972757339478,
-0.33409377932548523,
0.5527071952819824,
0.5403541922569275,
-0.3044882118701935,
0.7323782444000244,
0.41243472695350647,
-0.3629162013530731,
0.13099975883960724,
0.305948942899704,
-0.6117603182792664,
0.8075369000434875,
0.24376891553401947,
-0.3818802535533905,
0.1564011424779892,
-0.0012114025885239244,
0.014056207612156868,
-0.015233617275953293,
-0.15742900967597961,
0.41032955050468445,
-0.04718400910496712,
-0.584609866142273,
0.801356315612793,
-0.0282698143273592,
1.040196418762207,
-0.5253509879112244,
0.10513050854206085,
0.25435182452201843,
0.3028985857963562,
-0.33034560084342957,
-0.5375156998634338,
0.30318889021873474,
0.020513638854026794,
-0.05122783035039902,
0.1461975872516632,
0.338299423456192,
-0.5739462971687317,
-0.707381546497345,
0.3564379811286926,
0.09334004670381546,
0.38630345463752747,
0.027011042460799217,
-0.6756343841552734,
0.27470165491104126,
0.30314332246780396,
-0.40083110332489014,
-0.2583619952201843,
0.3055243194103241,
0.38237929344177246,
0.46500885486602783,
0.6177878975868225,
0.3684549331665039,
0.2858540713787079,
0.137152299284935,
0.5733701586723328,
-0.700390636920929,
-0.5751834511756897,
-0.8486571907997131,
0.5164100527763367,
-0.1956339031457901,
-0.4859738051891327,
0.6757882833480835,
0.70309978723526,
0.8227567672729492,
-0.14370842278003693,
0.7075768709182739,
-0.16128133237361908,
0.5304000377655029,
-0.48488688468933105,
0.8912107348442078,
-0.39187511801719666,
0.18656258285045624,
-0.4750119745731354,
-0.8782206177711487,
-0.060251228511333466,
0.8888199329376221,
-0.3220885992050171,
0.14120180904865265,
0.8427906632423401,
1.0916448831558228,
-0.019248178228735924,
-0.12823478877544403,
0.4043648838996887,
0.26836615800857544,
0.2894468307495117,
0.696591854095459,
0.3300800621509552,
-0.7797913551330566,
0.6846367716789246,
-0.35375502705574036,
-0.21816092729568481,
0.08237337321043015,
-0.48224085569381714,
-0.7086340188980103,
-0.8035196661949158,
-0.4563327431678772,
-0.5843297243118286,
-0.20649316906929016,
1.0543800592422485,
0.6627207398414612,
-0.7804393768310547,
-0.3469398319721222,
0.08823094516992569,
-0.017172416672110558,
-0.3376538157463074,
-0.2399851232767105,
0.7381417155265808,
-0.03196542710065842,
-1.0578010082244873,
0.5182578563690186,
-0.19751112163066864,
-0.1884557604789734,
-0.0479169562458992,
-0.05937396362423897,
-0.2558077275753021,
0.10698055475950241,
0.2362174540758133,
0.2167237251996994,
-0.9528244733810425,
-0.34084567427635193,
0.018847521394491196,
-0.2783595025539398,
0.053832899779081345,
0.2494046688079834,
-0.8553158044815063,
0.45068278908729553,
0.5672653317451477,
0.3128526210784912,
0.7869450449943542,
-0.1827670931816101,
0.3347991406917572,
-0.7106927633285522,
0.4524957835674286,
0.19863972067832947,
0.44213980436325073,
0.3818100392818451,
-0.32242831587791443,
0.3155597448348999,
0.37831225991249084,
-0.5634322166442871,
-0.8804359436035156,
-0.10357624292373657,
-1.5448967218399048,
0.07939831912517548,
1.3002002239227295,
-0.15422186255455017,
-0.3060477375984192,
0.06873030960559845,
-0.43875017762184143,
0.8360724449157715,
-0.4361049234867096,
0.7026613354682922,
0.686255931854248,
-0.20343603193759918,
0.10091916471719742,
-0.45022809505462646,
0.4239880442619324,
0.5218431949615479,
-0.5635707974433899,
-0.1760963797569275,
0.3458738625049591,
0.6357869505882263,
0.2705947160720825,
1.0121221542358398,
-0.08485466986894608,
0.2954403758049011,
0.2651326656341553,
0.39885470271110535,
-0.15590684115886688,
0.02854308672249317,
-0.5536727905273438,
0.15265518426895142,
-0.2966420352458954,
-1.0672105550765991
] |
jonathandinu/face-parsing
|
jonathandinu
| 2023-03-19T09:39:21Z | 5,243 | 44 |
transformers
|
[
"transformers",
"pytorch",
"safetensors",
"segformer",
"vision",
"image-segmentation",
"nvidia/mit-b5",
"en",
"dataset:celebamaskhq",
"license:cc0-1.0",
"endpoints_compatible",
"has_space",
"region:us"
] |
image-segmentation
| 2022-07-06T01:22:42Z |
---
language: en
license: cc0-1.0
library_name: transformers
tags:
- vision
- image-segmentation
- nvidia/mit-b5
datasets:
- celebamaskhq
---
## Face Parsing
|
[
-0.18514016270637512,
-0.34772783517837524,
0.5632732510566711,
0.8607366681098938,
-0.34164097905158997,
0.1867981106042862,
0.5184596180915833,
-0.04986429959535599,
0.02858780510723591,
1.002515196800232,
-0.48050838708877563,
-0.31754162907600403,
-0.7595041394233704,
0.22926977276802063,
-0.46482783555984497,
0.839191734790802,
0.373468816280365,
0.34742528200149536,
-0.13060744106769562,
-0.14369389414787292,
-0.26535966992378235,
-0.21977676451206207,
-1.062805414199829,
-0.3869154453277588,
0.6918474435806274,
0.5990443229675293,
0.8078418374061584,
0.3616481125354767,
0.4523189961910248,
0.45387712121009827,
-0.21222853660583496,
0.04904257506132126,
-0.14822815358638763,
0.22100494801998138,
-0.4572611451148987,
-0.24310283362865448,
-0.5635103583335876,
0.24216234683990479,
0.5876595377922058,
0.8773525953292847,
0.12292574346065521,
0.14556942880153656,
-0.2526351809501648,
0.9254468083381653,
-0.4669465720653534,
0.008386681787669659,
-0.33870670199394226,
-0.11713804304599762,
-0.5698311924934387,
0.5299899578094482,
0.022911598905920982,
-0.5068520903587341,
-0.015143700875341892,
-0.3231455385684967,
0.06216548755764961,
-0.41981586813926697,
1.2919197082519531,
0.21359248459339142,
-0.5604146718978882,
0.41174110770225525,
0.03606715798377991,
0.7496711015701294,
-0.20428529381752014,
0.7330570816993713,
0.5946559906005859,
0.5769776701927185,
-0.1583937555551529,
-0.8344149589538574,
-0.6987193822860718,
0.6000184416770935,
0.06708823144435883,
-0.4122979938983917,
-0.43181565403938293,
-0.14488093554973602,
0.6863551735877991,
0.3147137463092804,
-0.3677670955657959,
-0.5452699661254883,
-0.45087260007858276,
-0.17006681859493256,
0.647182047367096,
-0.20761732757091522,
1.0291932821273804,
-0.1936066895723343,
-0.025881413370370865,
-0.2751493752002716,
-0.5266062021255493,
0.2808712422847748,
-0.3263269066810608,
0.3654138147830963,
-0.3846537470817566,
0.8095762133598328,
-0.45766836404800415,
0.3202170729637146,
0.2709060609340668,
0.1597491353750229,
0.23737776279449463,
0.14140866696834564,
-1.0708532333374023,
-0.20043158531188965,
0.4859110713005066,
0.4340212047100067,
0.6682679057121277,
0.18094535171985626,
0.09599386900663376,
0.4511031210422516,
0.14810456335544586,
-0.9420467019081116,
-0.9073615074157715,
-0.05582747235894203,
-0.39259931445121765,
-0.619572103023529,
0.16988109052181244,
-1.180838704109192,
-0.6795676350593567,
-0.20796766877174377,
0.09337965399026871,
-0.3144371211528778,
0.001607472077012062,
-0.12680348753929138,
-0.37653475999832153,
0.2592703104019165,
0.3645647168159485,
-1.0270854234695435,
0.3368942141532898,
0.5613261461257935,
0.49457862973213196,
0.8865665793418884,
-0.1820511519908905,
-0.8706697225570679,
-0.16114675998687744,
-0.4859139025211334,
1.0295132398605347,
-0.6069883108139038,
-0.23040218651294708,
-0.35772672295570374,
0.07087867707014084,
-0.21974685788154602,
-0.9705670475959778,
0.4397660195827484,
-0.5494188666343689,
-0.02429106831550598,
-1.0439023971557617,
0.1943422257900238,
0.13533532619476318,
0.19478705525398254,
-0.7077743411064148,
0.8531556129455566,
0.5783637166023254,
-0.25251954793930054,
0.17941875755786896,
-0.6056351065635681,
-0.28816598653793335,
0.15996308624744415,
-0.49789491295814514,
-0.24388520419597626,
0.4961255192756653,
0.6443125605583191,
0.18281009793281555,
0.17020733654499054,
0.29720088839530945,
-0.19317235052585602,
0.19214601814746857,
-0.14476601779460907,
0.10027547925710678,
1.3765074014663696,
0.4121425449848175,
-0.37085697054862976,
0.08337833732366562,
-0.8524395823478699,
0.13653668761253357,
0.20845863223075867,
-0.01925615780055523,
-0.02703625150024891,
-0.06243794783949852,
0.033307258039712906,
0.5392668843269348,
-0.13413743674755096,
-0.7752241492271423,
0.21909718215465546,
-0.027531832456588745,
0.1656658947467804,
0.5240146517753601,
-0.3272044062614441,
0.1764892041683197,
0.028859416022896767,
0.054814595729112625,
0.23864074051380157,
-0.16914214193820953,
0.0856701135635376,
-0.0876559466123581,
-1.048609733581543,
-0.3522070348262787,
-0.11424299329519272,
0.896458625793457,
-0.7591094970703125,
0.281167209148407,
0.26602333784103394,
-0.3306933343410492,
-0.1585553139448166,
-0.1928456872701645,
0.5108885765075684,
0.49604225158691406,
0.445861279964447,
-0.1074749231338501,
-0.9156523942947388,
-1.2159030437469482,
-0.8022361397743225,
-0.22331318259239197,
-0.17473836243152618,
-0.02460513822734356,
0.25551554560661316,
-0.8486843109130859,
0.5190261006355286,
-0.30155447125434875,
-0.3395862877368927,
-0.3887803852558136,
-0.24870051443576813,
0.33174604177474976,
0.8267679810523987,
0.6374307870864868,
-0.8830329179763794,
-0.8049131631851196,
-0.22851647436618805,
-0.916632354259491,
-0.8478788137435913,
0.19160489737987518,
-0.602859377861023,
0.027279498055577278,
0.8403975367546082,
-0.46361133456230164,
0.9445651173591614,
0.5263685584068298,
-0.8604491353034973,
0.0397520586848259,
0.893190324306488,
-0.10041676461696625,
-0.4149528443813324,
-0.22732238471508026,
-0.1386214643716812,
-0.8554499745368958,
-0.37560364603996277,
0.3909742832183838,
0.014275352470576763,
-0.5145307183265686,
-0.7122496962547302,
0.610092282295227,
-0.5149449706077576,
-0.1679108589887619,
-0.15558430552482605,
-0.5532397031784058,
0.6714767813682556,
-0.3275783061981201,
-0.21663829684257507,
0.9323333501815796,
0.7049776911735535,
-0.09946483373641968,
0.6118770241737366,
0.7915740609169006,
0.3313496708869934,
1.1140680313110352,
-0.792091429233551,
-0.04617903754115105,
-0.15138915181159973,
0.233046293258667,
-1.221750020980835,
-0.8659427762031555,
0.2851269543170929,
-0.591822624206543,
0.09327440708875656,
-0.14266228675842285,
-0.279056191444397,
-0.20359115302562714,
-0.37855198979377747,
0.8575030565261841,
0.6409031748771667,
-0.7511890530586243,
0.5146055817604065,
0.4772532284259796,
-0.06984062492847443,
-0.4188072681427002,
-0.7545638084411621,
0.3699091374874115,
0.31734493374824524,
-0.9433842897415161,
0.18016944825649261,
0.327652245759964,
-0.6203820109367371,
-0.23210589587688446,
-0.5629675388336182,
-0.3195728659629822,
-0.2708277702331543,
0.07738227397203445,
0.03544199839234352,
-0.21955999732017517,
-0.4320200979709625,
-0.04665997624397278,
-0.10158558189868927,
-0.14517727494239807,
0.14426003396511078,
0.8621163964271545,
-0.40283992886543274,
0.1614629328250885,
-0.6245169639587402,
0.5907063484191895,
0.40981146693229675,
-0.13765422999858856,
0.5429427027702332,
0.23325157165527344,
-0.6693225502967834,
-0.1198933869600296,
-0.6608182191848755,
0.09030616283416748,
-0.5412015318870544,
-0.06924255937337875,
-0.7089517712593079,
-0.8868802189826965,
0.7061963677406311,
-0.25630757212638855,
-0.28476327657699585,
0.6538292765617371,
0.1754130870103836,
-0.4580865800380707,
1.0886348485946655,
0.8542656302452087,
0.01449197344481945,
0.231394425034523,
0.21897874772548676,
0.4515935480594635,
-0.7890616059303284,
-0.38423416018486023,
-0.4130496084690094,
-0.1979358047246933,
-0.8048063516616821,
-0.19812430441379547,
-0.013340294361114502,
0.5640095472335815,
-0.058706581592559814,
0.4327998459339142,
-0.5053151845932007,
1.0225557088851929,
0.3225143253803253,
0.49759069085121155,
-0.11184445768594742,
-0.17635156214237213,
0.08089461177587509,
-0.23610079288482666,
0.273149698972702,
-0.4892432391643524,
0.468060165643692,
0.6243168711662292,
0.5900381803512573,
0.19248569011688232,
0.8447260856628418,
-0.16721639037132263,
0.2739545702934265,
-0.43465113639831543,
0.7622621655464172,
-0.9465832114219666,
-0.7306793332099915,
-0.4117179811000824,
-0.1551344096660614,
-0.7911168336868286,
0.7279397249221802,
0.35156989097595215,
-0.8635272979736328,
0.6797955632209778,
-0.13524605333805084,
-0.45516249537467957,
0.4034440815448761,
-0.28316235542297363,
1.4278297424316406,
0.27493372559547424,
0.17855437099933624,
0.5075766444206238,
-0.5429210662841797,
0.2839403450489044,
0.514729917049408,
0.07846423238515854,
-0.7731356024742126,
-0.022623224183917046,
0.6930134892463684,
-0.25308871269226074,
0.9119067788124084,
-0.1330147236585617,
-0.0038654718082398176,
-0.3370461165904999,
0.28348976373672485,
-0.2517603039741516,
0.24671493470668793,
0.22966314852237701,
0.313014417886734,
0.05254293233156204,
-1.146698236465454,
-0.08651728183031082,
0.5945752263069153,
-0.3776335120201111,
-0.2835442125797272,
-0.731397271156311,
0.05990148335695267,
0.09146630764007568,
0.4821009933948517,
0.381063312292099,
0.27851754426956177,
-0.3241003453731537,
-0.041911106556653976,
0.8142063021659851,
-0.3477455973625183,
0.32928845286369324,
-0.29735758900642395,
-0.7335047125816345,
-0.44202786684036255,
0.5085424780845642,
-0.2213544398546219,
0.004444586578756571,
-0.061302024871110916,
0.04947294667363167,
0.029982326552271843,
0.035408783704042435,
-0.4277387261390686,
0.6595240831375122,
-0.5729390978813171,
-0.11070702224969864,
-0.8107897639274597,
-0.29653793573379517,
-1.2510133981704712,
0.06625665724277496,
-0.505947470664978,
-0.2057131826877594,
-0.4294728636741638,
-0.15968871116638184,
-0.2774936854839325,
0.5810781121253967,
-0.7105697393417358,
1.049798607826233,
-0.9781723618507385,
1.032714605331421,
0.8006742596626282,
0.764975368976593,
-0.8150054216384888,
-0.22471778094768524,
0.26242467761039734,
-0.4321928322315216,
-0.6871656775474548,
-1.0049549341201782,
0.6755123138427734,
0.3798811733722687,
0.12441857159137726,
0.42777204513549805,
-0.13694986701011658,
1.0000545978546143,
-0.9397072792053223,
0.5226104855537415,
0.0942605659365654,
-1.5210001468658447,
0.84685218334198,
-0.4731687605381012,
0.2736837565898895,
1.4159916639328003,
0.276144415140152,
-1.3161776065826416,
-0.1936068832874298,
-0.9718866348266602,
-0.5776939392089844,
0.7656686902046204,
-0.12088360637426376,
0.39365655183792114,
-0.26458972692489624,
-0.14052803814411163,
-0.16002583503723145,
0.43772512674331665,
-0.7231336832046509,
-0.22202208638191223,
-0.23123343288898468,
0.03971574828028679,
0.2824932038784027,
-0.5901064276695251,
-0.2669088840484619,
-0.6528113484382629,
0.13083414733409882,
0.17584429681301117,
0.41676419973373413,
0.3253439962863922,
-0.2567659318447113,
-0.30824923515319824,
-0.4660474956035614,
0.5024780631065369,
1.2565791606903076,
-0.5737394690513611,
0.4920753836631775,
-0.3850227892398834,
-0.3950672149658203,
-0.3820589482784271,
0.16183969378471375,
0.19131766259670258,
0.41098639369010925,
0.49360397458076477,
0.7126016616821289,
-0.059894464910030365,
-0.4418051242828369,
0.4975551664829254,
0.009944157674908638,
0.10875240713357925,
-0.8035959601402283,
0.3144995868206024,
-0.2730115056037903,
0.6281778216362,
0.5627062916755676,
0.45420199632644653,
0.3120799660682678,
-0.8019982576370239,
0.7130006551742554,
0.3480146825313568,
-0.41230231523513794,
-0.37926068902015686,
0.5501083135604858,
0.4956569969654083,
-0.5606316328048706,
0.8448905348777771,
0.2508060336112976,
-1.1197552680969238,
0.9573394060134888,
0.13060130178928375,
0.9389240145683289,
-0.8080851435661316,
0.24463078379631042,
0.34328821301460266,
0.24096909165382385,
0.32709527015686035,
0.8577866554260254,
-0.016069702804088593,
-0.8468680381774902,
-0.057717349380254745,
-0.5910064578056335,
-0.125178262591362,
0.1522183120250702,
-0.7081624865531921,
0.06208934634923935,
-1.08155357837677,
0.23684851825237274,
0.6899425387382507,
-0.2189386934041977,
-0.876569390296936,
0.8198963403701782,
0.6654905676841736,
1.3164783716201782,
-1.2425696849822998,
0.7455674409866333,
0.6402677297592163,
-0.3667428195476532,
-0.568781852722168,
0.051005568355321884,
0.36118248105049133,
-1.415452241897583,
1.1266511678695679,
0.9174339175224304,
0.4781795144081116,
0.018453290686011314,
-1.3512098789215088,
-0.7188841700553894,
0.33955806493759155,
0.3000433146953583,
-0.307450532913208,
-0.08222748339176178,
-0.00817137025296688,
0.18944649398326874,
-0.4651730954647064,
0.051154185086488724,
1.1944653987884521,
0.5847143530845642,
0.062195856124162674,
-1.3349255323410034,
0.09226365387439728,
-0.403331995010376,
-0.03304700925946236,
0.44451695680618286,
-0.7372705340385437,
1.509838342666626,
-0.07013880461454391,
-0.27913978695869446,
0.05452650785446167,
0.4560924470424652,
0.1794685423374176,
0.6056932806968689,
0.5234759449958801,
1.010218858718872,
0.4298393130302429,
-0.02127409353852272,
0.8687958121299744,
0.9139416813850403,
0.05773726478219032,
0.46852025389671326,
-0.3265811502933502,
0.6241488456726074,
0.6612364649772644,
-0.7534187436103821,
1.0341451168060303,
0.5498964190483093,
0.04446899890899658,
0.7615610957145691,
0.08676068484783173,
-0.35380682349205017,
-0.37814363837242126,
-0.2760166525840759,
-0.27374058961868286,
0.6204952597618103,
0.19173738360404968,
-0.32699012756347656,
-0.8114269971847534,
-0.3895101547241211,
0.49387145042419434,
0.3613129258155823,
-0.28324997425079346,
0.9538320899009705,
0.34200263023376465,
-0.16528166830539703,
0.31531837582588196,
0.03056359849870205,
0.5345971584320068,
0.017598586156964302,
-0.36688095331192017,
-0.35996124148368835,
-0.06775178760290146,
-0.5567752122879028,
-0.6427193284034729,
0.839550793170929,
0.10304688662290573,
-0.20012851059436798,
-0.3919112980365753,
0.7577811479568481,
-0.4347500503063202,
-0.697990357875824,
0.44708719849586487,
0.39619702100753784,
0.5829404592514038,
-0.7157522439956665,
-0.6214410662651062,
0.5727567076683044,
0.3296639919281006,
-0.3300451636314392,
0.305024653673172,
0.39133039116859436,
0.05596468970179558,
0.28364190459251404,
0.9017038941383362,
-0.10741684585809708,
-0.06415513902902603,
0.2993133068084717,
1.230768084526062,
-1.0203132629394531,
-0.23882520198822021,
-1.3581887483596802,
0.9136667251586914,
-0.4746144711971283,
-0.5761853456497192,
0.43525010347366333,
0.4358521103858948,
0.9094453454017639,
0.2027589976787567,
0.24190211296081543,
-0.31312328577041626,
0.9765775799751282,
-0.0541851744055748,
0.6082029342651367,
-0.6823858618736267,
-0.26466992497444153,
-0.2117544710636139,
-1.0492421388626099,
-0.5776049494743347,
1.0886704921722412,
-0.2828739285469055,
-0.17126049101352692,
0.4965288043022156,
0.2268865555524826,
-0.35397976636886597,
-0.009569304063916206,
0.5490863919258118,
-0.10128606110811234,
0.3051315248012543,
0.463878333568573,
0.4387491047382355,
-0.6463814973831177,
-0.2827351987361908,
-0.3147290050983429,
-0.40558919310569763,
-0.4081517159938812,
-0.9851637482643127,
-1.1015702486038208,
-0.12818388640880585,
0.008230009116232395,
-0.6935716867446899,
-0.29046496748924255,
0.6040953397750854,
0.7638769745826721,
-0.8900270462036133,
-0.037653036415576935,
0.2003202736377716,
0.33236727118492126,
0.47229722142219543,
-0.16730272769927979,
0.14499792456626892,
-0.7236895561218262,
-0.5934777855873108,
0.32285624742507935,
0.11304155737161636,
-0.08861635625362396,
0.13581590354442596,
0.552238404750824,
-0.29180440306663513,
0.16840103268623352,
0.7703871130943298,
0.564323365688324,
-0.7567840218544006,
-0.5083852410316467,
-0.19925498962402344,
-0.5183543562889099,
0.45705005526542664,
0.5052291750907898,
-0.7437410354614258,
-0.047892093658447266,
0.5030667185783386,
0.659114420413971,
0.33228352665901184,
0.7454996109008789,
0.5061255693435669,
-1.0804773569107056,
0.3569467067718506,
0.3061359226703644,
0.057439833879470825,
0.40407246351242065,
-0.5091624855995178,
0.7769889831542969,
0.6466989517211914,
-0.5721959471702576,
-1.1224602460861206,
0.3473373055458069,
-1.16257643699646,
-0.36362043023109436,
0.3081203103065491,
0.18862079083919525,
-0.8171268105506897,
0.05622453615069389,
-0.41785165667533875,
0.22601701319217682,
-0.5103533864021301,
0.13052307069301605,
0.6223781704902649,
-0.5293357968330383,
-0.9099925756454468,
-0.5292664170265198,
0.8563085794448853,
0.6167388558387756,
-0.95929354429245,
-0.24970050156116486,
0.6107336282730103,
0.2567151188850403,
0.3485938608646393,
0.9043296575546265,
-0.30380016565322876,
0.5728622078895569,
0.17931590974330902,
0.26337963342666626,
0.19000054895877838,
-0.48186907172203064,
-0.48671942949295044,
-0.31117504835128784,
-0.3376912474632263,
-0.703775942325592
] |
microsoft/trocr-base-stage1
|
microsoft
| 2023-01-24T16:57:30Z | 5,239 | 7 |
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
---
# TrOCR (base-sized model, pre-trained only)
TrOCR pre-trained only model. 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).
Disclaimer: The team releasing TrOCR did not write a model card for this model so this model card has been written by the Hugging Face team.
## 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 BEiT, while the text decoder was initialized from the weights of RoBERTa.
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
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-base-stage1')
model = VisionEncoderDecoderModel.from_pretrained('microsoft/trocr-base-stage1')
# training
pixel_values = processor(image, return_tensors="pt").pixel_values # Batch size 1
decoder_input_ids = torch.tensor([[model.config.decoder.decoder_start_token_id]])
outputs = model(pixel_values=pixel_values, decoder_input_ids=decoder_input_ids)
```
### 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.25451284646987915,
-0.32601234316825867,
0.04216598719358444,
-0.3186747133731842,
-0.4045308828353882,
-0.055625781416893005,
0.04963625967502594,
-0.7056026458740234,
0.1264142096042633,
0.5857764482498169,
-0.4461377263069153,
-0.3347408175468445,
-0.6638481616973877,
0.14247547090053558,
-0.31568142771720886,
1.1308828592300415,
-0.15728682279586792,
0.007395478431135416,
0.1428966075181961,
-0.35467201471328735,
-0.18151357769966125,
-0.5753135681152344,
-0.5587862133979797,
-0.30800461769104004,
0.3611967861652374,
0.22182604670524597,
0.6435061693191528,
0.5726590752601624,
0.87287837266922,
0.3854212760925293,
-0.23143136501312256,
0.0028802889864891768,
-0.3758727014064789,
-0.4353736340999603,
0.29766780138015747,
-0.48169800639152527,
-0.5749461650848389,
0.1346496194601059,
0.560926079750061,
0.185703843832016,
-0.05818614736199379,
0.1242978498339653,
0.05923604592680931,
0.4009869694709778,
-0.3451165556907654,
-0.1417514979839325,
-0.43617403507232666,
0.43748560547828674,
0.022591274231672287,
-0.02933943085372448,
-0.5010468363761902,
-0.2743239402770996,
0.2766721248626709,
-0.6510750651359558,
0.6534140110015869,
0.000009226288966601714,
1.256230354309082,
-0.07731222361326218,
-0.3427945673465729,
-0.3729766607284546,
-0.7305481433868408,
0.6432774066925049,
-0.5449846982955933,
0.49387359619140625,
-0.08945699781179428,
0.20134930312633514,
0.17232921719551086,
-1.099072813987732,
-0.8126587271690369,
-0.43989098072052,
-0.3260357975959778,
0.04471801221370697,
-0.3458528518676758,
0.3013123571872711,
0.47195810079574585,
0.42281684279441833,
-0.71708083152771,
-0.23626135289669037,
-0.8287205100059509,
-0.3978677988052368,
0.26676276326179504,
-0.1474628746509552,
0.2920956313610077,
0.06834135204553604,
-0.6229458451271057,
-0.45586472749710083,
-0.21053579449653625,
-0.06229158490896225,
-0.04330118000507355,
-0.02610369771718979,
-0.3998522460460663,
0.6444584727287292,
0.2726505696773529,
0.7912245392799377,
0.3564905524253845,
-0.22531013190746307,
0.6307470798492432,
-0.0648929551243782,
-0.19371330738067627,
0.10661689937114716,
1.0772532224655151,
0.20845776796340942,
0.36106032133102417,
-0.19923114776611328,
-0.3095000088214874,
0.36440280079841614,
0.17473849654197693,
-0.8796691298484802,
-0.09453466534614563,
-0.021915823221206665,
-0.5048348307609558,
-0.32717499136924744,
0.19056923687458038,
-0.7921806573867798,
-0.1394197642803192,
0.008636854588985443,
0.5736591219902039,
-0.3897763788700104,
-0.14126314222812653,
-0.1286173313856125,
-0.1255376636981964,
0.2758781611919403,
0.1797933280467987,
-0.496097207069397,
0.1355234831571579,
0.09789970517158508,
1.1007826328277588,
-0.15457485616207123,
-0.4325923025608063,
-0.366548627614975,
-0.10751891881227493,
-0.289677232503891,
0.5056931376457214,
-0.2153760939836502,
-0.3076566457748413,
-0.04990486055612564,
0.1803048700094223,
-0.05529160797595978,
-0.5466782450675964,
0.46005821228027344,
-0.6254934072494507,
0.24561841785907745,
0.11986464262008667,
-0.0573839507997036,
-0.06097644567489624,
0.32174375653266907,
-0.8607172966003418,
1.1623382568359375,
0.2791629433631897,
-0.8562330007553101,
0.25165802240371704,
-0.7227318286895752,
-0.19277168810367584,
0.08979057520627975,
0.10981560498476028,
-0.6667165756225586,
0.15238498151302338,
0.023353245109319687,
0.039040908217430115,
-0.10626383125782013,
0.015275903977453709,
-0.05943476781249046,
-0.40187448263168335,
0.11655226349830627,
-0.19718489050865173,
0.7794762253761292,
0.31360700726509094,
-0.4277237355709076,
0.049779895693063736,
-0.905651867389679,
0.1995801031589508,
0.23331484198570251,
-0.2274148315191269,
0.08854683488607407,
-0.34663763642311096,
0.30594754219055176,
0.5004681944847107,
0.4094345271587372,
-0.6355632543563843,
0.23108771443367004,
-0.30683767795562744,
0.7339273691177368,
0.44146329164505005,
-0.3429219126701355,
0.4809018671512604,
-0.1502918154001236,
0.48180392384529114,
0.3515509068965912,
0.17053066194057465,
-0.10250920802354813,
-0.29158154129981995,
-0.9793015718460083,
-0.09917272627353668,
0.16599561274051666,
0.6553840637207031,
-1.0315762758255005,
0.3598344624042511,
-0.3359154760837555,
-0.607196569442749,
-0.3933335840702057,
-0.08697260916233063,
0.5884450674057007,
0.7677191495895386,
0.38159796595573425,
-0.5604338645935059,
-0.5654721260070801,
-0.5687642097473145,
-0.039678603410720825,
-0.3131408393383026,
0.06810428947210312,
0.18081963062286377,
0.7424794435501099,
-0.25413379073143005,
0.9067238569259644,
-0.3105151355266571,
-0.5594177842140198,
-0.43124642968177795,
0.17660371959209442,
0.21388542652130127,
0.7368130683898926,
0.4351273477077484,
-0.713442862033844,
-0.426233172416687,
-0.040427304804325104,
-0.7889580726623535,
0.12546080350875854,
0.010647019371390343,
-0.165510892868042,
0.39976754784584045,
0.26478663086891174,
-0.7835932374000549,
0.8238701820373535,
0.5350932478904724,
-0.38500624895095825,
0.5726386308670044,
-0.5274292230606079,
0.09431891143321991,
-1.0059577226638794,
0.23864130675792694,
-0.005305270664393902,
-0.2907130718231201,
-0.905049204826355,
0.1908167004585266,
0.14419011771678925,
-0.3398416042327881,
-0.5413745045661926,
0.6399670243263245,
-0.7085862755775452,
-0.10793397575616837,
-0.11809511482715607,
0.1075015440583229,
0.11498349159955978,
0.7338571548461914,
0.5402019023895264,
0.7311054468154907,
0.33022168278694153,
-0.5316880941390991,
0.3360416293144226,
0.3889108896255493,
-0.31306031346321106,
0.4306447207927704,
-1.1204537153244019,
0.5249180793762207,
0.010077855549752712,
-0.00029622839065268636,
-0.7425830960273743,
0.1861254870891571,
0.4223834276199341,
-0.5036377906799316,
0.3659084439277649,
-0.10857924073934555,
-0.4350617825984955,
-0.844429075717926,
0.04096755385398865,
0.5716195106506348,
0.5571994185447693,
-0.606950581073761,
0.9185169339179993,
0.08743128180503845,
0.47700491547584534,
-0.5465397238731384,
-1.1544499397277832,
-0.12565462291240692,
-0.0951138436794281,
-0.7174972891807556,
0.5274556875228882,
-0.1984439641237259,
0.2892008423805237,
-0.08278529345989227,
-0.05128427967429161,
-0.3050215244293213,
-0.4265406131744385,
0.07374411821365356,
0.5336754322052002,
-0.2898251414299011,
-0.23281097412109375,
-0.5664173364639282,
-0.1984025239944458,
-0.29539021849632263,
-0.2848658263683319,
0.672324538230896,
-0.3444804549217224,
-0.023507921025156975,
-0.6036978960037231,
0.18486201763153076,
0.6303308010101318,
-0.5502321124076843,
0.7014742493629456,
0.6958884000778198,
-0.36935046315193176,
0.09230160713195801,
-0.5536890029907227,
-0.19018550217151642,
-0.5119686722755432,
0.475458562374115,
-0.35986655950546265,
-0.6138359308242798,
0.7554908990859985,
0.43023866415023804,
-0.1558225303888321,
0.39220285415649414,
0.3949398398399353,
0.09588398784399033,
0.9221525192260742,
0.8516868352890015,
0.14340412616729736,
0.8373515009880066,
-0.6271259188652039,
0.2265392690896988,
-0.873004138469696,
-0.379101425409317,
-0.30039504170417786,
-0.3518165946006775,
-0.5532488226890564,
-0.21960876882076263,
0.3695176839828491,
0.07016262412071228,
-0.34455928206443787,
0.6007270812988281,
-1.0398989915847778,
0.23238542675971985,
0.6928118467330933,
0.5032163262367249,
0.0760921761393547,
0.2023841142654419,
-0.24841153621673584,
0.0847821831703186,
-0.5248460173606873,
-0.42629554867744446,
0.7229377627372742,
0.2233249843120575,
0.7976434826850891,
-0.2761305868625641,
0.5759785175323486,
0.20004227757453918,
0.04709133505821228,
-0.7895042896270752,
0.623523473739624,
-0.08927809447050095,
-0.639676570892334,
0.07674062252044678,
-0.45377296209335327,
-0.9112177491188049,
0.05085007846355438,
-0.35004866123199463,
-0.784239649772644,
0.664700984954834,
0.44394591450691223,
-0.09269440174102783,
0.5794481039047241,
-0.6754104495048523,
1.0435506105422974,
-0.44451475143432617,
-0.22696039080619812,
0.3157307505607605,
-0.8437545895576477,
0.068794384598732,
0.2394179105758667,
-0.1856970191001892,
0.4560931324958801,
0.20354095101356506,
1.0260725021362305,
-0.7294826507568359,
0.665168285369873,
-0.22414574027061462,
0.1508135050535202,
0.5137348771095276,
-0.036560844630002975,
0.589839518070221,
-0.5127050876617432,
-0.010713235475122929,
0.5864894986152649,
0.1163768395781517,
-0.2682347297668457,
-0.32855191826820374,
0.19237397611141205,
-1.029186487197876,
-0.2795640230178833,
-0.8237805962562561,
-0.5721734762191772,
0.2173856794834137,
0.5065915584564209,
0.8899297118186951,
0.5691531300544739,
-0.05353766307234764,
-0.05782075226306915,
0.631492555141449,
-0.07119519263505936,
0.5157994031906128,
0.20403271913528442,
-0.12861016392707825,
-0.64409339427948,
0.7715075612068176,
0.12016326934099197,
0.4058970510959625,
0.42634958028793335,
0.1283106505870819,
-0.15451808273792267,
-0.35893258452415466,
-0.29592838883399963,
0.48955997824668884,
-0.6577708125114441,
-0.24035418033599854,
-0.43822765350341797,
-0.41604623198509216,
-0.35143083333969116,
-0.18882514536380768,
-0.29711049795150757,
-0.141452357172966,
-0.6119948029518127,
0.14769119024276733,
0.32072529196739197,
0.5915111899375916,
0.038579802960157394,
0.8984758257865906,
-0.8690147399902344,
0.37760353088378906,
0.13904041051864624,
0.25198113918304443,
-0.031077338382601738,
-0.646234929561615,
-0.2306244969367981,
0.13252484798431396,
-0.3871098756790161,
-0.9015358686447144,
0.7632572054862976,
0.35344529151916504,
0.3511883318424225,
0.5529326796531677,
-0.051202356815338135,
0.768975555896759,
-0.5694268345832825,
0.6748126149177551,
0.5922040343284607,
-0.9776372909545898,
0.44023334980010986,
0.18504589796066284,
0.21697375178337097,
0.3256130814552307,
0.1813121736049652,
-0.4842665493488312,
0.025148963555693626,
-0.6024383902549744,
-0.4559710919857025,
1.1593384742736816,
0.09985708445310593,
0.02946351282298565,
0.2759273052215576,
0.4297449588775635,
-0.2739717364311218,
0.25785431265830994,
-1.1070846319198608,
-0.3066231906414032,
-0.5223164558410645,
-0.44742056727409363,
-0.10311290621757507,
-0.3408544957637787,
0.09909392148256302,
-0.2879522442817688,
0.4217132031917572,
0.022373836487531662,
0.8814027905464172,
0.5508301258087158,
-0.6035566926002502,
-0.1051824539899826,
-0.12063906341791153,
0.6005194783210754,
0.4774632453918457,
-0.25156280398368835,
0.1546284407377243,
-0.0260365828871727,
-1.1051266193389893,
0.035472724586725235,
0.049571696668863297,
-0.26412999629974365,
0.1649329662322998,
0.46073660254478455,
1.1784766912460327,
-0.16250376403331757,
-0.3897736966609955,
0.611574113368988,
-0.007962718605995178,
-0.22356128692626953,
-0.2609363794326782,
-0.10767882317304611,
-0.3458557426929474,
0.19653689861297607,
0.5369067192077637,
0.20367398858070374,
-0.1414223462343216,
-0.5110333561897278,
0.09657377004623413,
0.48486196994781494,
-0.65606290102005,
-0.40066927671432495,
0.6838477849960327,
-0.12823788821697235,
-0.4666729271411896,
0.8731237649917603,
-0.014813641086220741,
-0.9348505735397339,
0.7702197432518005,
0.669746458530426,
0.7352020144462585,
-0.3110053241252899,
0.16693215072155,
0.5251337289810181,
0.47979027032852173,
-0.007259147707372904,
0.22389067709445953,
-0.08823078870773315,
-0.8894723653793335,
0.26110997796058655,
-0.5378285050392151,
-0.13029970228672028,
-0.0007833255222067237,
-0.7164726257324219,
0.5207578539848328,
-0.5398745536804199,
-0.3987526297569275,
-0.17366062104701996,
0.23053129017353058,
-0.7770125269889832,
0.491386741399765,
0.11247114837169647,
0.9786091446876526,
-0.5427640080451965,
0.8232063055038452,
0.5995359420776367,
-0.5233715772628784,
-0.7526866793632507,
-0.23315826058387756,
-0.2638339698314667,
-1.1551411151885986,
0.7219176292419434,
0.2761971354484558,
-0.03719394654035568,
0.2174798548221588,
-0.6893780827522278,
-0.7037201523780823,
1.1748886108398438,
0.3080157935619354,
-0.5128180980682373,
-0.5396932363510132,
0.32350975275039673,
0.5504719018936157,
-0.4601460099220276,
0.7240282893180847,
0.21431103348731995,
0.18267041444778442,
0.6466597318649292,
-0.7968044877052307,
0.028432359918951988,
-0.3305074870586395,
0.25969552993774414,
0.07092532515525818,
-0.5768107771873474,
1.08414888381958,
-0.5162941813468933,
-0.2602514326572418,
0.36103758215904236,
0.7170843482017517,
0.27848923206329346,
0.18287841975688934,
0.4731777012348175,
0.6484094858169556,
0.5912089347839355,
-0.18529245257377625,
0.8711528182029724,
-0.4256407916545868,
0.5636669993400574,
0.7333524227142334,
0.004203257616609335,
0.6843792796134949,
0.4165820777416229,
-0.039107076823711395,
0.6018068194389343,
0.5564364790916443,
-0.40371251106262207,
0.6223551034927368,
-0.16229750216007233,
0.08245360851287842,
0.026989061385393143,
0.10235846787691116,
-0.47913482785224915,
0.2614649534225464,
0.0873754471540451,
-0.6794931292533875,
-0.05942651629447937,
0.2636001408100128,
-0.09727513045072556,
-0.5205579996109009,
-0.45498642325401306,
0.6321582198143005,
-0.0045304796658456326,
-0.4628160893917084,
0.7889857888221741,
-0.1483369916677475,
0.9252325296401978,
-0.856376588344574,
-0.022361477836966515,
-0.11374548077583313,
0.46897226572036743,
-0.2739071846008301,
-0.6180070638656616,
0.09674111753702164,
0.009378048591315746,
-0.22497574985027313,
0.16677521169185638,
0.67524653673172,
-0.5376558899879456,
-0.870309591293335,
0.36780881881713867,
0.061339281499385834,
0.2689523696899414,
0.17772707343101501,
-0.7508847117424011,
0.2153903692960739,
-0.047231532633304596,
-0.2296266257762909,
0.03078753501176834,
0.38210585713386536,
0.12180036306381226,
0.5231395363807678,
0.5125161409378052,
0.12539801001548767,
0.39722740650177,
-0.28401991724967957,
0.7823070287704468,
-0.5745845437049866,
-0.5067639350891113,
-0.6203778982162476,
0.6103680729866028,
0.14433442056179047,
-0.4988541603088379,
0.5106019377708435,
0.4850669205188751,
0.7736983895301819,
-0.2963103652000427,
0.37852391600608826,
-0.2484787255525589,
0.08479082584381104,
-0.28252527117729187,
0.9076144695281982,
-0.7257958054542542,
-0.19813786447048187,
-0.4566802978515625,
-0.7896060943603516,
-0.3675406873226166,
1.0159759521484375,
-0.18639317154884338,
0.4211653172969818,
0.6757276654243469,
1.0171501636505127,
-0.20175597071647644,
-0.3377209007740021,
0.29476383328437805,
0.31863969564437866,
0.09991706162691116,
0.7870781421661377,
0.5003709197044373,
-0.9105643033981323,
0.7983191013336182,
-0.35994377732276917,
-0.20660047233104706,
-0.18192274868488312,
-0.7440907955169678,
-1.0256471633911133,
-0.5772692561149597,
-0.4037168025970459,
-0.6974286437034607,
-0.07710127532482147,
0.6680191159248352,
0.9087131023406982,
-0.9169408082962036,
-0.17974241077899933,
-0.28509169816970825,
0.03653811663389206,
-0.1732759177684784,
-0.23610931634902954,
0.433714359998703,
0.10535778850317001,
-0.7043917179107666,
-0.4092206358909607,
-0.2619381546974182,
0.3522169888019562,
0.00956951454281807,
-0.27771592140197754,
-0.14879192411899567,
-0.12338463217020035,
0.40029484033584595,
0.540867269039154,
-0.5913518667221069,
-0.10920100659132004,
0.18758359551429749,
-0.19702497124671936,
0.6041004657745361,
0.597557783126831,
-0.8336708545684814,
0.4338238537311554,
0.40259549021720886,
0.07904094457626343,
0.7925218939781189,
-0.22640976309776306,
0.13696613907814026,
-0.481408953666687,
0.4376967251300812,
0.21238619089126587,
0.52506422996521,
0.3418349027633667,
-0.4067504405975342,
0.345249205827713,
0.4681914746761322,
-0.48558053374290466,
-0.9563738703727722,
-0.04984830319881439,
-1.313785195350647,
0.19304049015045166,
0.8012246489524841,
-0.23452642560005188,
-0.4986041486263275,
0.37762197852134705,
-0.24455179274082184,
0.5063050389289856,
-0.28413665294647217,
0.3524876832962036,
0.2866460978984833,
0.07153061032295227,
-0.7276008129119873,
-0.043048981577157974,
0.2496434450149536,
-0.20205998420715332,
-0.5360890626907349,
-0.2350262701511383,
0.28581687808036804,
0.38555479049682617,
0.668694257736206,
0.5132748484611511,
-0.2754467725753784,
0.23113295435905457,
0.11369384825229645,
0.6464292407035828,
-0.2080257683992386,
-0.3378520607948303,
-0.4238342344760895,
0.07115191966295242,
-0.23776832222938538,
-0.3478575050830841
] |
OpenAssistant/pythia-12b-sft-v8-7k-steps
|
OpenAssistant
| 2023-05-24T14:07:31Z | 5,234 | 21 |
transformers
|
[
"transformers",
"pytorch",
"gpt_neox",
"text-generation",
"sft",
"en",
"license:apache-2.0",
"endpoints_compatible",
"has_space",
"text-generation-inference",
"region:us"
] |
text-generation
| 2023-05-07T08:39:49Z |
---
license: apache-2.0
language:
- en
tags:
- sft
pipeline_tag: text-generation
widget:
- text: <|prompter|>What is a meme, and what's the history behind this word?<|endoftext|><|assistant|>
- text: <|prompter|>What's the Earth total population<|endoftext|><|assistant|>
- text: <|prompter|>Write a story about future of AI development<|endoftext|><|assistant|>
---
- base model: [OpenAssistant/pythia-12b-pre-v8-12.5k-steps](https://huggingface.co/OpenAssistant/pythia-12b-pre-v8-12.5k-steps)
- wandb: https://wandb.ai/open-assistant/supervised-finetuning/runs/pcw1ejda
- [sampling report](https://raw.githubusercontent.com/Open-Assistant/oasst-model-eval/main/sampling_reports/oasst-sft/2023-05-07_OpenAssistant_pythia-12b-sft-v8-7k-steps_sampling_noprefix2.json)
```
pythia-12b-sft-8:
dtype: fp16
log_dir: "pythia_log_12b"
learning_rate: 6e-6
model_name: OpenAssistant/pythia-12b-pre-v8-12.5k-steps
output_dir: pythia_model_12b
weight_decay: 0.0
residual_dropout: 0.0
max_length: 2048
use_flash_attention: true
warmup_steps: 100
gradient_checkpointing: true
gradient_accumulation_steps: 2
per_device_train_batch_size: 4
per_device_eval_batch_size: 4
eval_steps: 251
save_steps: 500
num_train_epochs: 8
save_total_limit: 4
num_train_epochs: 8
save_total_limit: 3
use_custom_sampler: true
sort_by_length: false
save_strategy: steps
datasets:
- oasst_export:
lang: "bg,ca,cs,da,de,en,es,fr,hr,hu,it,nl,pl,pt,ro,ru,sl,sr,sv,uk"
input_file_path: 2023-05-06_OASST_labels.jsonl.gz
val_split: 0.05
- vicuna:
val_split: 0.05
max_val_set: 800
fraction: 0.4
- dolly15k:
val_split: 0.05
max_val_set: 300
- grade_school_math_instructions:
val_split: 0.05
- code_alpaca:
val_split: 0.05
max_val_set: 250
- red_pajama:
fraction: 0.05
max_val_set: 1000
- wizardlm_70k:
val_split: 0.05
max_val_set: 500
fraction: 0.4
- poem_instructions:
fraction: 0.5
val_split: 0.025
```
|
[
-0.4960704743862152,
-0.5617364048957825,
0.34533894062042236,
0.03955564275383949,
-0.2316645085811615,
-0.29500842094421387,
-0.1359410583972931,
-0.029115788638591766,
0.10026106238365173,
0.32183128595352173,
-0.5703430771827698,
-0.7510138750076294,
-0.5197760462760925,
-0.22883820533752441,
-0.07010933756828308,
0.9507131576538086,
-0.3568805456161499,
0.08856155723333359,
0.2516772449016571,
-0.3337608277797699,
-0.5247566103935242,
-0.34680604934692383,
-0.6290690898895264,
-0.04650457203388214,
0.20625390112400055,
0.4709506630897522,
0.3841588795185089,
0.4403744339942932,
0.48978689312934875,
0.32129961252212524,
-0.1606646627187729,
0.07804618030786514,
-0.523491621017456,
-0.17498470842838287,
-0.07784512639045715,
-0.4272768497467041,
-0.8638550043106079,
0.03576939180493355,
0.847213625907898,
0.6010299324989319,
0.10073059797286987,
0.5498875379562378,
-0.07551021128892899,
0.6213609576225281,
-0.717515230178833,
0.31136298179626465,
-0.05178827419877052,
-0.007311257533729076,
-0.09937413781881332,
-0.18460510671138763,
-0.33226606249809265,
-0.33563968539237976,
0.26393625140190125,
-0.630388081073761,
0.46912097930908203,
0.03407489135861397,
1.2993234395980835,
-0.015495908446609974,
-0.1720605194568634,
-0.0673728957772255,
-0.4809267520904541,
0.941948652267456,
-0.9439128041267395,
0.21577157080173492,
0.44637662172317505,
0.3488553464412689,
-0.05006755143404007,
-0.7497226595878601,
-0.23878559470176697,
-0.1781376153230667,
-0.16600151360034943,
0.16333216428756714,
-0.1923677623271942,
-0.1856275200843811,
0.4561077356338501,
0.7904976606369019,
-0.8529391288757324,
-0.09455478191375732,
-0.8070335388183594,
-0.18009760975837708,
0.6478856205940247,
0.40208733081817627,
0.05529364198446274,
-0.06211063265800476,
-0.21929782629013062,
-0.5391684770584106,
-0.4426405727863312,
0.19619698822498322,
0.6629868149757385,
0.519780158996582,
-0.6039560437202454,
0.6284204721450806,
-0.7169458270072937,
0.6143720746040344,
0.14174512028694153,
-0.0917901024222374,
0.7387773394584656,
-0.3960407078266144,
-0.39982596039772034,
-0.084965780377388,
1.1533019542694092,
0.21316105127334595,
-0.17083750665187836,
0.09248431026935577,
-0.04006592184305191,
-0.1673460304737091,
0.08908689767122269,
-1.2195124626159668,
-0.6228551864624023,
0.397746205329895,
-0.47318974137306213,
-0.1808682680130005,
0.4838201701641083,
-0.9472432136535645,
0.09003765881061554,
-0.27801093459129333,
0.6949153542518616,
-0.6641083359718323,
-0.27931851148605347,
0.0965610146522522,
-0.17353346943855286,
0.059557631611824036,
0.3110294044017792,
-0.6281057000160217,
0.43827924132347107,
0.15754126012325287,
1.0619652271270752,
-0.07077544927597046,
-0.3630576431751251,
-0.436152845621109,
-0.2576664388179779,
-0.21321028470993042,
0.25117793679237366,
0.030322402715682983,
-0.30992552638053894,
-0.33163243532180786,
0.29903697967529297,
-0.19344158470630646,
-0.33082109689712524,
0.5793470740318298,
-0.3640592396259308,
0.32212159037590027,
-0.3730420470237732,
-0.2587076425552368,
-0.3138868808746338,
0.10983641445636749,
-0.6524540781974792,
1.1609281301498413,
0.48833054304122925,
-0.7073450088500977,
0.4131333529949188,
-0.8518354296684265,
-0.11357326060533524,
-0.021318167448043823,
0.143063485622406,
-0.5755816102027893,
-0.13399676978588104,
0.3065793812274933,
0.350868284702301,
-0.2669324278831482,
0.04316839203238487,
-0.2375970184803009,
-0.43567338585853577,
-0.07463133335113525,
-0.5323423743247986,
1.2335236072540283,
0.1950385868549347,
-0.34066957235336304,
0.33272290229797363,
-1.0972620248794556,
0.09661990404129028,
0.23584717512130737,
-0.4695059359073639,
-0.19931986927986145,
-0.4041665196418762,
0.12440527230501175,
0.06315279752016068,
0.18269285559654236,
-0.5708218812942505,
0.32018572092056274,
-0.274173378944397,
0.4836617410182953,
0.7619141340255737,
-0.029626362025737762,
0.4911039471626282,
-0.40974166989326477,
0.5279214978218079,
0.22024881839752197,
0.10618647187948227,
0.0006137966411188245,
-0.4636954665184021,
-0.762622594833374,
-0.5637069940567017,
0.2911633253097534,
0.40135449171066284,
-0.310612291097641,
0.9200398325920105,
-0.3660508096218109,
-0.7217974066734314,
-0.7160090804100037,
-0.27756020426750183,
0.4114809036254883,
0.7048284411430359,
0.7660553455352783,
-0.4783991575241089,
-0.5474972128868103,
-0.763749361038208,
0.14324186742305756,
0.0276025477796793,
-0.19228610396385193,
0.14105817675590515,
1.0052357912063599,
0.11429718881845474,
0.8185710310935974,
-0.818824291229248,
-0.4384596347808838,
-0.07477746158838272,
0.3398136794567108,
0.5267290472984314,
0.6125924587249756,
0.7460174560546875,
-0.41094738245010376,
-0.4611228406429291,
-0.21516337990760803,
-0.5299691557884216,
0.07590992003679276,
0.020239192992448807,
-0.6388073563575745,
0.14306464791297913,
0.14185823500156403,
-0.7152926921844482,
0.8514739274978638,
0.2082691788673401,
-0.6332429051399231,
0.6638363003730774,
-0.11113966256380081,
0.3887288272380829,
-1.175590991973877,
0.22392158210277557,
-0.07603240758180618,
-0.05561462417244911,
-0.29927003383636475,
0.14187070727348328,
0.04758447781205177,
0.2756884694099426,
-0.5983682870864868,
0.6328701376914978,
-0.5995732545852661,
0.10733307152986526,
0.08378706872463226,
-0.1596554070711136,
-0.11494899541139603,
0.6396787166595459,
0.07642172276973724,
0.5845502614974976,
0.87107914686203,
-0.6585788726806641,
0.3387925624847412,
0.3653273284435272,
-0.3841511309146881,
0.3995860815048218,
-0.5856624245643616,
-0.004329198505729437,
0.15179896354675293,
0.3229590952396393,
-1.0024948120117188,
-0.49295076727867126,
0.4600551128387451,
-0.7152313590049744,
0.13689085841178894,
-0.4654915928840637,
-0.5358186960220337,
-0.3860774338245392,
-0.41858816146850586,
0.5116564035415649,
0.7324244976043701,
-0.5598195195198059,
0.5293835401535034,
-0.14302653074264526,
0.13084761798381805,
-0.3949284255504608,
-0.7903572916984558,
-0.7252477407455444,
-0.06112243980169296,
-0.5699247121810913,
0.2799283266067505,
0.02102859504520893,
0.07730696350336075,
0.2451385259628296,
-0.19514533877372742,
-0.08621512353420258,
-0.20867452025413513,
0.47133585810661316,
0.6091095209121704,
-0.38884347677230835,
-0.3451308012008667,
-0.2239694744348526,
0.08194150775671005,
0.09537350386381149,
-0.14307557046413422,
1.0573256015777588,
-0.224723219871521,
-0.3635745942592621,
-0.4202985465526581,
-0.0638568177819252,
0.5694899559020996,
-0.29150497913360596,
1.1656888723373413,
0.8553202748298645,
-0.31839197874069214,
-0.04526268318295479,
-0.007796398364007473,
-0.04045138880610466,
-0.44855719804763794,
0.4451717436313629,
-0.3956175148487091,
-0.428888201713562,
0.6927828788757324,
0.4497891962528229,
0.3157464563846588,
0.8847563862800598,
0.6359818577766418,
0.2243356853723526,
0.9151626825332642,
0.022203391417860985,
-0.19086489081382751,
0.5976988673210144,
-0.9274779558181763,
0.06116213649511337,
-0.9830160737037659,
-0.13314245641231537,
-0.5234863758087158,
-0.31395232677459717,
-0.5732873678207397,
-0.31270933151245117,
0.3541249632835388,
0.24477779865264893,
-0.7868755459785461,
0.48694294691085815,
-0.565861701965332,
0.20173825323581696,
1.037567138671875,
0.3033893406391144,
0.07112026959657669,
0.08105556666851044,
-0.10367059707641602,
0.28379926085472107,
-0.5223750472068787,
-0.31291842460632324,
1.5194071531295776,
0.3163176476955414,
0.7608743906021118,
0.2500236928462982,
0.8655869364738464,
-0.1337602138519287,
0.09634975343942642,
-0.7278316617012024,
0.6126161217689514,
0.13235914707183838,
-0.691581130027771,
-0.28515326976776123,
-0.6392348408699036,
-0.8854666948318481,
0.1602024883031845,
0.038884058594703674,
-1.062857985496521,
0.10933885723352432,
0.27151551842689514,
-0.532548725605011,
0.5346161127090454,
-0.6856802701950073,
0.8997040390968323,
0.03420007601380348,
-0.4588007926940918,
0.22207611799240112,
-0.5585206151008606,
0.5653232932090759,
0.2424653023481369,
-0.012825299985706806,
0.056205883622169495,
0.3577004671096802,
1.0199841260910034,
-0.8402053713798523,
0.6347470879554749,
-0.2950332760810852,
0.3740553557872772,
0.5247859358787537,
-0.09082438796758652,
0.4084215760231018,
-0.07924265414476395,
0.010834123939275742,
0.24497367441654205,
0.15010301768779755,
-0.5080289244651794,
-0.20015542209148407,
0.7232587933540344,
-0.9546383023262024,
-0.06382960081100464,
-0.8445271849632263,
-0.8146423697471619,
0.016223197802901268,
0.29022660851478577,
0.6767547130584717,
0.48427435755729675,
0.05638781934976578,
0.46250006556510925,
0.5284754037857056,
-0.17868436872959137,
0.3844059407711029,
0.3990940451622009,
-0.125074565410614,
-0.7598106265068054,
0.996598482131958,
0.23289643228054047,
0.4696844518184662,
0.1029781848192215,
0.15627728402614594,
-0.3151019215583801,
-0.6856502294540405,
-0.5839744210243225,
0.14361579716205597,
-0.56157386302948,
-0.38768354058265686,
-0.5964940190315247,
-0.31025567650794983,
-0.9219929575920105,
0.04454042389988899,
-0.3821777105331421,
-0.26296257972717285,
-0.49810975790023804,
-0.23781633377075195,
0.8249748349189758,
0.2850695252418518,
-0.1330372393131256,
0.5008669495582581,
-0.8498378396034241,
0.6319288015365601,
-0.08625547587871552,
0.3847397267818451,
0.07467572391033173,
-1.0219416618347168,
-0.24384981393814087,
0.09419051557779312,
-0.6778013706207275,
-0.8861939907073975,
0.6488915681838989,
-0.21814121305942535,
0.5349385738372803,
0.3244163990020752,
0.24274158477783203,
1.0083866119384766,
-0.21190756559371948,
1.0478448867797852,
0.0761338621377945,
-0.7322378158569336,
0.5829488039016724,
-0.3737402558326721,
0.4191742241382599,
0.647165060043335,
0.4916943907737732,
-0.0690433531999588,
-0.14350518584251404,
-0.7894050478935242,
-1.485958456993103,
1.2217307090759277,
0.3935084342956543,
-0.36627668142318726,
0.22611364722251892,
-0.08625414967536926,
0.02478889375925064,
0.013368174433708191,
-0.7515928149223328,
-0.5455914735794067,
-0.116678886115551,
-0.472848117351532,
0.1175571158528328,
0.28722795844078064,
-0.2899869978427887,
-0.494235098361969,
1.1570839881896973,
0.016445018351078033,
0.3496766686439514,
0.3023483455181122,
-0.14244550466537476,
-0.2328832596540451,
0.036015305668115616,
0.41991350054740906,
0.4018279016017914,
-0.7547938227653503,
-0.2662419080734253,
0.10213128477334976,
-0.8478662967681885,
0.04424356296658516,
0.2289513349533081,
-0.43435752391815186,
-0.058071691542863846,
0.4488891065120697,
1.0295910835266113,
-0.12930694222450256,
-0.45805931091308594,
0.32071661949157715,
0.016851229593157768,
-0.4792473316192627,
-0.39001062512397766,
0.25306349992752075,
-0.057508282363414764,
0.12057875096797943,
0.3170962929725647,
0.21764791011810303,
0.06977447867393494,
-0.6647610664367676,
-0.007499059662222862,
0.3057873845100403,
-0.009883229620754719,
-0.2782578766345978,
0.6209388971328735,
-0.28388890624046326,
-0.08652348071336746,
0.6842348575592041,
-0.4480706751346588,
-0.3374662697315216,
0.8579356670379639,
0.1588795930147171,
0.9377772212028503,
-0.09061695635318756,
-0.22997500002384186,
0.9774523973464966,
0.21877433359622955,
-0.3586440980434418,
0.5702069997787476,
0.20380592346191406,
-0.33780941367149353,
0.07818641513586044,
-0.9507195353507996,
-0.18045689165592194,
0.5654969811439514,
-1.1953933238983154,
0.5553215742111206,
-0.5047139525413513,
-0.09117023646831512,
0.013146496377885342,
0.1350145787000656,
-1.0277016162872314,
0.3740546703338623,
-0.2799515724182129,
0.9699712991714478,
-0.9727214574813843,
0.6873096823692322,
0.520697832107544,
-0.870453417301178,
-1.178678035736084,
-0.1478017270565033,
-0.017139041796326637,
-0.3527539372444153,
0.5055256485939026,
-0.015014405362308025,
0.2232084572315216,
-0.117088183760643,
-0.5008028745651245,
-0.9683312177658081,
1.478792667388916,
0.13522593677043915,
-0.6166573166847229,
-0.08815663307905197,
-0.052449166774749756,
0.37876540422439575,
-0.07606802135705948,
0.6024078726768494,
0.7629774212837219,
0.4899047315120697,
0.22775529325008392,
-0.9588307738304138,
0.14425721764564514,
-0.2399280071258545,
-0.5432538390159607,
0.34952545166015625,
-0.7601110339164734,
1.5611680746078491,
-0.14009946584701538,
0.1647827923297882,
0.4544304311275482,
0.6557157635688782,
0.5637228488922119,
0.26082420349121094,
0.23210671544075012,
0.9400815963745117,
0.5098670721054077,
-0.3930107355117798,
0.8611679077148438,
0.021325018256902695,
0.5874815583229065,
1.3453826904296875,
0.08655951917171478,
0.8879020810127258,
0.3278944790363312,
-0.5270264744758606,
0.3138364553451538,
0.6893832087516785,
-0.32520923018455505,
0.717287003993988,
0.19337481260299683,
-0.03284447640180588,
0.22756235301494598,
0.4248638153076172,
-0.645528256893158,
0.2409524917602539,
0.12946686148643494,
-0.6671353578567505,
-0.1559876948595047,
-0.25787076354026794,
0.08368350565433502,
-0.4262656271457672,
-0.47993528842926025,
0.4339911937713623,
-0.2889683246612549,
-0.6385138630867004,
0.6880325675010681,
-0.013113723136484623,
0.6250452399253845,
-0.7500550746917725,
-0.20311477780342102,
-0.07567679136991501,
0.380744069814682,
-0.2959898114204407,
-0.6583778858184814,
0.026045752689242363,
0.05681867524981499,
-0.15156584978103638,
0.06607405096292496,
0.248147115111351,
-0.41220375895500183,
-0.7137110233306885,
0.1562575399875641,
0.1435927301645279,
0.3830452859401703,
-0.08124734461307526,
-0.3969516158103943,
0.0811244323849678,
-0.022876085713505745,
-0.6630221009254456,
0.4315328598022461,
0.47876444458961487,
0.005765907466411591,
0.24147413671016693,
0.7587564587593079,
0.25835391879081726,
0.43931031227111816,
-0.14354293048381805,
0.998142659664154,
-0.6539217233657837,
-0.424892395734787,
-0.6868539452552795,
0.8835694789886475,
-0.10148924589157104,
-0.9119625687599182,
0.6221457123756409,
0.8567762970924377,
1.1405967473983765,
-0.3022781312465668,
0.8708648085594177,
-0.5052860975265503,
0.47663161158561707,
-0.6821004748344421,
0.7676558494567871,
-0.4485822021961212,
-0.07840415090322495,
-0.2814129889011383,
-0.7670732736587524,
0.15929433703422546,
0.8116726875305176,
-0.43852412700653076,
0.240181565284729,
0.733955442905426,
0.8007460832595825,
-0.4463595449924469,
-0.06439797580242157,
0.006815772037953138,
0.2910793423652649,
0.3907182514667511,
0.7188008427619934,
0.4272404611110687,
-0.9413836598396301,
0.482074111700058,
-0.6467065215110779,
-0.2012002319097519,
-0.3124557435512543,
-0.5811268091201782,
-0.9305009245872498,
-0.3788379728794098,
-0.38429269194602966,
-0.5094513893127441,
-0.30422213673591614,
1.2239758968353271,
0.9453572630882263,
-1.1601979732513428,
-0.1388879269361496,
-0.2988100051879883,
-0.4145391881465912,
-0.4184846878051758,
-0.3727284073829651,
0.7313076257705688,
-0.014503680169582367,
-0.9903395175933838,
0.23999831080436707,
-0.39415663480758667,
0.1402607560157776,
-0.12724913656711578,
-0.3507324755191803,
-0.16734696924686432,
-0.151550754904747,
0.4116314947605133,
0.27877679467201233,
-0.6431105136871338,
-0.09226899594068527,
-0.14344307780265808,
-0.07477257400751114,
0.12905271351337433,
0.268871545791626,
-0.637768030166626,
0.22919201850891113,
0.9088286757469177,
0.10473187267780304,
0.6436867117881775,
-0.0354074165225029,
0.2161119282245636,
-0.6943472027778625,
0.26709020137786865,
0.26138436794281006,
0.5829694867134094,
0.0234249047935009,
-0.1651964634656906,
0.7018359303474426,
0.28484031558036804,
-0.4407443106174469,
-1.0706775188446045,
-0.2428538203239441,
-1.1508064270019531,
0.01728769764304161,
1.0900003910064697,
-0.49033862352371216,
-0.35268837213516235,
0.3315024673938751,
-0.5293719172477722,
0.48217687010765076,
-0.7896558046340942,
0.47224536538124084,
0.7375949025154114,
-0.13393166661262512,
0.1271367371082306,
-0.8862515091896057,
0.2785370647907257,
0.09368038922548294,
-0.8988686203956604,
-0.10777068883180618,
0.5696201920509338,
0.5673710107803345,
0.4694834053516388,
0.524527370929718,
-0.2380068600177765,
0.4161982536315918,
0.2551438510417938,
0.17463372647762299,
-0.41132330894470215,
-0.42917129397392273,
-0.25174087285995483,
0.285544216632843,
-0.18027974665164948,
-0.8198331594467163
] |
Tap-M/Luna-AI-Llama2-Uncensored
|
Tap-M
| 2023-07-26T19:31:12Z | 5,233 | 113 |
transformers
|
[
"transformers",
"pytorch",
"llama",
"text-generation",
"license:cc-by-sa-4.0",
"endpoints_compatible",
"has_space",
"text-generation-inference",
"region:us"
] |
text-generation
| 2023-07-19T09:16:29Z |
---
license: cc-by-sa-4.0
---
<div style="width: 800px; margin: auto;">
<h2>Model Description</h2>
<p>“Luna AI Llama2 Uncensored” is a Llama2 based Chat model <br />fine-tuned on over 40,000 long form chat discussions <br />
This model was fine-tuned by Tap, the creator of Luna AI. <br />
<h2>Model Training</h2>
<p>The fine-tuning process was performed on an 8x a100 80GB machine.
<br />The model was trained on synthetic outputs which include multiple rounds of chats between Human & AI.
</p>
<a rel="noopener nofollow" href="https://huggingface.co/TheBloke/Luna-AI-Llama2-Uncensored-GPTQ">4bit GPTQ Version provided by @TheBloke - for GPU inference</a><br />
<a rel="noopener nofollow" href="https://huggingface.co/TheBloke/Luna-AI-Llama2-Uncensored-GGML">GGML Version provided by @TheBloke - For CPU inference</a>
<h2>Prompt Format</h2>
<p>The model follows the Vicuna 1.1/ OpenChat format:</p>
```
USER: I have difficulties in making friends, and I really need someone to talk to. Would you be my friend?
ASSISTANT: Of course! Friends are always here for each other. What do you like to do?
```
<h2>Benchmark Results</h2>
||||||
|---:|---:|---:|---:|---:|
|Task|Version| Metric |Value |Stderr|
|arc_challenge|0|acc_norm|0.5512|0.0146|
|hellaswag|0||||
|mmlu|1|acc_norm|0.46521|0.036|
|truthfulqa_mc|1|mc2|0.4716|0.0155|
|Average|-|-|0.5114|0.0150|
</div>
|
[
-0.3257332146167755,
-0.8974310755729675,
0.4834182560443878,
0.4254274070262909,
-0.4234738349914551,
0.1738113909959793,
-0.014621277339756489,
-0.7368690967559814,
0.5671631693840027,
0.598441481590271,
-0.7905246615409851,
-0.5062581896781921,
-0.6455389261245728,
-0.058623056858778,
-0.32097864151000977,
0.9801971912384033,
0.11132211238145828,
-0.22752055525779724,
0.08643580973148346,
-0.036897577345371246,
-0.7450335025787354,
-0.30041107535362244,
-1.0654326677322388,
-0.34564200043678284,
0.07072876393795013,
0.4427829086780548,
0.7331571578979492,
0.42390885949134827,
0.32695600390434265,
0.438942551612854,
-0.13588614761829376,
0.4755103290081024,
-0.965915322303772,
-0.026819882914423943,
0.05619689077138901,
-0.4739282429218292,
-0.7833486795425415,
0.014054001308977604,
0.4397011995315552,
0.13935692608356476,
-0.1523592174053192,
0.33612939715385437,
0.33671823143959045,
0.5883543491363525,
-0.3630015552043915,
0.21871668100357056,
-0.6053767800331116,
-0.03748361021280289,
-0.21537746489048004,
0.2952652871608734,
-0.20564039051532745,
-0.25570955872535706,
-0.32444414496421814,
-1.0651330947875977,
0.03133503347635269,
0.2238924503326416,
1.120659589767456,
0.6573929786682129,
-0.3105558156967163,
-0.09045135229825974,
-0.6562967300415039,
0.7093141078948975,
-0.7329108715057373,
0.013785203918814659,
0.7338089346885681,
0.5205978155136108,
-0.3809390664100647,
-0.754668653011322,
-0.6607984900474548,
-0.11250501126050949,
0.06298857182264328,
0.3166239559650421,
-0.43987756967544556,
-0.03835747390985489,
0.045365143567323685,
0.3643261194229126,
-0.4056583046913147,
0.23903025686740875,
-0.6498792171478271,
-0.1305638998746872,
0.8792261481285095,
0.3405657708644867,
0.17287428677082062,
-0.01092204637825489,
-0.385622501373291,
0.03330859914422035,
-0.22695784270763397,
0.09469539672136307,
0.45705223083496094,
0.03214823454618454,
-0.6487162113189697,
0.7738627195358276,
-0.4829288125038147,
0.12020806968212128,
0.25866618752479553,
-0.31751570105552673,
0.2879303991794586,
-0.2414969801902771,
-0.22667792439460754,
-0.2724323868751526,
1.3222570419311523,
0.8397319316864014,
0.30246973037719727,
-0.054346103221178055,
0.20759832859039307,
0.046907536685466766,
0.21849468350410461,
-0.8530529737472534,
-0.09797458350658417,
0.36270609498023987,
-0.42759817838668823,
-0.4531018137931824,
0.03479760140180588,
-0.7791744470596313,
-0.5600613951683044,
0.249444842338562,
0.3313899040222168,
-0.17232106626033783,
-0.5263881087303162,
0.24663101136684418,
0.03728092461824417,
0.0013648323947563767,
0.4564591944217682,
-0.8131147623062134,
0.5185980796813965,
0.41699281334877014,
0.8227508068084717,
-0.024685382843017578,
-0.1882292479276657,
-0.08721239864826202,
0.11760694533586502,
-0.31906750798225403,
0.4602636396884918,
-0.1835474818944931,
-0.5782094597816467,
-0.3534778356552124,
0.1403227001428604,
0.141419917345047,
-0.4656221568584442,
0.5831993818283081,
-0.28167638182640076,
0.15135380625724792,
-0.11914647370576859,
-0.38718855381011963,
-0.12821561098098755,
-0.08155908435583115,
-0.6693618893623352,
1.4470230340957642,
0.00031818661955185235,
-0.7250653505325317,
0.0025823561009019613,
-0.7522342801094055,
0.19636404514312744,
-0.15050570666790009,
0.1128382533788681,
-0.18531379103660583,
-0.15816624462604523,
0.04935130476951599,
0.47931888699531555,
-0.5997673869132996,
0.1465640366077423,
-0.5485817790031433,
-0.4241620600223541,
0.3772839903831482,
-0.2849639654159546,
0.7141874432563782,
0.14887893199920654,
-0.40862855315208435,
0.11912582814693451,
-0.8553904891014099,
-0.04152745380997658,
0.4923732280731201,
-0.1020701602101326,
-0.16000039875507355,
0.022226562723517418,
-0.04820777103304863,
-0.010452820919454098,
0.6272614598274231,
-0.7125426530838013,
0.24253985285758972,
-0.21384423971176147,
0.4368017017841339,
0.7804988622665405,
-0.13946980237960815,
0.29942914843559265,
-0.23845092952251434,
0.2943378686904907,
-0.2894088923931122,
0.6060730218887329,
0.33117830753326416,
-0.8608249425888062,
-0.82616126537323,
-0.39050206542015076,
-0.20625023543834686,
0.7659357786178589,
-0.48238298296928406,
0.5340738892555237,
0.12024684250354767,
-0.704835832118988,
-0.9972436428070068,
0.43374812602996826,
0.5866296291351318,
0.5113996267318726,
0.4786929488182068,
-0.346048504114151,
-0.49868547916412354,
-0.9768368601799011,
0.19469758868217468,
-0.39291566610336304,
-0.24112418293952942,
0.6031388640403748,
0.42816993594169617,
-0.47319450974464417,
0.8614460229873657,
-0.5795503258705139,
-0.35746076703071594,
-0.2662454843521118,
-0.16428130865097046,
0.0733175203204155,
0.2986921966075897,
0.6017682552337646,
-0.5566873550415039,
-0.6842856407165527,
-0.09810510277748108,
-1.1688491106033325,
-0.30997052788734436,
0.20852786302566528,
-0.5436035990715027,
0.01827097497880459,
0.3547314703464508,
-0.8078409433364868,
0.8219022750854492,
0.7315055727958679,
-0.5225489735603333,
0.43083199858665466,
-0.12637610733509064,
0.06611362844705582,
-1.4510968923568726,
-0.1913173347711563,
0.006653183605521917,
-0.224501371383667,
-0.5166890025138855,
0.026302838698029518,
-0.4079381227493286,
0.10854726284742355,
-0.33593055605888367,
0.854776918888092,
-0.35597214102745056,
-0.0120825981721282,
-0.4920084774494171,
0.2266470193862915,
0.11357176303863525,
0.5590061545372009,
-0.09922479093074799,
0.7866747975349426,
0.594488263130188,
-0.3013555705547333,
0.7184442281723022,
0.5240236520767212,
-0.2865569591522217,
0.21015308797359467,
-1.1393238306045532,
0.38201281428337097,
0.17045091092586517,
0.24515073001384735,
-1.278363585472107,
-0.2363654226064682,
0.6034916639328003,
-0.6340438723564148,
0.13064441084861755,
-0.026814328506588936,
-0.5246138572692871,
-0.3364207148551941,
-0.43030789494514465,
0.1488238275051117,
0.6376000046730042,
-0.6530445218086243,
0.1758367121219635,
0.6039125323295593,
0.16248668730258942,
-0.6219823956489563,
-0.52480548620224,
-0.04417892545461655,
-0.47953251004219055,
-0.8284299969673157,
0.35690027475357056,
-0.14287741482257843,
-0.2859620749950409,
-0.11382094770669937,
0.161733478307724,
-0.2829521596431732,
0.09075212478637695,
0.7946336269378662,
0.3129124343395233,
-0.014146671630442142,
-0.2650148272514343,
0.055375393480062485,
-0.23084214329719543,
-0.01899689808487892,
0.4357961416244507,
0.6818746328353882,
-0.3163239061832428,
-0.24707511067390442,
-0.9865831732749939,
0.419847309589386,
0.48292723298072815,
0.13088378310203552,
1.0019184350967407,
0.7230094075202942,
-0.2608344256877899,
0.017544962465763092,
-0.6944625973701477,
-0.15665274858474731,
-0.5985950231552124,
0.3166186511516571,
-0.18108642101287842,
-1.1028978824615479,
0.8738092184066772,
0.17404286563396454,
-0.054265521466732025,
0.4515261650085449,
0.6569032669067383,
-0.037931155413389206,
0.8740867972373962,
0.8505410552024841,
-0.2905350625514984,
0.3055858314037323,
-0.2458553910255432,
-0.12494535744190216,
-1.0481040477752686,
-0.37127286195755005,
-0.2997778654098511,
-0.1537100076675415,
-0.6192310452461243,
-0.508334219455719,
0.22393736243247986,
0.3321736752986908,
-0.553805947303772,
0.41964036226272583,
-0.6870827078819275,
0.528505802154541,
0.5194984674453735,
0.45709267258644104,
0.3498065769672394,
-0.35879167914390564,
0.2646886110305786,
-0.12278715521097183,
-0.2910090982913971,
-0.7852573394775391,
1.0756921768188477,
0.6001870036125183,
0.9312657117843628,
0.25052979588508606,
0.5264419317245483,
0.282927542924881,
0.03306376561522484,
-0.5734391212463379,
0.7340633273124695,
0.17497067153453827,
-0.8953762054443359,
-0.36048346757888794,
-0.2289191484451294,
-0.8711565136909485,
0.10451185703277588,
-0.33522355556488037,
-1.4719526767730713,
-0.12346217781305313,
-0.05554220452904701,
-0.20027029514312744,
0.3731018602848053,
-0.6401324272155762,
0.7750754356384277,
0.01212481688708067,
-0.5080499649047852,
-0.20352646708488464,
-0.5958439707756042,
0.6926964521408081,
-0.03385895490646362,
0.05103648453950882,
-0.4884829521179199,
-0.015283170156180859,
0.8693690896034241,
-0.6355931162834167,
1.2415471076965332,
-0.023228803649544716,
0.08810234069824219,
0.5479588508605957,
-0.009350765496492386,
0.433003693819046,
0.43140122294425964,
0.00958982389420271,
0.38101691007614136,
-0.04776579514145851,
-0.34728938341140747,
-0.26625505089759827,
0.5571389198303223,
-1.3693671226501465,
-0.7454695701599121,
-0.23544421792030334,
-0.21988902986049652,
-0.056549254804849625,
-0.04701509326696396,
0.5768541097640991,
-0.2631961405277252,
-0.2114970088005066,
0.20367266237735748,
0.36019983887672424,
-0.2923041880130768,
0.3134859800338745,
0.4477772116661072,
-0.4393548369407654,
-0.48533469438552856,
0.5883374214172363,
-0.19637510180473328,
0.156039759516716,
0.1038765013217926,
-0.072974793612957,
-0.3913711607456207,
-0.28410258889198303,
-0.4588256776332855,
0.5582365989685059,
-0.2722457945346832,
-0.15333260595798492,
-0.4685627222061157,
-0.3884740173816681,
-0.2244686484336853,
0.0074896011501550674,
-0.9249303340911865,
-0.36355048418045044,
-0.6381158232688904,
-0.1410834789276123,
0.848494291305542,
0.9273439645767212,
0.02655014395713806,
0.7629334330558777,
-0.46243247389793396,
0.5155916213989258,
0.3969705104827881,
0.33749014139175415,
-0.031083377078175545,
-0.6842921376228333,
-0.13515780866146088,
0.17804083228111267,
-0.4627048671245575,
-1.1254087686538696,
0.3499293327331543,
0.07443974912166595,
0.6466572880744934,
0.5199052095413208,
0.22023068368434906,
0.7910162806510925,
-0.2353985607624054,
0.8163121938705444,
0.1392669677734375,
-0.7560396790504456,
0.538369357585907,
-0.3290974497795105,
-0.38061365485191345,
0.5909796953201294,
0.3911386728286743,
-0.33553820848464966,
-0.40903040766716003,
-0.5446212887763977,
-0.6081194281578064,
0.8358883857727051,
0.44144055247306824,
0.2959636449813843,
0.12306153774261475,
0.5319773554801941,
-0.05481991544365883,
0.11755350977182388,
-0.8809915781021118,
-0.502365231513977,
-0.35242006182670593,
-0.005475292913615704,
-0.002656839322298765,
-0.4564974009990692,
-0.13996440172195435,
-0.4015507996082306,
0.7719317674636841,
-0.09086591750383377,
0.5622576475143433,
-0.056053318083286285,
0.43555259704589844,
-0.07157475501298904,
-0.08946125954389572,
0.2836543619632721,
0.3560684025287628,
-0.29552870988845825,
-0.4664837121963501,
0.3298284113407135,
-0.7029221057891846,
0.058730170130729675,
-0.03508855774998665,
0.17544130980968475,
-0.22377097606658936,
0.14622202515602112,
1.1135330200195312,
-0.1010788157582283,
-0.5260141491889954,
0.4120807647705078,
-0.3388293981552124,
-0.20268195867538452,
-0.40476080775260925,
0.3911614716053009,
0.3401274085044861,
0.700562596321106,
0.2336445152759552,
-0.5138335227966309,
0.04671327397227287,
-0.44600650668144226,
-0.20668548345565796,
0.6374387145042419,
-0.22183294594287872,
-0.30049964785575867,
1.088020920753479,
0.08840490132570267,
-0.2437092512845993,
0.6983891129493713,
-0.14348992705345154,
-0.2968783974647522,
0.6888468265533447,
0.6277216076850891,
0.7422896027565002,
-0.2813397943973541,
0.3770540654659271,
0.5137807726860046,
0.35251423716545105,
-0.08228194713592529,
0.22821637988090515,
0.11853226274251938,
-0.6969048976898193,
-0.32028505206108093,
-0.6779890656471252,
-0.750145435333252,
0.5298629403114319,
-0.681672215461731,
0.2631073296070099,
-0.5153015851974487,
-0.3334375023841858,
-0.017113935202360153,
0.21376550197601318,
-0.28518855571746826,
-0.07937165349721909,
0.006974102929234505,
0.7964144945144653,
-0.7788850665092468,
1.073783040046692,
0.4565657079219818,
-0.368164986371994,
-0.8514758944511414,
-0.4747242033481598,
0.12540030479431152,
-1.1456561088562012,
0.13376197218894958,
0.11086571216583252,
0.005438944790512323,
-0.13710986077785492,
-0.8204658627510071,
-1.0345344543457031,
1.4610074758529663,
0.44960659742355347,
-0.3305034339427948,
0.0066996971145272255,
0.3249252438545227,
0.6556267142295837,
-0.3730325698852539,
0.4555331766605377,
0.2626412808895111,
0.19554877281188965,
0.33294424414634705,
-1.337680697441101,
0.12991467118263245,
-0.6940121650695801,
0.05294923484325409,
-0.0406588651239872,
-1.376251220703125,
0.9100865125656128,
-0.056696657091379166,
0.024267073720693588,
0.4904886782169342,
0.8660269975662231,
0.38430559635162354,
0.4918693006038666,
0.29435110092163086,
0.5220392346382141,
0.8130500316619873,
-0.13533738255500793,
0.7741484045982361,
-0.26941943168640137,
0.37598639726638794,
0.9896830916404724,
-0.18325619399547577,
0.8042594194412231,
0.15720336139202118,
-0.39266255497932434,
0.4029982089996338,
0.9618183970451355,
-0.024313533678650856,
0.4204614758491516,
-0.09109409898519516,
-0.21466350555419922,
-0.11137623339891434,
-0.07275856286287308,
-0.5165637135505676,
0.4112102687358856,
0.37730133533477783,
-0.13065385818481445,
0.04130915179848671,
-0.11967425048351288,
0.3257167935371399,
-0.05672433227300644,
-0.07855512946844101,
0.9431655406951904,
0.04933978244662285,
-0.3011015057563782,
0.8347432017326355,
0.17081193625926971,
0.8536930084228516,
-0.6745492815971375,
-0.06676891446113586,
-0.4677216410636902,
0.1337798535823822,
-0.22501708567142487,
-0.8306702971458435,
0.29530593752861023,
0.29900437593460083,
0.04207281023263931,
0.26179447770118713,
0.6735913753509521,
-0.05281298607587814,
-0.29878342151641846,
0.5832574367523193,
0.3927730321884155,
0.5781466960906982,
-0.1440255045890808,
-0.8264187574386597,
0.23798002302646637,
0.10445146262645721,
-0.372964471578598,
0.49648699164390564,
0.29341280460357666,
-0.13811363279819489,
0.8799818158149719,
0.569953978061676,
-0.27131420373916626,
0.09375954419374466,
-0.3299453854560852,
1.1215108633041382,
-0.406233012676239,
-0.41055816411972046,
-0.8289996981620789,
0.5796871185302734,
-0.17489972710609436,
-0.6266419291496277,
0.8268765807151794,
0.5233962535858154,
0.5102382898330688,
0.09397804737091064,
0.5157166123390198,
-0.01733291707932949,
0.5860409736633301,
-0.4909593462944031,
0.7898057699203491,
-0.755829393863678,
0.14655520021915436,
-0.25645262002944946,
-0.7442328929901123,
0.27765485644340515,
0.7993875741958618,
0.07823792099952698,
-0.014365741983056068,
0.2154700756072998,
0.961367666721344,
0.033761028200387955,
0.05091411992907524,
0.21463774144649506,
0.38009363412857056,
0.24006213247776031,
0.8038412928581238,
0.9153316617012024,
-0.5422065258026123,
0.537013053894043,
-0.49423566460609436,
-0.37816718220710754,
-0.24585804343223572,
-0.5702009797096252,
-1.281065583229065,
-0.6843726634979248,
-0.259870320558548,
-0.6012594699859619,
0.17362193763256073,
0.7706568241119385,
0.6285930275917053,
-0.4260847270488739,
-0.5081756711006165,
0.12544198334217072,
0.045152775943279266,
0.12640811502933502,
-0.1983722448348999,
0.1412314921617508,
0.2986612319946289,
-0.8802222609519958,
0.4732479453086853,
-0.0902109369635582,
0.23639371991157532,
-0.2570013701915741,
-0.3755655288696289,
0.010763118043541908,
0.1982603222131729,
0.3590158224105835,
0.5526806712150574,
-0.7809509634971619,
-0.2183976173400879,
0.013752252794802189,
-0.19494616985321045,
0.11662305891513824,
-0.2991621792316437,
-0.4876735806465149,
0.21092207729816437,
0.05737446993589401,
0.07662525027990341,
0.969899594783783,
0.17120563983917236,
0.12976297736167908,
-0.5874289870262146,
0.4223696291446686,
-0.2286556512117386,
0.2664704918861389,
0.16546280682086945,
-0.4605588912963867,
0.8485314249992371,
0.17035101354122162,
-0.7261487245559692,
-0.8850798606872559,
-0.044418610632419586,
-1.3433361053466797,
-0.08521512150764465,
1.3334763050079346,
-0.02930004894733429,
-0.25477334856987,
0.09181930124759674,
-0.6631953120231628,
0.4714537262916565,
-0.7259188890457153,
0.9226191639900208,
0.6533414721488953,
-0.3212607502937317,
-0.11618329584598541,
-0.9163782000541687,
0.5167959332466125,
-0.10281229019165039,
-0.8754774928092957,
-0.1716224104166031,
0.4236401617527008,
0.20523536205291748,
0.1289786696434021,
0.9866416454315186,
0.11165643483400345,
0.10202562808990479,
0.08367851376533508,
0.08708290755748749,
-0.26765960454940796,
-0.26249000430107117,
0.10488990694284439,
-0.057318177074193954,
-0.04398948326706886,
-0.5451904535293579
] |
stabilityai/stablelm-base-alpha-7b-v2
|
stabilityai
| 2023-09-11T20:48:53Z | 5,233 | 44 |
transformers
|
[
"transformers",
"safetensors",
"stablelm_alpha",
"text-generation",
"causal-lm",
"custom_code",
"en",
"dataset:tiiuae/falcon-refinedweb",
"dataset:togethercomputer/RedPajama-Data-1T",
"dataset:CarperAI/pilev2-dev",
"dataset:bigcode/starcoderdata",
"dataset:JeanKaddour/minipile",
"arxiv:2002.05202",
"arxiv:2104.09864",
"arxiv:2101.00027",
"arxiv:2305.06161",
"arxiv:1910.02054",
"license:cc-by-sa-4.0",
"has_space",
"region:us"
] |
text-generation
| 2023-08-04T04:38:56Z |
---
datasets:
- tiiuae/falcon-refinedweb
- togethercomputer/RedPajama-Data-1T
- CarperAI/pilev2-dev
- bigcode/starcoderdata
- JeanKaddour/minipile
language:
- en
tags:
- causal-lm
license: cc-by-sa-4.0
---
# `StableLM-Base-Alpha-7B-v2`
## Model Description
`StableLM-Base-Alpha-7B-v2` is a 7 billion parameter decoder-only language model pre-trained on diverse English datasets. This model is the successor to the first [`StableLM-Base-Alpha-7B`](https://huggingface.co/stabilityai/stablelm-base-alpha-7b) model, addressing previous shortcomings through the use of improved data sources and mixture ratios.
## Usage
Get started generating text with `StableLM-Base-Alpha-7B-v2` by using the following code snippet:
```python
from transformers import AutoModelForCausalLM, AutoTokenizer
tokenizer = AutoTokenizer.from_pretrained("stabilityai/stablelm-base-alpha-7b-v2")
model = AutoModelForCausalLM.from_pretrained(
"stabilityai/stablelm-base-alpha-7b-v2",
trust_remote_code=True,
torch_dtype="auto",
)
model.cuda()
inputs = tokenizer("The weather is always wonderful", return_tensors="pt").to("cuda")
tokens = model.generate(
**inputs,
max_new_tokens=64,
temperature=0.75,
top_p=0.95,
do_sample=True,
)
print(tokenizer.decode(tokens[0], skip_special_tokens=True))
```
## Model Details
* **Developed by**: [Stability AI](https://stability.ai/)
* **Model type**: `StableLM-Base-Alpha-v2` models are auto-regressive language models based on the transformer decoder architecture.
* **Language(s)**: English
* **Library**: [GPT-NeoX](https://github.com/EleutherAI/gpt-neox)
* **License**: Model checkpoints are licensed under the Creative Commons license ([CC BY-SA-4.0](https://creativecommons.org/licenses/by-sa/4.0/)). Under this license, you must give [credit](https://creativecommons.org/licenses/by/4.0/#) to Stability AI, provide a link to the license, and [indicate if changes were made](https://creativecommons.org/licenses/by/4.0/#). You may do so in any reasonable manner, but not in any way that suggests the Stability AI endorses you or your use.
* **Contact**: For questions and comments about the model, please email `[email protected]`
### Model Architecture
| Parameters | Hidden Size | Layers | Heads | Sequence Length |
|----------------|-------------|--------|-------|-----------------|
| 6,890,209,280 | 4096 | 32 | 32 | 4096 |
The model is a decoder-only transformer similar to the `StableLM-Base-Alpha` (v1) with the following configurations:
* **Activation**: SwiGLU ([Shazeer, 2020](https://arxiv.org/abs/2002.05202))
* **Decoder Layer**: Parallel Attention and MLP residuals with a single input LayerNorm ([Wang & Komatsuzaki, 2021](https://github.com/kingoflolz/mesh-transformer-jax/tree/master))
* **Position Embeddings**: Rotary Position Embeddings ([Su et al., 2021](https://arxiv.org/abs/2104.09864))
* **Bias**: LayerNorm bias terms only
## Training
`StableLM-Base-Alpha-7B-v2` is pre-trained using a multi-stage context length extension schedule following similar work ([Nijkamp et al. 2023](https://blog.salesforceairesearch.com/xgen/)); first pre-training at a context length of 2048 for 1 trillion tokens, then fine-tuning at a context length of 4096 for another 100B tokens.
### Training Dataset
The first pre-training stage relies on 1 trillion tokens sourced from a mix of the public Falcon RefinedWeb extract ([Penedo et al., 2023](https://huggingface.co/datasets/tiiuae/falcon-refinedweb)), RedPajama-Data ([Together Computer 2023](https://github.com/togethercomputer/RedPajama-Data), The Pile ([Gao et al., 2020](https://arxiv.org/abs/2101.00027)), and internal datasets with web text sampled at a rate of 71%.
In the second stage, we include the StarCoder ([Li et al., 2023](https://arxiv.org/abs/2305.06161)) dataset and down sample web text to 55% while increasing sampling proportions of naturally long text examples in the aforementioned sources.
### Training Procedure
The model is pre-trained on the dataset mixes mentioned above in mixed-precision (FP16), optimized with AdamW, and trained using the NeoX tokenizer with a vocabulary size of 50,257. We outline the complete hyperparameters choices in the project's [GitHub repository - config](https://github.com/Stability-AI/StableLM/blob/main/configs/stablelm-base-alpha-7b-v2.yaml).
### Training Infrastructure
* **Hardware**: `StableLM-Base-Alpha-7B-v2` was trained on the Stability AI cluster - occupying 384 NVIDIA A100 40GB GPUs across AWS P4d instances. Training took approximately 16.33 days to complete across both stages.
* **Software**: We use a fork of gpt-neox ([EleutherAI, 2021](https://github.com/EleutherAI/gpt-neox)) and train under 2D parallelism (Data and Tensor Parallel) with ZeRO-1 ([Rajbhandari et al., 2019](https://arxiv.org/abs/1910.02054v3)) and rely on flash-attention as well as rotary embedding kernels from FlashAttention-2 ([Dao et al., 2023](https://tridao.me/publications/flash2/flash2.pdf))
## Use and Limitations
### Intended Use
These models are intended to be used by all individuals as foundational models for application-specific fine-tuning without strict limitations on commercial use.
### Limitations and bias
The pre-training dataset may have contained offensive or inappropriate content even after applying data cleansing filters which can be reflected in the model-generated text. We recommend that users exercise caution when using these models in production systems. Do not use the models for any applications that may cause harm or distress to individuals or groups.
### How to cite
```bibtex
@misc{StableLMAlphaV2Models,
url={[https://huggingface.co/stabilityai/stablelm-base-alpha-7b-v2](https://huggingface.co/stabilityai/stablelm-base-alpha-7b-v2)},
title={StableLM Alpha v2 Models},
author={Tow, Jonathan}
}
```
|
[
-0.37948018312454224,
-0.7016313672065735,
0.15659312903881073,
0.20035068690776825,
-0.3574044704437256,
-0.23840075731277466,
-0.2041858285665512,
-0.5949708223342896,
0.017046961933374405,
0.2519894540309906,
-0.4797532856464386,
-0.4813801348209381,
-0.6448162198066711,
0.049771811813116074,
-0.3531530201435089,
1.0410737991333008,
0.09358493238687515,
-0.10055535286664963,
-0.08066871762275696,
-0.19668394327163696,
-0.24795758724212646,
-0.4784708619117737,
-0.6623271703720093,
-0.17499098181724548,
0.21437352895736694,
0.021425660699605942,
0.8630991578102112,
0.9294134974479675,
0.5122197866439819,
0.3164581060409546,
-0.2346237152814865,
-0.02982134371995926,
-0.6352489590644836,
-0.03388139232993126,
0.14252044260501862,
-0.2139696627855301,
-0.5416802763938904,
-0.07192613184452057,
0.6584577560424805,
0.29062026739120483,
-0.15489424765110016,
0.28753358125686646,
-0.029889635741710663,
0.4008157253265381,
-0.5244823098182678,
0.2078031450510025,
-0.6489866971969604,
-0.30715683102607727,
-0.08473145961761475,
0.32387062907218933,
-0.38935109972953796,
0.0018210912821814418,
0.012686533853411674,
-0.7091767191886902,
0.19402548670768738,
0.035397469997406006,
1.3162775039672852,
0.357138991355896,
-0.2814076542854309,
0.06198260560631752,
-0.5760886073112488,
0.8181962966918945,
-0.9239094853401184,
0.4931803345680237,
0.391619473695755,
0.1924520581960678,
0.0488186851143837,
-0.9304908514022827,
-0.46877700090408325,
-0.15328389406204224,
-0.026101907715201378,
0.19130033254623413,
-0.1290273219347,
-0.07907088845968246,
0.32923924922943115,
0.005605757702142,
-0.6348252892494202,
0.05515754595398903,
-0.4374622702598572,
-0.30138880014419556,
0.5552783012390137,
0.19013385474681854,
0.017522715032100677,
-0.10400096327066422,
-0.46185430884361267,
-0.2806660234928131,
-0.5293183922767639,
0.1378728747367859,
0.23698817193508148,
0.275681734085083,
-0.433090478181839,
0.2575260102748871,
0.0010686866007745266,
0.45782890915870667,
0.17450742423534393,
-0.31967848539352417,
0.5142571330070496,
-0.47059300541877747,
-0.18944576382637024,
0.03566620871424675,
1.0729799270629883,
0.3369024395942688,
-0.1483808010816574,
-0.061626777052879333,
-0.3121815323829651,
0.2888062000274658,
0.29803672432899475,
-0.9158013463020325,
0.012355306185781956,
0.25614750385284424,
-0.493014395236969,
-0.34064918756484985,
0.1239398717880249,
-0.6453269720077515,
-0.13936962187290192,
-0.07843063026666641,
0.47179296612739563,
-0.47727832198143005,
-0.42075321078300476,
0.16137489676475525,
-0.08327284455299377,
0.3412998914718628,
0.08361759781837463,
-0.7657340168952942,
0.3456462025642395,
0.49213874340057373,
0.7178801894187927,
-0.04441734775900841,
-0.4885052740573883,
-0.22186951339244843,
0.05100608989596367,
-0.14497581124305725,
0.37507614493370056,
-0.30154672265052795,
-0.27355676889419556,
-0.1370508223772049,
0.21475811302661896,
0.010729430243372917,
-0.23955956101417542,
0.5372458696365356,
-0.48850420117378235,
0.27459973096847534,
-0.007144037168473005,
-0.283298522233963,
-0.16775168478488922,
0.3880718946456909,
-0.5437685251235962,
1.1216970682144165,
0.3302076458930969,
-0.8479791283607483,
0.17377734184265137,
-0.4416165053844452,
-0.3390915095806122,
-0.1413295716047287,
-0.04843549802899361,
-0.7816277146339417,
-0.24311651289463043,
0.17752444744110107,
0.14285659790039062,
-0.4206039607524872,
0.33229073882102966,
-0.24520355463027954,
-0.387916624546051,
-0.048478253185749054,
-0.38475167751312256,
0.8396243453025818,
0.15856146812438965,
-0.7918030619621277,
0.26557791233062744,
-0.7428412437438965,
-0.08470585197210312,
0.36197638511657715,
-0.17119236290454865,
-0.08464016020298004,
-0.18624931573867798,
0.16138312220573425,
0.36558297276496887,
0.3788512051105499,
-0.29831773042678833,
0.16723673045635223,
-0.4534401297569275,
0.41886985301971436,
0.5506824254989624,
-0.2145853340625763,
0.3778059780597687,
-0.23712460696697235,
0.5605137944221497,
0.13604281842708588,
0.4373927712440491,
-0.14726051688194275,
-0.6245214939117432,
-0.7994565963745117,
-0.06081222742795944,
0.30674365162849426,
0.5417567491531372,
-0.5727181434631348,
0.4853614866733551,
-0.35940152406692505,
-0.618726372718811,
-0.5821835398674011,
0.06319410353899002,
0.6628460884094238,
0.647659182548523,
0.6045545935630798,
-0.030832264572381973,
-0.7324901223182678,
-0.8617725372314453,
0.25957462191581726,
-0.29699522256851196,
0.2900393307209015,
0.058265842497348785,
0.5114514827728271,
-0.6066985726356506,
0.7321005463600159,
-0.16186995804309845,
-0.10358686745166779,
-0.1814410239458084,
0.046023424714803696,
0.2902252674102783,
0.5649958848953247,
0.7449849843978882,
-0.6654233932495117,
-0.375247985124588,
-0.10771998763084412,
-0.7831342816352844,
0.1253592073917389,
-0.0203008521348238,
-0.2305917590856552,
0.47361770272254944,
0.3252313733100891,
-0.8646911978721619,
0.39054200053215027,
0.5741161108016968,
-0.5066481828689575,
0.5896730422973633,
-0.1260773092508316,
-0.12155847251415253,
-1.2163316011428833,
0.31833747029304504,
0.037861064076423645,
-0.21044018864631653,
-0.5580618977546692,
0.027074085548520088,
0.18391671776771545,
-0.036021698266267776,
-0.7107169032096863,
0.6229672431945801,
-0.545722484588623,
0.05491648241877556,
-0.3076566457748413,
0.055880751460790634,
0.03973909839987755,
0.42587608098983765,
0.024813489988446236,
0.7053108811378479,
0.6964000463485718,
-0.5315275192260742,
-0.01812509074807167,
0.2840266525745392,
-0.06028880551457405,
-0.13688912987709045,
-0.8257611989974976,
0.12528063356876373,
-0.028260676190257072,
0.1637933999300003,
-0.6946148872375488,
0.09294162690639496,
0.343490332365036,
-0.5466592311859131,
0.32013756036758423,
-0.28572407364845276,
-0.2878038287162781,
-0.5019963979721069,
-0.2778749465942383,
0.4041438102722168,
0.7956599593162537,
-0.2902223467826843,
0.5791239738464355,
0.4110286235809326,
0.08440668135881424,
-1.0031957626342773,
-0.6279637813568115,
-0.12036359310150146,
-0.13398155570030212,
-0.7176879644393921,
0.3724195063114166,
-0.08658638596534729,
-0.14083850383758545,
0.12268645316362381,
-0.1216249093413353,
0.13552220165729523,
0.22873254120349884,
0.4372885823249817,
0.3991089165210724,
-0.27480292320251465,
-0.259557843208313,
0.08500677347183228,
-0.3160185217857361,
0.08928503096103668,
-0.288597047328949,
0.8058307766914368,
-0.5577839612960815,
0.06868480890989304,
-0.5686023831367493,
0.11317888647317886,
0.8220681548118591,
-0.17856977880001068,
1.042401671409607,
0.9219958186149597,
-0.3529767692089081,
0.10733338445425034,
-0.3191951811313629,
-0.3578687906265259,
-0.5012815594673157,
0.4687977135181427,
-0.14668162167072296,
-0.7256178855895996,
0.7808374762535095,
0.41657009720802307,
0.17293092608451843,
0.8422774076461792,
0.5958279371261597,
0.2152765393257141,
1.1809419393539429,
0.541304886341095,
-0.12243535369634628,
0.3569878041744232,
-0.7078073620796204,
-0.03210221976041794,
-0.7267554402351379,
-0.3229115605354309,
-0.467851459980011,
-0.22346439957618713,
-0.4125790297985077,
-0.29040318727493286,
0.08366043120622635,
0.17712414264678955,
-0.6384608745574951,
0.3566408157348633,
-0.5165831446647644,
0.1422341912984848,
0.46246570348739624,
-0.10641702264547348,
-0.1321633905172348,
-0.07866699993610382,
-0.1528274416923523,
0.12487007677555084,
-0.6866058707237244,
-0.44126272201538086,
0.9735594987869263,
0.5237284898757935,
0.7095500230789185,
0.06621163338422775,
0.4869559705257416,
-0.010971871204674244,
0.2585911154747009,
-0.5302492380142212,
0.5246207118034363,
-0.12384633719921112,
-0.6210934519767761,
-0.2199781984090805,
-0.42999929189682007,
-1.0391889810562134,
0.17316392064094543,
-0.3983900845050812,
-0.47470805048942566,
0.25794580578804016,
0.2193899154663086,
-0.2898004949092865,
0.13373920321464539,
-0.5774301886558533,
0.9799137711524963,
-0.45215338468551636,
-0.44222772121429443,
0.008355182595551014,
-0.9596351385116577,
0.29596057534217834,
0.11135171353816986,
0.20037753880023956,
-0.03819967806339264,
-0.07404680550098419,
0.8329139351844788,
-0.5121093988418579,
0.7351329922676086,
-0.31798824667930603,
0.17238059639930725,
0.31763970851898193,
-0.14266294240951538,
0.5807891488075256,
0.28607913851737976,
-0.2660200893878937,
0.4728012681007385,
-0.0024872897192835808,
-0.39945080876350403,
-0.3556225001811981,
0.6750496625900269,
-1.2615654468536377,
-0.5090497732162476,
-0.5638580918312073,
-0.4204769432544708,
0.06196906045079231,
0.6055436730384827,
0.42637190222740173,
0.42217379808425903,
0.1198674887418747,
0.4599333703517914,
0.40851500630378723,
0.0314054973423481,
0.5541321039199829,
0.4595477879047394,
-0.25984987616539,
-0.6618903279304504,
0.7105007171630859,
0.04023626819252968,
0.1303720772266388,
0.019732804968953133,
0.16451974213123322,
-0.5644236207008362,
-0.7782818675041199,
-0.5404001474380493,
0.39008018374443054,
-0.6429554224014282,
-0.42114463448524475,
-0.6771377921104431,
-0.33346593379974365,
-0.6433984041213989,
-0.023937156423926353,
-0.6418357491493225,
-0.23708344995975494,
-0.5161107778549194,
-0.12452735751867294,
0.36313772201538086,
0.4253615736961365,
0.1955876350402832,
0.3851046562194824,
-0.8072288632392883,
0.28946229815483093,
-0.033024974167346954,
0.2083020955324173,
-0.09457941353321075,
-0.7078999280929565,
-0.42073217034339905,
0.3129882514476776,
-0.1796869933605194,
-0.6142579317092896,
0.6005187630653381,
0.1481252908706665,
0.7172384262084961,
0.4488968849182129,
0.20047900080680847,
0.6558791399002075,
-0.2917277216911316,
0.9605345129966736,
0.22477775812149048,
-0.7880493402481079,
0.49803853034973145,
-0.3693943917751312,
0.4344693124294281,
0.6565245389938354,
0.40614932775497437,
-0.13414865732192993,
-0.3599138557910919,
-0.75914067029953,
-1.1251641511917114,
0.8720650672912598,
0.309359610080719,
0.06510097533464432,
-0.09819265455007553,
0.5834059715270996,
-0.004659539088606834,
0.11095680296421051,
-0.8030900955200195,
-0.5229632258415222,
-0.6248060464859009,
-0.36195001006126404,
-0.09553287923336029,
-0.25011274218559265,
-0.13763101398944855,
-0.3495342433452606,
0.8839948177337646,
-0.09046673029661179,
0.4383188784122467,
0.17294596135616302,
-0.32591965794563293,
-0.0748455822467804,
-0.1352689266204834,
0.7517434358596802,
0.6921674609184265,
-0.3983989357948303,
0.0750943273305893,
0.040832050144672394,
-0.847020149230957,
0.14068108797073364,
0.34050634503364563,
-0.49299806356430054,
-0.1450505256652832,
0.21735964715480804,
1.2927252054214478,
0.0953669622540474,
-0.5280217528343201,
0.3860498070716858,
-0.3487119674682617,
-0.39117714762687683,
-0.29733267426490784,
0.07828817516565323,
0.05395854264497757,
0.10535086691379547,
0.41256284713745117,
0.1255224198102951,
-0.12995444238185883,
-0.35435062646865845,
0.2196529060602188,
0.31123465299606323,
-0.2976745367050171,
-0.4277009069919586,
0.9077649712562561,
0.0803961530327797,
-0.23825663328170776,
0.7737361192703247,
-0.20244044065475464,
-0.4685209393501282,
0.6963121891021729,
0.9200623035430908,
0.7958223819732666,
-0.10322368890047073,
0.09968690574169159,
0.4824488162994385,
0.45665132999420166,
-0.3348262906074524,
0.22706207633018494,
0.3820469081401825,
-0.7175392508506775,
-0.190413236618042,
-0.7199856042861938,
-0.12958671152591705,
0.24542538821697235,
-0.6499428153038025,
0.4564950168132782,
-0.7154725790023804,
-0.4737373888492584,
-0.3062455952167511,
0.17604099214076996,
-0.5115578174591064,
0.27359557151794434,
0.21374207735061646,
0.8971160054206848,
-0.7656881809234619,
0.9418793320655823,
0.8954658508300781,
-0.4895474314689636,
-0.9318941831588745,
-0.13514606654644012,
-0.1519007384777069,
-0.6125640273094177,
0.31191056966781616,
0.3731782138347626,
-0.11805978417396545,
0.18020543456077576,
-0.46840700507164,
-1.0243842601776123,
1.3488878011703491,
0.5600753426551819,
-0.5639285445213318,
-0.012666046619415283,
-0.04818092659115791,
0.6138710379600525,
-0.37340524792671204,
0.41877269744873047,
0.3590337038040161,
0.44604921340942383,
0.014276457019150257,
-0.7270858287811279,
0.12425633519887924,
-0.6315798163414001,
0.013047626242041588,
0.17658556997776031,
-0.8356295824050903,
0.926280677318573,
-0.11008641123771667,
-0.04766569286584854,
-0.003050544997677207,
0.7627897262573242,
0.47759267687797546,
0.24390852451324463,
0.5296047925949097,
0.8299723267555237,
0.5573985576629639,
-0.11691164970397949,
1.0262972116470337,
-0.7412082552909851,
0.5957143306732178,
0.880757212638855,
0.02167404629290104,
0.8611415028572083,
0.2897157073020935,
-0.019433431327342987,
0.5285367369651794,
0.6227887272834778,
-0.1751253604888916,
0.4903601408004761,
-0.38453957438468933,
0.143434539437294,
-0.20817570388317108,
0.15924233198165894,
-0.7179813981056213,
0.21388359367847443,
0.3338054120540619,
-0.4054591655731201,
0.007506879046559334,
-0.019706983119249344,
0.20210105180740356,
-0.31835246086120605,
-0.2199820876121521,
0.530408501625061,
0.07845975458621979,
-0.5530939102172852,
1.0595933198928833,
0.11343874782323837,
0.7028137445449829,
-0.7033629417419434,
0.3075549006462097,
-0.20760484039783478,
0.27330470085144043,
-0.024145441129803658,
-0.5881730318069458,
0.22879666090011597,
-0.11213414371013641,
-0.2891010642051697,
-0.08096007257699966,
0.6782417297363281,
-0.29401078820228577,
-0.6119770407676697,
0.4830741882324219,
0.12735304236412048,
0.005114659201353788,
0.11741738021373749,
-1.0409678220748901,
0.4536340832710266,
-0.13836252689361572,
-0.4954702854156494,
0.3858938217163086,
0.09469621628522873,
-0.09544693678617477,
0.5963764786720276,
0.6588883399963379,
-0.1698414832353592,
0.20943014323711395,
0.069951131939888,
0.9163116812705994,
-0.6704066395759583,
-0.5451055765151978,
-0.7094976902008057,
0.7525273561477661,
0.007501612883061171,
-0.482920378446579,
0.7887415289878845,
0.6158373951911926,
0.6553305983543396,
0.025081176310777664,
0.6613374352455139,
-0.15582318603992462,
0.07661622762680054,
-0.3994060158729553,
0.8135074973106384,
-0.5813793540000916,
0.2344241589307785,
-0.21787728369235992,
-0.9251068234443665,
-0.2554421126842499,
0.6384811401367188,
-0.07833851873874664,
0.19891828298568726,
0.572985827922821,
0.8310057520866394,
-0.018105512484908104,
-0.2609238028526306,
0.15122652053833008,
0.5409405827522278,
0.36259132623672485,
0.41957733035087585,
0.5258157849311829,
-0.901983916759491,
0.7391085028648376,
-0.5118136405944824,
-0.03832115978002548,
-0.3381654620170593,
-0.686373770236969,
-0.8331000804901123,
-0.4643414318561554,
-0.34054088592529297,
-0.735314667224884,
0.1850014328956604,
0.7885692715644836,
0.7559587955474854,
-0.7686760425567627,
-0.12246361374855042,
-0.18302617967128754,
-0.07952072471380234,
-0.27267423272132874,
-0.16272036731243134,
0.41389912366867065,
-0.23843532800674438,
-0.5453914999961853,
0.35890838503837585,
0.07068908214569092,
0.23824065923690796,
-0.27528899908065796,
-0.5307427644729614,
-0.31133753061294556,
-0.1355067789554596,
0.423947811126709,
0.3592221736907959,
-0.6407859921455383,
-0.18352854251861572,
0.23854976892471313,
-0.21792708337306976,
0.13648368418216705,
0.27262237668037415,
-0.6882554888725281,
0.1868695318698883,
0.4860554337501526,
0.5785254836082458,
0.6256080269813538,
0.1744338423013687,
0.285611093044281,
-0.43545252084732056,
0.5363414287567139,
0.2387404441833496,
0.42362216114997864,
0.21718484163284302,
-0.3609423041343689,
0.3260239064693451,
0.46837106347084045,
-0.5433180332183838,
-0.92719966173172,
-0.09687522053718567,
-1.2609899044036865,
-0.1514984667301178,
1.354164481163025,
-0.18833017349243164,
-0.5450380444526672,
-0.05357882007956505,
-0.1948184072971344,
0.32755613327026367,
-0.5077433586120605,
0.6377302408218384,
0.35757774114608765,
0.07574604451656342,
-0.5056259036064148,
-0.19419510662555695,
0.44027191400527954,
0.25951141119003296,
-0.6019687056541443,
-0.12751103937625885,
0.39001795649528503,
0.3280688524246216,
0.361514687538147,
0.48491230607032776,
-0.234682098031044,
0.36933720111846924,
0.1459643542766571,
0.17984922230243683,
-0.39629048109054565,
-0.3875972330570221,
-0.3579413592815399,
0.19528435170650482,
-0.05518484488129616,
0.042928215116262436
] |
Helsinki-NLP/opus-mt-en-ml
|
Helsinki-NLP
| 2023-08-16T11:30:31Z | 5,229 | 2 |
transformers
|
[
"transformers",
"pytorch",
"tf",
"marian",
"text2text-generation",
"translation",
"en",
"ml",
"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-en-ml
* source languages: en
* target languages: ml
* OPUS readme: [en-ml](https://github.com/Helsinki-NLP/OPUS-MT-train/blob/master/models/en-ml/README.md)
* dataset: opus+bt+bt
* model: transformer-align
* pre-processing: normalization + SentencePiece
* download original weights: [opus+bt+bt-2020-04-28.zip](https://object.pouta.csc.fi/OPUS-MT-models/en-ml/opus+bt+bt-2020-04-28.zip)
* test set translations: [opus+bt+bt-2020-04-28.test.txt](https://object.pouta.csc.fi/OPUS-MT-models/en-ml/opus+bt+bt-2020-04-28.test.txt)
* test set scores: [opus+bt+bt-2020-04-28.eval.txt](https://object.pouta.csc.fi/OPUS-MT-models/en-ml/opus+bt+bt-2020-04-28.eval.txt)
## Benchmarks
| testset | BLEU | chr-F |
|-----------------------|-------|-------|
| Tatoeba.en.ml | 19.1 | 0.536 |
|
[
-0.2777428925037384,
-0.5745906233787537,
0.21716785430908203,
0.5403420329093933,
-0.43839433789253235,
-0.37790384888648987,
-0.5039130449295044,
-0.12018699198961258,
-0.0008557959808968008,
0.47887924313545227,
-0.7260661721229553,
-0.7237322926521301,
-0.659056544303894,
0.3011171519756317,
-0.12366537749767303,
0.8491566181182861,
-0.21251383423805237,
0.59003084897995,
0.17238126695156097,
-0.47526219487190247,
-0.41120922565460205,
-0.4580037295818329,
-0.5428218245506287,
-0.3572160601615906,
0.41514527797698975,
0.4033134877681732,
0.31285548210144043,
0.3990801274776459,
1.0075678825378418,
0.2580506503582001,
-0.16117405891418457,
0.1095224991440773,
-0.5043399333953857,
-0.06008530035614967,
0.10338763892650604,
-0.6113927364349365,
-0.7867773771286011,
-0.1470983773469925,
1.1657161712646484,
0.5225496292114258,
0.05800190195441246,
0.4828759729862213,
0.01952207460999489,
1.102407693862915,
-0.36271846294403076,
0.12077189236879349,
-0.6280628442764282,
0.02292262762784958,
-0.2723067104816437,
-0.3850014805793762,
-0.7760981321334839,
-0.37496840953826904,
0.2184678167104721,
-0.5430748462677002,
-0.005730101373046637,
0.12094269692897797,
1.5032308101654053,
0.3049093782901764,
-0.37454190850257874,
-0.13206098973751068,
-0.6159794926643372,
1.0863871574401855,
-0.7773202657699585,
0.6860433220863342,
0.4990835189819336,
0.290012001991272,
0.28515052795410156,
-0.600595235824585,
-0.2732018828392029,
0.06417621672153473,
-0.24541671574115753,
0.19005674123764038,
-0.0994296446442604,
-0.2636629641056061,
0.3358863294124603,
0.7324615716934204,
-0.8221873641014099,
-0.03058093599975109,
-0.6481069922447205,
-0.06613074988126755,
0.7455800771713257,
0.0945502519607544,
0.04022086039185524,
-0.10618436336517334,
-0.41221222281455994,
-0.5008795857429504,
-0.9703042507171631,
0.12476800382137299,
0.38267266750335693,
0.3999856114387512,
-0.5400308966636658,
0.7964662909507751,
-0.10377935320138931,
0.7896140813827515,
-0.034741293638944626,
0.05915694683790207,
1.0070693492889404,
-0.5303245782852173,
-0.4295329749584198,
-0.04286660999059677,
1.1994709968566895,
0.3075381815433502,
0.18666116893291473,
-0.02318185567855835,
-0.21702466905117035,
-0.3093160092830658,
0.056526560336351395,
-1.0970234870910645,
-0.14539627730846405,
0.27943867444992065,
-0.4944438636302948,
-0.1329556107521057,
0.00028725716401822865,
-0.5740050673484802,
0.2077082395553589,
-0.46457186341285706,
0.7880784273147583,
-0.7186076045036316,
-0.23732346296310425,
0.32947838306427,
0.013567080721259117,
0.3876825273036957,
-0.10852795094251633,
-0.6640444993972778,
0.13569490611553192,
0.41799166798591614,
0.8289152979850769,
-0.3993581235408783,
-0.3409290611743927,
-0.5104142427444458,
-0.18081530928611755,
-0.14960256218910217,
0.616064727306366,
-0.12417890131473541,
-0.5043526291847229,
-0.038177669048309326,
0.4817160367965698,
-0.3927116096019745,
-0.4089576303958893,
1.277262806892395,
-0.3547176718711853,
0.7958894371986389,
-0.5691732168197632,
-0.6963931322097778,
-0.40097862482070923,
0.4995571970939636,
-0.5925107598304749,
1.3418872356414795,
0.11275557428598404,
-0.9432805180549622,
0.3226383924484253,
-0.9222075343132019,
-0.21800824999809265,
-0.07456754893064499,
0.05775457248091698,
-0.7024903893470764,
-0.006046760361641645,
0.15098287165164948,
0.5025626420974731,
-0.24505890905857086,
0.3063052296638489,
-0.0922984927892685,
-0.4569392800331116,
0.16394075751304626,
-0.4701992869377136,
1.1566274166107178,
0.20813126862049103,
-0.37675178050994873,
0.30245038866996765,
-0.9935460090637207,
-0.061054207384586334,
-0.10521046072244644,
-0.6632933020591736,
-0.16164736449718475,
0.08422212302684784,
0.3279080092906952,
0.12565907835960388,
0.41332530975341797,
-0.7432272434234619,
0.21901445090770721,
-0.6563792824745178,
0.180829718708992,
0.761272132396698,
-0.306333988904953,
0.3303054869174957,
-0.4428238570690155,
0.2445020079612732,
0.10621747374534607,
0.04704611748456955,
0.06220687925815582,
-0.524786651134491,
-0.9971925616264343,
-0.3537275195121765,
0.7595694065093994,
1.1486468315124512,
-0.7809614539146423,
0.9862135648727417,
-0.722399890422821,
-0.8555204272270203,
-0.9194645285606384,
-0.09982509166002274,
0.5626214742660522,
0.41544657945632935,
0.6031832098960876,
-0.10401168465614319,
-0.5393052697181702,
-1.215725064277649,
-0.15392470359802246,
-0.19917942583560944,
-0.2000488042831421,
0.20996123552322388,
0.678270161151886,
-0.1976298987865448,
0.6316044926643372,
-0.4506586790084839,
-0.36879411339759827,
-0.1409391462802887,
0.12070830911397934,
0.5518113374710083,
0.6983379125595093,
0.5321342349052429,
-0.9832844138145447,
-0.6962046027183533,
0.04651908949017525,
-0.816441535949707,
-0.15968285501003265,
0.1228455975651741,
-0.2638188302516937,
0.20376253128051758,
0.10660301148891449,
-0.3149760365486145,
0.07630930095911026,
0.6654606461524963,
-0.7334559559822083,
0.7050220966339111,
-0.07836982607841492,
0.2948550581932068,
-1.4862734079360962,
0.19948002696037292,
-0.12201711535453796,
-0.09230872243642807,
-0.4488501250743866,
0.009606397710740566,
0.2958577275276184,
0.18753446638584137,
-0.8315141797065735,
0.6786196231842041,
-0.24255897104740143,
-0.08945070207118988,
0.29473647475242615,
-0.08503542095422745,
0.039594803005456924,
0.7965362071990967,
0.02019197680056095,
0.9215049147605896,
0.8301572799682617,
-0.6493269801139832,
0.22727186977863312,
0.6117720007896423,
-0.48756685853004456,
0.4095068573951721,
-0.8713631629943848,
-0.3280882239341736,
0.4000098705291748,
-0.17165391147136688,
-0.7694501280784607,
0.1564159095287323,
0.3443889915943146,
-0.7426542639732361,
0.5152319073677063,
-0.08714567869901657,
-0.8160305023193359,
-0.04994123429059982,
-0.2667427361011505,
0.5034914612770081,
0.7370103597640991,
-0.22552502155303955,
0.5900680422782898,
-0.0005640278104692698,
-0.03232589736580849,
-0.5841455459594727,
-1.10916268825531,
-0.1697004735469818,
-0.43099072575569153,
-0.7913374304771423,
0.24023929238319397,
-0.4341121017932892,
-0.0116630420088768,
0.09037802368402481,
0.32936081290245056,
-0.10734479874372482,
0.04500018060207367,
0.04816630110144615,
0.21941977739334106,
-0.5496681332588196,
0.19469144940376282,
0.017624923959374428,
-0.1330665647983551,
-0.11313258111476898,
-0.19365406036376953,
0.6460251212120056,
-0.42804887890815735,
-0.28129175305366516,
-0.6527379155158997,
0.0475945770740509,
0.5848637223243713,
-0.3490925133228302,
0.924342155456543,
0.729354739189148,
-0.0963323712348938,
0.22335848212242126,
-0.4822610020637512,
0.05854696035385132,
-0.5162274241447449,
0.22580485045909882,
-0.5210150480270386,
-0.9149618148803711,
0.5426060557365417,
0.19951754808425903,
0.5091704726219177,
0.8567178845405579,
0.8124152421951294,
-0.01412316132336855,
0.6301778554916382,
0.34131792187690735,
-0.04111284390091896,
0.46132832765579224,
-0.5998981595039368,
-0.25143980979919434,
-1.0991668701171875,
0.01680969074368477,
-0.6976281404495239,
-0.4386610984802246,
-0.9430685639381409,
-0.238131582736969,
0.29585322737693787,
0.07826002687215805,
-0.35382238030433655,
0.7224181890487671,
-0.5627530217170715,
0.18848475813865662,
0.7320489883422852,
-0.02314564399421215,
0.30166107416152954,
0.1503457874059677,
-0.5824990272521973,
-0.20959284901618958,
-0.5561023354530334,
-0.5316025614738464,
1.5179110765457153,
0.4123309850692749,
0.2522416114807129,
0.24952276051044464,
0.5619485378265381,
0.06531763821840286,
0.29650017619132996,
-0.6402779221534729,
0.5304942727088928,
-0.24564221501350403,
-0.8731484413146973,
-0.36680498719215393,
-0.6980707049369812,
-0.9628333449363708,
0.4669400155544281,
-0.26437851786613464,
-0.5512744784355164,
0.18026967346668243,
-0.008684332482516766,
-0.04751795902848244,
0.47666600346565247,
-0.7919663786888123,
1.267691969871521,
-0.05122759938240051,
-0.20676115155220032,
0.2523358166217804,
-0.4873451888561249,
0.24884027242660522,
-0.04069820046424866,
0.21495653688907623,
-0.11535057425498962,
0.16033929586410522,
0.7291487455368042,
-0.09449849277734756,
0.523845374584198,
-0.027065781876444817,
-0.06265483796596527,
0.12652960419654846,
0.08465944230556488,
0.4374646842479706,
-0.22712619602680206,
-0.46256521344184875,
0.43053245544433594,
0.026367850601673126,
-0.6002514362335205,
-0.11180245131254196,
0.550955057144165,
-0.7846447229385376,
0.038074009120464325,
-0.37320154905319214,
-0.7430444955825806,
-0.026916632428765297,
0.2935618758201599,
0.7728784084320068,
0.7629076838493347,
-0.32248473167419434,
0.6259690523147583,
0.863894522190094,
-0.3601101040840149,
0.4650520980358124,
0.8071009516716003,
-0.19920380413532257,
-0.6460155844688416,
1.036841869354248,
0.14193737506866455,
0.37331926822662354,
0.7036141157150269,
0.08109769970178604,
-0.25556033849716187,
-0.8582971692085266,
-0.801125705242157,
0.3108353316783905,
-0.34252968430519104,
-0.1168598011136055,
-0.6217530369758606,
-0.07495766133069992,
-0.26595088839530945,
0.2339126020669937,
-0.44386714696884155,
-0.5571503043174744,
-0.16327475011348724,
-0.284917950630188,
0.3742217719554901,
0.20207661390304565,
-0.12070945650339127,
0.4932403862476349,
-1.1444275379180908,
0.14138278365135193,
-0.07299042493104935,
0.44773608446121216,
-0.46996009349823,
-0.8336557149887085,
-0.5908270478248596,
0.054860807955265045,
-0.6457251906394958,
-0.786331832408905,
0.4979208707809448,
0.09594422578811646,
0.2572914958000183,
0.3787762224674225,
0.032736506313085556,
0.41047966480255127,
-0.7311451435089111,
0.9846546649932861,
-0.057582709938287735,
-0.7636615037918091,
0.46806541085243225,
-0.511910617351532,
0.44025376439094543,
1.0012723207473755,
0.3367776870727539,
-0.38882914185523987,
-0.5127769112586975,
-0.7251349687576294,
-0.8415338397026062,
0.8406816124916077,
0.8779405355453491,
-0.17809177935123444,
0.2947857677936554,
-0.12785792350769043,
0.03189992159605026,
0.2737579047679901,
-1.253110647201538,
-0.5461601614952087,
0.138579323887825,
-0.40145033597946167,
-0.25164973735809326,
-0.3734668493270874,
-0.2128233164548874,
-0.2659234404563904,
1.2343940734863281,
0.2802439332008362,
0.26833224296569824,
0.439884215593338,
-0.13497331738471985,
-0.17164462804794312,
0.30804622173309326,
0.9449991583824158,
0.5970512628555298,
-0.6917117834091187,
-0.23354081809520721,
0.3104436695575714,
-0.457312673330307,
-0.15395458042621613,
0.2211284041404724,
-0.5151873826980591,
0.3751629590988159,
0.557285726070404,
1.1722699403762817,
0.11435463279485703,
-0.6466636061668396,
0.3847523629665375,
-0.28078824281692505,
-0.4595838189125061,
-0.5796436667442322,
-0.21235978603363037,
0.17103271186351776,
0.06694293022155762,
0.2370804101228714,
0.09797780215740204,
0.22191236913204193,
-0.21155771613121033,
0.2753649652004242,
0.09372254461050034,
-0.7895767688751221,
-0.5652199387550354,
0.4435132145881653,
0.21615378558635712,
-0.38295814394950867,
0.4756491184234619,
-0.5023726224899292,
-0.628881573677063,
0.49849340319633484,
0.1703624576330185,
1.1824860572814941,
-0.24093493819236755,
-0.1808587908744812,
0.8065099716186523,
0.690266489982605,
-0.14591394364833832,
0.5858403444290161,
0.06764993816614151,
-0.7355992197990417,
-0.6079011559486389,
-0.9336544275283813,
-0.19831527769565582,
0.12196970731019974,
-0.8289903402328491,
0.3899788558483124,
0.40820807218551636,
0.05580982565879822,
-0.3520567715167999,
0.29663342237472534,
-0.6096988916397095,
0.1521352231502533,
-0.2671431303024292,
1.180060863494873,
-1.0281310081481934,
0.9370971918106079,
0.559647798538208,
-0.26463600993156433,
-0.8658306002616882,
-0.2689955234527588,
-0.3556683361530304,
-0.4715152680873871,
0.7462838888168335,
0.2564302086830139,
0.38144978880882263,
-0.11496604233980179,
-0.21394208073616028,
-0.8486562371253967,
1.1648706197738647,
0.19969095289707184,
-0.6439791917800903,
0.08823808282613754,
0.16896262764930725,
0.5353827476501465,
-0.3504474461078644,
0.0999155193567276,
0.483442485332489,
0.8301008939743042,
0.028485309332609177,
-1.232566237449646,
-0.3128545880317688,
-0.61700838804245,
-0.47112712264060974,
0.5689302086830139,
-0.5937938690185547,
1.01007080078125,
0.4470195174217224,
-0.14351005852222443,
0.086931973695755,
0.6687396168708801,
0.4322047829627991,
0.43814390897750854,
0.4604339897632599,
1.1748168468475342,
0.42931634187698364,
-0.5179694294929504,
1.122736930847168,
-0.3624096214771271,
0.5329143404960632,
1.2842763662338257,
0.027187366038560867,
0.989185631275177,
0.30374017357826233,
-0.24501435458660126,
0.5630665421485901,
0.8688485026359558,
-0.3474555015563965,
0.5372610688209534,
0.08381698280572891,
0.1524786353111267,
-0.17313562333583832,
0.24398326873779297,
-0.8494749069213867,
0.2479698359966278,
0.24425850808620453,
-0.3196544051170349,
0.06180080398917198,
-0.1341744065284729,
-0.019364504143595695,
-0.11572746187448502,
-0.21322667598724365,
0.6300621032714844,
0.00826635118573904,
-0.6010102033615112,
0.8677139282226562,
-0.08352667093276978,
0.7333376407623291,
-0.7465534210205078,
0.15326765179634094,
-0.07044731080532074,
0.21056702733039856,
0.04407993331551552,
-0.6310726404190063,
0.442176878452301,
0.030007297173142433,
-0.26986169815063477,
-0.35266780853271484,
0.21637864410877228,
-0.6895043849945068,
-1.1009756326675415,
0.4478168189525604,
0.538948655128479,
0.4568418860435486,
0.02498489059507847,
-1.0208755731582642,
-0.06331614404916763,
0.17922501266002655,
-0.6517769694328308,
0.0561075285077095,
0.8098199963569641,
0.40605974197387695,
0.5801156163215637,
0.6721161603927612,
0.27652788162231445,
0.2352929264307022,
-0.08221569657325745,
0.7188648581504822,
-0.5350270867347717,
-0.44149553775787354,
-1.0246998071670532,
0.8304485082626343,
-0.11989837884902954,
-0.6992707848548889,
0.8415049314498901,
1.163694977760315,
1.085986614227295,
-0.17045824229717255,
0.36787113547325134,
-0.025362813845276833,
0.7203576564788818,
-0.7043771147727966,
0.675283670425415,
-1.026899814605713,
0.241510808467865,
-0.1835484355688095,
-1.053281307220459,
-0.21962493658065796,
0.29189521074295044,
-0.25581610202789307,
-0.29731300473213196,
0.8385352492332458,
0.7625807523727417,
-0.17266517877578735,
-0.26116156578063965,
0.2958824932575226,
0.37756484746932983,
0.16014577448368073,
0.6630350947380066,
0.42573317885398865,
-1.0466687679290771,
0.6343754529953003,
-0.322662353515625,
-0.012671061791479588,
-0.11434539407491684,
-0.7605481147766113,
-1.0140777826309204,
-0.6379273533821106,
-0.23973232507705688,
-0.37250375747680664,
-0.27742570638656616,
0.9346651434898376,
0.5952023267745972,
-1.081076741218567,
-0.6171984672546387,
-0.02130778506398201,
0.23673273622989655,
-0.23982565104961395,
-0.27182501554489136,
0.8052732944488525,
-0.327693372964859,
-1.0698777437210083,
0.45409396290779114,
0.07453390955924988,
-0.05495556816458702,
-0.08628443628549576,
-0.3736160099506378,
-0.4704996943473816,
-0.09138693660497665,
0.415735125541687,
-0.0040772235952317715,
-0.5979955792427063,
0.15278053283691406,
0.16053441166877747,
-0.11240117251873016,
0.34939420223236084,
0.32052597403526306,
-0.3619765043258667,
0.31520238518714905,
0.8878171443939209,
0.47249922156333923,
0.47329261898994446,
-0.16488124430179596,
0.6064006686210632,
-0.8579415678977966,
0.29454848170280457,
0.20419783890247345,
0.6721014380455017,
0.44475314021110535,
-0.04904843121767044,
0.9217392206192017,
0.24139156937599182,
-0.6949573159217834,
-1.2136181592941284,
0.11368901282548904,
-1.3061420917510986,
-0.06805019825696945,
1.134545087814331,
-0.2857760488986969,
-0.22413375973701477,
0.32825031876564026,
-0.17674806714057922,
0.23610520362854004,
-0.3649558424949646,
0.50669264793396,
1.0123659372329712,
0.4193642735481262,
0.201660618185997,
-0.6945919990539551,
0.43746405839920044,
0.5982322096824646,
-0.7136228680610657,
-0.1728001981973648,
0.25193825364112854,
0.15467038750648499,
0.36565205454826355,
0.5336813926696777,
-0.22941827774047852,
0.15706069767475128,
-0.3045954406261444,
0.4255315959453583,
-0.1634841114282608,
-0.18497255444526672,
-0.31540757417678833,
0.05512012168765068,
-0.11832694709300995,
-0.4485132396221161
] |
TheBloke/Airoboros-L2-70B-2.1-GPTQ
|
TheBloke
| 2023-09-27T12:46:28Z | 5,217 | 16 |
transformers
|
[
"transformers",
"safetensors",
"llama",
"text-generation",
"dataset:jondurbin/airoboros-2.1",
"base_model:jondurbin/airoboros-l2-70b-2.1",
"license:llama2",
"has_space",
"text-generation-inference",
"4-bit",
"region:us"
] |
text-generation
| 2023-08-27T00:08:14Z |
---
license: llama2
datasets:
- jondurbin/airoboros-2.1
model_name: Airoboros L2 70B 2.1
base_model: jondurbin/airoboros-l2-70b-2.1
inference: false
model_creator: Jon Durbin
model_type: llama
prompt_template: "A chat.\nUSER: {prompt}\nASSISTANT: \n"
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 -->
# Airoboros L2 70B 2.1 - GPTQ
- Model creator: [Jon Durbin](https://huggingface.co/jondurbin)
- Original model: [Airoboros L2 70B 2.1](https://huggingface.co/jondurbin/airoboros-l2-70b-2.1)
<!-- description start -->
## Description
This repo contains GPTQ model files for [Jon Durbin's Airoboros L2 70B 2.1](https://huggingface.co/jondurbin/airoboros-l2-70b-2.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/Airoboros-L2-70B-2.1-AWQ)
* [GPTQ models for GPU inference, with multiple quantisation parameter options.](https://huggingface.co/TheBloke/Airoboros-L2-70B-2.1-GPTQ)
* [2, 3, 4, 5, 6 and 8-bit GGUF models for CPU+GPU inference](https://huggingface.co/TheBloke/Airoboros-L2-70B-2.1-GGUF)
* [Jon Durbin's original unquantised fp16 model in pytorch format, for GPU inference and for further conversions](https://huggingface.co/jondurbin/airoboros-l2-70b-2.1)
<!-- repositories-available end -->
<!-- prompt-template start -->
## Prompt template: Chat
```
A chat.
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/Airoboros-L2-70B-2.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-32g-actorder_True](https://huggingface.co/TheBloke/Airoboros-L2-70B-2.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-4bit-64g-actorder_True](https://huggingface.co/TheBloke/Airoboros-L2-70B-2.1-GPTQ/tree/gptq-4bit-64g-actorder_True) | 4 | 64 | Yes | 0.1 | [wikitext](https://huggingface.co/datasets/wikitext/viewer/wikitext-2-v1/test) | 4096 | 37.99 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/Airoboros-L2-70B-2.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-3bit--1g-actorder_True](https://huggingface.co/TheBloke/Airoboros-L2-70B-2.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/Airoboros-L2-70B-2.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. |
<!-- 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/Airoboros-L2-70B-2.1-GPTQ:main`
- With Git, you can clone a branch with:
```
git clone --single-branch --branch main https://huggingface.co/TheBloke/Airoboros-L2-70B-2.1-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/Airoboros-L2-70B-2.1-GPTQ`.
- To download from a specific branch, enter for example `TheBloke/Airoboros-L2-70B-2.1-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: `Airoboros-L2-70B-2.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.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/Airoboros-L2-70B-2.1-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'''A chat.
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: Jon Durbin's Airoboros L2 70B 2.1
### Overview
__*This model is a bit broken due to a prompt formatting bug in the training code! 2.2 will be available soon and should fix this*__
This is an instruction fine-tuned llama-2 model, using synthetic data generated by [airoboros](https://github.com/jondurbin/airoboros)
- Experimental RP style instruction set, with two categories: rp and gtkm
- rp includes multi-round chats, with emotes, between a varying number of characters, defined by cards
- gtkm is a way to test a simpler alternative to ghost attention - first, a character card is generated, then several questions are created to ask the model (as the character), using the character system prompt, then everything in synthesized into a dialog (one system prompt, all turns remain in character)
- Experimental support for longer, more detailed writing prompts, as well as next-chapter generation
- I used the new `cull-instructions` entrypoint in airoboros to shrink the m2.0 dataset to a smaller subset of high-quality instructions (according to gpt-4)
- The training data now also includes "stylized_response", in which 1500 sample instructions from various categories were re-generated using character cards as system prompts.
- this should allow better adherence to style/etc. specified in the system card
- Thousands of new generations, using some of the updates re: Flesch hints, etc., to get longer/higher quality writing outputs.
- A small "de-alignment" dataset was also added (not published) to remove some of the censorship in the base models.
*Why do I try to remove censorship?*
- laws vary widely based on time and location
- language model may conflate certain words with laws, e.g. it may think "stealing eggs from a chicken" is illegal
- these models just produce text, what you do with that text is your resonsibility
- many people and industries deal with "sensitive" content; imagine if a court stenographer's equipment filtered illegal content - it would be useless
Huge thank you to the folks over at [a16z](https://a16z.com/) for sponsoring the costs associated with building models and associated tools!
### Prompt format
The training code was updated to randomize newline vs space:
https://github.com/jondurbin/qlora/blob/main/qlora.py#L559C1-L559C1
```
A chat. USER: {prompt} ASSISTANT:
```
or
```
A chat.
USER: {prompt}
ASSISTANT:
```
So in other words, it's the preamble/system prompt, followed by a single space or newline, then "USER: " (single space after colon) then the prompt (which can have multiple lines, spaces, whatever), then a single space or newline, followed by "ASSISTANT: " (with a single space after the colon).
__*I strongly suggest adding stopping criteria/early inference stopping on "USER:", because the training data includes many multi-round chats and could otherwise start simulating a conversation!*__
### Helpful usage tips
*The prompts shown here are are just the text that would be included after USER: and before ASSISTANT: in the full prompt format above, the system prompt and USER:/ASSISTANT: have been omited for readability.*
#### Context obedient question answering
By obedient, I mean the model was trained to ignore what it thinks it knows, and uses the context to answer the question. The model was also tuned to limit the values to the provided context as much as possible to reduce hallucinations.
The format for a closed-context prompt is as follows:
```
BEGININPUT
BEGINCONTEXT
[key0: value0]
[key1: value1]
... other metdata ...
ENDCONTEXT
[insert your text blocks here]
ENDINPUT
[add as many other blocks, in the exact same format]
BEGININSTRUCTION
[insert your instruction(s). The model was tuned with single questions, paragraph format, lists, etc.]
ENDINSTRUCTION
```
It's also helpful to add "Don't make up answers if you don't know." to your instruction block to make sure if the context is completely unrelated it doesn't make something up.
*The __only__ prompts that need this closed context formating are closed-context instructions. Normal questions/instructions do not!*
I know it's a bit verbose and annoying, but after much trial and error, using these explicit delimiters helps the model understand where to find the responses and how to associate specific sources with it.
- `BEGININPUT` - denotes a new input block
- `BEGINCONTEXT` - denotes the block of context (metadata key/value pairs) to associate with the current input block
- `ENDCONTEXT` - denotes the end of the metadata block for the current input
- [text] - Insert whatever text you want for the input block, as many paragraphs as can fit in the context.
- `ENDINPUT` - denotes the end of the current input block
- [repeat as many input blocks in this format as you want]
- `BEGININSTRUCTION` - denotes the start of the list (or one) instruction(s) to respond to for all of the input blocks above.
- [instruction(s)]
- `ENDINSTRUCTION` - denotes the end of instruction set
It sometimes works without `ENDINSTRUCTION`, but by explicitly including that in the prompt, the model better understands that all of the instructions in the block should be responded to.
Here's a trivial, but important example to prove the point:
```
BEGININPUT
BEGINCONTEXT
date: 2021-01-01
url: https://web.site/123
ENDCONTEXT
In a shocking turn of events, blueberries are now green, but will be sticking with the same name.
ENDINPUT
BEGININSTRUCTION
What color are bluberries? Source?
ENDINSTRUCTION
```
And the response:
```
Blueberries are now green.
Source:
date: 2021-01-01
url: https://web.site/123
```
#### Coding
You can ask for fairly complex coding instructions with multiple criteria, e.g.:
```
Create a python application with the following requirements:
- Asyncio FastAPI webserver
- ping endpoint that returns the current date in JSON format
- file upload endpoint, which calculates the file's sha256 checksum, and checks postgres to deduplicate
```
Or inline criteria:
```
Write a multi-threaded TCP server in C that accepts a "GET [key]" input and "SET [key] [value]" input, and uses a binary tree to get and store the input values.
```
You can also optionally add a single space and "PLAINFORMAT" at the end of your prompt to avoid backticks, explanations, etc. and just print the code, e.g.:
```
Write a websocket application in node.js. PLAINFORMAT
```
#### Agent/function calling
The dataset includes many examples of function/args generation based on input criteria. This is somewhat similar to the OpenAI function calling, but the output is either JSON or YAML.
Example prompt:
```
As an AI assistant, please select the most suitable function and parameters from the list of available functions below, based on the user's input. Provide your response in JSON format.
Input: I want to know how many times 'Python' is mentioned in my text file.
Available functions:
file_analytics:
description: This tool performs various operations on a text file.
params:
action: The operation we want to perform on the data, such as "count_occurrences", "find_line", etc.
filters:
keyword: The word or phrase we want to search for.
```
Response:
```json
{
"function": "file_analytics",
"params": {
"action": "count_occurrences",
"filters": {
"keyword": "Python"
}
}
}
```
#### Chain-of-thought
You can ask for several possible responses to a given problem, with a ranking and final answer selection.
Example prompt:
```
A group of people decide to play a round-robin tournament where every player plays every other player exactly once. If a total of 45 games were played, how many players participated in the tournament? Offer several potential answers, rank them according to mathematical logic, and pick the most feasible one.
```
Example response:
```
Solution 1:
In a round-robin tournament, each player plays every other player exactly once. This means that the total number of games played is equal to the combination of all players taken two at a time (since a game involves two players).
The formula for combinations is nC2 = n(n-1)/2, where n is the total number of players. We know that nC2 equals 45 (the total number of games), so we can set up the equation as follows:
n(n-1)/2 = 45
Solving this equation gives us n=10.
Final answer: There were 10 players in the tournament.
Solution 2:
Another way to approach this problem is by using the concept of triangular numbers. Triangular numbers are a sequence of numbers where each number can be represented as a triangle with dots. The nth triangular number is given by the sum of the first n natural numbers.
If we consider each game as a dot and each player as a side of the triangle, then the total number of games (45) would correspond to the 9th triangular number because 1+2+3+4+5+6+7+8+9=45. However, since each side of the triangle represents a player, and there's one more player than sides in our model (because the last player has no one left to play against), we need to add one more to get the total number of players.
Final answer: There were 10 players in the tournament.
Solution 3:
We could also use trial and error to solve this problem. Starting from a small number of players, we calculate how many games would be played in a round-robin tournament until we reach 45 games. For example, with 2 players, only 1 game is played; with 3 players, 3 games are played; with 4 players, 6 games are played, and so on. Continuing this process, we find that with 10 players, 45 games are played.
Final answer: There were 10 players in the tournament.
Ranking of solutions from best to worst:
1. Solution 1: This solution uses direct mathematical reasoning based on the properties of a round-robin tournament and solves an equation to find the answer.
2. Solution 2: This solution uses the concept of triangular numbers which requires additional steps and knowledge beyond the immediate problem context, but still arrives at the correct answer.
3. Solution 3: This solution relies on trial and error, which is less efficient and reliable than the other methods, but it eventually gets to the right answer.
Best and final answer: There were 10 players in the tournament.
```
#### reWOO style execution planning
The model now supports execution planning for complex instructions that would require making use of several tools. The output is just the plan, you must implement a mechanism to parse the output and actually call the functions!
Example prompt:
```
Please construct a systematic plan to generate an optimal response to the user instruction, utilizing a set of provided tools. Each plan will correspond to an evidence value, which will be the output of one of the available functions given an input string
that could be the user's question, one or more prior evidence values, or a combination of both.
Here are the tools available to be called:
DuckDuckGo[input]: Tool that enables the user to search for information using the DuckDuckGo search engine. This tool is helpful in locating a suitable list of sites that may contain the answer to the user's query. It does not directly answer the question but finds a list of sites that might have the answer.
TextScraper[input]: Load one or more websites from the input string containing newline delimited links, where input is one or more links, and produces plain text output containing the content of the links.
HyperlinkExtractor[input]: Extract links from plain text and produces a plain text, newline delimited response of links.
KnowledgeModel[input]: Question answering language model, particularly useful in answering questions based on an input passage of text. The input must be a text question that references an :evidence[n]: variable, e.g. What color is the cat, given :evidence1:?
The output should be in format:
Plan: [first action to take based on input question]
:evidence0: = [function to call with input parameter]
Plan: [next action to take, based on result of :evidence0:]
:evidence1: = [next function to call and input parameter, which may include reference to previous evidence, e.g. "Given context :evidence0"]
...
Answer: [:evidence[n]: containing the final answer.]
Question: Who won the Nobel Prize in Literature in 2020 and what is their most famous work?
```
Response:
```
Plan: Begin by conducting a web search to find out who won the Nobel Prize in Literature in 2020.
:evidence0: = DuckDuckGo[Nobel Prize in Literature 2020 winner]
Plan: Utilize the KnowledgeModel to interpret the search results and find the name of the laureate.
:evidence1: = KnowledgeModel[Who won the Nobel Prize in Literature in 2020, given :evidence0:?]
Plan: Conduct another web search to find the most famous work of the identified laureate.
:evidence2: = DuckDuckGo[Most famous work of :evidence1:]
Plan: Extract the relevant links from the DuckDuckGo search results for a more focused search.
:evidence3: = HyperlinkExtractor[:evidence2:]
Plan: Use the TextScraper tool to extract information from the relevant links.
:evidence4: = TextScraper[:evidence3:]
Plan: Finally, utilize the KnowledgeModel to identify and summarize the most famous work of the laureate from the extracted information.
:evidence5: = KnowledgeModel[What is the most famous work of :evidence1:, given :evidence4:?]
Answer: :evidence5:
```
For this to be useful, you'd have to parse the output plan text, and implement/call each of the functions. This is just pseudo-code, completely untested off the top of my head, and obviously would requiring full implementation + hardening:
```python
import re
import requests
def inject_context(input_text, **context):
for ref in set(re.findall(r"(:evidence[0-9]+:)", input_text, re.I)):
input_text = input_text.replace(ref, context.get(ref, ""))
return input_text
def duckduckgo(input_text, **context):
search_string = inject_context(input_text, **context)
... search via duck duck go using search_string
... return text content
def link_extractor(input_text, **context):
input_text = inject_context(input_text, **context)
return "\n".join(list(set(re.findall(r"(https?://[^\s]+?\.?)", input_text, re.I))))
def scrape(input_text, **context):
input_text = inject_context(input_text, **context)
text = []
for link in input_text.splitlines():
text.append(requests.get(link).text)
return "\n".join(text)
def infer(input_text, **context)
prompt = inject_context(input_text, **context)
... call model with prompt, return output
def parse_plan(plan):
method_map = {
"DuckDuckGo": duckduckgo,
"HyperlinkExtractor": link_extractor,
"KnowledgeModel": infer,
"TextScraper": scrape,
}
context = {}
for line in plan.strip().splitlines():
if line.startswith("Plan:"):
print(line)
continue
parts = re.match("^(:evidence[0-9]+:)\s*=\s*([^\[]+])(\[.*\])\s$", line, re.I)
if not parts:
if line.startswith("Answer: "):
return context.get(line.split(" ")[-1].strip(), "Answer couldn't be generated...")
raise RuntimeError("bad format: " + line)
context[parts.group(1)] = method_map[parts.group(2)](parts.group(3), **context)
```
### Contribute
If you're interested in new functionality, particularly a new "instructor" type to generate a specific type of training data,
take a look at the dataset generation tool repo: https://github.com/jondurbin/airoboros and either make a PR or open an issue with details.
To help me with the OpenAI/compute costs:
- https://bmc.link/jondurbin
- ETH 0xce914eAFC2fe52FdceE59565Dd92c06f776fcb11
- BTC bc1qdwuth4vlg8x37ggntlxu5cjfwgmdy5zaa7pswf
### Licence and usage restrictions
The airoboros 2.1 models are built on top of llama-2.
The llama-2 base model has a custom Meta license:
- See the [meta-license/LICENSE.txt](meta-license/LICENSE.txt) file attached for the original license provided by Meta.
- See also [meta-license/USE_POLICY.md](meta-license/USE_POLICY.md) and [meta-license/Responsible-Use-Guide.pdf](meta-license/Responsible-Use-Guide.pdf), also provided by Meta.
The fine-tuning data was generated by OpenAI API calls to gpt-4, via [airoboros](https://github.com/jondurbin/airoboros)
The ToS for OpenAI API usage has a clause preventing the output from being used to train a model that __competes__ with OpenAI
- what does *compete* actually mean here?
- these small open source models will not produce output anywhere near the quality of gpt-4, or even gpt-3.5, so I can't imagine this could credibly be considered competing in the first place
- if someone else uses the dataset to do the same, they wouldn't necessarily be violating the ToS because they didn't call the API, so I don't know how that works
- the training data used in essentially all large language models includes a significant amount of copyrighted or otherwise non-permissive licensing in the first place
- other work using the self-instruct method, e.g. the original here: https://github.com/yizhongw/self-instruct released the data and model as apache-2
I am purposingly leaving this license ambiguous (other than the fact you must comply with the Meta original license for llama-2) because I am not a lawyer and refuse to attempt to interpret all of the terms accordingly.
Your best bet is probably to avoid using this commercially due to the OpenAI API usage.
Either way, by using this model, you agree to completely indemnify me.
|
[
-0.5345849990844727,
-0.7421068549156189,
0.05994899570941925,
0.175701305270195,
-0.2839367985725403,
-0.137888565659523,
0.08929186314344406,
-0.4848925769329071,
0.26152303814888,
0.3183046579360962,
-0.6280212998390198,
-0.411298930644989,
-0.324584424495697,
-0.11001164466142654,
-0.3669162392616272,
1.018220067024231,
0.009607331827282906,
-0.3662741184234619,
-0.01579238660633564,
-0.22248157858848572,
-0.22048425674438477,
-0.40991923213005066,
-0.676058828830719,
-0.2067089080810547,
0.33426791429519653,
0.16665877401828766,
0.8084568977355957,
0.5284432172775269,
0.22458720207214355,
0.3032629191875458,
-0.09817512333393097,
-0.0665760189294815,
-0.49459996819496155,
-0.18211589753627777,
0.18657246232032776,
-0.1394791156053543,
-0.6188718676567078,
0.11118097603321075,
0.4643349349498749,
0.22343914210796356,
-0.4663945734500885,
0.19689308106899261,
-0.0156475268304348,
0.7223196625709534,
-0.4258732795715332,
0.03655589744448662,
-0.40606585144996643,
0.05013974383473396,
-0.08283326029777527,
0.1996133178472519,
-0.05177263543009758,
-0.40325024724006653,
0.10111333429813385,
-0.8606033325195312,
0.1949438899755478,
0.021681178361177444,
1.2663533687591553,
0.058660563081502914,
-0.656167209148407,
0.1627459079027176,
-0.3987738788127899,
0.6270933747291565,
-0.951373279094696,
0.3906150162220001,
0.4822886288166046,
0.21369993686676025,
-0.2226000279188156,
-0.7985371351242065,
-0.5522330403327942,
-0.012461632490158081,
-0.12950241565704346,
0.31692013144493103,
-0.5042251348495483,
0.05827198550105095,
0.44565168023109436,
0.7516788840293884,
-0.9416970610618591,
-0.15558846294879913,
-0.2871747314929962,
-0.19067098200321198,
0.8807957172393799,
0.1479167640209198,
0.35969653725624084,
-0.2911434769630432,
-0.32110366225242615,
-0.46036002039909363,
-0.6272960305213928,
0.1045452207326889,
0.35188496112823486,
0.004879160784184933,
-0.6903894543647766,
0.42294609546661377,
-0.4122508466243744,
0.500742495059967,
0.17731064558029175,
-0.1459665447473526,
0.40847545862197876,
-0.5791494846343994,
-0.45518648624420166,
-0.3611263930797577,
1.1450482606887817,
0.35019180178642273,
-0.1978783756494522,
0.28876012563705444,
-0.005670812912285328,
-0.2058475911617279,
0.012828752398490906,
-1.0499550104141235,
-0.46798956394195557,
0.4306414723396301,
-0.5010232925415039,
-0.3081238269805908,
0.01961834542453289,
-0.7674102783203125,
0.037259310483932495,
-0.10355306416749954,
0.4957074224948883,
-0.5763859152793884,
-0.47458815574645996,
0.09049905091524124,
-0.444132000207901,
0.4437697231769562,
0.34750887751579285,
-0.7029117345809937,
0.45830532908439636,
0.3016524314880371,
0.6744289398193359,
0.13526137173175812,
-0.14557747542858124,
-0.19719304144382477,
0.09149403870105743,
-0.12295342236757278,
0.43679124116897583,
-0.16535569727420807,
-0.456257164478302,
-0.3213186264038086,
0.20602720975875854,
0.05096851661801338,
-0.2587931752204895,
0.47597870230674744,
-0.2225450724363327,
0.3598000407218933,
-0.42935457825660706,
-0.5489232540130615,
-0.39816638827323914,
0.10515051335096359,
-0.6475261449813843,
1.2578412294387817,
0.5366584062576294,
-0.7973502278327942,
0.18305397033691406,
-0.5060626268386841,
-0.1764468401670456,
-0.050048891454935074,
-0.04170548543334007,
-0.5811296701431274,
-0.06357485055923462,
0.22036795318126678,
0.25599023699760437,
-0.29141518473625183,
0.09175412356853485,
-0.3323332965373993,
-0.24033257365226746,
0.14346088469028473,
-0.519814670085907,
1.2683271169662476,
0.22663649916648865,
-0.4464501142501831,
-0.117645263671875,
-0.7009738087654114,
0.15490856766700745,
0.4319586753845215,
-0.26488104462623596,
0.004027119372040033,
-0.22399486601352692,
0.11631631851196289,
0.1465471088886261,
0.18839168548583984,
-0.34620407223701477,
0.5048486590385437,
-0.21477147936820984,
0.5761348605155945,
0.6044579148292542,
0.07363840192556381,
0.1746065318584442,
-0.46152910590171814,
0.5291439890861511,
0.08641315996646881,
0.5951720476150513,
0.06425022333860397,
-0.6943881511688232,
-0.6409863829612732,
-0.2251339703798294,
0.3750988841056824,
0.5468065738677979,
-0.6574441194534302,
0.4691603481769562,
-0.17553134262561798,
-0.8020901679992676,
-0.24807600677013397,
-0.03714289516210556,
0.2969081997871399,
0.27239111065864563,
0.3977453112602234,
-0.36907991766929626,
-0.34534668922424316,
-0.808212161064148,
0.07634153962135315,
-0.5379244685173035,
-0.03189713507890701,
0.4661772847175598,
0.7695680856704712,
-0.2564760744571686,
0.7344667911529541,
-0.7052668929100037,
-0.041277848184108734,
-0.000832412566523999,
0.16448286175727844,
0.2858496606349945,
0.5754292607307434,
0.8233800530433655,
-0.8124549984931946,
-0.512387752532959,
-0.05949540063738823,
-0.5730366110801697,
-0.11140342801809311,
0.008848831988871098,
-0.4016919732093811,
0.2374279648065567,
-0.008308539167046547,
-1.0403605699539185,
0.7009696364402771,
0.5466362237930298,
-0.6207035779953003,
0.7983675599098206,
-0.17688891291618347,
0.1738695502281189,
-1.0831724405288696,
0.12476865947246552,
0.12494764477014542,
-0.23830445110797882,
-0.46499744057655334,
0.10781507194042206,
-0.06927905231714249,
0.13899555802345276,
-0.4120992124080658,
0.6894001364707947,
-0.4781040549278259,
0.019222775474190712,
0.09286175668239594,
-0.06606664508581161,
0.3763927221298218,
0.49932777881622314,
-0.20220111310482025,
0.720123291015625,
0.40011677145957947,
-0.39714986085891724,
0.5549011826515198,
0.4298156797885895,
-0.01750531606376171,
0.27748793363571167,
-0.7744596004486084,
0.13860057294368744,
0.14111754298210144,
0.4135204553604126,
-0.9205719828605652,
-0.3107288181781769,
0.48666948080062866,
-0.5911081433296204,
0.40519678592681885,
-0.3368191719055176,
-0.3342558741569519,
-0.44090449810028076,
-0.6232494115829468,
0.3687131702899933,
0.7679218053817749,
-0.3542577028274536,
0.4733685553073883,
0.39749833941459656,
0.008855713531374931,
-0.5675544738769531,
-0.6417291760444641,
-0.21628215909004211,
-0.22822077572345734,
-0.5795977711677551,
0.47966235876083374,
-0.16295984387397766,
-0.08245707303285599,
0.0826997309923172,
-0.0671035423874855,
-0.13176436722278595,
-0.04580915346741676,
0.35380280017852783,
0.332008421421051,
-0.1260479986667633,
-0.16514316201210022,
0.18247424066066742,
0.11267560720443726,
-0.05760663375258446,
-0.28646814823150635,
0.35950377583503723,
-0.2017134130001068,
-0.009221336804330349,
-0.33844318985939026,
0.2704215943813324,
0.472182959318161,
0.06869659572839737,
0.6780565977096558,
0.8259493112564087,
-0.41210636496543884,
0.11907528340816498,
-0.5064110159873962,
-0.08127924799919128,
-0.49167996644973755,
0.1033339723944664,
-0.21746788918972015,
-0.6594480872154236,
0.5139731764793396,
0.39419910311698914,
0.16474643349647522,
0.7809318900108337,
0.3837214708328247,
-0.017766263335943222,
0.9175207018852234,
0.33102038502693176,
-0.23445436358451843,
0.4934357702732086,
-0.6565702557563782,
-0.2365996390581131,
-0.8051260113716125,
-0.21239615976810455,
-0.4154830873012543,
-0.22873099148273468,
-0.7731854915618896,
-0.4340875446796417,
0.29786038398742676,
0.35597383975982666,
-0.7610676288604736,
0.5915490984916687,
-0.6562217473983765,
0.11621756851673126,
0.5391412377357483,
0.2214186042547226,
0.16540801525115967,
0.0951954573392868,
-0.17530134320259094,
0.10783727467060089,
-0.5375375151634216,
-0.18644219636917114,
1.039860725402832,
0.3224588632583618,
0.653289258480072,
0.24599815905094147,
0.4877195656299591,
0.08859159052371979,
0.26679378747940063,
-0.49546942114830017,
0.5381711721420288,
-0.018807638436555862,
-0.7623273730278015,
-0.30897605419158936,
-0.6984029412269592,
-0.9183897376060486,
0.22995565831661224,
-0.10692457854747772,
-0.7803012728691101,
0.32470598816871643,
0.04015254229307175,
-0.29391419887542725,
0.2704363465309143,
-0.6422014832496643,
0.9828125238418579,
-0.17492741346359253,
-0.36469367146492004,
-0.021726621314883232,
-0.6690224409103394,
0.2981564998626709,
0.1760677695274353,
0.027933472767472267,
-0.24831335246562958,
-0.21411028504371643,
0.8368287086486816,
-0.8777371048927307,
0.6250167489051819,
-0.31349754333496094,
-0.04310108721256256,
0.5766912698745728,
-0.12105219811201096,
0.5087886452674866,
0.11699240654706955,
-0.03965349122881889,
0.38632991909980774,
0.3252834379673004,
-0.46078479290008545,
-0.398943156003952,
0.5794845819473267,
-0.9966334104537964,
-0.43909260630607605,
-0.4563538730144501,
-0.3916172385215759,
0.04337082430720329,
0.12257735431194305,
0.5056494474411011,
0.4864045977592468,
-0.048093412071466446,
0.08070304244756699,
0.5807538032531738,
-0.37790438532829285,
0.3999587893486023,
0.35580283403396606,
-0.3805996775627136,
-0.6588134169578552,
0.8349628448486328,
0.14643844962120056,
0.21315568685531616,
0.26491954922676086,
0.19634610414505005,
-0.43807926774024963,
-0.4742859899997711,
-0.6918609738349915,
0.32018575072288513,
-0.4835676848888397,
-0.4477062225341797,
-0.5360800623893738,
-0.3518442213535309,
-0.4626183807849884,
0.1938951313495636,
-0.32350265979766846,
-0.6969426274299622,
-0.38830330967903137,
-0.04608223959803581,
0.9304037094116211,
0.49809616804122925,
-0.1812339574098587,
0.283256471157074,
-0.7994855046272278,
0.3289564549922943,
0.38952386379241943,
0.21547527611255646,
-0.03681223839521408,
-0.7421018481254578,
-0.09924445301294327,
0.26376059651374817,
-0.6749582886695862,
-0.8889762759208679,
0.6183248162269592,
0.24580992758274078,
0.40955835580825806,
0.4126799702644348,
0.12305265665054321,
0.849024772644043,
-0.17097648978233337,
1.0718474388122559,
0.1984226107597351,
-0.9139750003814697,
0.5778215527534485,
-0.5713717937469482,
0.23712635040283203,
0.48607137799263,
0.5549902319908142,
-0.323401540517807,
-0.26062387228012085,
-0.7844745516777039,
-0.8149668574333191,
0.46730926632881165,
0.4627220332622528,
0.017580972984433174,
0.17707957327365875,
0.5741945505142212,
0.016287826001644135,
0.18012486398220062,
-0.7849328517913818,
-0.5383986234664917,
-0.4272838234901428,
-0.1612403392791748,
0.197587788105011,
0.010854070074856281,
-0.18369215726852417,
-0.710219144821167,
0.9840131998062134,
-0.16033874452114105,
0.7071616053581238,
0.32203301787376404,
0.20444296300411224,
-0.12399980425834656,
0.08145857602357864,
0.3426586091518402,
0.506367027759552,
-0.28837892413139343,
-0.26439324021339417,
0.13105802237987518,
-0.8248797059059143,
0.19438768923282623,
0.37608546018600464,
-0.18101032078266144,
-0.06410534679889679,
0.10237634927034378,
0.8169518709182739,
-0.013080021366477013,
-0.3203448951244354,
0.5486864447593689,
-0.2965826988220215,
-0.37039172649383545,
-0.3018292784690857,
0.21251969039440155,
0.18616169691085815,
0.2648496627807617,
0.3738212287425995,
-0.2510608732700348,
0.3149331212043762,
-0.5446405410766602,
0.18228553235530853,
0.51596599817276,
-0.12875007092952728,
-0.3440626859664917,
0.7634854912757874,
0.01457472424954176,
0.14178110659122467,
0.7493627667427063,
-0.30460816621780396,
-0.4291699230670929,
0.7927409410476685,
0.38870564103126526,
0.7751197218894958,
-0.17344951629638672,
0.2348763793706894,
0.5835050344467163,
0.1517922729253769,
-0.0744670182466507,
0.4469941258430481,
-0.019151465967297554,
-0.5773921012878418,
-0.32093578577041626,
-0.6144518256187439,
-0.35037606954574585,
0.30736470222473145,
-0.7899574637413025,
0.19280633330345154,
-0.37427452206611633,
-0.36712419986724854,
-0.11273737251758575,
0.4221140742301941,
-0.5542375445365906,
0.2972157597541809,
0.09091411530971527,
1.0426702499389648,
-0.7024972438812256,
0.8522940874099731,
0.5444547533988953,
-0.4108685553073883,
-1.05864417552948,
-0.12895245850086212,
0.16836050152778625,
-0.537541925907135,
0.195613831281662,
0.06948254257440567,
0.2834171950817108,
0.03678608685731888,
-0.6520100831985474,
-0.8394066095352173,
1.4325389862060547,
0.33282604813575745,
-0.5624967217445374,
-0.12975013256072998,
-0.028949687257409096,
0.2921021580696106,
-0.04311869293451309,
0.6941990852355957,
0.4969674050807953,
0.39545610547065735,
0.17645974457263947,
-0.9341988563537598,
0.4358006715774536,
-0.4825366735458374,
0.03658589720726013,
0.2766459286212921,
-1.0395256280899048,
0.9417827725410461,
0.014321843162178993,
-0.08752654492855072,
0.1899656504392624,
0.5696113109588623,
0.3840875029563904,
0.05153427645564079,
0.3814767599105835,
0.9036630392074585,
0.7023259997367859,
-0.33809176087379456,
1.1132643222808838,
-0.1545141339302063,
0.632760226726532,
0.7119194269180298,
0.03145642206072807,
0.7515871524810791,
0.24414518475532532,
-0.70903080701828,
0.6331660151481628,
0.8722436428070068,
-0.10418346524238586,
0.3475245237350464,
0.036994144320487976,
-0.2792273163795471,
-0.01622409000992775,
0.18784914910793304,
-0.7232096195220947,
0.13853318989276886,
0.34442126750946045,
-0.16552172601222992,
0.0952376201748848,
-0.17234912514686584,
0.05854989215731621,
-0.6914968490600586,
-0.16501663625240326,
0.5731196403503418,
0.24406231939792633,
-0.2891594171524048,
0.8533089756965637,
-0.1025332510471344,
0.6134399175643921,
-0.589535117149353,
-0.1764582395553589,
-0.3713732063770294,
-0.1126367598772049,
-0.33353641629219055,
-0.7389654517173767,
0.1941220909357071,
-0.16584645211696625,
-0.038268379867076874,
0.010702553205192089,
0.7131221890449524,
-0.18731123208999634,
-0.4590807557106018,
0.3347660005092621,
0.3906450867652893,
0.302929162979126,
-0.09876880049705505,
-1.0762062072753906,
0.31933045387268066,
0.021582704037427902,
-0.7914811372756958,
0.41219499707221985,
0.3601256310939789,
0.24789482355117798,
0.6354989409446716,
0.557202160358429,
-0.07634169608354568,
0.03746882081031799,
-0.190927654504776,
0.9427301287651062,
-0.817855954170227,
-0.28742867708206177,
-0.7527069449424744,
0.6092962026596069,
-0.16739872097969055,
-0.4851953685283661,
0.7451088428497314,
0.6374443173408508,
0.7404829263687134,
0.09903772920370102,
0.7326499223709106,
-0.4445917010307312,
0.17517390847206116,
-0.3808652460575104,
0.6594247221946716,
-0.7602277994155884,
0.06671268492937088,
-0.3934285044670105,
-0.6744652390480042,
0.015088118612766266,
0.7147612571716309,
-0.022982073947787285,
0.3079484701156616,
0.3660861849784851,
0.8124238848686218,
0.02616943046450615,
0.1999729424715042,
0.15583668649196625,
0.35596874356269836,
0.16563722491264343,
0.8412553668022156,
0.682167112827301,
-1.0228770971298218,
0.5553202033042908,
-0.4654134511947632,
-0.211999773979187,
-0.16122624278068542,
-0.7964178323745728,
-0.6388792991638184,
-0.4535832405090332,
-0.6661493182182312,
-0.5993345379829407,
-0.10657953470945358,
0.9276853203773499,
0.8769128918647766,
-0.6135374903678894,
-0.2886718511581421,
-0.13177615404129028,
-0.01965763419866562,
-0.29236602783203125,
-0.3218994736671448,
0.2871607542037964,
0.3899746537208557,
-0.6196250319480896,
0.17778055369853973,
0.031775929033756256,
0.42443227767944336,
-0.10083585977554321,
-0.33726468682289124,
-0.18737517297267914,
0.06535934656858444,
0.5603162050247192,
0.4884745180606842,
-0.53448885679245,
-0.13312950730323792,
-0.14961576461791992,
-0.05940530076622963,
0.24707253277301788,
0.2928224503993988,
-0.7096103429794312,
-0.030933229252696037,
0.5080052614212036,
0.14836423099040985,
0.8605822920799255,
0.05744777247309685,
0.27205824851989746,
-0.49502888321876526,
0.06369353830814362,
0.032111331820487976,
0.3368304371833801,
0.042203500866889954,
-0.48929399251937866,
0.6761656403541565,
0.42142632603645325,
-0.6580504179000854,
-0.7467393279075623,
-0.14894543588161469,
-1.231306552886963,
-0.2714497447013855,
1.1448296308517456,
-0.13397809863090515,
-0.28687864542007446,
0.015761608257889748,
-0.2734087109565735,
0.34726378321647644,
-0.5500544309616089,
0.2740626335144043,
0.47432181239128113,
-0.3134085237979889,
-0.3149454891681671,
-0.7390588521957397,
0.49362853169441223,
0.18436110019683838,
-0.8861544728279114,
0.0340605191886425,
0.5064670443534851,
0.49240997433662415,
0.057943519204854965,
0.8372572660446167,
-0.23849475383758545,
0.31626182794570923,
0.19918258488178253,
0.02297046408057213,
-0.019926616922020912,
0.07427771389484406,
-0.37477827072143555,
-0.03150658681988716,
-0.2170420140028,
0.034086719155311584
] |
timm/swinv2_base_window12to16_192to256.ms_in22k_ft_in1k
|
timm
| 2023-03-18T03:31:08Z | 5,214 | 0 |
timm
|
[
"timm",
"pytorch",
"safetensors",
"image-classification",
"dataset:imagenet-1k",
"dataset:imagenet-22k",
"arxiv:2111.09883",
"license:mit",
"region:us"
] |
image-classification
| 2023-03-18T03:30:33Z |
---
tags:
- image-classification
- timm
library_tag: timm
license: mit
datasets:
- imagenet-1k
- imagenet-22k
---
# Model card for swinv2_base_window12to16_192to256.ms_in22k_ft_in1k
A Swin Transformer V2 image classification model. Pretrained on ImageNet-22k and fine-tuned on ImageNet-1k by paper authors.
## Model Details
- **Model Type:** Image classification / feature backbone
- **Model Stats:**
- Params (M): 87.9
- GMACs: 22.0
- Activations (M): 84.7
- Image size: 256 x 256
- **Papers:**
- Swin Transformer V2: Scaling Up Capacity and Resolution: https://arxiv.org/abs/2111.09883
- **Original:** https://github.com/microsoft/Swin-Transformer
- **Dataset:** ImageNet-1k
- **Pretrain Dataset:** ImageNet-22k
## 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('swinv2_base_window12to16_192to256.ms_in22k_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(
'swinv2_base_window12to16_192to256.ms_in22k_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. for swin_base_patch4_window7_224 (NHWC output)
# torch.Size([1, 56, 56, 128])
# torch.Size([1, 28, 28, 256])
# torch.Size([1, 14, 14, 512])
# torch.Size([1, 7, 7, 1024])
# e.g. for swinv2_cr_small_ns_224 (NCHW output)
# 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(
'swinv2_base_window12to16_192to256.ms_in22k_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 (ie.e a (batch_size, H, W, num_features) tensor for swin / swinv2
# or (batch_size, num_features, H, W) for swinv2_cr
output = model.forward_head(output, pre_logits=True)
# output is (batch_size, num_features) 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{liu2021swinv2,
title={Swin Transformer V2: Scaling Up Capacity and Resolution},
author={Ze Liu and Han Hu and Yutong Lin and Zhuliang Yao and Zhenda Xie and Yixuan Wei and Jia Ning and Yue Cao and Zheng Zhang and Li Dong and Furu Wei and Baining Guo},
booktitle={International Conference on Computer Vision and Pattern Recognition (CVPR)},
year={2022}
}
```
```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.4323868155479431,
-0.3877929747104645,
-0.13260261714458466,
0.18778331577777863,
-0.353330135345459,
-0.44095227122306824,
-0.27191275358200073,
-0.5442915558815002,
-0.001904403092339635,
0.38759028911590576,
-0.5535455942153931,
-0.5505824089050293,
-0.6322374939918518,
-0.28933390974998474,
-0.10187076777219772,
0.9765697121620178,
-0.14740759134292603,
0.04707019776105881,
-0.27139705419540405,
-0.585400402545929,
-0.23397871851921082,
-0.14023345708847046,
-0.5548917055130005,
-0.41351667046546936,
0.30159980058670044,
0.18648876249790192,
0.5906108021736145,
0.4964165985584259,
0.7131219506263733,
0.46885016560554504,
-0.04619476571679115,
0.002786223776638508,
-0.24511241912841797,
-0.11887229979038239,
0.3180270493030548,
-0.6306654214859009,
-0.4308336079120636,
0.24277685582637787,
0.6281619668006897,
0.2799990475177765,
0.11772452294826508,
0.4245055615901947,
0.11108021438121796,
0.495085746049881,
-0.13210150599479675,
0.09266555309295654,
-0.5073039531707764,
0.11421310901641846,
-0.10703228414058685,
0.09740997850894928,
-0.23679183423519135,
-0.31711164116859436,
0.31717565655708313,
-0.5049433708190918,
0.6471519470214844,
0.03427257761359215,
1.4507313966751099,
0.06018751487135887,
-0.09756168723106384,
0.01736977882683277,
-0.3344666361808777,
0.9745433926582336,
-0.9517772793769836,
0.08054527640342712,
0.18537397682666779,
0.16290852427482605,
-0.00969790294766426,
-0.9099780321121216,
-0.52591872215271,
-0.1181018278002739,
-0.27528250217437744,
0.024174731224775314,
-0.271807998418808,
0.0028466633521020412,
0.4054873287677765,
0.21638323366641998,
-0.5505794882774353,
0.2204953134059906,
-0.5943109393119812,
-0.2971859276294708,
0.6894879937171936,
0.029009347781538963,
0.3844756484031677,
-0.25950032472610474,
-0.6155421733856201,
-0.5108816027641296,
-0.33208397030830383,
0.30637314915657043,
0.15899889171123505,
0.1866590976715088,
-0.5945345163345337,
0.5218954682350159,
0.3793391287326813,
0.43209853768348694,
-0.03358400613069534,
-0.45327842235565186,
0.6896781325340271,
-0.16400855779647827,
-0.3311741352081299,
-0.2658289074897766,
0.9881029725074768,
0.49239370226860046,
0.10425844043493271,
0.3133864998817444,
-0.29502955079078674,
-0.34601104259490967,
-0.08591797202825546,
-1.1743688583374023,
-0.2348819375038147,
0.3402353823184967,
-0.6881247162818909,
-0.43800994753837585,
0.2927533984184265,
-0.5927908420562744,
-0.14761291444301605,
-0.0820184275507927,
0.6128860116004944,
-0.5035629272460938,
-0.5540908575057983,
-0.1936904340982437,
-0.4710233211517334,
0.5607396364212036,
0.29509806632995605,
-0.5446345806121826,
0.06604929268360138,
0.276824027299881,
1.1418325901031494,
0.006133551709353924,
-0.5597659945487976,
-0.09993879497051239,
-0.3268736004829407,
-0.2694303095340729,
0.4112633168697357,
0.03878259286284447,
-0.19302932918071747,
-0.19715698063373566,
0.3184012174606323,
-0.08220361173152924,
-0.6612626314163208,
0.13710789382457733,
-0.19154980778694153,
0.26059722900390625,
-0.05849558860063553,
-0.2066095769405365,
-0.35093364119529724,
0.15958479046821594,
-0.373396635055542,
1.4436967372894287,
0.5758079290390015,
-0.9516451358795166,
0.2680853307247162,
-0.46494153141975403,
-0.34043315052986145,
-0.1292402595281601,
0.010650872252881527,
-1.0240134000778198,
0.036125779151916504,
0.1829184591770172,
0.6443515419960022,
-0.30141493678092957,
0.0803535059094429,
-0.44177305698394775,
-0.2771974503993988,
0.30811700224876404,
-0.061112720519304276,
0.979576826095581,
0.07538978010416031,
-0.5813201069831848,
0.34878236055374146,
-0.541589081287384,
0.14339205622673035,
0.5983151197433472,
-0.16066241264343262,
-0.22155475616455078,
-0.5781786441802979,
0.3177056908607483,
0.4292524755001068,
0.302443265914917,
-0.6046571731567383,
0.24111580848693848,
-0.27552950382232666,
0.4798000752925873,
0.6821888089179993,
-0.1942022293806076,
0.3799811899662018,
-0.3488369286060333,
0.2237781435251236,
0.4417041838169098,
0.35396289825439453,
-0.0646825060248375,
-0.6281669735908508,
-0.8837948441505432,
-0.35552868247032166,
0.22830244898796082,
0.4441898465156555,
-0.5670733451843262,
0.6351749897003174,
-0.23421822488307953,
-0.8566420674324036,
-0.4842379093170166,
0.07332908362150192,
0.3776687681674957,
0.5926796197891235,
0.4146580696105957,
-0.3082537353038788,
-0.6644216179847717,
-0.9864614009857178,
0.11982493102550507,
-0.02713892050087452,
-0.13752532005310059,
0.36557650566101074,
0.835824728012085,
-0.2361803650856018,
0.7659240961074829,
-0.35510578751564026,
-0.3427414000034332,
-0.4132881760597229,
0.2243134081363678,
0.4008026719093323,
0.7323271036148071,
0.8531168103218079,
-0.5973123908042908,
-0.4723440408706665,
-0.04374322295188904,
-0.9108733534812927,
0.07459995150566101,
-0.17947418987751007,
-0.22768066823482513,
0.3790607750415802,
0.01776461862027645,
-0.6344155073165894,
0.7049771547317505,
0.2734100818634033,
-0.3654727637767792,
0.6350530385971069,
-0.37353503704071045,
0.19545507431030273,
-1.0783655643463135,
0.06725937128067017,
0.4668516218662262,
-0.05859677866101265,
-0.5298816561698914,
-0.0568949431180954,
0.21741479635238647,
-0.015987617895007133,
-0.5295706391334534,
0.6167845129966736,
-0.5902793407440186,
-0.3219812214374542,
-0.20381049811840057,
-0.028553025797009468,
0.10164356231689453,
0.6916034817695618,
0.022661082446575165,
0.42903515696525574,
0.8988515734672546,
-0.41144296526908875,
0.37619099020957947,
0.39474567770957947,
-0.2542109191417694,
0.3784652054309845,
-0.835685670375824,
0.014222855679690838,
-0.02367290109395981,
0.27419400215148926,
-1.070480465888977,
-0.1171223521232605,
0.053040020167827606,
-0.6334854364395142,
0.6062353253364563,
-0.5528604984283447,
-0.37014803290367126,
-0.675964891910553,
-0.6656271815299988,
0.30167362093925476,
0.9422973990440369,
-0.7691856026649475,
0.49999603629112244,
0.22349052131175995,
0.17038704454898834,
-0.6173582673072815,
-0.9911178946495056,
-0.3821057379245758,
-0.25847119092941284,
-0.8765544891357422,
0.4222199320793152,
0.2283354550600052,
0.017525017261505127,
0.06402935087680817,
-0.12247184664011002,
0.03339048847556114,
-0.26934748888015747,
0.6290727257728577,
0.7274189591407776,
-0.3647044897079468,
-0.209058940410614,
-0.1885307878255844,
-0.04698415845632553,
0.055670857429504395,
-0.1239142045378685,
0.5394120812416077,
-0.25868943333625793,
-0.14506882429122925,
-0.6637747287750244,
-0.08308421075344086,
0.607223391532898,
-0.11257031559944153,
0.783046543598175,
1.3211227655410767,
-0.4074215590953827,
-0.07706200331449509,
-0.47749724984169006,
-0.31640735268592834,
-0.519152820110321,
0.5171229839324951,
-0.303581178188324,
-0.44089779257774353,
0.8323761224746704,
0.07504592835903168,
0.31228107213974,
0.8064253926277161,
0.33990412950515747,
-0.30195942521095276,
0.9120526909828186,
0.4560847878456116,
0.1439974009990692,
0.768116295337677,
-1.0062087774276733,
-0.16656988859176636,
-0.9060678482055664,
-0.5501512885093689,
-0.4007047414779663,
-0.6452104449272156,
-0.5324791669845581,
-0.5622076392173767,
0.40577566623687744,
0.21194477379322052,
-0.37071266770362854,
0.6189612746238708,
-0.8175678849220276,
-0.02956015057861805,
0.6937555074691772,
0.4131344258785248,
-0.48531970381736755,
0.32642853260040283,
-0.21272514760494232,
-0.22655455768108368,
-0.6211917996406555,
-0.13260526955127716,
0.9700585007667542,
0.5732566118240356,
0.7534831762313843,
-0.14800746738910675,
0.5728051066398621,
-0.06211361289024353,
0.23362459242343903,
-0.5885800123214722,
0.6367989182472229,
-0.05449002608656883,
-0.3316592574119568,
-0.24416255950927734,
-0.3235890567302704,
-1.0465052127838135,
0.34504303336143494,
-0.3546212911605835,
-0.6826073527336121,
0.16100461781024933,
0.05307412147521973,
0.031926121562719345,
0.797014594078064,
-0.8009318709373474,
0.8469464182853699,
-0.26342135667800903,
-0.39349743723869324,
-0.09156453609466553,
-0.8189904689788818,
0.20832638442516327,
0.3802575170993805,
-0.14340592920780182,
-0.1993829756975174,
0.1334877759218216,
1.1975802183151245,
-0.7151085138320923,
0.9076027870178223,
-0.6653481125831604,
0.3445132076740265,
0.5156354904174805,
-0.2167055755853653,
0.5257527828216553,
-0.17825914919376373,
-0.001854014815762639,
0.3962557911872864,
0.056629642844200134,
-0.48413047194480896,
-0.5949259996414185,
0.6457700729370117,
-1.1433589458465576,
-0.320056289434433,
-0.38733425736427307,
-0.43303829431533813,
0.228390172123909,
0.1232338547706604,
0.5953677296638489,
0.6944207549095154,
0.18870000541210175,
0.2495901733636856,
0.641991376876831,
-0.35951974987983704,
0.5496135950088501,
0.035380396991968155,
-0.1698206514120102,
-0.4268885552883148,
0.8600311279296875,
0.20320801436901093,
0.1143760085105896,
0.06172826141119003,
0.2950592637062073,
-0.3971897065639496,
-0.6252521872520447,
-0.3531486392021179,
0.5099357962608337,
-0.7156521081924438,
-0.5287057757377625,
-0.555965781211853,
-0.5564663410186768,
-0.5495166778564453,
-0.19087886810302734,
-0.44381818175315857,
-0.30934417247772217,
-0.408760130405426,
0.1916612982749939,
0.7627241015434265,
0.6705066561698914,
-0.07726912945508957,
0.36295995116233826,
-0.5614780783653259,
0.10130412876605988,
0.10733889788389206,
0.3306160569190979,
-0.058377645909786224,
-1.0486584901809692,
-0.2427438348531723,
-0.022539837285876274,
-0.32752877473831177,
-0.6282498240470886,
0.5372293591499329,
0.1386212855577469,
0.6068235635757446,
0.36388397216796875,
-0.11718440800905228,
0.8478215932846069,
-0.005200771149247885,
0.8040074110031128,
0.5200449228286743,
-0.6668442487716675,
0.7944278120994568,
0.014205682091414928,
0.20074941217899323,
0.01441117562353611,
0.19828930497169495,
-0.2866367995738983,
-0.11995575577020645,
-0.9617255926132202,
-0.932650089263916,
0.8853332996368408,
0.09167493879795074,
0.00931195542216301,
0.45553848147392273,
0.5157310366630554,
0.12943437695503235,
-0.09539036452770233,
-0.7022470235824585,
-0.4706779420375824,
-0.4884434640407562,
-0.2114780992269516,
0.06933905929327011,
-0.16900894045829773,
-0.11602287739515305,
-0.8217535614967346,
0.7391535043716431,
-0.07501306384801865,
0.8075083494186401,
0.31004542112350464,
-0.30264541506767273,
-0.09719168394804001,
-0.33634278178215027,
0.5203230381011963,
0.30896005034446716,
-0.28155192732810974,
-0.013911256566643715,
0.2673991918563843,
-0.7056151032447815,
-0.013247089460492134,
0.001994827063754201,
-0.0027089284267276525,
0.11454124003648758,
0.6462765336036682,
1.1351264715194702,
0.1194983720779419,
-0.10348739475011826,
0.7325926423072815,
0.021406585350632668,
-0.5940542817115784,
-0.3070860207080841,
0.1968865841627121,
-0.0636284276843071,
0.4005390405654907,
0.45044848322868347,
0.4663603603839874,
-0.30031678080558777,
-0.2143753468990326,
0.1732637584209442,
0.5914410352706909,
-0.2701602280139923,
-0.36650967597961426,
0.6414159536361694,
-0.05447199568152428,
-0.09867548197507858,
0.9893848299980164,
0.13342627882957458,
-0.47962337732315063,
1.1090221405029297,
0.6229925751686096,
0.751994252204895,
0.05430035665631294,
0.06972774118185043,
0.9281712770462036,
0.23454996943473816,
0.0025618725921958685,
0.18358057737350464,
0.1588655561208725,
-0.7918646931648254,
0.20222534239292145,
-0.4976174831390381,
0.024076037108898163,
0.35155224800109863,
-0.7763221263885498,
0.4287218153476715,
-0.6017019152641296,
-0.3802315890789032,
0.050181806087493896,
0.39089009165763855,
-1.0311706066131592,
0.13155223429203033,
0.011155596934258938,
0.9826361536979675,
-0.8569207191467285,
0.9526032209396362,
0.7237634658813477,
-0.5248185992240906,
-0.9622226357460022,
-0.2514588534832001,
-0.024143477901816368,
-1.0421565771102905,
0.41576120257377625,
0.5249373912811279,
0.11194416880607605,
-0.09850876033306122,
-0.8255334496498108,
-0.6344174742698669,
1.6843727827072144,
0.25467273592948914,
-0.22604703903198242,
0.2038416713476181,
-0.10371489822864532,
0.33432430028915405,
-0.4164714217185974,
0.6072792410850525,
0.38321930170059204,
0.5350254774093628,
0.3240421712398529,
-0.6203586459159851,
0.22539086639881134,
-0.3877338767051697,
0.3378382623195648,
0.12451595813035965,
-0.6891645789146423,
0.9031814932823181,
-0.7131288051605225,
-0.14475402235984802,
0.02867092192173004,
0.7837010025978088,
0.3037499487400055,
0.06459210067987442,
0.5769551396369934,
0.6057659983634949,
0.5353654623031616,
-0.3896864354610443,
0.8025112748146057,
0.08905383199453354,
0.6595130562782288,
0.5919281244277954,
0.19320158660411835,
0.6705425977706909,
0.45525217056274414,
-0.4049321711063385,
0.5132017135620117,
0.9594582915306091,
-0.5937210917472839,
0.33456844091415405,
0.0991305559873581,
0.09921719878911972,
0.0464954748749733,
0.22356364130973816,
-0.5407382249832153,
0.3238052725791931,
0.28541189432144165,
-0.4955391585826874,
-0.1397787183523178,
0.23239724338054657,
-0.06952667981386185,
-0.43562838435173035,
-0.1805921196937561,
0.4808517098426819,
-0.13495849072933197,
-0.41434362530708313,
0.7581875324249268,
0.11030061542987823,
1.1712372303009033,
-0.6457691192626953,
0.0958409532904625,
-0.28638702630996704,
0.1442025601863861,
-0.39751625061035156,
-0.9924721717834473,
0.17740577459335327,
-0.24875813722610474,
0.015677114948630333,
-0.004189047031104565,
0.9448801279067993,
-0.4215019941329956,
-0.4215521216392517,
0.3281310498714447,
0.24798358976840973,
0.45246225595474243,
0.16860643029212952,
-1.2846312522888184,
0.19265078008174896,
0.1119450032711029,
-0.7648945450782776,
0.48204976320266724,
0.2744888663291931,
0.06819800287485123,
0.7100128531455994,
0.6060927510261536,
-0.10822132229804993,
0.1427268087863922,
0.01808292232453823,
0.8253426551818848,
-0.605835497379303,
-0.25101327896118164,
-0.6993383765220642,
0.7655658721923828,
-0.24046766757965088,
-0.6595317721366882,
0.6641880869865417,
0.5336413979530334,
0.7313402891159058,
-0.13093335926532745,
0.6872518658638,
-0.4183739423751831,
-0.026885423809289932,
-0.2218969464302063,
0.7175822257995605,
-0.6478481292724609,
-0.06804264336824417,
-0.12932279706001282,
-0.6155461072921753,
-0.25408920645713806,
0.7796963453292847,
-0.17663982510566711,
0.29592281579971313,
0.48339179158210754,
1.072615623474121,
-0.16640666127204895,
-0.31408390402793884,
0.2415485680103302,
0.15106336772441864,
0.11452154070138931,
0.357193261384964,
0.39501726627349854,
-0.8633973002433777,
0.4456019699573517,
-0.672495424747467,
-0.24645690619945526,
-0.2859322428703308,
-0.5713449716567993,
-1.05036199092865,
-0.9546372294425964,
-0.5967228412628174,
-0.794940173625946,
-0.4677942395210266,
0.8856239318847656,
1.0802812576293945,
-0.763046145439148,
-0.07029878348112106,
0.13408996164798737,
0.16634061932563782,
-0.39035362005233765,
-0.24707067012786865,
0.5783421397209167,
-0.1230679303407669,
-0.6507205367088318,
-0.2341548651456833,
0.03736523166298866,
0.5539194345474243,
-0.18843337893486023,
-0.3974222242832184,
-0.054585155099630356,
-0.16585782170295715,
0.34961968660354614,
0.2896420657634735,
-0.7422072887420654,
-0.17285789549350739,
-0.22690565884113312,
-0.2868844270706177,
0.440603107213974,
0.6276795268058777,
-0.4831465482711792,
0.167967289686203,
0.593268871307373,
0.13615672290325165,
0.9496219754219055,
-0.32992950081825256,
-0.004036261700093746,
-0.8830835223197937,
0.6145196557044983,
-0.1037251204252243,
0.5124956965446472,
0.34396833181381226,
-0.3054709732532501,
0.47592422366142273,
0.4470822513103485,
-0.4325011372566223,
-0.9187465310096741,
-0.16021724045276642,
-1.171167016029358,
-0.25561007857322693,
0.9944559931755066,
-0.3848833441734314,
-0.532650351524353,
0.2998306155204773,
-0.12721776962280273,
0.5528119206428528,
-0.12777197360992432,
0.24888299405574799,
0.1630520224571228,
-0.1536451131105423,
-0.6257773637771606,
-0.47957122325897217,
0.3718026280403137,
0.02210814505815506,
-0.5745260119438171,
-0.3066760003566742,
-0.01586437039077282,
0.7905584573745728,
0.19858615100383759,
0.4485206604003906,
-0.2353598177433014,
0.15489931404590607,
0.2850585877895355,
0.5696261525154114,
-0.35843324661254883,
-0.061672911047935486,
-0.35021597146987915,
-0.07093196362257004,
-0.10330741852521896,
-0.4977782964706421
] |
facebook/xglm-7.5B
|
facebook
| 2023-01-24T16:35:48Z | 5,205 | 48 |
transformers
|
[
"transformers",
"pytorch",
"xglm",
"text-generation",
"multilingual",
"en",
"ru",
"zh",
"de",
"es",
"fr",
"ja",
"it",
"pt",
"el",
"ko",
"fi",
"id",
"tr",
"ar",
"vi",
"th",
"bg",
"ca",
"hi",
"et",
"bn",
"ta",
"ur",
"sw",
"te",
"eu",
"my",
"ht",
"qu",
"arxiv:2112.10668",
"license:mit",
"has_space",
"region:us"
] |
text-generation
| 2022-03-02T23:29:05Z |
---
language:
- multilingual
- en
- ru
- zh
- de
- es
- fr
- ja
- it
- pt
- el
- ko
- fi
- id
- tr
- ar
- vi
- th
- bg
- ca
- hi
- et
- bn
- ta
- ur
- sw
- te
- eu
- my
- ht
- qu
license: mit
thumbnail: https://huggingface.co/front/thumbnails/facebook.png
inference: false
---
# XGLM-7.5B
XGLM-7.5B is a multilingual autoregressive language model (with 7.5 billion parameters) trained on a balanced corpus of a diverse set of languages totaling 500 billion sub-tokens. It was introduced in the paper [Few-shot Learning with Multilingual Language Models](https://arxiv.org/abs/2112.10668) by Xi Victoria Lin\*, Todor Mihaylov, Mikel Artetxe, Tianlu Wang, Shuohui Chen, Daniel Simig, Myle Ott, Naman Goyal, Shruti Bhosale, Jingfei Du, Ramakanth Pasunuru, Sam Shleifer, Punit Singh Koura, Vishrav Chaudhary, Brian O'Horo, Jeff Wang, Luke Zettlemoyer, Zornitsa Kozareva, Mona Diab, Veselin Stoyanov, Xian Li\* (\*Equal Contribution). The original implementation was released in [this repository](https://github.com/pytorch/fairseq/tree/main/examples/xglm).
## Training Data Statistics
The training data statistics of XGLM-7.5B is shown in the table below.
| ISO-639-1| family | name | # tokens | ratio | ratio w/ lowRes upsampling |
|:--------|:-----------------|:------------------------|-------------:|------------:|-------------:|
| en | Indo-European | English | 803526736124 | 0.489906 | 0.3259 |
| ru | Indo-European | Russian | 147791898098 | 0.0901079 | 0.0602 |
| zh | Sino-Tibetan | Chinese | 132770494630 | 0.0809494 | 0.0483 |
| de | Indo-European | German | 89223707856 | 0.0543992 | 0.0363 |
| es | Indo-European | Spanish | 87303083105 | 0.0532282 | 0.0353 |
| fr | Indo-European | French | 77419639775 | 0.0472023 | 0.0313 |
| ja | Japonic | Japanese | 66054364513 | 0.040273 | 0.0269 |
| it | Indo-European | Italian | 41930465338 | 0.0255648 | 0.0171 |
| pt | Indo-European | Portuguese | 36586032444 | 0.0223063 | 0.0297 |
| el | Indo-European | Greek (modern) | 28762166159 | 0.0175361 | 0.0233 |
| ko | Koreanic | Korean | 20002244535 | 0.0121953 | 0.0811 |
| fi | Uralic | Finnish | 16804309722 | 0.0102455 | 0.0681 |
| id | Austronesian | Indonesian | 15423541953 | 0.00940365 | 0.0125 |
| tr | Turkic | Turkish | 12413166065 | 0.00756824 | 0.0101 |
| ar | Afro-Asiatic | Arabic | 12248607345 | 0.00746791 | 0.0099 |
| vi | Austroasiatic | Vietnamese | 11199121869 | 0.00682804 | 0.0091 |
| th | Tai–Kadai | Thai | 10842172807 | 0.00661041 | 0.044 |
| bg | Indo-European | Bulgarian | 9703797869 | 0.00591635 | 0.0393 |
| ca | Indo-European | Catalan | 7075834775 | 0.0043141 | 0.0287 |
| hi | Indo-European | Hindi | 3448390110 | 0.00210246 | 0.014 |
| et | Uralic | Estonian | 3286873851 | 0.00200399 | 0.0133 |
| bn | Indo-European | Bengali, Bangla | 1627447450 | 0.000992245 | 0.0066 |
| ta | Dravidian | Tamil | 1476973397 | 0.000900502 | 0.006 |
| ur | Indo-European | Urdu | 1351891969 | 0.000824241 | 0.0055 |
| sw | Niger–Congo | Swahili | 907516139 | 0.000553307 | 0.0037 |
| te | Dravidian | Telugu | 689316485 | 0.000420272 | 0.0028 |
| eu | Language isolate | Basque | 105304423 | 6.42035e-05 | 0.0043 |
| my | Sino-Tibetan | Burmese | 101358331 | 6.17976e-05 | 0.003 |
| ht | Creole | Haitian, Haitian Creole | 86584697 | 5.27902e-05 | 0.0035 |
| qu | Quechuan | Quechua | 3236108 | 1.97304e-06 | 0.0001 |
## Model card
For intended usage of the model, please refer to the [model card](https://github.com/pytorch/fairseq/blob/main/examples/xglm/model_card.md) released by the XGLM-7.5B development team.
## Example (COPA)
The following snippet shows how to evaluate our models (GPT-3 style, zero-shot) on the Choice of Plausible Alternatives (COPA) task, using examples in English, Chinese and Hindi.
```python
import torch
import torch.nn.functional as F
from transformers import XGLMTokenizer, XGLMForCausalLM
tokenizer = XGLMTokenizer.from_pretrained("facebook/xglm-7.5B")
model = XGLMForCausalLM.from_pretrained("facebook/xglm-7.5B")
data_samples = {
'en': [
{
"premise": "I wanted to conserve energy.",
"choice1": "I swept the floor in the unoccupied room.",
"choice2": "I shut off the light in the unoccupied room.",
"question": "effect",
"label": "1"
},
{
"premise": "The flame on the candle went out.",
"choice1": "I blew on the wick.",
"choice2": "I put a match to the wick.",
"question": "cause",
"label": "0"
}
],
'zh': [
{
"premise": "我想节约能源。",
"choice1": "我在空着的房间里扫了地板。",
"choice2": "我把空房间里的灯关了。",
"question": "effect",
"label": "1"
},
{
"premise": "蜡烛上的火焰熄灭了。",
"choice1": "我吹灭了灯芯。",
"choice2": "我把一根火柴放在灯芯上。",
"question": "cause",
"label": "0"
}
],
'hi': [
{
"premise": "M te vle konsève enèji.",
"choice1": "Mwen te fin baleye chanm lib la.",
"choice2": "Mwen te femen limyè nan chanm lib la.",
"question": "effect",
"label": "1"
},
{
"premise": "Flam bouji a te etenn.",
"choice1": "Mwen te soufle bouji a.",
"choice2": "Mwen te limen mèch bouji a.",
"question": "cause",
"label": "0"
}
]
}
def get_logprobs(prompt):
inputs = tokenizer(prompt, return_tensors="pt")
input_ids, output_ids = inputs["input_ids"], inputs["input_ids"][:, 1:]
outputs = model(**inputs, labels=input_ids)
logits = outputs.logits
logprobs = torch.gather(F.log_softmax(logits, dim=2), 2, output_ids.unsqueeze(2))
return logprobs
# Zero-shot evaluation for the Choice of Plausible Alternatives (COPA) task.
# A return value of 0 indicates that the first alternative is more plausible,
# while 1 indicates that the second alternative is more plausible.
def COPA_eval(prompt, alternative1, alternative2):
lprob1 = get_logprobs(prompt + "\n" + alternative1).sum()
lprob2 = get_logprobs(prompt + "\n" + alternative2).sum()
return 0 if lprob1 > lprob2 else 1
for lang in data_samples_long:
for idx, example in enumerate(data_samples_long[lang]):
predict = COPA_eval(example["premise"], example["choice1"], example["choice2"])
print(f'{lang}-{idx}', predict, example['label'])
# en-0 1 1
# en-1 0 0
# zh-0 1 1
# zh-1 0 0
# hi-0 1 1
# hi-1 0 0
```
|
[
-0.4704534411430359,
-0.604619562625885,
0.32374653220176697,
0.005699127446860075,
-0.19718623161315918,
0.03767735883593559,
-0.1644187718629837,
-0.3885473906993866,
0.26074889302253723,
0.1572050303220749,
-0.5689517855644226,
-0.8574544787406921,
-0.5209668278694153,
-0.034226737916469574,
-0.22998063266277313,
1.0716664791107178,
-0.048981379717588425,
0.16813145577907562,
0.28610602021217346,
-0.2008054107427597,
-0.22308415174484253,
-0.3758174479007721,
-0.8531121611595154,
-0.33264291286468506,
0.43075889348983765,
0.15800410509109497,
0.7871804237365723,
0.41946929693222046,
0.3582035005092621,
0.3309779167175293,
-0.22887958586215973,
0.026054074987769127,
-0.38186851143836975,
-0.519916832447052,
0.022164328023791313,
-0.7384558916091919,
-0.4976855516433716,
0.14634296298027039,
0.7543298602104187,
0.49138668179512024,
-0.029100164771080017,
0.38451728224754333,
0.025554891675710678,
0.529839813709259,
-0.3741074502468109,
0.4472813606262207,
-0.4402892291545868,
0.1481364667415619,
-0.07726885378360748,
-0.1031351387500763,
-0.26676806807518005,
-0.37915679812431335,
0.027252787724137306,
-0.43399643898010254,
0.3167209327220917,
0.21148453652858734,
1.2592512369155884,
-0.17514337599277496,
-0.30505964159965515,
-0.29644158482551575,
-0.4301522970199585,
0.8197577595710754,
-0.8737972378730774,
0.2088019698858261,
0.25969383120536804,
0.18579865992069244,
-0.22385798394680023,
-0.7919709086418152,
-0.6831755042076111,
-0.17860954999923706,
-0.5027812719345093,
0.47226807475090027,
-0.24714899063110352,
0.02439316362142563,
0.438413143157959,
0.543954074382782,
-0.9107201099395752,
-0.12240979075431824,
-0.6689672470092773,
-0.10496920347213745,
0.8367767333984375,
0.2916121780872345,
0.4418352544307709,
-0.45673924684524536,
-0.43261027336120605,
-0.18203571438789368,
-0.5357755422592163,
0.3268977999687195,
0.3907846510410309,
0.2643965780735016,
-0.38346314430236816,
0.5355178117752075,
-0.2390281856060028,
0.9493777751922607,
-0.09567050635814667,
-0.2936754822731018,
0.4916701912879944,
-0.45075902342796326,
-0.3507343530654907,
0.010406536981463432,
0.9323259592056274,
0.4530099928379059,
-0.1610928773880005,
0.07120277732610703,
-0.005446384660899639,
0.10783279687166214,
-0.36396148800849915,
-0.7237897515296936,
-0.3477028012275696,
0.44280630350112915,
-0.5584650039672852,
-0.2509077787399292,
0.14143849909305573,
-0.8073223829269409,
0.052702028304338455,
-0.007142282091081142,
0.7134130001068115,
-0.42867085337638855,
-0.267578661441803,
0.19644442200660706,
-0.04932120069861412,
0.4423452317714691,
0.24867965281009674,
-0.954411506652832,
0.1893225908279419,
0.34460723400115967,
0.9698519110679626,
-0.10301487892866135,
-0.29203760623931885,
-0.23362275958061218,
0.004285263828933239,
-0.3704906105995178,
0.5694497227668762,
-0.26987963914871216,
-0.44755902886390686,
-0.2158566266298294,
0.18394915759563446,
-0.3807867765426636,
-0.33425194025039673,
0.7664046287536621,
-0.16727600991725922,
0.5354710221290588,
-0.29076242446899414,
-0.5042612552642822,
-0.439998596906662,
0.45461946725845337,
-0.7190810441970825,
1.2826765775680542,
0.23118168115615845,
-1.0095744132995605,
0.42395007610321045,
-0.5751425623893738,
0.11969514191150665,
-0.09202231466770172,
-0.18505461513996124,
-0.5212695598602295,
-0.05236372351646423,
0.19407106935977936,
0.38755837082862854,
-0.43048784136772156,
0.1713847815990448,
-0.19930297136306763,
-0.2811480760574341,
0.03633139654994011,
-0.39759311079978943,
1.447543978691101,
0.37880098819732666,
-0.5280585885047913,
0.37151774764060974,
-0.9914231896400452,
0.30329325795173645,
0.35237982869148254,
-0.3960249423980713,
0.03455145284533501,
-0.33140382170677185,
0.12031753361225128,
0.7286383509635925,
0.20914416015148163,
-0.5549135208129883,
0.33916977047920227,
-0.5657899975776672,
0.3917166590690613,
0.75907963514328,
-0.14409276843070984,
0.15877948701381683,
-0.6141198873519897,
0.589340090751648,
-0.01749303936958313,
0.15908342599868774,
-0.08411695063114166,
-0.6159637570381165,
-0.8151111006736755,
-0.3871656656265259,
0.13265864551067352,
0.6959127187728882,
-0.6741623282432556,
0.52020263671875,
-0.10980477929115295,
-0.7858206629753113,
-0.5661228895187378,
0.06167837232351303,
0.4812382757663727,
0.6926456093788147,
0.24580232799053192,
0.009810615330934525,
-0.611801266670227,
-0.7939914464950562,
-0.07349813729524612,
-0.33987167477607727,
0.23774920403957367,
0.3630795180797577,
0.842251181602478,
-0.036625538021326065,
0.9698355793952942,
-0.7621995806694031,
-0.30202269554138184,
-0.49860021471977234,
-0.04311537370085716,
0.7082583904266357,
0.5533023476600647,
0.729089081287384,
-0.7934732437133789,
-0.842523455619812,
0.09942451119422913,
-0.8437005281448364,
0.04378024488687515,
-0.03662920370697975,
-0.2300242930650711,
0.3605458438396454,
0.1981315165758133,
-0.782437264919281,
0.5776842832565308,
0.5793663263320923,
-0.5354731678962708,
0.7913464307785034,
-0.3656936287879944,
0.12583321332931519,
-1.2890464067459106,
0.2220819592475891,
-0.2308700531721115,
-0.06402947008609772,
-0.664243221282959,
0.08519473671913147,
-0.04635956883430481,
0.0414934903383255,
-0.8430866599082947,
1.1883968114852905,
-0.6632863879203796,
0.22339577972888947,
0.031154923141002655,
0.19316940009593964,
-0.06746924668550491,
0.6092165112495422,
0.17418989539146423,
0.5114552974700928,
0.9578237533569336,
-0.3759247660636902,
0.463915079832077,
0.19554272294044495,
-0.5782278180122375,
0.22922860085964203,
-0.6496966481208801,
-0.10063406825065613,
-0.24099986255168915,
0.22171470522880554,
-1.3620480298995972,
-0.24885183572769165,
0.5752115845680237,
-0.5539840459823608,
0.24939458072185516,
-0.1133793517947197,
-0.41089963912963867,
-0.7918263673782349,
-0.45370134711265564,
0.3245258927345276,
0.5248289704322815,
-0.5731715559959412,
0.587769627571106,
0.1764395534992218,
0.12751218676567078,
-0.722041666507721,
-0.7158159017562866,
-0.15064622461795807,
-0.36206525564193726,
-0.9721048474311829,
0.35484635829925537,
-0.12511439621448517,
-0.17327821254730225,
0.08202710747718811,
-0.08103995770215988,
0.14442363381385803,
-0.052876200526952744,
0.0624236986041069,
0.4883166253566742,
-0.06268486380577087,
-0.20503294467926025,
-0.1593918353319168,
-0.2880285978317261,
0.000024594273781985976,
-0.271566778421402,
0.6955985426902771,
-0.33777469396591187,
-0.2658724784851074,
-0.2873203158378601,
0.2807656228542328,
0.3507682979106903,
-0.20251446962356567,
0.8113791942596436,
0.961983859539032,
-0.46846121549606323,
0.07428687065839767,
-0.3799158036708832,
0.050949826836586,
-0.48195770382881165,
0.47632020711898804,
-0.526100218296051,
-0.7879816293716431,
0.9690335392951965,
0.27946901321411133,
0.25116196274757385,
0.7505496144294739,
0.9094215035438538,
0.13602206110954285,
1.2469921112060547,
0.3604116141796112,
-0.03227800130844116,
0.39715635776519775,
-0.8410474061965942,
0.1449519246816635,
-0.6490007638931274,
-0.4048420488834381,
-0.39268237352371216,
-0.17446044087409973,
-0.7086813449859619,
-0.3894277811050415,
0.4159560203552246,
0.03232787549495697,
-0.22202838957309723,
0.3472408950328827,
-0.5088266134262085,
0.2962706685066223,
0.7443459630012512,
0.1985272616147995,
0.21695350110530853,
-0.09668879210948944,
-0.3309900164604187,
0.16954049468040466,
-0.9958855509757996,
-0.5471844673156738,
1.1605602502822876,
0.1703823059797287,
0.8545829653739929,
0.21910879015922546,
0.9402210712432861,
-0.0003853876260109246,
0.2846528887748718,
-0.703275203704834,
0.6106715202331543,
0.0490511953830719,
-1.1721880435943604,
-0.2802110016345978,
-0.416132390499115,
-1.2129507064819336,
0.7001927495002747,
-0.2704039514064789,
-1.2094792127609253,
0.27503159642219543,
0.23392392694950104,
-0.6816117763519287,
0.5119366645812988,
-0.7783243656158447,
1.0498425960540771,
-0.4274781346321106,
-0.7255215644836426,
-0.06504468619823456,
-0.7575914263725281,
0.538139283657074,
0.13315293192863464,
0.18874318897724152,
-0.278106153011322,
0.2243531048297882,
0.9490591287612915,
-0.41660112142562866,
0.6750965118408203,
-0.024078290909528732,
0.034120675176382065,
0.6318135857582092,
-0.18292823433876038,
0.4544388949871063,
0.26192283630371094,
-0.19281445443630219,
0.14028038084506989,
0.2527626156806946,
-0.6146550178527832,
-0.4765387177467346,
0.8500182032585144,
-0.8480902314186096,
-0.8934779763221741,
-0.8284791111946106,
-0.6312572956085205,
0.15593630075454712,
0.5889852046966553,
0.6593751311302185,
0.3833073675632477,
-0.10889013856649399,
0.005353466607630253,
0.26387402415275574,
-0.2880321741104126,
0.6968449354171753,
0.31797635555267334,
-0.6001659631729126,
-0.6576211452484131,
0.8935865759849548,
0.38278451561927795,
0.3444191515445709,
0.19965404272079468,
0.3229353427886963,
-0.5713976621627808,
-0.3880188465118408,
-0.3851955831050873,
0.3546772599220276,
-0.7231636047363281,
-0.10462900996208191,
-0.5737248659133911,
-0.19086109101772308,
-0.5170642137527466,
-0.2693825960159302,
-0.17912936210632324,
-0.3485995829105377,
-0.2548258304595947,
-0.2874796986579895,
0.2637501358985901,
0.48638907074928284,
-0.14900937676429749,
0.23909588158130646,
-0.7000241279602051,
0.32135963439941406,
0.08292937278747559,
0.11953116953372955,
-0.02744722180068493,
-0.6630682349205017,
-0.3427715599536896,
0.05147712305188179,
-0.24761556088924408,
-1.0215284824371338,
0.8176072835922241,
-0.01966153085231781,
0.7297918796539307,
0.4483868479728699,
-0.0395207554101944,
0.7765003442764282,
-0.23910723626613617,
0.7931395173072815,
0.3555850386619568,
-0.986505389213562,
0.46743202209472656,
-0.2660748362541199,
0.2594734728336334,
0.41776150465011597,
0.5437027215957642,
-0.6211352348327637,
-0.27191656827926636,
-0.9109002947807312,
-0.9263217449188232,
1.1963515281677246,
0.40766286849975586,
0.06928260624408722,
-0.09846129268407822,
0.1548987627029419,
-0.0011079009855166078,
0.14570671319961548,
-1.0301151275634766,
-0.7749009728431702,
-0.02940305694937706,
-0.19539415836334229,
-0.07984957844018936,
-0.1872301697731018,
-0.25192126631736755,
-0.6675655245780945,
0.9006810188293457,
0.010331771336495876,
0.3146335184574127,
0.2547556161880493,
0.045647475868463516,
0.08979267627000809,
0.13466113805770874,
0.6572443842887878,
0.7286556363105774,
-0.48669517040252686,
0.10329535603523254,
0.39924654364585876,
-0.35311099886894226,
0.2966687083244324,
0.10106770694255829,
-0.4203924238681793,
0.16903333365917206,
0.28971704840660095,
1.0738774538040161,
-0.059282224625349045,
-0.4410708546638489,
0.33194345235824585,
0.036243364214897156,
-0.308736652135849,
-0.5351736545562744,
0.13771285116672516,
0.040849607437849045,
0.19722186028957367,
0.3737277090549469,
-0.020281922072172165,
-0.0215721745043993,
-0.8111856579780579,
0.19889986515045166,
0.5350976586341858,
-0.34513020515441895,
-0.3504020571708679,
0.8584986925125122,
-0.08855009078979492,
-0.10194828361272812,
0.4462909400463104,
-0.3695816695690155,
-0.5747877955436707,
0.7461528778076172,
0.6530978679656982,
0.8540415167808533,
-0.21598733961582184,
0.15001551806926727,
0.8538338541984558,
0.350300669670105,
-0.15354487299919128,
0.5803518295288086,
0.29943618178367615,
-0.680155336856842,
-0.07380205392837524,
-0.6066338419914246,
-0.14396919310092926,
0.21448731422424316,
-0.6265761852264404,
0.6137805581092834,
-0.3590959906578064,
-0.3342873454093933,
-0.17215920984745026,
0.2605816423892975,
-0.6303329467773438,
0.3494057059288025,
0.26145637035369873,
1.029151201248169,
-1.0703946352005005,
1.0420159101486206,
0.6209110617637634,
-0.6346123218536377,
-0.9844712018966675,
-0.3520520031452179,
0.003895627334713936,
-0.8436002135276794,
0.5879511833190918,
0.10335087031126022,
0.10267633199691772,
0.17305974662303925,
-0.4032132923603058,
-1.3497353792190552,
1.3165394067764282,
0.4041003882884979,
-0.3636592924594879,
-0.10248078405857086,
0.058341819792985916,
0.5333006381988525,
-0.15557242929935455,
0.628054141998291,
0.7202358245849609,
0.6285126209259033,
0.1329960972070694,
-0.8859254121780396,
0.1724686324596405,
-0.5270552635192871,
-0.20145544409751892,
0.10405122488737106,
-1.0604125261306763,
1.2534611225128174,
-0.38713639974594116,
-0.11245746910572052,
0.014276723377406597,
0.7414093613624573,
0.4272528290748596,
0.21800237894058228,
0.33945080637931824,
0.637445867061615,
0.885551393032074,
-0.33758988976478577,
1.0845259428024292,
-0.6208606958389282,
0.9621195197105408,
0.9745807647705078,
0.026084011420607567,
0.6150250434875488,
0.33614853024482727,
-0.4569002091884613,
0.27970051765441895,
0.8318576812744141,
-0.21306893229484558,
0.3307300806045532,
0.2412072718143463,
-0.4219304025173187,
-0.20506782829761505,
0.2201833426952362,
-0.4576425850391388,
0.5258082151412964,
0.21405069530010223,
-0.41898825764656067,
-0.3655533492565155,
0.05225006863474846,
0.31077417731285095,
-0.4248321056365967,
-0.4507770538330078,
0.3838074505329132,
0.07872521132230759,
-0.7054797410964966,
0.9883721470832825,
0.06654641032218933,
0.5996747612953186,
-0.8080686926841736,
-0.017592106014490128,
-0.1191091537475586,
0.28312012553215027,
-0.5724561810493469,
-0.9888395667076111,
0.210243359208107,
-0.1818128079175949,
-0.1228465661406517,
0.11550245434045792,
0.5031695365905762,
-0.5402956604957581,
-0.9337931275367737,
0.40173235535621643,
0.409864217042923,
0.27656733989715576,
0.2898191511631012,
-1.061375379562378,
-0.023458795621991158,
0.28395164012908936,
-0.5368859767913818,
0.2634691298007965,
0.13698071241378784,
-0.20719750225543976,
0.6691640019416809,
0.5107663869857788,
0.07409120351076126,
0.3734026253223419,
-0.22781501710414886,
0.8558240532875061,
-0.7285417914390564,
-0.38614267110824585,
-1.0478222370147705,
0.59946209192276,
0.1429765373468399,
-0.5433237552642822,
1.0922259092330933,
0.9255242347717285,
0.9659473896026611,
-0.13977082073688507,
0.940539538860321,
-0.4014444351196289,
0.17968466877937317,
-0.5409450531005859,
0.743103563785553,
-0.748751699924469,
0.024543676525354385,
-0.38412192463874817,
-0.8586447834968567,
-0.5642328262329102,
0.8211076259613037,
-0.5644633769989014,
0.26061901450157166,
0.6441050171852112,
0.9796003699302673,
0.10560354590415955,
-0.3438822329044342,
0.4354396462440491,
0.2419232577085495,
0.38866913318634033,
0.8149879574775696,
0.5875989198684692,
-0.5715371966362,
0.7091971635818481,
-0.6200775504112244,
-0.17902430891990662,
-0.26071885228157043,
-0.682867169380188,
-0.9047380089759827,
-0.5554773807525635,
-0.3442962169647217,
-0.512601912021637,
-0.13984985649585724,
1.292803168296814,
0.5553931593894958,
-0.949657142162323,
-0.4016580283641815,
0.07930951565504074,
0.22694449126720428,
-0.3463481664657593,
-0.2624928951263428,
0.9367668628692627,
-0.16544628143310547,
-1.137701392173767,
-0.010183473117649555,
0.16344714164733887,
0.12036814540624619,
-0.0952872484922409,
-0.10415724664926529,
-0.45278844237327576,
0.1369786113500595,
0.629457414150238,
0.3013325333595276,
-0.8292583227157593,
-0.27410659193992615,
-0.05999046191573143,
-0.19867871701717377,
0.34643980860710144,
0.2118454873561859,
-0.5661632418632507,
0.6397947072982788,
0.7640385627746582,
-0.006634868215769529,
0.77901691198349,
-0.08578500151634216,
0.19830070436000824,
-0.3787331283092499,
0.28649935126304626,
0.05189218372106552,
0.7344591617584229,
0.0031095421873033047,
-0.24502716958522797,
0.6563117504119873,
0.37962204217910767,
-0.4080203175544739,
-0.9130012392997742,
-0.04191414266824722,
-1.2517231702804565,
-0.1790148764848709,
1.27262282371521,
-0.3720798194408417,
-0.4705914855003357,
-0.060008689761161804,
-0.6735060214996338,
0.3114529550075531,
-0.29120752215385437,
0.7670777440071106,
0.7578522562980652,
-0.4369879961013794,
-0.06123305484652519,
-0.6522115468978882,
0.47495463490486145,
0.44180017709732056,
-0.7779200077056885,
-0.0588788241147995,
0.17353206872940063,
0.3765263855457306,
0.2518977224826813,
0.8746463060379028,
-0.12339607626199722,
0.37188220024108887,
0.17256055772304535,
0.3060208857059479,
0.0678982138633728,
-0.02930835634469986,
-0.2920266091823578,
0.16775615513324738,
0.008813959546387196,
-0.23537158966064453
] |
WizardLM/WizardMath-7B-V1.0
|
WizardLM
| 2023-09-01T08:18:09Z | 5,205 | 37 |
transformers
|
[
"transformers",
"pytorch",
"llama",
"text-generation",
"arxiv:2304.12244",
"arxiv:2306.08568",
"arxiv:2308.09583",
"license:llama2",
"endpoints_compatible",
"has_space",
"text-generation-inference",
"region:us"
] |
text-generation
| 2023-08-11T04:32:31Z |
---
license: llama2
---
## WizardMath: Empowering Mathematical Reasoning for Large Language Models via Reinforced Evol-Instruct (RLEIF)
<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>
| 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> |
| 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 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 pass@1**</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 pass@1</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 pass@1</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 pass@1</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 pass@1 </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 pass@1 </sup>|<sup> Non-commercial</sup>|
</font>
**Github Repo**: https://github.com/nlpxucan/WizardLM/tree/main/WizardMath
**Twitter**: https://twitter.com/WizardLM_AI/status/1689998428200112128
**Discord**: https://discord.gg/VZjjHtWrKs
## Comparing WizardMath-V1.0 with Other LLMs.
🔥 The following figure shows that our **WizardMath-70B-V1.0 attains the fifth position in this benchmark**, surpassing ChatGPT (81.6 vs. 80.8) , Claude Instant (81.6 vs. 80.9), PaLM 2 540B (81.6 vs. 80.7).
<p align="center" width="100%">
<a ><img src="https://raw.githubusercontent.com/nlpxucan/WizardLM/main/WizardMath/images/wizardmath_gsm8k.png" alt="WizardMath" style="width: 96%; min-width: 300px; display: block; margin: auto;"></a>
</p>
❗<b>Note for model system prompts usage:</b>
Please use **the same systems prompts strictly** with us, and we do not guarantee the accuracy of the **quantified versions**.
**Default version:**
```
"Below is an instruction that describes a task. Write a response that appropriately completes the request.\n\n### Instruction:\n{instruction}\n\n### Response:"
```
**CoT Version:** (❗For the **simple** math questions, we do NOT recommend to use the CoT prompt.)
```
"Below is an instruction that describes a task. Write a response that appropriately completes the request.\n\n### Instruction:\n{instruction}\n\n### Response: Let's think step by step."
```
## Inference WizardMath Demo Script
We provide the WizardMath inference demo code [here](https://github.com/nlpxucan/WizardLM/tree/main/demo).
❗<b>To commen concern about dataset:</b>
Recently, there have been clear changes in the open-source policy and regulations of our overall organization's code, data, and models.
Despite this, we have still worked hard to obtain opening the weights of the model first, but the data involves stricter auditing and is in review with our legal team .
Our researchers have no authority to publicly release them without authorization.
Thank you for your understanding.
## Citation
Please cite the repo if you use the data, method or code in this repo.
```
@article{luo2023wizardmath,
title={WizardMath: Empowering Mathematical Reasoning for Large Language Models via Reinforced Evol-Instruct},
author={Luo, Haipeng and Sun, Qingfeng and Xu, Can and Zhao, Pu and Lou, Jianguang and Tao, Chongyang and Geng, Xiubo and Lin, Qingwei and Chen, Shifeng and Zhang, Dongmei},
journal={arXiv preprint arXiv:2308.09583},
year={2023}
}
```
|
[
-0.6814353466033936,
-0.5946285724639893,
-0.011169472709298134,
0.3345632553100586,
0.09534658491611481,
-0.09791415929794312,
0.025983572006225586,
-0.4472488760948181,
0.31475570797920227,
0.3691394031047821,
-0.7976731061935425,
-0.7417927980422974,
-0.5185554623603821,
0.24180760979652405,
-0.1034100353717804,
0.8463426828384399,
-0.17087788879871368,
-0.30810973048210144,
-0.31341323256492615,
-0.14673855900764465,
-0.16489559412002563,
-0.4177398383617401,
-0.2965417504310608,
-0.457322359085083,
0.35040557384490967,
0.14897361397743225,
0.9896844029426575,
0.5041638612747192,
0.3345681428909302,
0.36361920833587646,
-0.28952211141586304,
0.5987744331359863,
-0.16414868831634521,
-0.10903331637382507,
0.15198329091072083,
-0.3014836311340332,
-1.034771203994751,
-0.04562777280807495,
0.6604057550430298,
0.4155983626842499,
0.023942546918988228,
0.4135003685951233,
0.10476600378751755,
0.9351252913475037,
-0.6352097392082214,
0.36000189185142517,
-0.2777678370475769,
0.2630157172679901,
-0.21631260216236115,
-0.13982626795768738,
-0.008843109011650085,
-0.5991412401199341,
-0.023596281185746193,
-0.9764745235443115,
-0.13510972261428833,
0.1550397127866745,
1.3017717599868774,
0.20915070176124573,
-0.3164002001285553,
-0.13176076114177704,
-0.30487626791000366,
0.7866564393043518,
-0.9020185470581055,
0.2608390748500824,
0.582512378692627,
0.16056647896766663,
-0.5753940939903259,
-0.5790196061134338,
-0.9633450508117676,
-0.17924275994300842,
-0.19526629149913788,
0.18631358444690704,
-0.43299421668052673,
-0.23080015182495117,
0.4362637400627136,
0.32464733719825745,
-0.6162359714508057,
-0.11611393839120865,
-0.2999548017978668,
-0.2583652436733246,
0.8330175876617432,
0.2790655493736267,
0.562972903251648,
-0.21021504700183868,
0.07138721644878387,
-0.25429555773735046,
-0.5382975339889526,
0.17125000059604645,
0.43843284249305725,
-0.035747189074754715,
-0.49885666370391846,
0.9219812750816345,
-0.006468239240348339,
0.7306925654411316,
0.15313853323459625,
-0.6835890412330627,
0.6900840997695923,
-0.4200364351272583,
-0.22760221362113953,
-0.20738427340984344,
1.1271966695785522,
0.5098681449890137,
0.16694089770317078,
0.14834685623645782,
0.030523307621479034,
-0.28423887491226196,
-0.02783501148223877,
-0.9510234594345093,
-0.09686634689569473,
0.31818899512290955,
-0.5600399374961853,
-0.2731795907020569,
-0.2807605564594269,
-0.9487613439559937,
-0.38660770654678345,
-0.18281011283397675,
0.29018548130989075,
-0.6828393936157227,
-0.34553050994873047,
0.22082184255123138,
-0.044928282499313354,
0.5570077300071716,
0.5735681653022766,
-0.921008288860321,
0.27322453260421753,
0.5451197624206543,
0.820130467414856,
-0.05155934393405914,
-0.48881837725639343,
-0.16256320476531982,
0.08974085003137589,
-0.3863685727119446,
0.6261409521102905,
-0.09831207990646362,
-0.509586751461029,
-0.08250493556261063,
-0.08247167617082596,
-0.21555596590042114,
-0.35331520438194275,
0.47965341806411743,
-0.3636946976184845,
0.3552922010421753,
-0.14798623323440552,
-0.6184234023094177,
-0.25673747062683105,
0.29896220564842224,
-0.672774612903595,
1.2079792022705078,
0.13326972723007202,
-1.089762568473816,
-0.0744551420211792,
-0.7323006391525269,
-0.19653703272342682,
-0.4463954567909241,
-0.14849917590618134,
-0.6871383786201477,
-0.28514379262924194,
0.3420417904853821,
0.26447969675064087,
-0.5379102826118469,
-0.31318745017051697,
-0.33996233344078064,
-0.07632406055927277,
0.2597964406013489,
-0.5339269638061523,
1.3944225311279297,
0.24213524162769318,
-0.4386490285396576,
-0.09579736739397049,
-1.0975475311279297,
0.0345366969704628,
0.6203018426895142,
-0.47191122174263,
0.0163862444460392,
-0.27885428071022034,
-0.12256510555744171,
0.1723133772611618,
0.7673497200012207,
-0.3163493871688843,
0.4646185338497162,
-0.5124890804290771,
-0.15444068610668182,
0.8087322115898132,
-0.04350170120596886,
0.43291720747947693,
-0.5557833313941956,
0.514717161655426,
-0.11484916508197784,
0.2854268252849579,
0.12438155710697174,
-0.6710386276245117,
-0.9678476452827454,
-0.4171755015850067,
0.034472886472940445,
0.7581677436828613,
-0.6059395670890808,
1.132136344909668,
-0.24102462828159332,
-0.9583423733711243,
-0.5620945692062378,
0.28266075253486633,
0.3815506398677826,
0.698198676109314,
0.6004008650779724,
-0.09077956527471542,
-0.36789828538894653,
-0.8689093589782715,
0.029223861172795296,
-0.31585589051246643,
-0.0507267490029335,
0.4394865930080414,
0.6897794008255005,
-0.4459029734134674,
1.0923861265182495,
-0.7407940626144409,
-0.2760050296783447,
-0.08231816440820694,
-0.23177148401737213,
0.4477381110191345,
0.6673910617828369,
0.6535477638244629,
-0.6390394568443298,
-0.5123056769371033,
0.17795218527317047,
-0.9638239145278931,
-0.23812508583068848,
-0.008885936811566353,
-0.3885510265827179,
0.356244295835495,
0.058042727410793304,
-0.8942473530769348,
0.8254560828208923,
0.26287150382995605,
-0.6648996472358704,
0.9029994606971741,
-0.34150585532188416,
0.1080608144402504,
-1.1991572380065918,
0.11483284831047058,
-0.09703345596790314,
0.14287155866622925,
-0.6323404312133789,
0.0668860673904419,
-0.018604811280965805,
0.3077678382396698,
-0.60138338804245,
0.9095785021781921,
-0.5461092591285706,
-0.0516471341252327,
-0.03405614197254181,
-0.09900793433189392,
0.24740348756313324,
0.7348595857620239,
-0.11037718504667282,
0.7736070156097412,
0.8312073945999146,
-0.45961037278175354,
0.5598261952400208,
0.44626954197883606,
-0.2517384886741638,
0.5398557186126709,
-0.5779929757118225,
0.010280774906277657,
0.08743833750486374,
0.3478924632072449,
-0.6225617527961731,
-0.06789880245923996,
0.6127647757530212,
-0.6272063851356506,
0.4539192318916321,
0.002051787916570902,
-0.8948004841804504,
-0.5721502900123596,
-0.6477282643318176,
0.11519069969654083,
0.7638936042785645,
-0.5902601480484009,
0.8894778490066528,
0.3087626099586487,
0.29436132311820984,
-0.8567548394203186,
-0.549144983291626,
-0.17234539985656738,
-0.19770631194114685,
-0.9322227835655212,
0.30342814326286316,
-0.3572898507118225,
-0.2181725949048996,
-0.010567275807261467,
-0.3334423303604126,
-0.015296600759029388,
0.20988383889198303,
0.2666933238506317,
0.4928237795829773,
-0.21242940425872803,
-0.2599407434463501,
0.1036648154258728,
-0.12410232424736023,
-0.04669840261340141,
-0.24432048201560974,
0.5089384317398071,
-0.28140971064567566,
-0.6446799635887146,
-0.44463688135147095,
0.08778398483991623,
0.6174936294555664,
-0.24981479346752167,
0.9701923727989197,
0.6520054936408997,
-0.5739083290100098,
0.05738891288638115,
-0.7083807587623596,
0.1255190670490265,
-0.5987753868103027,
0.06797865778207779,
-0.5125137567520142,
-0.7552881240844727,
0.6963026523590088,
0.19839772582054138,
0.38789039850234985,
0.7331838607788086,
0.740366518497467,
0.12196879088878632,
0.9329100251197815,
0.4160684049129486,
-0.031244195997714996,
0.4596429467201233,
-0.5575294494628906,
0.0904708281159401,
-0.9610813856124878,
-0.5494029521942139,
-0.6126044392585754,
0.03484456613659859,
-0.5163304209709167,
-0.6678867936134338,
0.4235821068286896,
0.6121919751167297,
-0.6576024889945984,
0.6404120922088623,
-0.9555628299713135,
0.34669676423072815,
0.49431008100509644,
0.06411319226026535,
0.23860034346580505,
0.15740934014320374,
-0.43318963050842285,
0.1881352812051773,
-0.3781963288784027,
-0.6304290890693665,
1.0650724172592163,
0.29696857929229736,
0.6857966184616089,
0.279925674200058,
0.8858025670051575,
-0.0900571197271347,
-0.13691112399101257,
-0.4519757628440857,
0.7781352400779724,
0.3855578303337097,
-0.5748072266578674,
-0.46772077679634094,
-0.29608961939811707,
-1.200299859046936,
0.5339263677597046,
-0.2935222387313843,
-1.2763055562973022,
0.37660083174705505,
0.055112987756729126,
-0.2880832552909851,
0.5353575944900513,
-0.5780292749404907,
0.8979703187942505,
-0.14435924589633942,
-0.5366382002830505,
-0.011527812108397484,
-0.38103318214416504,
0.28232792019844055,
0.140895277261734,
0.2018609642982483,
-0.3597296476364136,
-0.3605717122554779,
0.8654736876487732,
-1.226157307624817,
0.757236659526825,
0.03796594217419624,
-0.34355631470680237,
0.620485782623291,
0.06264835596084595,
0.6117516756057739,
-0.06443150341510773,
-0.18082593381404877,
0.2948639392852783,
0.16840778291225433,
-0.46102988719940186,
-0.708103358745575,
0.7117441296577454,
-1.105466365814209,
-0.8277682662010193,
-0.6500529050827026,
-0.46117907762527466,
-0.03765642270445824,
0.2879602313041687,
0.2099335789680481,
0.1762363612651825,
0.34434738755226135,
-0.22192680835723877,
0.7809743881225586,
-0.3658927381038666,
0.3627215623855591,
0.3574933409690857,
-0.33662325143814087,
-0.4302697479724884,
1.0334275960922241,
0.14844849705696106,
-0.0016079969936981797,
0.4606209695339203,
0.2898070216178894,
-0.24524162709712982,
-0.35716715455055237,
-0.6397389769554138,
0.38157549500465393,
-0.8834314942359924,
-0.41497671604156494,
-0.7934636473655701,
-0.4809402823448181,
-0.6302929520606995,
-0.390781044960022,
-0.3665190041065216,
-0.6283465027809143,
-0.7919381260871887,
0.04697537049651146,
1.1502591371536255,
0.41247206926345825,
-0.3320668935775757,
-0.20861919224262238,
-0.680563747882843,
0.38406437635421753,
0.40635794401168823,
0.17344219982624054,
0.4165564775466919,
-0.5904203653335571,
-0.13905610144138336,
-0.15957823395729065,
-0.5940112471580505,
-0.9388296604156494,
0.6248471736907959,
-0.19175976514816284,
0.6279031038284302,
0.11527356505393982,
0.006244510877877474,
0.9153661131858826,
-0.6335855722427368,
0.9766955375671387,
0.5818791389465332,
-0.9229117631912231,
0.513937771320343,
-0.18709217011928558,
0.36769038438796997,
0.29039257764816284,
0.34428441524505615,
-0.4418632984161377,
-0.20874571800231934,
-0.5898227095603943,
-0.8351686000823975,
0.6470434069633484,
0.3813014030456543,
-0.04508516937494278,
0.0950523316860199,
0.13789859414100647,
-0.09495801478624344,
-0.0346684455871582,
-0.5776322484016418,
-0.8875664472579956,
-0.337297260761261,
-0.2723296582698822,
0.39392566680908203,
0.11293402314186096,
-0.10053110122680664,
-0.5570791959762573,
0.8213452100753784,
-0.06041345000267029,
0.48970308899879456,
0.2862549126148224,
-0.03825398534536362,
-0.01936887577176094,
0.1207452192902565,
0.5646688342094421,
0.5607510805130005,
-0.07391625642776489,
-0.1356572061777115,
0.4611283838748932,
-0.7827926874160767,
0.2243737280368805,
0.33617743849754333,
-0.24053946137428284,
-0.1461913138628006,
0.5139967203140259,
0.7328570485115051,
0.013180507346987724,
-0.48784464597702026,
0.5823978185653687,
0.0942152589559555,
-0.2454790472984314,
-0.5422341227531433,
0.16226191818714142,
0.31761735677719116,
0.36952874064445496,
0.43878793716430664,
0.013542593456804752,
0.11645160615444183,
-0.29802292585372925,
0.04107172042131424,
0.5235360264778137,
0.043423060327768326,
-0.02155817300081253,
0.7078853845596313,
-0.2179996371269226,
-0.32272934913635254,
0.19979627430438995,
-0.26665055751800537,
-0.638235867023468,
0.9265156984329224,
0.5479524731636047,
0.753997802734375,
0.1519431173801422,
-0.1250971555709839,
0.6255226731300354,
0.16966386139392853,
0.07332048565149307,
0.06233704462647438,
-0.12233428657054901,
-0.5273169279098511,
-0.07967208325862885,
-0.873068630695343,
-0.3717150390148163,
-0.20105358958244324,
-0.35175785422325134,
0.5651745796203613,
-0.5981022715568542,
0.036935001611709595,
-0.11772030591964722,
0.4910004436969757,
-0.9646525979042053,
-0.17946858704090118,
0.20703773200511932,
1.263271689414978,
-0.27283671498298645,
0.9955849647521973,
0.3963473439216614,
-0.8348909616470337,
-1.0601335763931274,
-0.16212470829486847,
0.44954460859298706,
-0.9670443534851074,
0.5926966667175293,
-0.07392821460962296,
-0.07585883885622025,
-0.17059722542762756,
-0.4973544776439667,
-1.1483790874481201,
1.5833728313446045,
0.17140308022499084,
-0.3176109790802002,
-0.285343199968338,
0.048943884670734406,
0.4405553936958313,
-0.18522554636001587,
0.6905518770217896,
0.595967173576355,
0.7127992510795593,
0.1905348300933838,
-1.3417932987213135,
0.3717597424983978,
-0.599960446357727,
-0.012705573812127113,
-0.16048896312713623,
-0.9079757332801819,
0.9234380722045898,
-0.0903753787279129,
0.0017898931400850415,
0.2972991168498993,
0.8135097026824951,
0.8854956030845642,
0.26303786039352417,
0.20228487253189087,
0.6660186648368835,
0.9345627427101135,
0.14532743394374847,
1.3242413997650146,
-0.2692665159702301,
0.5128496289253235,
0.750464677810669,
-0.08190219104290009,
0.5469969511032104,
0.24525779485702515,
-0.6064746975898743,
0.6040999889373779,
0.7218520641326904,
-0.24901700019836426,
0.3238574266433716,
0.6370230317115784,
-0.21025508642196655,
-0.003926986828446388,
0.07995951175689697,
-0.7373592853546143,
-0.20267066359519958,
0.4244394302368164,
0.07034110277891159,
-0.1221558004617691,
-0.09345057606697083,
0.2454078197479248,
-0.07476058602333069,
-0.3961082994937897,
0.6189368367195129,
0.14289450645446777,
-0.25858497619628906,
1.0697425603866577,
-0.1705792397260666,
1.0988948345184326,
-0.6786145567893982,
-0.15522070229053497,
-0.2790888249874115,
-0.027888178825378418,
-0.5721698999404907,
-0.8739707469940186,
-0.06939662992954254,
0.06058475002646446,
-0.08986931294202805,
0.19362512230873108,
0.7647396326065063,
-0.10725859552621841,
-0.7933850884437561,
0.38618338108062744,
0.43550294637680054,
0.4245859384536743,
0.4969334006309509,
-1.0713101625442505,
0.3293062448501587,
0.004981121513992548,
-0.6932491660118103,
0.3972106873989105,
0.6095141172409058,
0.007667284458875656,
0.8317400217056274,
0.7018570303916931,
0.03598248213529587,
0.4061324894428253,
-0.2210240364074707,
0.973351240158081,
-0.4822968542575836,
-0.04836224019527435,
-0.9084818363189697,
0.6833140254020691,
-0.2852921485900879,
-0.276337206363678,
1.19418466091156,
0.6459978222846985,
0.7570654153823853,
-0.04317928105592728,
0.6588494777679443,
-0.17003512382507324,
0.2642541527748108,
-0.3119524121284485,
1.0145413875579834,
-0.9080769419670105,
0.11893991380929947,
-0.5557170510292053,
-0.8874984979629517,
-0.5468883514404297,
1.070257306098938,
-0.20094887912273407,
0.039345696568489075,
0.5637009739875793,
1.1047855615615845,
0.0912780836224556,
-0.2539331316947937,
0.15975627303123474,
-0.05100052058696747,
0.34798088669776917,
0.8590379953384399,
0.5236493945121765,
-0.6469435691833496,
0.6493309736251831,
-0.41387423872947693,
-0.15539555251598358,
-0.2907467186450958,
-0.73855060338974,
-1.2139387130737305,
-0.5856019258499146,
-0.4636836647987366,
-0.7939640283584595,
-0.3332744836807251,
1.443097472190857,
0.5528284907341003,
-0.7491087317466736,
-0.2248004823923111,
0.06621300429105759,
0.6903730630874634,
-0.18677915632724762,
-0.23525916039943695,
0.8778321743011475,
0.10519454628229141,
-0.8885878324508667,
0.17084968090057373,
0.10239917784929276,
0.4429231584072113,
-0.22044481337070465,
-0.6476045250892639,
-0.21327471733093262,
0.3160775899887085,
0.4500000774860382,
0.7195338010787964,
-0.81108158826828,
-0.05801984295248985,
-0.010971225798130035,
-0.2766619622707367,
0.12256686389446259,
0.23643571138381958,
-0.5810497403144836,
0.12600089609622955,
0.614812970161438,
0.5634856224060059,
0.5278099179267883,
-0.5521859526634216,
0.09525004029273987,
-0.23801198601722717,
0.07179304212331772,
0.0014867862919345498,
0.6438378691673279,
0.1137007400393486,
-0.4613646864891052,
0.6517263054847717,
0.238747701048851,
-0.49260568618774414,
-0.8759349584579468,
-0.10034612566232681,
-1.1035611629486084,
-0.19510751962661743,
1.1692566871643066,
-0.09477636218070984,
-0.6199108362197876,
0.09916529804468155,
-0.43630218505859375,
0.35447612404823303,
-0.5668861269950867,
0.35836103558540344,
0.5078487396240234,
-0.283164918422699,
-0.06918881833553314,
-0.49730223417282104,
0.4807216227054596,
0.10665514320135117,
-0.9452612996101379,
0.021252667531371117,
0.5606557726860046,
0.2261013686656952,
0.7224457263946533,
0.7865121364593506,
-0.2850768268108368,
0.3486747741699219,
0.20703838765621185,
0.371479332447052,
-0.298797607421875,
0.15259505808353424,
-0.3538597822189331,
-0.058652397245168686,
-0.12081502377986908,
-0.1124042198061943
] |
lorahub/flan_t5_large-wiqa_what_is_the_final_step_of_the_following_process
|
lorahub
| 2023-07-24T09:45:54Z | 5,204 | 0 |
peft
|
[
"peft",
"region:us"
] | null | 2023-07-24T09:45:44Z |
---
library_name: peft
---
|
[
-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
] |
cyberagent/open-calm-large
|
cyberagent
| 2023-05-18T01:11:13Z | 5,203 | 9 |
transformers
|
[
"transformers",
"pytorch",
"gpt_neox",
"text-generation",
"japanese",
"causal-lm",
"ja",
"dataset:wikipedia",
"dataset:cc100",
"dataset:mc4",
"license:cc-by-sa-4.0",
"has_space",
"text-generation-inference",
"region:us"
] |
text-generation
| 2023-05-15T06:50:24Z |
---
license: cc-by-sa-4.0
datasets:
- wikipedia
- cc100
- mc4
language:
- ja
tags:
- japanese
- causal-lm
inference: false
---
# OpenCALM-Large
## Model Description
OpenCALM is a suite of decoder-only language models pre-trained on Japanese datasets, developed by CyberAgent, Inc.
## Usage
```python
import torch
from transformers import AutoModelForCausalLM, AutoTokenizer
model = AutoModelForCausalLM.from_pretrained("cyberagent/open-calm-large", device_map="auto", torch_dtype=torch.float16)
tokenizer = AutoTokenizer.from_pretrained("cyberagent/open-calm-large")
inputs = tokenizer("AIによって私達の暮らしは、", return_tensors="pt").to(model.device)
with torch.no_grad():
tokens = model.generate(
**inputs,
max_new_tokens=64,
do_sample=True,
temperature=0.7,
top_p=0.9,
repetition_penalty=1.05,
pad_token_id=tokenizer.pad_token_id,
)
output = tokenizer.decode(tokens[0], skip_special_tokens=True)
print(output)
```
## Model Details
|Model|Params|Layers|Dim|Heads|Dev ppl|
|:---:|:---: |:---:|:---:|:---:|:---:|
|[cyberagent/open-calm-small](https://huggingface.co/cyberagent/open-calm-small)|160M|12|768|12|19.7|
|[cyberagent/open-calm-medium](https://huggingface.co/cyberagent/open-calm-medium)|400M|24|1024|16|13.8|
|[cyberagent/open-calm-large](https://huggingface.co/cyberagent/open-calm-large)|830M|24|1536|16|11.3|
|[cyberagent/open-calm-1b](https://huggingface.co/cyberagent/open-calm-1b)|1.4B|24|2048|16|10.3|
|[cyberagent/open-calm-3b](https://huggingface.co/cyberagent/open-calm-3b)|2.7B|32|2560|32|9.7|
|[cyberagent/open-calm-7b](https://huggingface.co/cyberagent/open-calm-7b)|6.8B|32|4096|32|8.2|
* **Developed by**: [CyberAgent, Inc.](https://www.cyberagent.co.jp/)
* **Model type**: Transformer-based Language Model
* **Language**: Japanese
* **Library**: [GPT-NeoX](https://github.com/EleutherAI/gpt-neox)
* **License**: OpenCALM is licensed under the Creative Commons Attribution-ShareAlike 4.0 International License ([CC BY-SA 4.0](https://creativecommons.org/licenses/by-sa/4.0/)). When using this model, please provide appropriate credit to CyberAgent, Inc.
* Example (en): This model is a fine-tuned version of OpenCALM-XX developed by CyberAgent, Inc. The original model is released under the CC BY-SA 4.0 license, and this model is also released under the same CC BY-SA 4.0 license. For more information, please visit: https://creativecommons.org/licenses/by-sa/4.0/
* Example (ja): 本モデルは、株式会社サイバーエージェントによるOpenCALM-XXをファインチューニングしたものです。元のモデルはCC BY-SA 4.0ライセンスのもとで公開されており、本モデルも同じくCC BY-SA 4.0ライセンスで公開します。詳しくはこちらをご覧ください: https://creativecommons.org/licenses/by-sa/4.0/
## Training Dataset
* Wikipedia (ja)
* Common Crawl (ja)
## Author
[Ryosuke Ishigami](https://huggingface.co/rishigami)
## Citations
```bibtext
@software{gpt-neox-library,
title = {{GPT-NeoX: Large Scale Autoregressive Language Modeling in PyTorch}},
author = {Andonian, Alex and Anthony, Quentin and Biderman, Stella and Black, Sid and Gali, Preetham and Gao, Leo and Hallahan, Eric and Levy-Kramer, Josh and Leahy, Connor and Nestler, Lucas and Parker, Kip and Pieler, Michael and Purohit, Shivanshu and Songz, Tri and Phil, Wang and Weinbach, Samuel},
url = {https://www.github.com/eleutherai/gpt-neox},
doi = {10.5281/zenodo.5879544},
month = {8},
year = {2021},
version = {0.0.1},
}
```
|
[
-0.42442241311073303,
-0.7636896371841431,
0.3044021427631378,
0.09636416286230087,
-0.14595550298690796,
-0.3097962439060211,
-0.4668754041194916,
-0.4763672947883606,
0.22128915786743164,
0.5505208373069763,
-0.5082474946975708,
-0.8010286092758179,
-0.504077136516571,
0.052563849836587906,
-0.09323399513959885,
1.005831241607666,
-0.2512689232826233,
-0.1364595592021942,
-0.05642440915107727,
-0.14519710838794708,
-0.12763650715351105,
-0.5505739450454712,
-0.770736575126648,
-0.3882240056991577,
0.0628683865070343,
0.20672279596328735,
0.9961036443710327,
0.7280277609825134,
0.47524556517601013,
0.4154037535190582,
0.07736816257238388,
0.021125657483935356,
-0.3513772487640381,
-0.26419246196746826,
-0.000030805906135356054,
-0.7288869619369507,
-0.7790151834487915,
-0.108485646545887,
0.7197568416595459,
0.3525226414203644,
-0.05767584592103958,
0.21572422981262207,
-0.12469464540481567,
0.17990534007549286,
-0.569145917892456,
0.4282020330429077,
-0.44805827736854553,
0.03320413455367088,
-0.11868055909872055,
-0.02127741277217865,
-0.37970179319381714,
-0.39948999881744385,
0.03888017311692238,
-0.7891122102737427,
0.19052527844905853,
-0.14535602927207947,
1.1561667919158936,
0.11714304238557816,
-0.14571866393089294,
0.03931781277060509,
-0.8444520235061646,
0.8908563852310181,
-1.0800265073776245,
0.24246951937675476,
0.5744690895080566,
0.25008469820022583,
0.005501456093043089,
-0.8429003357887268,
-0.41391393542289734,
-0.17435327172279358,
0.017245890572667122,
0.213750958442688,
-0.6115574240684509,
-0.03914028778672218,
0.4032015800476074,
0.3744436800479889,
-0.909806489944458,
0.1036217212677002,
-0.30520570278167725,
-0.3565944731235504,
0.4904324412345886,
0.38547998666763306,
0.46847090125083923,
0.06951606273651123,
-0.3384097218513489,
-0.32071250677108765,
-0.47306549549102783,
-0.14686714112758636,
0.312137633562088,
0.3974018096923828,
-0.6435977220535278,
0.5036453604698181,
-0.0843302458524704,
0.6071370244026184,
-0.2807171046733856,
-0.23878534138202667,
0.6422963738441467,
-0.5173328518867493,
-0.2965419292449951,
-0.08206576108932495,
1.558912992477417,
0.22948206961154938,
0.4440990090370178,
0.06738656759262085,
-0.15493318438529968,
-0.016879016533493996,
-0.04613718390464783,
-1.0798234939575195,
-0.07587265223264694,
0.1686570793390274,
-0.4178161025047302,
-0.1919206827878952,
0.3122263550758362,
-0.844253659248352,
0.11882325261831284,
-0.27263981103897095,
0.4634353220462799,
-0.5139543414115906,
-0.6296295523643494,
0.3548402190208435,
0.21745899319648743,
0.08230756223201752,
0.28145545721054077,
-0.5013907551765442,
0.5581977367401123,
0.2997785210609436,
1.0727888345718384,
0.29928120970726013,
-0.4274947941303253,
-0.170415997505188,
-0.2913837432861328,
-0.16896186769008636,
0.32183998823165894,
-0.2821696996688843,
-0.26001888513565063,
-0.046627476811409,
0.22534316778182983,
-0.3384687602519989,
-0.5534552931785583,
0.38745227456092834,
-0.38626593351364136,
0.38301026821136475,
0.18599791824817657,
-0.02792351506650448,
-0.07571157068014145,
0.12446010112762451,
-0.6125381588935852,
1.1197398900985718,
0.2332899570465088,
-0.9485087394714355,
-0.03501768037676811,
-0.5999123454093933,
0.011756427586078644,
-0.15849801898002625,
0.04885682463645935,
-0.6221436858177185,
-0.19379541277885437,
0.2736545205116272,
0.10080990195274353,
-0.5531972646713257,
0.14099381864070892,
-0.5340211987495422,
-0.15122132003307343,
0.31282585859298706,
-0.25221768021583557,
1.189346194267273,
0.41275814175605774,
-0.4161217212677002,
0.2485341876745224,
-0.8455119729042053,
0.1964704394340515,
0.58412104845047,
-0.09052185714244843,
-0.29730162024497986,
-0.251939058303833,
0.197340190410614,
0.45718371868133545,
0.4122108221054077,
-0.6126607060432434,
0.24546879529953003,
-0.5281894207000732,
0.6886200904846191,
0.5618112683296204,
-0.23919154703617096,
0.3249700963497162,
-0.2205030620098114,
0.7068160772323608,
0.21976879239082336,
0.37596699595451355,
-0.2779329717159271,
-0.4823981821537018,
-0.682964563369751,
-0.5199629664421082,
0.18440884351730347,
0.6342080235481262,
-0.577414333820343,
0.5473723411560059,
-0.42840152978897095,
-0.7324142456054688,
-0.664646565914154,
-0.10429896414279938,
0.518579363822937,
0.1996060013771057,
0.38374632596969604,
-0.3398455083370209,
-0.6589971780776978,
-0.742821991443634,
0.08888016641139984,
-0.12739144265651703,
0.09436281770467758,
0.4423505663871765,
0.7132139801979065,
-0.5719932317733765,
1.1001359224319458,
-0.8064271807670593,
-0.14859788119792938,
-0.09580811113119125,
0.21751026809215546,
0.4576970934867859,
0.3929937481880188,
0.6523929834365845,
-0.4954703450202942,
-0.6203407645225525,
0.1918308287858963,
-0.7652043700218201,
-0.1754949539899826,
0.10481784492731094,
-0.024077286943793297,
0.2672070264816284,
0.5838497281074524,
-0.7983558177947998,
0.5715957880020142,
0.33212709426879883,
-0.39144086837768555,
0.8955831527709961,
-0.3855539560317993,
-0.10219793021678925,
-1.476128339767456,
0.4503629803657532,
0.12762658298015594,
-0.4038761854171753,
-0.44998276233673096,
0.22043867409229279,
0.02027527242898941,
-0.2549615502357483,
-0.4702645242214203,
0.8756369352340698,
-0.44198429584503174,
0.08780452609062195,
-0.2745387554168701,
0.23465478420257568,
-0.2591784596443176,
0.4321862459182739,
0.11653538793325424,
0.7175926566123962,
0.7959513664245605,
-0.4021477699279785,
0.40464556217193604,
0.2085486203432083,
-0.16340391337871552,
0.1859690099954605,
-0.8683909177780151,
0.1411139965057373,
0.030408943071961403,
0.24920493364334106,
-0.8847878575325012,
-0.1268441379070282,
0.3326680362224579,
-0.7185019850730896,
0.28295648097991943,
-0.2624106705188751,
-0.8200086355209351,
-0.622934877872467,
-0.22414468228816986,
0.5711853504180908,
0.42432719469070435,
-0.4664697051048279,
0.2679392397403717,
0.21610592305660248,
-0.06749030947685242,
-0.4994801878929138,
-0.6728282570838928,
-0.14708556234836578,
-0.13643033802509308,
-0.7534986138343811,
0.280847430229187,
-0.15248143672943115,
-0.14395707845687866,
0.18767264485359192,
0.08916853368282318,
-0.24353231489658356,
-0.19335831701755524,
0.19102488458156586,
0.5142539143562317,
-0.541187047958374,
-0.2169625461101532,
-0.4527316093444824,
-0.3371346890926361,
0.273976594209671,
-0.367689311504364,
0.9523589611053467,
-0.358813613653183,
-0.13493883609771729,
-0.5770149827003479,
0.049159396439790726,
0.8222103118896484,
-0.40531423687934875,
0.8739027976989746,
0.9775305986404419,
-0.5091670751571655,
0.064787358045578,
-0.2661319077014923,
-0.24960187077522278,
-0.4828861355781555,
0.5621411204338074,
-0.3516138792037964,
-0.8494897484779358,
0.9496044516563416,
0.16368189454078674,
0.06674417853355408,
0.6632006168365479,
0.680454432964325,
0.5998874306678772,
1.2494957447052002,
0.49112096428871155,
-0.3977806568145752,
0.529926061630249,
-0.5084773898124695,
0.13758650422096252,
-0.8364197015762329,
-0.047544561326503754,
-0.8148890733718872,
0.09202694147825241,
-0.8205878734588623,
-0.4433717131614685,
0.2533394992351532,
-0.08155354857444763,
-0.6702349781990051,
0.7020748853683472,
-0.41641005873680115,
0.1871827095746994,
0.5170111656188965,
0.19989098608493805,
0.17360137403011322,
0.032858431339263916,
-0.42620202898979187,
-0.0020992045756429434,
-0.6907311081886292,
-0.30835962295532227,
1.1397370100021362,
0.5346848964691162,
1.010447382926941,
0.10621019452810287,
0.6999408006668091,
-0.43071824312210083,
-0.04538876563310623,
-0.7349562644958496,
0.6774498820304871,
0.10655152052640915,
-0.7926631569862366,
-0.08692524582147598,
-0.8970691561698914,
-1.2448644638061523,
0.12927542626857758,
-0.026912614703178406,
-1.1357485055923462,
0.057256244122982025,
0.000512435392010957,
-0.28269651532173157,
0.5504674315452576,
-0.5754433274269104,
0.8758788108825684,
0.03812684118747711,
-0.47180625796318054,
-0.1545424610376358,
-0.6201645135879517,
0.3596983253955841,
-0.005859156604856253,
0.30623048543930054,
0.1499507874250412,
-0.06957386434078217,
0.7212550640106201,
-0.8153236508369446,
0.9794355630874634,
-0.07460183650255203,
0.08220665901899338,
0.4258618950843811,
-0.006412169896066189,
0.4204360842704773,
0.08877431601285934,
-0.003750243689864874,
0.3762243986129761,
0.10505209863185883,
-0.2437315732240677,
-0.3168163001537323,
0.9290668964385986,
-1.3623238801956177,
-0.22721196711063385,
-0.7248182892799377,
-0.5762519836425781,
0.11851523071527481,
0.668064296245575,
0.4426979124546051,
0.5772486329078674,
-0.06861277669668198,
0.25042811036109924,
0.6229648590087891,
-0.5635057091712952,
0.43186861276626587,
0.5656548142433167,
-0.47356465458869934,
-0.8743830919265747,
0.9203413724899292,
0.07823246717453003,
0.4258786141872406,
0.3396730422973633,
0.4021088182926178,
-0.25964316725730896,
-0.2791331112384796,
-0.28362220525741577,
0.6651040315628052,
-0.4928816258907318,
-0.2725452482700348,
-0.6492239832878113,
-0.5194395780563354,
-0.718546450138092,
0.04699156805872917,
-0.5841798782348633,
-0.19664189219474792,
-0.43240922689437866,
0.25373661518096924,
0.43117040395736694,
0.4672988951206207,
-0.13113698363304138,
0.3509596884250641,
-0.7099194526672363,
0.21536582708358765,
-0.04431705176830292,
0.42460566759109497,
0.05261174216866493,
-0.678606390953064,
-0.43232282996177673,
0.23748570680618286,
-0.44469645619392395,
-0.6747042536735535,
0.7081667184829712,
-0.07636021822690964,
0.47971686720848083,
0.4336681365966797,
-0.02031620591878891,
0.7071660757064819,
-0.1618148684501648,
0.6533120274543762,
0.34778669476509094,
-0.7837324738502502,
0.5570346713066101,
-0.6448214650154114,
0.8319910764694214,
0.2934114933013916,
0.632622480392456,
-0.5057520270347595,
-0.2645890712738037,
-0.835243821144104,
-1.0731498003005981,
1.253488540649414,
0.19431927800178528,
0.0011233399854972959,
0.022821541875600815,
0.21470260620117188,
-0.20422624051570892,
0.023685261607170105,
-1.0530959367752075,
-0.4227699637413025,
-0.19082972407341003,
-0.32429131865501404,
-0.17255070805549622,
-0.027034049853682518,
0.05319135636091232,
-0.3365268111228943,
0.8678192496299744,
-0.1589728146791458,
0.7262203693389893,
0.27431240677833557,
-0.15255886316299438,
-0.3468751609325409,
0.07847844809293747,
0.6749053597450256,
0.4668278098106384,
-0.3689739406108856,
-0.06655766814947128,
0.07406950742006302,
-0.8305915594100952,
-0.17386305332183838,
0.2657363712787628,
-0.13507935404777527,
-0.014688806608319283,
0.3672579526901245,
1.104548692703247,
0.19535817205905914,
-0.4194087088108063,
0.5712847113609314,
-0.13000963628292084,
-0.434125155210495,
-0.4507886469364166,
-0.04381585866212845,
0.01807817816734314,
0.05541497468948364,
0.008743220940232277,
-0.04919655621051788,
-0.18327362835407257,
-0.6355991363525391,
-0.02323066256940365,
0.3654848039150238,
-0.3983868956565857,
-0.5351715683937073,
0.699068009853363,
-0.23621778190135956,
-0.1382967233657837,
0.8021254539489746,
-0.13114334642887115,
-0.5074939727783203,
0.7440088391304016,
0.9522972106933594,
1.0263136625289917,
-0.46398136019706726,
-0.03921259939670563,
0.9951352477073669,
0.4852367043495178,
-0.017121007665991783,
0.36699116230010986,
0.22487083077430725,
-0.6484624743461609,
-0.2985152006149292,
-0.6112454533576965,
-0.12606914341449738,
0.46053194999694824,
-0.7581782341003418,
0.5263676047325134,
-0.5149255990982056,
-0.44488027691841125,
-0.05206933990120888,
0.18831513822078705,
-0.7628623247146606,
0.1814972311258316,
0.05680746212601662,
1.0163782835006714,
-0.7400668263435364,
0.8639749884605408,
0.8643683195114136,
-0.5637299418449402,
-0.8091941475868225,
-0.1450929492712021,
0.08849113434553146,
-0.9040783643722534,
0.3496018648147583,
0.08747386187314987,
0.14028535783290863,
0.18462295830249786,
-0.44818001985549927,
-1.080499529838562,
1.0629056692123413,
0.39427587389945984,
-0.44312331080436707,
-0.11487051844596863,
0.5277742147445679,
0.5381369590759277,
-0.21335874497890472,
0.9900850653648376,
0.17429685592651367,
0.47777560353279114,
0.029625672847032547,
-1.3145948648452759,
0.2533450424671173,
-0.3875044286251068,
-0.02157396636903286,
0.48734837770462036,
-0.8981291651725769,
1.0387264490127563,
-0.27658677101135254,
-0.06818845868110657,
0.18116143345832825,
0.3860872685909271,
0.1186794862151146,
0.14621616899967194,
0.33878257870674133,
0.9005027413368225,
0.3227106034755707,
-0.19994613528251648,
0.8539412021636963,
-0.2871996760368347,
0.6949706077575684,
1.13149094581604,
0.06193670630455017,
0.7191281318664551,
-0.0535711869597435,
-0.3842136859893799,
0.5530174374580383,
0.4439115822315216,
-0.003488298039883375,
0.251876562833786,
0.06439733505249023,
-0.1612158864736557,
-0.1756296157836914,
0.1577533632516861,
-0.5292314291000366,
0.4709160625934601,
0.327036589384079,
-0.5220968127250671,
-0.5388420820236206,
0.01674080453813076,
0.4410649836063385,
-0.2705382704734802,
-0.24721819162368774,
0.644849956035614,
0.2602592706680298,
-0.5605964660644531,
0.923801064491272,
0.2526938319206238,
0.5349276661872864,
-0.8740484118461609,
0.3226976692676544,
0.09477467834949493,
0.5147925615310669,
-0.2544328272342682,
-0.6487166285514832,
0.17472848296165466,
-0.013175266794860363,
-0.08105935156345367,
0.034109070897102356,
0.6154578328132629,
-0.3042048215866089,
-0.32579198479652405,
0.4780162274837494,
0.17913179099559784,
0.2054346650838852,
-0.15097768604755402,
-0.9825544953346252,
0.28978514671325684,
-0.04901927709579468,
-0.37731143832206726,
0.40659475326538086,
0.4259125888347626,
-0.11819170415401459,
0.5879897475242615,
0.7468286156654358,
0.02845163829624653,
0.028806233778595924,
0.052040617913007736,
0.9288093447685242,
-0.7097805142402649,
-0.4922226369380951,
-0.9550123810768127,
0.48963600397109985,
0.06254679709672928,
-0.623751163482666,
0.9065365195274353,
0.8515450358390808,
0.9270171523094177,
-0.1016131192445755,
0.7338232398033142,
-0.11991971731185913,
0.21333450078964233,
-0.18267059326171875,
0.6405623555183411,
-0.5929504632949829,
-0.20653650164604187,
-0.452908992767334,
-0.9952968955039978,
-0.2848973870277405,
0.6413047909736633,
-0.5009762048721313,
0.32920041680336,
0.6886456608772278,
1.0567545890808105,
-0.2775920629501343,
-0.15094441175460815,
0.1616596132516861,
0.632738471031189,
0.29890161752700806,
0.8180262446403503,
0.48435860872268677,
-0.7123738527297974,
0.5479238629341125,
-0.4195324778556824,
-0.5159982442855835,
-0.37066829204559326,
-0.600244402885437,
-0.9808282256126404,
-0.5388414859771729,
-0.4987836182117462,
-0.6195268630981445,
-0.2557823956012726,
1.1504606008529663,
0.8564331531524658,
-0.6999721527099609,
-0.4536442160606384,
-0.1846393346786499,
-0.30905309319496155,
-0.16821302473545074,
-0.31028246879577637,
0.22933454811573029,
-0.17645539343357086,
-0.7990727424621582,
0.07529615610837936,
-0.0021374409552663565,
0.06753320246934891,
-0.22586004436016083,
-0.10176878422498703,
-0.18877264857292175,
0.11350394785404205,
0.47848597168922424,
0.5054221749305725,
-0.5238372087478638,
0.1896505504846573,
0.1801910102367401,
-0.27890443801879883,
0.16934916377067566,
0.47536689043045044,
-0.5045466423034668,
0.5954960584640503,
0.6608707904815674,
0.045291148126125336,
0.7705631852149963,
-0.4676957428455353,
0.3755195140838623,
-0.44635072350502014,
0.2979210913181305,
0.14130030572414398,
0.5090405941009521,
0.05012349411845207,
-0.18447142839431763,
0.3800916075706482,
0.39443203806877136,
-0.6937183737754822,
-0.880868673324585,
0.025315480306744576,
-1.1843677759170532,
-0.16321025788784027,
1.3756227493286133,
-0.2383061796426773,
-0.459398090839386,
0.13466563820838928,
-0.2516971230506897,
0.3702145218849182,
-0.3425467312335968,
0.3925442099571228,
0.5695289969444275,
0.3243058919906616,
-0.12010778486728668,
-0.6748496890068054,
0.09020647406578064,
0.06467465311288834,
-0.8380224704742432,
0.145745649933815,
0.30400189757347107,
0.4501628577709198,
0.4031962454319,
0.6776592135429382,
-0.6729891300201416,
0.3233805000782013,
0.037452735006809235,
0.41683876514434814,
-0.2231602966785431,
-0.17066121101379395,
-0.33775773644447327,
-0.19127772748470306,
0.04614951089024544,
-0.11676555126905441
] |
arbazk/maestroqa-distilbert-negative-sentiment
|
arbazk
| 2023-03-27T17:39:15Z | 5,201 | 2 |
transformers
|
[
"transformers",
"pytorch",
"safetensors",
"distilbert",
"text-classification",
"generated_from_trainer",
"license:apache-2.0",
"endpoints_compatible",
"region:us"
] |
text-classification
| 2023-03-22T21:42:45Z |
---
license: apache-2.0
tags:
- generated_from_trainer
metrics:
- accuracy
model-index:
- name: maestroqa-distilbert-negative-sentiment
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. -->
# maestroqa-distilbert-negative-sentiment
This model is a fine-tuned version of [distilbert-base-uncased-finetuned-sst-2-english](https://huggingface.co/distilbert-base-uncased-finetuned-sst-2-english) on an unknown dataset.
It achieves the following results on the evaluation set:
- Loss: 0.8880
- Accuracy: 0.77
## Model description
More information needed
## Intended uses & limitations
More information needed
## Training and evaluation data
More information needed
## Training procedure
### Training hyperparameters
The following hyperparameters were used during training:
- learning_rate: 2e-05
- train_batch_size: 16
- eval_batch_size: 16
- seed: 42
- optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08
- lr_scheduler_type: linear
- num_epochs: 5
### Training results
| Training Loss | Epoch | Step | Validation Loss | Accuracy |
|:-------------:|:-----:|:----:|:---------------:|:--------:|
| No log | 1.0 | 100 | 0.5659 | 0.73 |
| No log | 2.0 | 200 | 0.5930 | 0.76 |
| No log | 3.0 | 300 | 0.7645 | 0.76 |
| No log | 4.0 | 400 | 0.8880 | 0.77 |
| 0.267 | 5.0 | 500 | 0.9724 | 0.77 |
### Framework versions
- Transformers 4.25.1
- Pytorch 2.0.0
- Datasets 2.10.1
- Tokenizers 0.13.2
|
[
-0.5302247405052185,
-0.7120324969291687,
0.11595702171325684,
0.18330085277557373,
-0.4933091998100281,
-0.3320673108100891,
-0.08561520278453827,
-0.12381768971681595,
0.12196976691484451,
0.2220817655324936,
-0.8088371157646179,
-0.6795854568481445,
-0.8078530430793762,
-0.16718310117721558,
-0.31167787313461304,
1.4106600284576416,
0.10356347262859344,
0.5942477583885193,
-0.06799054145812988,
0.05689216032624245,
-0.5434054136276245,
-0.7330844402313232,
-0.8923782110214233,
-0.7130747437477112,
0.29660260677337646,
0.35780152678489685,
0.9212692975997925,
0.6866950988769531,
0.6178213953971863,
0.24059045314788818,
-0.4323904514312744,
-0.15019609034061432,
-0.7388100624084473,
-0.49818187952041626,
-0.03523511812090874,
-0.46945396065711975,
-0.835013747215271,
0.091603122651577,
0.6040416359901428,
0.4551091492176056,
-0.2502517104148865,
0.5704391002655029,
0.2374504953622818,
0.7286925911903381,
-0.3936783969402313,
0.3504670560359955,
-0.6111447215080261,
0.19960159063339233,
-0.24370810389518738,
-0.2712891101837158,
-0.22556829452514648,
-0.08909740298986435,
0.174571692943573,
-0.5301638841629028,
0.5080374479293823,
-0.15691643953323364,
1.309608817100525,
0.5340521931648254,
-0.44673818349838257,
0.03693882375955582,
-0.8168185949325562,
0.7601088881492615,
-0.838249683380127,
0.2605178952217102,
0.45081833004951477,
0.5923084020614624,
0.11075138300657272,
-0.63525390625,
-0.6424037218093872,
0.029599977657198906,
-0.05486736819148064,
0.34652891755104065,
-0.21146394312381744,
0.04725397750735283,
0.6872238516807556,
0.5598298907279968,
-0.5590373277664185,
0.2369900941848755,
-0.7113444209098816,
-0.20187142491340637,
0.6754581332206726,
0.4647290110588074,
-0.37267565727233887,
-0.2851772606372833,
-0.5492085814476013,
-0.09087003767490387,
-0.37880176305770874,
0.2170746624469757,
0.6947206258773804,
0.289765328168869,
-0.3203513026237488,
0.5650511980056763,
-0.3811020851135254,
0.7387661933898926,
0.32432305812835693,
-0.20937032997608185,
0.6465713977813721,
0.09958679229021072,
-0.5106507539749146,
0.0049125454388558865,
0.7926052212715149,
0.7712755799293518,
0.19991770386695862,
0.20387481153011322,
-0.33950453996658325,
0.015796475112438202,
0.28651705384254456,
-1.0326974391937256,
-0.4146842658519745,
0.11867086589336395,
-0.5276743173599243,
-0.720054566860199,
0.17916236817836761,
-0.5119218826293945,
0.13968583941459656,
-0.6037054061889648,
0.6067951917648315,
-0.3658071458339691,
-0.22503048181533813,
0.2186259925365448,
-0.09513138234615326,
0.30508333444595337,
0.3216056525707245,
-0.7513869404792786,
0.37229132652282715,
0.49744558334350586,
0.6049441695213318,
0.11128638684749603,
-0.2696731984615326,
-0.12192456424236298,
-0.22665201127529144,
-0.31128987669944763,
0.4991043508052826,
0.0799591988325119,
-0.471353679895401,
-0.28418341279029846,
0.20144659280776978,
-0.04615131393074989,
-0.4403296411037445,
1.013390302658081,
-0.4093213677406311,
0.38133808970451355,
-0.3260875642299652,
-0.5690603256225586,
-0.35813358426094055,
0.5182464122772217,
-0.752126157283783,
1.3465015888214111,
0.21700125932693481,
-0.8791311979293823,
0.5747689604759216,
-0.5284712910652161,
-0.13383466005325317,
-0.09813158214092255,
-0.10345036536455154,
-0.8069486021995544,
-0.03929544985294342,
-0.0004257412801962346,
0.5673601031303406,
-0.469194233417511,
0.5119848251342773,
-0.32865840196609497,
-0.6179368495941162,
0.07658674567937851,
-0.7638031840324402,
1.021269679069519,
0.19438885152339935,
-0.518202543258667,
-0.1378384530544281,
-1.259528398513794,
0.16834811866283417,
0.26085299253463745,
-0.46326175332069397,
0.014858798123896122,
-0.2659056782722473,
0.3602973520755768,
0.47618597745895386,
0.42081689834594727,
-0.5325063467025757,
0.10365451872348785,
-0.4530963897705078,
0.35658279061317444,
0.7407477498054504,
0.10050740092992783,
-0.000020191664589219727,
-0.4705226421356201,
0.36925068497657776,
0.49660858511924744,
0.4622330665588379,
0.3552221953868866,
-0.3333366811275482,
-1.0500541925430298,
-0.18978260457515717,
0.329631507396698,
0.4619678258895874,
-0.4928932189941406,
0.7490715980529785,
-0.1869947761297226,
-0.8205177187919617,
-0.3688947856426239,
0.05842636153101921,
0.4574032723903656,
0.9470618367195129,
0.5528331398963928,
-0.09413394331932068,
-0.4791147708892822,
-1.4160668849945068,
0.09686226397752762,
-0.15842904150485992,
0.2571779191493988,
0.09175466001033783,
0.6783228516578674,
-0.12173459678888321,
0.857265055179596,
-0.6492835879325867,
-0.24833178520202637,
-0.07306306064128876,
0.09708232432603836,
0.6476942300796509,
0.7863492965698242,
0.7728970050811768,
-0.6739031672477722,
-0.49196457862854004,
-0.2494385838508606,
-0.769885241985321,
0.369121253490448,
-0.13350693881511688,
-0.3407829999923706,
-0.04759125038981438,
0.16911457479000092,
-0.5738389492034912,
0.7184677124023438,
0.36176827549934387,
-0.33581864833831787,
0.7888944745063782,
-0.2116907238960266,
-0.039741843938827515,
-1.4095995426177979,
0.2127753347158432,
0.28750184178352356,
-0.10953611135482788,
-0.42375648021698,
-0.07541381567716599,
0.09000057727098465,
0.019375447183847427,
-0.582032322883606,
0.5096682906150818,
-0.0947757437825203,
0.3305436670780182,
-0.14444173872470856,
-0.4482038915157318,
0.15581373870372772,
0.929111659526825,
0.16651877760887146,
0.6151079535484314,
0.7547562718391418,
-0.5418867468833923,
0.5081255435943604,
0.4762841761112213,
-0.31413960456848145,
0.8004159927368164,
-1.0607513189315796,
0.034083105623722076,
-0.13084912300109863,
-0.043162327259778976,
-0.9026380181312561,
-0.14013135433197021,
0.44815337657928467,
-0.5562106966972351,
0.4007889926433563,
-0.30864766240119934,
-0.42440667748451233,
-0.5217403769493103,
-0.227079376578331,
0.22380347549915314,
0.6019095182418823,
-0.4856605529785156,
0.21608296036720276,
-0.05574774742126465,
0.2007526308298111,
-0.7249177098274231,
-0.9447173476219177,
-0.24763409793376923,
-0.2701786756515503,
-0.3866845369338989,
0.21121101081371307,
-0.04016769677400589,
0.05156191810965538,
-0.12088578939437866,
-0.10145927220582962,
-0.32142284512519836,
0.06649888306856155,
0.4451499879360199,
0.45844876766204834,
-0.17589789628982544,
0.029581990092992783,
0.24436509609222412,
-0.3394694924354553,
0.2773544490337372,
-0.004775908309966326,
0.48389148712158203,
-0.1988309621810913,
-0.4126463532447815,
-1.0100048780441284,
-0.06429053097963333,
0.6436417698860168,
-0.07712719589471817,
0.9059105515480042,
0.6765211820602417,
-0.5790873169898987,
0.053887538611888885,
-0.45664313435554504,
-0.16638599336147308,
-0.4649948477745056,
0.7038919925689697,
-0.5928928852081299,
-0.2839425504207611,
0.6656273603439331,
0.0696209967136383,
-0.05806320533156395,
1.1804405450820923,
0.5898101329803467,
-0.10643425583839417,
1.2923798561096191,
0.2252262681722641,
-0.14538249373435974,
0.1601279079914093,
-0.9506327509880066,
-0.23456628620624542,
-0.789621114730835,
-0.507358193397522,
-0.5703595876693726,
-0.4923895299434662,
-0.7093489766120911,
0.0028500801417976618,
0.26592105627059937,
0.33767783641815186,
-0.8760225176811218,
0.3886742889881134,
-0.6127257943153381,
0.35135725140571594,
0.8235241770744324,
0.46955689787864685,
0.124476358294487,
0.02474888414144516,
-0.2760469317436218,
-0.19139143824577332,
-0.8142337203025818,
-0.5432981252670288,
1.297085165977478,
0.5951367616653442,
0.8247718811035156,
-0.037622325122356415,
0.7912755608558655,
0.11487738788127899,
0.14340952038764954,
-0.8216508030891418,
0.30198654532432556,
-0.04179307073354721,
-1.0764983892440796,
-0.2691988945007324,
-0.36836546659469604,
-0.5348953604698181,
0.10537982732057571,
-0.33823516964912415,
-0.4612550735473633,
0.2705671787261963,
0.3145928382873535,
-0.5094339847564697,
0.34707698225975037,
-0.4541279971599579,
1.2199548482894897,
-0.4257153868675232,
-0.3487507402896881,
-0.10081934183835983,
-0.5669021606445312,
0.1786528378725052,
-0.03852125257253647,
-0.2372397929430008,
-0.02466679736971855,
0.26838743686676025,
0.8889003992080688,
-0.6593125462532043,
0.8248319625854492,
-0.5022057890892029,
0.2739624083042145,
0.4353514015674591,
-0.09017498046159744,
0.7136950492858887,
0.31636935472488403,
-0.3289153575897217,
0.33640041947364807,
0.1756879836320877,
-0.6131048798561096,
-0.5080249309539795,
0.720043957233429,
-1.2650880813598633,
-0.2612747848033905,
-0.7024047374725342,
-0.25783711671829224,
-0.11552690714597702,
0.1987607181072235,
0.7287715673446655,
0.766552209854126,
-0.23746395111083984,
0.295224130153656,
0.5066296458244324,
0.09054257720708847,
0.1273902803659439,
0.42211395502090454,
0.05210331082344055,
-0.5696121454238892,
0.934097945690155,
0.08935030549764633,
0.2147810012102127,
0.07439813017845154,
0.0948895737528801,
-0.5098981261253357,
-0.6104029417037964,
-0.77500319480896,
0.16822487115859985,
-0.7804879546165466,
-0.39428162574768066,
-0.36177897453308105,
-0.5038527250289917,
-0.17377591133117676,
0.11331605911254883,
-0.5433573722839355,
-0.5129202008247375,
-0.822857141494751,
-0.37165799736976624,
0.4234110116958618,
0.5150538682937622,
0.20905455946922302,
0.6706634759902954,
-0.642742395401001,
-0.07300542294979095,
0.19606851041316986,
0.4550406038761139,
0.03660815954208374,
-1.0655646324157715,
-0.44088420271873474,
0.29763126373291016,
-0.5906798839569092,
-0.7265758514404297,
0.5015820264816284,
0.10959294438362122,
0.6388552188873291,
0.6412938237190247,
-0.060622286051511765,
1.0131263732910156,
-0.27324387431144714,
0.868742823600769,
0.41426318883895874,
-0.7399618625640869,
0.4327870011329651,
-0.2841528058052063,
0.22705131769180298,
0.8648703694343567,
0.6992009282112122,
-0.2307121306657791,
-0.10423640161752701,
-1.163927674293518,
-0.7204442024230957,
0.935297966003418,
0.23528733849525452,
0.1928650438785553,
-0.026382319629192352,
0.45755240321159363,
0.05121345445513725,
0.38976308703422546,
-0.8898903131484985,
-0.6476720571517944,
-0.48688560724258423,
-0.23108254373073578,
-0.1491343379020691,
-0.4527755379676819,
-0.13255588710308075,
-0.7528807520866394,
1.1947386264801025,
0.008529753424227238,
0.25410935282707214,
0.07367196679115295,
0.13184204697608948,
-0.09448257833719254,
0.033909667283296585,
0.5661880373954773,
0.6826839447021484,
-0.5766937136650085,
-0.06136506050825119,
0.2916145622730255,
-0.4781578481197357,
0.03276446834206581,
0.28174617886543274,
-0.24309860169887543,
0.1738131195306778,
0.247767373919487,
1.1204830408096313,
0.09180539101362228,
-0.13683158159255981,
0.639845073223114,
0.006291880272328854,
-0.5846132040023804,
-0.6110376715660095,
-0.03625659644603729,
-0.08425944298505783,
0.28853026032447815,
0.3498855233192444,
0.5837210416793823,
0.24744021892547607,
-0.11182203143835068,
0.11321879178285599,
0.30487024784088135,
-0.7687743902206421,
-0.3610069155693054,
0.8590000867843628,
0.17445822060108185,
-0.14096704125404358,
0.8261079788208008,
-0.29307687282562256,
-0.45843812823295593,
0.8531220555305481,
0.349174439907074,
0.9011051058769226,
-0.020951081067323685,
0.10007021576166153,
0.9138932228088379,
0.1802986115217209,
-0.3086874186992645,
0.5720769166946411,
0.2689952254295349,
-0.5491151809692383,
-0.2311130315065384,
-0.8679994344711304,
-0.14980614185333252,
0.5527182221412659,
-1.3435581922531128,
0.6043439507484436,
-0.4898585379123688,
-0.634827196598053,
0.19750012457370758,
0.23110254108905792,
-1.1590543985366821,
0.6998003125190735,
-0.020116042345762253,
1.2038241624832153,
-1.0080350637435913,
0.9252665638923645,
0.6208499073982239,
-0.5788470506668091,
-1.1257355213165283,
-0.3330680727958679,
-0.09345449507236481,
-0.9143131971359253,
0.8413412570953369,
0.022549638524651527,
0.24243199825286865,
0.2084796130657196,
-0.44399532675743103,
-0.8112905025482178,
1.2197682857513428,
0.28250807523727417,
-0.8634158372879028,
0.009690300561487675,
0.3550673723220825,
0.824087381362915,
-0.014322130009531975,
0.5452601909637451,
0.28121131658554077,
0.280007004737854,
0.2878768742084503,
-1.0574957132339478,
-0.1221548467874527,
-0.374246746301651,
0.06635957211256027,
0.1486709862947464,
-0.8216515779495239,
1.2349345684051514,
0.10542796552181244,
0.3518815040588379,
0.1641625314950943,
0.511874258518219,
0.0333963967859745,
0.2953735888004303,
0.339310884475708,
1.0046117305755615,
0.4820764362812042,
-0.16874386370182037,
0.9138060808181763,
-0.6234349012374878,
0.9388157725334167,
1.2837077379226685,
0.07794759422540665,
0.6612332463264465,
0.44436442852020264,
-0.4185292422771454,
0.42627450823783875,
0.9432509541511536,
-0.34914714097976685,
0.48485562205314636,
0.17364442348480225,
0.06511326879262924,
-0.389485239982605,
0.3087901771068573,
-0.7110352516174316,
0.4893133044242859,
-0.014316124841570854,
-0.7304789423942566,
-0.3374696373939514,
-0.25294029712677,
-0.04267800599336624,
-0.17058596014976501,
-0.41276267170906067,
0.602567732334137,
-0.2686866819858551,
-0.3678439259529114,
1.003377914428711,
0.1640026718378067,
0.48854172229766846,
-0.47967615723609924,
-0.137028306722641,
-0.09092261642217636,
0.3985675871372223,
-0.31848418712615967,
-0.645173192024231,
0.2639278471469879,
-0.013214622624218464,
-0.3255038857460022,
0.08445209264755249,
0.33256083726882935,
-0.2848571836948395,
-1.0764139890670776,
-0.013636666350066662,
0.5438286066055298,
0.2538101375102997,
-0.15313243865966797,
-1.1890761852264404,
-0.19651396572589874,
0.027492668479681015,
-0.5011446475982666,
0.07681527733802795,
0.3846622109413147,
0.03690864518284798,
0.4324115216732025,
0.5651004314422607,
0.01721307635307312,
-0.15234199166297913,
0.15616147220134735,
1.1371551752090454,
-0.5813672542572021,
-0.6100710034370422,
-0.9590837359428406,
0.6889944672584534,
-0.23966138064861298,
-0.8849461674690247,
0.7026600241661072,
1.101106882095337,
1.019926905632019,
-0.2735136151313782,
0.7148832678794861,
0.10390157252550125,
0.6235776543617249,
-0.4767819941043854,
0.8197854161262512,
-0.5550732016563416,
0.013476488180458546,
-0.3169938921928406,
-0.9210198521614075,
-0.01996956393122673,
0.75010746717453,
-0.45359471440315247,
0.1024215817451477,
0.4420059025287628,
0.840212881565094,
-0.10416962206363678,
-0.005181106273084879,
0.26078176498413086,
0.08909527957439423,
0.041380904614925385,
0.51324862241745,
0.6249372363090515,
-0.9922024011611938,
0.4613511264324188,
-0.7019326090812683,
-0.22387686371803284,
-0.1789739578962326,
-0.7090652585029602,
-1.0917863845825195,
-0.44816669821739197,
-0.4735962748527527,
-0.4906369149684906,
-0.032789357006549835,
1.1053588390350342,
0.8306332230567932,
-0.8409408926963806,
-0.2582206130027771,
-0.010403057560324669,
-0.43921688199043274,
-0.33722153306007385,
-0.25897741317749023,
0.49218741059303284,
0.04078398272395134,
-0.8469718098640442,
-0.2385784238576889,
-0.3729369044303894,
0.3978780508041382,
-0.3906008005142212,
-0.35417440533638,
-0.12352798134088516,
-0.29049205780029297,
0.2837562561035156,
-0.09602802246809006,
-0.48084819316864014,
-0.26987406611442566,
0.02160530723631382,
-0.2089824676513672,
0.16410744190216064,
0.1494031697511673,
-0.5587849020957947,
0.4073885679244995,
0.24069592356681824,
0.25650009512901306,
0.806431770324707,
0.054705243557691574,
0.12242937088012695,
-0.7931021451950073,
0.3601824939250946,
0.3490184545516968,
0.3615436255931854,
0.15325035154819489,
-0.5371382832527161,
0.4028150141239166,
0.4720922112464905,
-0.4807613790035248,
-0.799126923084259,
-0.13293328881263733,
-1.1715697050094604,
0.10410512983798981,
1.1434986591339111,
0.07228165119886398,
-0.29171088337898254,
0.33319830894470215,
-0.39212870597839355,
0.3546448349952698,
-0.40465247631073,
0.7083784341812134,
0.8672904372215271,
-0.04661152884364128,
0.26436543464660645,
-0.6153519749641418,
0.5451527833938599,
0.2040262222290039,
-0.4584925174713135,
-0.3205999732017517,
0.49659499526023865,
0.5661837458610535,
0.030598314478993416,
0.4321250915527344,
-0.16220161318778992,
0.35744327306747437,
0.11382540315389633,
0.26929929852485657,
-0.5611064434051514,
-0.31921878457069397,
-0.45174509286880493,
-0.052863020449876785,
0.2546589970588684,
-0.5124653577804565
] |
hfl/chinese-alpaca-2-13b
|
hfl
| 2023-11-16T05:05:23Z | 5,189 | 74 |
transformers
|
[
"transformers",
"pytorch",
"llama",
"text-generation",
"license:apache-2.0",
"endpoints_compatible",
"has_space",
"text-generation-inference",
"region:us"
] |
text-generation
| 2023-08-14T03:10:08Z |
---
license: apache-2.0
---
# Chinese-Alpaca-2-13B
**This is the full Chinese-Alpaca-2-13B model,which can be loaded directly for inference and full-parameter training.**
**Related models👇**
* Long context base models
* [Chinese-LLaMA-2-7B-16K (full model)](https://huggingface.co/hfl/chinese-llama-2-7b-16k)
* [Chinese-LLaMA-2-LoRA-7B-16K (LoRA model)](https://huggingface.co/hfl/chinese-llama-2-lora-7b-16k)
* [Chinese-LLaMA-2-13B-16K (full model)](https://huggingface.co/hfl/chinese-llama-2-13b-16k)
* [Chinese-LLaMA-2-LoRA-13B-16K (LoRA model)](https://huggingface.co/hfl/chinese-llama-2-lora-13b-16k)
* Base models
* [Chinese-LLaMA-2-7B (full model)](https://huggingface.co/hfl/chinese-llama-2-7b)
* [Chinese-LLaMA-2-LoRA-7B (LoRA model)](https://huggingface.co/hfl/chinese-llama-2-lora-7b)
* [Chinese-LLaMA-2-13B (full model)](https://huggingface.co/hfl/chinese-llama-2-13b)
* [Chinese-LLaMA-2-LoRA-13B (LoRA model)](https://huggingface.co/hfl/chinese-llama-2-lora-13b)
* Instruction/Chat models
* [Chinese-Alpaca-2-7B (full model)](https://huggingface.co/hfl/chinese-alpaca-2-7b)
* [Chinese-Alpaca-2-LoRA-7B (LoRA model)](https://huggingface.co/hfl/chinese-alpaca-2-lora-7b)
* [Chinese-Alpaca-2-13B (full model)](https://huggingface.co/hfl/chinese-alpaca-2-13b)
* [Chinese-Alpaca-2-LoRA-13B (LoRA model)](https://huggingface.co/hfl/chinese-alpaca-2-lora-13b)
# Description of Chinese-LLaMA-Alpaca-2
This project is based on the Llama-2, released by Meta, and it is the second generation of the Chinese LLaMA & Alpaca LLM project. We open-source Chinese LLaMA-2 (foundation model) and Alpaca-2 (instruction-following model). These models have been expanded and optimized with Chinese vocabulary beyond the original Llama-2. We used large-scale Chinese data for incremental pre-training, which further improved the fundamental semantic understanding of the Chinese language, resulting in a significant performance improvement compared to the first-generation models. The relevant models support a 4K context and can be expanded up to 18K+ using the NTK method.
The main contents of this project include:
* 🚀 New extended Chinese vocabulary beyond Llama-2, open-sourcing the Chinese LLaMA-2 and Alpaca-2 LLMs.
* 🚀 Open-sourced the pre-training and instruction finetuning (SFT) scripts for further tuning on user's data
* 🚀 Quickly deploy and experience the quantized LLMs on CPU/GPU of personal PC
* 🚀 Support for LLaMA ecosystems like 🤗transformers, llama.cpp, text-generation-webui, LangChain, vLLM etc.
Please refer to [https://github.com/ymcui/Chinese-LLaMA-Alpaca-2/](https://github.com/ymcui/Chinese-LLaMA-Alpaca-2/) for details.
|
[
-0.42377525568008423,
-0.6760081648826599,
0.2903097867965698,
0.8139668107032776,
-0.6473219990730286,
-0.2832879424095154,
0.046044278889894485,
-0.9709151387214661,
0.37582409381866455,
0.4712620973587036,
-0.6211919784545898,
-0.5124813914299011,
-0.5372481346130371,
0.003488958813250065,
-0.24801921844482422,
0.7417840361595154,
-0.07421210408210754,
0.1780824214220047,
0.35277238488197327,
-0.3521718382835388,
-0.37930476665496826,
-0.36866679787635803,
-0.7845050096511841,
-0.5611293315887451,
0.7307846546173096,
0.06897997111082077,
0.8539453148841858,
0.9208662509918213,
0.4276810586452484,
0.20509260892868042,
-0.26663073897361755,
0.3153252601623535,
-0.26985347270965576,
-0.4642835259437561,
0.16793669760227203,
-0.3512728810310364,
-0.8641820549964905,
0.0014210008084774017,
0.3597571551799774,
0.4940433204174042,
-0.2882066071033478,
0.39860185980796814,
0.013110478408634663,
0.3935483396053314,
-0.4562505781650543,
0.3135449290275574,
-0.48561185598373413,
0.059756312519311905,
-0.34262263774871826,
0.011307119391858578,
-0.3059600591659546,
-0.19650119543075562,
-0.08479548245668411,
-1.0141668319702148,
-0.0415031835436821,
-0.09477156400680542,
1.391310691833496,
0.2856847047805786,
-0.6063541173934937,
-0.3650512993335724,
-0.27397650480270386,
0.7642087340354919,
-0.9801998138427734,
0.23889660835266113,
0.5367403626441956,
0.13296040892601013,
-0.34004199504852295,
-0.7740591168403625,
-0.6174482703208923,
-0.33744022250175476,
-0.26435819268226624,
0.14095598459243774,
0.09653723239898682,
-0.17223115265369415,
0.0693105161190033,
0.31330743432044983,
-0.47970932722091675,
0.5295978784561157,
-0.5363357663154602,
-0.1121598407626152,
0.743215024471283,
-0.119070865213871,
0.2929632067680359,
-0.06452357769012451,
-0.544093668460846,
-0.20564422011375427,
-0.9700818657875061,
0.12027391791343689,
0.2682807445526123,
0.4233509302139282,
-0.7026146650314331,
0.5265598893165588,
-0.28955838084220886,
0.6710476279258728,
-0.019442686811089516,
-0.4110076427459717,
0.5921725034713745,
-0.42741385102272034,
-0.24171718955039978,
-0.24399851262569427,
0.8479806780815125,
0.3313043713569641,
-0.08243778347969055,
0.20909276604652405,
-0.20215199887752533,
-0.2016712874174118,
-0.4773672819137573,
-0.8785369396209717,
0.01733957789838314,
0.05151726305484772,
-0.7310606837272644,
-0.35559678077697754,
0.09676022827625275,
-0.4849206805229187,
-0.18921497464179993,
-0.2153254896402359,
0.37655243277549744,
-0.20606455206871033,
-0.43392711877822876,
0.25937619805336,
0.13028673827648163,
0.9612299203872681,
0.3899359703063965,
-0.8282647132873535,
0.17479658126831055,
0.5801056623458862,
0.85372394323349,
0.05913650617003441,
-0.4300316572189331,
-0.018598996102809906,
0.2673114836215973,
-0.5527766942977905,
0.726146936416626,
-0.19078578054904938,
-0.461944043636322,
-0.1943545788526535,
0.44506949186325073,
0.1303592175245285,
-0.44907841086387634,
0.6547697186470032,
-0.44802823662757874,
0.11393605172634125,
-0.6152079701423645,
-0.1617043912410736,
-0.520658552646637,
0.2791845202445984,
-0.9260016083717346,
1.236935019493103,
0.06425734609365463,
-0.6806352138519287,
0.22231517732143402,
-0.7400621771812439,
-0.2083951085805893,
-0.18055878579616547,
-0.0016320282593369484,
-0.30548304319381714,
-0.3347187340259552,
0.20414739847183228,
0.39118191599845886,
-0.6791501641273499,
0.0271848626434803,
-0.2783430516719818,
-0.5592541098594666,
-0.14588254690170288,
-0.07078135758638382,
1.2474932670593262,
0.19068294763565063,
-0.2767098546028137,
-0.09900543838739395,
-0.8875790238380432,
-0.19603584706783295,
0.8084718585014343,
-0.43788737058639526,
-0.06103070452809334,
-0.026156961917877197,
-0.10560972988605499,
0.17552632093429565,
0.7485786080360413,
-0.4321815073490143,
0.2884783446788788,
-0.3170374631881714,
0.4302632510662079,
0.7464436888694763,
-0.14535067975521088,
0.10796170681715012,
-0.38500505685806274,
0.265271931886673,
0.16645224392414093,
0.3655107617378235,
-0.06454205513000488,
-0.7885470390319824,
-1.1952297687530518,
-0.2687738239765167,
0.11115298420190811,
0.7352284789085388,
-0.6748079657554626,
0.5954480767250061,
0.1254517287015915,
-0.7958531379699707,
-0.31856387853622437,
0.11844762414693832,
0.4962148368358612,
0.31026583909988403,
0.3209599554538727,
-0.27352049946784973,
-0.6505602598190308,
-1.0951218605041504,
0.308735728263855,
-0.5092344880104065,
-0.08892104029655457,
0.1378127932548523,
0.5821089744567871,
-0.35094979405403137,
0.5233651399612427,
-0.3932358920574188,
-0.16956283152103424,
-0.190259650349617,
-0.14378656446933746,
0.42511001229286194,
0.48958468437194824,
1.0003880262374878,
-0.5843597054481506,
-0.1661737859249115,
0.12910039722919464,
-0.7687405347824097,
0.0034762269351631403,
-0.0073275137692689896,
-0.44794413447380066,
0.192177876830101,
0.06909353286027908,
-0.7632448077201843,
0.41996175050735474,
0.6582404375076294,
-0.26231110095977783,
0.40430447459220886,
-0.12238400429487228,
-0.2366674840450287,
-1.1620320081710815,
0.10566432029008865,
-0.051031891256570816,
0.213417187333107,
-0.42757728695869446,
0.4538043141365051,
0.1615954041481018,
0.40835899114608765,
-0.7113403081893921,
0.8466299772262573,
-0.5724151730537415,
-0.2142990380525589,
-0.18273195624351501,
0.03491785749793053,
0.2633165419101715,
0.8324956893920898,
0.1414109170436859,
0.6511051058769226,
0.3838216960430145,
-0.5786288976669312,
0.5613982677459717,
0.4915728271007538,
-0.32365861535072327,
-0.06950822472572327,
-0.9152863621711731,
0.3653632700443268,
0.04933212697505951,
0.7172706127166748,
-0.8063023090362549,
-0.3069993853569031,
0.6438466310501099,
-0.3482617139816284,
-0.014450213871896267,
0.20848752558231354,
-0.6124375462532043,
-0.5485873818397522,
-0.6517588496208191,
0.5015961527824402,
0.5825627446174622,
-1.0103552341461182,
0.3488839864730835,
0.01997428946197033,
0.21566569805145264,
-0.8650312423706055,
-1.0584524869918823,
-0.12169850617647171,
-0.22849403321743011,
-0.5351666808128357,
0.3628717064857483,
-0.1407218873500824,
-0.044903844594955444,
-0.16194923222064972,
0.11795908957719803,
-0.1557931751012802,
0.11236615478992462,
0.15034542977809906,
0.7590451836585999,
-0.4073638617992401,
-0.13987424969673157,
0.02654070220887661,
0.15066421031951904,
-0.09691857546567917,
0.16270174086093903,
0.7042412757873535,
-0.0775793045759201,
-0.2926773130893707,
-0.5269865989685059,
0.11312399059534073,
0.09293661266565323,
-0.2815852761268616,
0.90774005651474,
0.7348116040229797,
-0.5452093482017517,
0.0048900446854531765,
-0.5714302062988281,
0.0758134201169014,
-0.5066168904304504,
0.37570735812187195,
-0.5292726755142212,
-0.6367043256759644,
0.6597098112106323,
0.29313862323760986,
0.3500172793865204,
0.6715887784957886,
0.7084438800811768,
0.30499744415283203,
1.0590537786483765,
0.7122830748558044,
-0.2420654445886612,
0.47349077463150024,
-0.3675365746021271,
-0.055705416947603226,
-0.8297486305236816,
-0.587077260017395,
-0.4750708043575287,
-0.2267014980316162,
-0.5211886167526245,
-0.6166232228279114,
-0.01230468787252903,
0.32916733622550964,
-0.7792750597000122,
0.547633945941925,
-0.638700008392334,
0.4093088209629059,
0.609174907207489,
0.33095014095306396,
0.3588281571865082,
0.08056449890136719,
0.07995399832725525,
0.35958749055862427,
-0.3140697181224823,
-0.5923768877983093,
1.098142147064209,
0.4528961479663849,
0.5318896770477295,
0.14592351019382477,
0.4733959436416626,
-0.010747803375124931,
0.27834928035736084,
-0.8567191362380981,
0.6640235781669617,
-0.22091929614543915,
-0.4994449019432068,
-0.10615865141153336,
-0.10415344685316086,
-0.9434383511543274,
0.4158952534198761,
0.14943857491016388,
-0.6000665426254272,
0.07749027013778687,
-0.05917086824774742,
-0.33357709646224976,
0.21568335592746735,
-0.37781813740730286,
0.5316853523254395,
-0.3994823396205902,
0.021538233384490013,
-0.1434505581855774,
-0.6629287600517273,
0.9398651719093323,
-0.296927273273468,
0.1005677580833435,
-0.442804217338562,
-0.45562776923179626,
0.8092333078384399,
-0.5968835949897766,
0.9677816033363342,
-0.25663208961486816,
-0.4922357499599457,
0.7002768516540527,
-0.264110267162323,
0.7344410419464111,
-0.04891661927103996,
-0.32702967524528503,
0.5550445914268494,
-0.010432235896587372,
-0.5344446301460266,
-0.18734991550445557,
0.5097029805183411,
-1.2627596855163574,
-0.6079821586608887,
-0.3181528151035309,
-0.2675950229167938,
-0.04076462239027023,
0.0820341557264328,
0.5207500457763672,
-0.08735379576683044,
-0.0946226418018341,
0.12502998113632202,
0.20544449985027313,
-0.4249279797077179,
0.5263481140136719,
0.6223881244659424,
-0.20397141575813293,
-0.39522987604141235,
0.6446581482887268,
0.07683228701353073,
0.18061360716819763,
0.3599635064601898,
0.16339440643787384,
-0.18632574379444122,
-0.4451259970664978,
-0.6915051937103271,
0.6118761897087097,
-0.7438273429870605,
-0.1993923783302307,
-0.4826955199241638,
-0.6276397705078125,
-0.36117687821388245,
0.06703963130712509,
-0.28088125586509705,
-0.5057446956634521,
-0.6593532562255859,
-0.2466651052236557,
0.5341039299964905,
0.5727902054786682,
-0.12203622609376907,
0.7395433187484741,
-0.6488363146781921,
0.4274471700191498,
0.4197617769241333,
0.10664007812738419,
0.18067488074302673,
-0.9188373684883118,
-0.17473141849040985,
0.2906717360019684,
-0.5172286629676819,
-0.8222264051437378,
0.5290699601173401,
0.30154135823249817,
0.5433253645896912,
0.6192084550857544,
-0.31056439876556396,
0.9741573929786682,
-0.321579247713089,
1.1118243932724,
0.37337008118629456,
-0.7856805920600891,
0.6010037660598755,
-0.29565030336380005,
-0.0955745279788971,
0.16351208090782166,
0.16295890510082245,
-0.39669594168663025,
0.03463971987366676,
-0.31230854988098145,
-0.7732428908348083,
0.9470289349555969,
0.06635893136262894,
0.2332915961742401,
0.046878114342689514,
0.537305474281311,
0.26289892196655273,
-0.08032409846782684,
-1.1705880165100098,
-0.39916327595710754,
-0.45746883749961853,
-0.05216996744275093,
0.08966390043497086,
-0.3983485996723175,
-0.1353532373905182,
-0.3748270869255066,
1.0478496551513672,
-0.21980562806129456,
0.1769370585680008,
-0.015802107751369476,
0.14155972003936768,
-0.15691392123699188,
-0.32286855578422546,
0.6629769802093506,
0.43933120369911194,
-0.13154597580432892,
-0.4099789261817932,
0.49342605471611023,
-0.559075653553009,
0.12786851823329926,
0.05675166845321655,
-0.2640250623226166,
-0.007947194389998913,
0.5945786237716675,
1.0153847932815552,
-0.002536747371777892,
-0.6744799613952637,
0.5385399460792542,
0.07129669934511185,
-0.12709850072860718,
-0.6046561002731323,
-0.03134140372276306,
0.34089207649230957,
0.37159156799316406,
0.24638135731220245,
-0.38054051995277405,
0.04653520509600639,
-0.5305162072181702,
-0.22455812990665436,
0.292609840631485,
0.2255617380142212,
-0.4738863706588745,
0.7165646553039551,
0.15885622799396515,
-0.0854310393333435,
0.4875127077102661,
-0.36810848116874695,
-0.20953553915023804,
1.2502703666687012,
0.6979788541793823,
0.5273391604423523,
-0.4514627754688263,
0.16181334853172302,
0.7038111686706543,
0.34067025780677795,
-0.4880146086215973,
0.399817556142807,
0.1106095165014267,
-0.8351677656173706,
-0.24365030229091644,
-0.6954519748687744,
-0.40508997440338135,
0.462886244058609,
-0.7125582695007324,
0.7184023261070251,
-0.5783866047859192,
-0.1294233798980713,
-0.2657453119754791,
0.39606213569641113,
-0.5810948014259338,
0.2569201588630676,
0.5088945031166077,
1.1518359184265137,
-0.6306187510490417,
1.2500590085983276,
0.6423940062522888,
-0.399297833442688,
-1.1589813232421875,
-0.4010104537010193,
0.00041823205538094044,
-1.6087232828140259,
0.6560245156288147,
0.2424955517053604,
0.033161453902721405,
-0.39036574959754944,
-0.8596109747886658,
-1.3245892524719238,
1.7218248844146729,
0.37062084674835205,
-0.541863203048706,
-0.20237614214420319,
0.19076719880104065,
0.4073833227157593,
-0.2541371285915375,
0.29316288232803345,
0.7570246458053589,
0.5009139180183411,
0.5357477068901062,
-1.0282973051071167,
0.19531795382499695,
-0.3598261773586273,
0.14439080655574799,
-0.1345476508140564,
-1.5295723676681519,
1.3682646751403809,
-0.2723195254802704,
-0.08096679300069809,
0.7478071451187134,
0.952954113483429,
0.9145627617835999,
0.16473819315433502,
0.6379216909408569,
0.4599946439266205,
0.6479873657226562,
0.0941692367196083,
0.6642148494720459,
-0.26820698380470276,
0.2746655344963074,
1.0212657451629639,
-0.31756502389907837,
0.9352741837501526,
0.2434932440519333,
-0.34314578771591187,
0.5841223001480103,
1.2742204666137695,
-0.23756593465805054,
0.4022931456565857,
0.0736352801322937,
-0.17521487176418304,
-0.05184679478406906,
-0.30460089445114136,
-0.8442658185958862,
0.5732108950614929,
0.4768510162830353,
-0.3464479446411133,
-0.052652690559625626,
-0.4409083127975464,
0.3860347867012024,
-0.5279256701469421,
-0.28618738055229187,
0.4127858877182007,
0.26770681142807007,
-0.43004781007766724,
0.8384864330291748,
0.3381575047969818,
1.0171386003494263,
-0.8038216829299927,
-0.02972671389579773,
-0.5536705851554871,
-0.055797066539525986,
-0.2952428162097931,
-0.4811963140964508,
-0.02133893221616745,
0.09024466574192047,
0.12102697789669037,
0.3129247725009918,
0.6149076223373413,
-0.22712907195091248,
-0.7783033847808838,
0.7395389080047607,
0.4480944275856018,
0.3010386824607849,
0.20350143313407898,
-0.8802803158760071,
0.22163477540016174,
0.077492855489254,
-0.828874409198761,
0.290402352809906,
0.3345854580402374,
-0.193486750125885,
0.7483876347541809,
0.7448893189430237,
0.07135679572820663,
0.17001990973949432,
0.07277783751487732,
0.870951771736145,
-0.6750718951225281,
-0.317764014005661,
-0.8157493472099304,
0.1593211442232132,
0.047500886023044586,
-0.37318307161331177,
0.42648857831954956,
0.44987884163856506,
0.8689489960670471,
0.039969854056835175,
0.6418943405151367,
-0.10109125822782516,
0.4306469261646271,
-0.46414661407470703,
0.5333903431892395,
-0.8768516778945923,
0.20400406420230865,
0.029310358688235283,
-0.936108410358429,
-0.15822669863700867,
0.7216991186141968,
0.14098894596099854,
0.11873898655176163,
0.3359851837158203,
0.7549323439598083,
0.13526496291160583,
0.008778824470937252,
0.08827951550483704,
0.2586572766304016,
0.42008769512176514,
0.973131000995636,
0.8568509817123413,
-0.7099527716636658,
0.6525452136993408,
-0.6590483784675598,
-0.26933181285858154,
-0.14115186035633087,
-0.902900218963623,
-0.8244827389717102,
-0.28573116660118103,
-0.08613583445549011,
-0.14300434291362762,
-0.21922847628593445,
0.9875540733337402,
0.7883525490760803,
-0.7660794258117676,
-0.4822612702846527,
0.30787211656570435,
-0.12017280608415604,
-0.11220092326402664,
-0.12402524799108505,
0.6244552731513977,
0.09542504698038101,
-0.8874424695968628,
0.3688122034072876,
-0.042997486889362335,
0.44183486700057983,
-0.17502176761627197,
-0.31276780366897583,
-0.17524640262126923,
0.23032866418361664,
0.767093300819397,
0.43110647797584534,
-1.0180072784423828,
-0.3129916787147522,
-0.07219803333282471,
-0.2918631434440613,
0.12311653792858124,
0.14914163947105408,
-0.6326860189437866,
-0.40152668952941895,
0.2698570787906647,
0.32971107959747314,
0.48646438121795654,
0.01374330185353756,
0.0671001747250557,
-0.3674035966396332,
0.8046504259109497,
-0.15389741957187653,
0.6388757824897766,
0.3026904761791229,
-0.2560235261917114,
1.0245305299758911,
0.198849618434906,
-0.33401933312416077,
-0.8436137437820435,
0.09294971823692322,
-1.4066134691238403,
-0.3438824713230133,
1.1972882747650146,
-0.2688583731651306,
-0.38798797130584717,
0.4398180842399597,
-0.3706252872943878,
0.5116395950317383,
-0.20890462398529053,
0.6020455956459045,
0.6056742072105408,
0.001576920854859054,
-0.06815069913864136,
-0.5927042961120605,
0.09318198263645172,
0.35629749298095703,
-0.9279093742370605,
-0.2801743149757385,
0.192018061876297,
0.2790743112564087,
0.1431601345539093,
0.5963611006736755,
-0.12864834070205688,
0.19606934487819672,
-0.0864468589425087,
0.30927586555480957,
-0.1578018218278885,
0.028629807755351067,
0.0009433001978322864,
-0.2823765277862549,
0.06347668170928955,
-0.46068936586380005
] |
Yntec/CetusRemix
|
Yntec
| 2023-08-29T09:22:58Z | 5,189 | 4 |
diffusers
|
[
"diffusers",
"Anime",
"2D",
"2.5D",
"stable-diffusion",
"stable-diffusion-diffusers",
"text-to-image",
"Eagelaxis",
"en",
"license:creativeml-openrail-m",
"endpoints_compatible",
"has_space",
"diffusers:StableDiffusionPipeline",
"region:us"
] |
text-to-image
| 2023-08-29T07:36:41Z |
---
license: creativeml-openrail-m
library_name: diffusers
pipeline_tag: text-to-image
language:
- en
tags:
- Anime
- 2D
- 2.5D
- stable-diffusion
- stable-diffusion-diffusers
- text-to-image
- Eagelaxis
inference: true
---
# Cetus Remix
A mix of Cetus 3.5 and Cetus 4 to create my favorite Cetus model! Check out this comparison:

(Click for 1920px version)
Sample and prompt:

Pretty cute girl. Like lesser birds on the four winds. Like silver scrapes in May. Now the sands become a crust. And most of you have gone away.
Original pages:
https://civitai.com/models/6755?modelVersionId=29851 (CetusMix v3.5)
https://civitai.com/models/6755?modelVersionId=78676 (CetusMix v4)
|
[
-0.8148804903030396,
-0.38518601655960083,
0.6579394936561584,
0.4347282946109772,
-0.4915703535079956,
0.05429781973361969,
-0.051306936889886856,
-0.5354155898094177,
0.8018837571144104,
0.5198772549629211,
-0.2888216972351074,
-0.5956213474273682,
-0.3865562081336975,
-0.1373186707496643,
-0.6832345128059387,
0.9666585922241211,
0.32099369168281555,
0.11366449296474457,
0.11764875054359436,
0.37095344066619873,
-0.30122148990631104,
-0.2870790958404541,
-0.3397444486618042,
-0.5463525652885437,
0.4759525954723358,
0.5973218083381653,
0.7557206749916077,
0.35386791825294495,
0.12654130160808563,
0.3885161578655243,
-0.8423153162002563,
-0.3423742651939392,
-0.3857402205467224,
-0.12433597445487976,
-0.2360343486070633,
-0.03227430582046509,
-0.6869584918022156,
0.2310142070055008,
0.28019240498542786,
0.3613077998161316,
-0.30007171630859375,
0.2663883864879608,
0.10154760628938675,
0.5310161709785461,
-0.8484385013580322,
-0.34354132413864136,
-0.64492267370224,
0.10472405701875687,
-0.3949320614337921,
0.19458860158920288,
0.13026773929595947,
-0.461191326379776,
-0.3106572926044464,
-1.0763952732086182,
0.27126938104629517,
-0.39022037386894226,
0.9714139699935913,
-0.0009578666067682207,
-0.5708718299865723,
-0.34003207087516785,
-0.5134583711624146,
0.51421719789505,
-0.6464307904243469,
0.6938546895980835,
-0.10214493423700333,
0.6825211048126221,
-0.31469717621803284,
-0.9980683326721191,
-0.6034481525421143,
0.18412017822265625,
0.6223169565200806,
0.5874310731887817,
-0.0009643189259804785,
-0.5275318026542664,
0.08073338121175766,
0.7016393542289734,
-0.2594606876373291,
-0.406271755695343,
-0.662250816822052,
-0.06272357702255249,
0.5082634091377258,
-0.22199465334415436,
0.3060181438922882,
-0.15171127021312714,
-0.5434637069702148,
-0.29518693685531616,
-0.7390227317810059,
0.10338134318590164,
0.7082757949829102,
0.043272215873003006,
-0.6549454927444458,
0.518362820148468,
-0.11243284493684769,
0.537177324295044,
0.5942863821983337,
0.08652947843074799,
0.687415599822998,
-0.09672494977712631,
-0.285046249628067,
-0.22763003408908844,
0.5881069302558899,
0.6701983213424683,
-0.009180394001305103,
-0.012069216929376125,
-0.19875870645046234,
0.25428035855293274,
0.20196445286273956,
-0.7427977323532104,
-0.4446428120136261,
-0.06498580425977707,
-0.5460152626037598,
-0.5875295400619507,
0.1374899446964264,
-0.7910946011543274,
-0.17353640496730804,
-0.2718197703361511,
-0.11121524125337601,
-0.31888547539711,
-0.6798049807548523,
0.329166054725647,
-0.0016391552053391933,
0.2558676600456238,
0.26862525939941406,
-0.960377037525177,
0.501431405544281,
0.7645698189735413,
0.5900350213050842,
0.2698761820793152,
0.0535016804933548,
-0.2662982642650604,
-0.05960352346301079,
-0.5283254981040955,
0.7127195596694946,
-0.4945506155490875,
-0.7675491571426392,
-0.32906150817871094,
0.11559873074293137,
0.1151857078075409,
-0.7252209782600403,
0.9630984663963318,
-0.3170508146286011,
-0.228938028216362,
-0.48885682225227356,
-0.2459574192762375,
-0.42322617769241333,
0.1374225914478302,
-0.7754491567611694,
0.9275414943695068,
0.11562529951334,
-0.7991750240325928,
0.2749515771865845,
-0.7458655834197998,
0.16051062941551208,
-0.0068546077236533165,
-0.18185338377952576,
-0.2334880381822586,
0.3955722451210022,
-0.03919379413127899,
-0.05638061463832855,
-0.2773788571357727,
-0.36245107650756836,
-0.9257268905639648,
-0.4942318797111511,
0.5263934135437012,
0.2432478666305542,
0.61138516664505,
1.020310878753662,
-0.5229426026344299,
-0.14661982655525208,
-0.7722406983375549,
0.10183046013116837,
0.1490800380706787,
-0.291885107755661,
-0.07966161519289017,
-0.1298171728849411,
0.37550216913223267,
0.5648227334022522,
0.20518624782562256,
-0.6727399230003357,
-0.19145134091377258,
-0.4244251847267151,
0.5406943559646606,
0.5318506956100464,
0.2616153955459595,
0.5937679409980774,
-0.9470993876457214,
0.6153388619422913,
0.23385702073574066,
0.1613699495792389,
0.34439024329185486,
-0.2826993763446808,
-0.878725528717041,
-0.27972695231437683,
0.3924333155155182,
0.08654230833053589,
-0.34613922238349915,
-0.14123764634132385,
0.03314933553338051,
-1.0585273504257202,
-0.23582740128040314,
-0.08388381451368332,
0.1613745391368866,
0.09843341261148453,
0.3154001235961914,
-0.4254148602485657,
-0.654885470867157,
-0.8479534983634949,
-0.009106961078941822,
-0.1368933767080307,
-0.0347900390625,
0.10555163770914078,
0.43237173557281494,
-0.1422584056854248,
0.6039089560508728,
-0.10066855698823929,
0.0464482344686985,
-0.1177724078297615,
-0.476764053106308,
0.6013882160186768,
0.66780686378479,
1.076680302619934,
-1.2524594068527222,
-0.41507282853126526,
0.17080236971378326,
-0.4520900845527649,
-0.41494670510292053,
0.0212693028151989,
-0.0867813378572464,
-0.5023843050003052,
0.32537245750427246,
-0.762428879737854,
0.2646697461605072,
0.40916693210601807,
-0.6875280737876892,
0.5396418571472168,
0.15455572307109833,
0.44428685307502747,
-1.1665050983428955,
0.21312887966632843,
-0.00105552957393229,
-0.4624044895172119,
-0.2188241332769394,
0.9820342063903809,
0.14872509241104126,
-0.011785626411437988,
-1.2188867330551147,
0.37474772334098816,
-0.6397883296012878,
-0.22002308070659637,
-0.1502535194158554,
-0.04483097419142723,
0.07807435840368271,
-0.1025620624423027,
-0.30387797951698303,
0.5106638669967651,
0.5911076664924622,
-0.5572572946548462,
0.16594205796718597,
0.6342969536781311,
-0.02260391227900982,
0.41180098056793213,
-1.0318512916564941,
0.16522008180618286,
0.2714468538761139,
0.16196009516716003,
-0.34150758385658264,
-0.2582375407218933,
0.36929333209991455,
-0.6713050007820129,
-0.2866511046886444,
-0.07117985934019089,
-0.33461907505989075,
-0.3317488729953766,
-0.6578092575073242,
0.46019652485847473,
0.8628262877464294,
-0.6408817172050476,
0.3882005512714386,
0.45931193232536316,
-0.005889497231692076,
-0.11452857404947281,
-0.8476007580757141,
0.048177096992731094,
-0.658862829208374,
-0.4785747230052948,
0.9371890425682068,
-0.5777865052223206,
-0.5424526929855347,
-0.23550210893154144,
-0.3881841003894806,
-0.06274276971817017,
0.0812232717871666,
0.8377202153205872,
0.12265854328870773,
-0.013916024938225746,
-0.5405182838439941,
0.13683946430683136,
0.09071701765060425,
-0.04513434320688248,
-0.08551710844039917,
0.5221626162528992,
-0.72121661901474,
-0.18278194963932037,
-0.399181604385376,
0.16238966584205627,
1.0773972272872925,
0.07685288041830063,
-0.38290852308273315,
0.1552131623029709,
-0.5050727128982544,
0.25204184651374817,
-0.705048680305481,
-0.02563781850039959,
-0.49087780714035034,
-0.5237323641777039,
-0.9965425729751587,
-0.7268580198287964,
0.9086254239082336,
0.05567634850740433,
-0.004009383264929056,
0.6600842475891113,
0.7011282444000244,
-0.2899736166000366,
0.8502993583679199,
0.34859663248062134,
-0.02516944333910942,
0.21920260787010193,
-0.5523277521133423,
-0.5588444471359253,
-0.7599128484725952,
-0.1784639060497284,
-0.4992991089820862,
-0.3271910846233368,
-0.7697204351425171,
-0.05925113335251808,
0.09068378061056137,
0.3097464144229889,
-0.49174994230270386,
0.6881992816925049,
-0.3837192952632904,
0.5891683101654053,
0.30647316575050354,
0.5426164865493774,
0.30450141429901123,
-0.3091460168361664,
-0.48873254656791687,
-0.1027538850903511,
-0.46355578303337097,
-0.4276774823665619,
0.7977155447006226,
0.374776691198349,
0.16206343472003937,
0.44908982515335083,
1.345329999923706,
0.11509411782026291,
-0.09276796877384186,
-0.07534121721982956,
0.7835896611213684,
-0.08095285296440125,
-0.7624219059944153,
0.41533163189888,
-0.0424935482442379,
-0.608940601348877,
0.5562719702720642,
-0.8157404065132141,
-0.1535109281539917,
0.01054238248616457,
0.12331654131412506,
-0.5984275937080383,
0.3858659565448761,
-0.3037143349647522,
0.7098461985588074,
0.1338723599910736,
-0.3498573303222656,
-0.057430628687143326,
-0.3954277038574219,
0.22776564955711365,
-0.03952763229608536,
0.6969252824783325,
-0.1446208953857422,
-0.013156096450984478,
0.3152284026145935,
-0.5796343088150024,
0.5543820261955261,
0.16395331919193268,
0.10391717404127121,
0.5636925101280212,
0.20419421792030334,
0.035838279873132706,
0.5453527569770813,
-0.28466182947158813,
0.04285363107919693,
0.17529278993606567,
-0.535905122756958,
-0.18879450857639313,
1.240261197090149,
-0.8496052026748657,
0.012068620882928371,
-0.6137917041778564,
-0.13767009973526,
0.28020647168159485,
0.19651100039482117,
0.7230303883552551,
0.24199776351451874,
-0.4407409429550171,
0.24053075909614563,
0.17818760871887207,
0.28314530849456787,
0.9518574476242065,
0.45367175340652466,
-0.5394819378852844,
-0.7395350933074951,
0.46894732117652893,
-0.16354386508464813,
0.09845506399869919,
-0.3832281231880188,
0.21334700286388397,
0.013177365064620972,
-0.6672535538673401,
-0.370049387216568,
0.20202472805976868,
-0.46969470381736755,
-0.1009858027100563,
-0.2694111168384552,
-0.1145310252904892,
-0.3387118875980377,
-0.429717093706131,
-0.5287398099899292,
-0.6759508848190308,
-0.5416783690452576,
-0.09517834335565567,
0.16282939910888672,
0.7987323999404907,
-0.3908047080039978,
0.4034186005592346,
-0.5290060043334961,
0.13649603724479675,
0.317165732383728,
-0.023362351581454277,
-0.529925525188446,
-0.5966766476631165,
0.1829032450914383,
0.10388505458831787,
-0.7491316795349121,
-1.087494969367981,
0.676986575126648,
-0.07345345616340637,
0.2015848010778427,
0.1101379320025444,
-0.22850066423416138,
0.5963395833969116,
-0.3853212594985962,
1.0441046953201294,
0.5261546969413757,
-1.1444767713546753,
0.31814008951187134,
-0.7791460156440735,
0.6519323587417603,
0.673698902130127,
-0.26263105869293213,
-0.2214299887418747,
-0.6223622560501099,
-1.0654598474502563,
-0.9566031098365784,
0.011822720058262348,
0.589863121509552,
0.13863642513751984,
-0.08894798904657364,
0.39517807960510254,
0.2350391000509262,
0.17906203866004944,
-0.9364286661148071,
0.10353625565767288,
-0.5941721200942993,
-0.07267040014266968,
0.07120074331760406,
-0.10079050064086914,
0.17120446264743805,
-0.11658553779125214,
0.9106025695800781,
0.12352141737937927,
0.09261579066514969,
0.13458064198493958,
0.10682984441518784,
-0.24203456938266754,
0.25795358419418335,
0.5998793244361877,
0.6635850071907043,
-0.2590252459049225,
0.2352229207754135,
0.44184011220932007,
-0.4646991491317749,
0.05901028960943222,
-0.14060711860656738,
-0.24095700681209564,
0.2963430881500244,
-0.142327681183815,
0.29893743991851807,
0.8463454842567444,
-0.19691239297389984,
0.7393807768821716,
-0.07451137900352478,
-0.027431387454271317,
-1.0690526962280273,
0.2476034313440323,
0.4588838517665863,
0.5876500606536865,
0.2227296233177185,
0.4571217894554138,
0.7009806036949158,
-0.18192099034786224,
0.07339926064014435,
-0.13089726865291595,
-0.26171445846557617,
-0.7780333757400513,
1.1403502225875854,
0.2087019979953766,
-0.20123322308063507,
0.03278946503996849,
-0.1566639393568039,
-0.2684822976589203,
0.9033927917480469,
0.7558572292327881,
0.796322762966156,
-0.22333836555480957,
0.1524893343448639,
0.40372565388679504,
-0.055299028754234314,
-0.20434968173503876,
0.9772393107414246,
-0.20737971365451813,
-0.3343355655670166,
-0.072256900370121,
-0.46015241742134094,
-0.426578164100647,
0.362252414226532,
-0.6775476336479187,
1.0847136974334717,
-0.7672133445739746,
-0.26222410798072815,
0.27030035853385925,
-0.49060386419296265,
-0.5737897753715515,
0.5158618688583374,
0.2743714153766632,
1.4909532070159912,
-0.9964529275894165,
0.6708369255065918,
0.8449467420578003,
-0.3413994014263153,
-0.6841753125190735,
-0.09533532708883286,
0.4245019555091858,
0.13861659169197083,
0.1122504323720932,
0.23514901101589203,
0.027899278327822685,
-0.10914017260074615,
-0.6553283333778381,
-0.7724576592445374,
0.9793011546134949,
0.32476863265037537,
-0.771960437297821,
0.08506033569574356,
-0.36635255813598633,
0.28653937578201294,
-0.8035045862197876,
0.5306298136711121,
0.6177672147750854,
0.2120053768157959,
0.46859708428382874,
-1.1302075386047363,
-0.3502979278564453,
-0.7573922872543335,
0.29009342193603516,
0.06621530652046204,
-0.7084552645683289,
1.1543903350830078,
-0.37408196926116943,
0.12541453540325165,
0.5998799800872803,
0.974445104598999,
0.6604249477386475,
0.6429144144058228,
1.0160119533538818,
0.7686083316802979,
0.1415291130542755,
-0.1473863124847412,
0.8845353722572327,
-0.4749133884906769,
0.581951916217804,
1.193703532218933,
-0.24111059308052063,
0.7441074252128601,
0.5642055869102478,
0.08203316479921341,
0.5712817311286926,
1.2200920581817627,
0.3281796872615814,
0.6150798797607422,
0.19281621277332306,
-0.43594595789909363,
-0.28853389620780945,
0.25660696625709534,
-0.8224865198135376,
0.5188100934028625,
0.02768002077937126,
-0.15790992975234985,
-0.23281781375408173,
0.06735130399465561,
-0.0799063891172409,
0.5387173891067505,
-0.2229122817516327,
0.4848545491695404,
0.05258630961179733,
-0.21600653231143951,
0.579129695892334,
-0.01445033960044384,
0.41149356961250305,
-0.3417377173900604,
-0.1728152334690094,
-0.23806926608085632,
0.011192383244633675,
-0.5093082189559937,
-0.45607301592826843,
0.2542821168899536,
-0.08328893780708313,
0.008877771906554699,
-0.12227178364992142,
0.6159765720367432,
-0.1672796607017517,
-0.548128604888916,
0.4118504226207733,
0.06519515067338943,
0.31205254793167114,
0.0126145388931036,
-0.7829931378364563,
0.790015459060669,
0.14576438069343567,
-0.37484604120254517,
-0.2559143900871277,
-0.03179395943880081,
0.0857815369963646,
0.4106583297252655,
0.7536121010780334,
0.40959984064102173,
0.04741997644305229,
-0.01556736696511507,
1.0988024473190308,
-0.7749226689338684,
-1.0459002256393433,
-0.564875066280365,
0.7337921261787415,
-0.19485928118228912,
-0.5701006054878235,
0.5947230458259583,
1.1042369604110718,
0.9519527554512024,
-0.5639643669128418,
0.8013816475868225,
-0.3454790711402893,
0.8166394233703613,
-0.4987301826477051,
0.5485662221908569,
-0.6714830994606018,
0.30189937353134155,
-0.6330721974372864,
-1.2819578647613525,
0.09343893826007843,
0.5086466670036316,
0.04790433123707771,
0.2287234663963318,
0.3798855245113373,
0.7913058400154114,
-0.4281255006790161,
0.2977694272994995,
0.26404088735580444,
0.33109167218208313,
0.15948551893234253,
0.6465638875961304,
1.0123717784881592,
-0.6932114958763123,
0.23475898802280426,
-0.5290063619613647,
-0.25575220584869385,
-0.19605666399002075,
-0.871248185634613,
-0.4928724467754364,
-0.6795859932899475,
-0.5012713074684143,
-0.5919939875602722,
0.07344434410333633,
1.1203510761260986,
1.0050688982009888,
-0.9118579626083374,
-0.29289716482162476,
-0.21928301453590393,
-0.15509554743766785,
-0.0589398518204689,
-0.06804312020540237,
-0.29602932929992676,
0.23408184945583344,
-1.0017459392547607,
0.8158996105194092,
-0.19716443121433258,
0.702114999294281,
0.3193226158618927,
-0.13957113027572632,
-0.07435375452041626,
0.044779181480407715,
0.2787371277809143,
0.28953346610069275,
-0.7115791440010071,
-0.48334386944770813,
-0.025407938286662102,
-0.15412870049476624,
-0.20409072935581207,
0.6160574555397034,
-0.5086928606033325,
0.16581280529499054,
0.5069599747657776,
-0.07185803353786469,
0.9249991178512573,
-0.21588948369026184,
0.17230850458145142,
-0.15513823926448822,
0.44125649333000183,
0.039554767310619354,
0.6293556690216064,
0.5198796391487122,
-0.011535605415701866,
0.859980583190918,
0.1781015843153,
-0.45231685042381287,
-0.593195378780365,
0.3548772931098938,
-1.4273433685302734,
-0.27241408824920654,
1.011481523513794,
0.31475183367729187,
-0.2958301901817322,
0.42101046442985535,
-0.5163925886154175,
0.09330090135335922,
-0.23784969747066498,
0.6984436511993408,
0.34398454427719116,
0.13209770619869232,
0.06375809013843536,
-0.7823505997657776,
0.20790378749370575,
0.2933550477027893,
-0.43800222873687744,
-0.8153072595596313,
0.6217414140701294,
0.873820424079895,
0.32808688282966614,
0.3575792610645294,
-0.7319864630699158,
0.7371925711631775,
-0.14557765424251556,
0.609039843082428,
-0.021078042685985565,
-0.29079267382621765,
-0.21798421442508698,
0.2908474802970886,
0.1734127700328827,
-0.709402322769165
] |
facebook/musicgen-large
|
facebook
| 2023-11-17T15:25:38Z | 5,186 | 246 |
transformers
|
[
"transformers",
"pytorch",
"musicgen",
"text-to-audio",
"arxiv:2306.05284",
"license:cc-by-nc-4.0",
"endpoints_compatible",
"has_space",
"region:us"
] |
text-to-audio
| 2023-06-08T17:51:00Z |
---
inference: true
tags:
- musicgen
license: cc-by-nc-4.0
---
# MusicGen - Large - 3.3B
MusicGen is a text-to-music model capable of genreating high-quality music samples conditioned on text descriptions or audio prompts.
It is a single stage auto-regressive Transformer model trained over a 32kHz EnCodec tokenizer with 4 codebooks sampled at 50 Hz.
Unlike existing methods, like MusicLM, MusicGen doesn't require a self-supervised semantic representation, and it generates all 4 codebooks in one pass.
By introducing a small delay between the codebooks, we show we can predict them in parallel, thus having only 50 auto-regressive steps per second of audio.
MusicGen was published in [Simple and Controllable Music Generation](https://arxiv.org/abs/2306.05284) by *Jade Copet, Felix Kreuk, Itai Gat, Tal Remez, David Kant, Gabriel Synnaeve, Yossi Adi, Alexandre Défossez*.
Four checkpoints are released:
- [small](https://huggingface.co/facebook/musicgen-small)
- [medium](https://huggingface.co/facebook/musicgen-medium)
- [**large** (this checkpoint)](https://huggingface.co/facebook/musicgen-large)
- [melody](https://huggingface.co/facebook/musicgen-melody)
## Example
Try out MusicGen yourself!
* Audiocraft Colab:
<a target="_blank" href="https://colab.research.google.com/drive/1fxGqfg96RBUvGxZ1XXN07s3DthrKUl4-?usp=sharing">
<img src="https://colab.research.google.com/assets/colab-badge.svg" alt="Open In Colab"/>
</a>
* Hugging Face Colab:
<a target="_blank" href="https://colab.research.google.com/github/sanchit-gandhi/notebooks/blob/main/MusicGen.ipynb">
<img src="https://colab.research.google.com/assets/colab-badge.svg" alt="Open In Colab"/>
</a>
* Hugging Face Demo:
<a target="_blank" href="https://huggingface.co/spaces/facebook/MusicGen">
<img src="https://huggingface.co/datasets/huggingface/badges/raw/main/open-in-hf-spaces-sm.svg" alt="Open in HuggingFace"/>
</a>
## 🤗 Transformers Usage
You can run MusicGen locally with the 🤗 Transformers library from version 4.31.0 onwards.
1. First install the 🤗 [Transformers library](https://github.com/huggingface/transformers) and scipy:
```
pip install --upgrade pip
pip install --upgrade transformers scipy
```
2. Run inference via the `Text-to-Audio` (TTA) pipeline. You can infer the MusicGen model via the TTA pipeline in just a few lines of code!
```python
from transformers import pipeline
import scipy
synthesiser = pipeline("text-to-audio", "facebook/musicgen-large")
music = synthesiser("lo-fi music with a soothing melody", forward_params={"do_sample": True})
scipy.io.wavfile.write("musicgen_out.wav", rate=music["sampling_rate"], data=music["audio"])
```
3. Run inference via the Transformers modelling code. You can use the processor + generate code to convert text into a mono 32 kHz audio waveform for more fine-grained control.
```python
from transformers import AutoProcessor, MusicgenForConditionalGeneration
processor = AutoProcessor.from_pretrained("facebook/musicgen-large")
model = MusicgenForConditionalGeneration.from_pretrained("facebook/musicgen-large")
inputs = processor(
text=["80s pop track with bassy drums and synth", "90s rock song with loud guitars and heavy drums"],
padding=True,
return_tensors="pt",
)
audio_values = model.generate(**inputs, max_new_tokens=256)
```
4. Listen to the audio samples either in an ipynb notebook:
```python
from IPython.display import Audio
sampling_rate = model.config.audio_encoder.sampling_rate
Audio(audio_values[0].numpy(), rate=sampling_rate)
```
Or save them as a `.wav` file using a third-party library, e.g. `scipy`:
```python
import scipy
sampling_rate = model.config.audio_encoder.sampling_rate
scipy.io.wavfile.write("musicgen_out.wav", rate=sampling_rate, data=audio_values[0, 0].numpy())
```
For more details on using the MusicGen model for inference using the 🤗 Transformers library, refer to the [MusicGen docs](https://huggingface.co/docs/transformers/model_doc/musicgen).
## Audiocraft Usage
You can also run MusicGen locally through the original [Audiocraft library]((https://github.com/facebookresearch/audiocraft):
1. First install the [`audiocraft` library](https://github.com/facebookresearch/audiocraft)
```
pip install git+https://github.com/facebookresearch/audiocraft.git
```
2. Make sure to have [`ffmpeg`](https://ffmpeg.org/download.html) installed:
```
apt get install ffmpeg
```
3. Run the following Python code:
```py
from audiocraft.models import MusicGen
from audiocraft.data.audio import audio_write
model = MusicGen.get_pretrained("large")
model.set_generation_params(duration=8) # generate 8 seconds.
descriptions = ["happy rock", "energetic EDM"]
wav = model.generate(descriptions) # generates 2 samples.
for idx, one_wav in enumerate(wav):
# Will save under {idx}.wav, with loudness normalization at -14 db LUFS.
audio_write(f'{idx}', one_wav.cpu(), model.sample_rate, strategy="loudness")
```
## Model details
**Organization developing the model:** The FAIR team of Meta AI.
**Model date:** MusicGen was trained between April 2023 and May 2023.
**Model version:** This is the version 1 of the model.
**Model type:** MusicGen consists of an EnCodec model for audio tokenization, an auto-regressive language model based on the transformer architecture for music modeling. The model comes in different sizes: 300M, 1.5B and 3.3B parameters ; and two variants: a model trained for text-to-music generation task and a model trained for melody-guided music generation.
**Paper or resources for more information:** More information can be found in the paper [Simple and Controllable Music Generation](https://arxiv.org/abs/2306.05284).
**Citation details:**
```
@misc{copet2023simple,
title={Simple and Controllable Music Generation},
author={Jade Copet and Felix Kreuk and Itai Gat and Tal Remez and David Kant and Gabriel Synnaeve and Yossi Adi and Alexandre Défossez},
year={2023},
eprint={2306.05284},
archivePrefix={arXiv},
primaryClass={cs.SD}
}
```
**License:** Code is released under MIT, model weights are released under CC-BY-NC 4.0.
**Where to send questions or comments about the model:** Questions and comments about MusicGen can be sent via the [Github repository](https://github.com/facebookresearch/audiocraft) of the project, or by opening an issue.
## Intended use
**Primary intended use:** The primary use of MusicGen is research on AI-based music generation, including:
- Research efforts, such as probing and better understanding the limitations of generative models to further improve the state of science
- Generation of music guided by text or melody to understand current abilities of generative AI models by machine learning amateurs
**Primary intended users:** The primary intended users of the model are researchers in audio, machine learning and artificial intelligence, as well as amateur seeking to better understand those models.
**Out-of-scope use cases:** The model should not be used on downstream applications without further risk evaluation and mitigation. The model should not be used to intentionally create or disseminate music pieces that create hostile or alienating environments for people. This includes generating music that people would foreseeably find disturbing, distressing, or offensive; or content that propagates historical or current stereotypes.
## Metrics
**Models performance measures:** We used the following objective measure to evaluate the model on a standard music benchmark:
- Frechet Audio Distance computed on features extracted from a pre-trained audio classifier (VGGish)
- Kullback-Leibler Divergence on label distributions extracted from a pre-trained audio classifier (PaSST)
- CLAP Score between audio embedding and text embedding extracted from a pre-trained CLAP model
Additionally, we run qualitative studies with human participants, evaluating the performance of the model with the following axes:
- Overall quality of the music samples;
- Text relevance to the provided text input;
- Adherence to the melody for melody-guided music generation.
More details on performance measures and human studies can be found in the paper.
**Decision thresholds:** Not applicable.
## Evaluation datasets
The model was evaluated on the [MusicCaps benchmark](https://www.kaggle.com/datasets/googleai/musiccaps) and on an in-domain held-out evaluation set, with no artist overlap with the training set.
## Training datasets
The model was trained on licensed data using the following sources: the [Meta Music Initiative Sound Collection](https://www.fb.com/sound), [Shutterstock music collection](https://www.shutterstock.com/music) and the [Pond5 music collection](https://www.pond5.com/). See the paper for more details about the training set and corresponding preprocessing.
## Evaluation results
Below are the objective metrics obtained on MusicCaps with the released model. Note that for the publicly released models, we had all the datasets go through a state-of-the-art music source separation method, namely using the open source [Hybrid Transformer for Music Source Separation](https://github.com/facebookresearch/demucs) (HT-Demucs), in order to keep only the instrumental part. This explains the difference in objective metrics with the models used in the paper.
| Model | Frechet Audio Distance | KLD | Text Consistency | Chroma Cosine Similarity |
|---|---|---|---|---|
| facebook/musicgen-small | 4.88 | 1.42 | 0.27 | - |
| facebook/musicgen-medium | 5.14 | 1.38 | 0.28 | - |
| **facebook/musicgen-large** | 5.48 | 1.37 | 0.28 | - |
| facebook/musicgen-melody | 4.93 | 1.41 | 0.27 | 0.44 |
More information can be found in the paper [Simple and Controllable Music Generation](https://arxiv.org/abs/2306.05284), in the Results section.
## Limitations and biases
**Data:** The data sources used to train the model are created by music professionals and covered by legal agreements with the right holders. The model is trained on 20K hours of data, we believe that scaling the model on larger datasets can further improve the performance of the model.
**Mitigations:** Vocals have been removed from the data source using corresponding tags, and then using a state-of-the-art music source separation method, namely using the open source [Hybrid Transformer for Music Source Separation](https://github.com/facebookresearch/demucs) (HT-Demucs).
**Limitations:**
- The model is not able to generate realistic vocals.
- The model has been trained with English descriptions and will not perform as well in other languages.
- The model does not perform equally well for all music styles and cultures.
- The model sometimes generates end of songs, collapsing to silence.
- It is sometimes difficult to assess what types of text descriptions provide the best generations. Prompt engineering may be required to obtain satisfying results.
**Biases:** The source of data is potentially lacking diversity and all music cultures are not equally represented in the dataset. The model may not perform equally well on the wide variety of music genres that exists. The generated samples from the model will reflect the biases from the training data. Further work on this model should include methods for balanced and just representations of cultures, for example, by scaling the training data to be both diverse and inclusive.
**Risks and harms:** Biases and limitations of the model may lead to generation of samples that may be considered as biased, inappropriate or offensive. We believe that providing the code to reproduce the research and train new models will allow to broaden the application to new and more representative data.
**Use cases:** Users must be aware of the biases, limitations and risks of the model. MusicGen is a model developed for artificial intelligence research on controllable music generation. As such, it should not be used for downstream applications without further investigation and mitigation of risks.
|
[
-0.5451593399047852,
-0.6537243723869324,
0.2349729984998703,
0.5370397567749023,
0.003893940942361951,
-0.06118501350283623,
-0.5254822969436646,
-0.32626232504844666,
0.14721152186393738,
0.24224098026752472,
-0.9935308694839478,
-0.7789913415908813,
-0.3492138981819153,
0.11997374147176743,
-0.4477904736995697,
1.0091185569763184,
0.2058299332857132,
-0.03095426596701145,
-0.2911965548992157,
0.1788175106048584,
-0.2780323028564453,
-0.164164200425148,
-0.6103925704956055,
-0.42430806159973145,
0.12481357157230377,
0.1766182780265808,
0.21995455026626587,
0.5128614902496338,
0.5493748784065247,
0.39517346024513245,
-0.3091830909252167,
-0.2583274841308594,
-0.3930688202381134,
0.13225479423999786,
0.2500471770763397,
-0.6265783905982971,
-0.5326582789421082,
0.4743153750896454,
0.34491822123527527,
0.21211852133274078,
-0.14370931684970856,
0.5519136190414429,
-0.07637663930654526,
0.3366469144821167,
0.012747209519147873,
0.29148513078689575,
-0.4868728220462799,
0.18038712441921234,
-0.09629112482070923,
-0.13929514586925507,
-0.36431849002838135,
-0.36873769760131836,
0.005735823418945074,
-0.8123161792755127,
0.32433515787124634,
0.10782495886087418,
0.8684731125831604,
0.35213735699653625,
0.07788549363613129,
-0.3431462049484253,
-0.6510084867477417,
0.8252962827682495,
-0.7140108942985535,
0.2098425030708313,
0.4541759788990021,
0.32648545503616333,
-0.1994883120059967,
-0.795802116394043,
-0.5536086559295654,
-0.14578892290592194,
0.17954838275909424,
0.4181785583496094,
-0.28865620493888855,
-0.07664261758327484,
0.5045909285545349,
0.7071341872215271,
-0.5394701361656189,
-0.4068696200847626,
-0.5557442307472229,
-0.3117179870605469,
0.837386429309845,
-0.17395256459712982,
0.5499276518821716,
-0.47408169507980347,
-0.4526216685771942,
-0.49732357263565063,
-0.49471426010131836,
0.28675222396850586,
0.6263860464096069,
0.2506004273891449,
-0.588415265083313,
0.4661487936973572,
0.2838151752948761,
0.6444154977798462,
0.5251989364624023,
-0.5145266056060791,
0.7699986696243286,
-0.4101339280605316,
-0.11986106634140015,
0.2853512167930603,
1.2543227672576904,
0.1603425294160843,
0.11632153391838074,
0.1499284952878952,
-0.23567256331443787,
0.06738362461328506,
-0.09477154910564423,
-0.8169658780097961,
-0.41681504249572754,
0.49405959248542786,
-0.740249752998352,
-0.3148689270019531,
0.0075185890309512615,
-0.7216620445251465,
-0.008861777372658253,
-0.4382520616054535,
0.8606014251708984,
-0.7286115884780884,
-0.366171658039093,
0.0882982537150383,
-0.5712267160415649,
-0.05450310930609703,
-0.3050007224082947,
-0.7217305302619934,
-0.11855019629001617,
0.5543270707130432,
0.8323190808296204,
-0.07336597889661789,
-0.20351886749267578,
-0.23353742063045502,
-0.05915795639157295,
-0.14018017053604126,
0.4026128053665161,
-0.232699453830719,
-0.6661075353622437,
-0.2574189007282257,
0.10485421866178513,
-0.0628439262509346,
-0.6763026714324951,
0.6616564989089966,
-0.07344521582126617,
0.5851066708564758,
0.030784370377659798,
-0.5744190216064453,
-0.1271231770515442,
-0.28227871656417847,
-0.6020564436912537,
0.872079074382782,
0.3492986261844635,
-0.7533978223800659,
0.2972239851951599,
-0.7550208568572998,
-0.45575278997421265,
-0.3592047393321991,
-0.00558420130982995,
-0.6845190525054932,
0.0919175073504448,
0.021648526191711426,
0.30957427620887756,
-0.2756027281284332,
0.25402629375457764,
-0.3638043999671936,
-0.6076580882072449,
0.28644537925720215,
-0.2944573163986206,
1.041456937789917,
0.5749471783638,
-0.4806061387062073,
0.14041221141815186,
-1.0629701614379883,
-0.22666098177433014,
0.27174437046051025,
-0.5006523132324219,
-0.05926980823278427,
-0.2397771030664444,
0.5321329832077026,
0.3819393813610077,
0.08991029858589172,
-0.7719084024429321,
0.08459211885929108,
-0.4562244117259979,
0.702761709690094,
0.5878903865814209,
-0.1207766979932785,
0.4697135388851166,
-0.6653943061828613,
0.5046405792236328,
-0.24722358584403992,
0.10946926474571228,
-0.27567389607429504,
-0.4471275508403778,
-0.22664283215999603,
-0.43557125329971313,
0.5364256501197815,
0.418775737285614,
-0.30116817355155945,
0.8568091988563538,
-0.07385876029729843,
-0.7180624008178711,
-0.9683924913406372,
0.11474457383155823,
0.15917806327342987,
0.3313213884830475,
0.447809636592865,
-0.21522504091262817,
-0.6480857729911804,
-0.7420080900192261,
-0.136355921626091,
-0.1744103729724884,
-0.4346019923686981,
0.40374889969825745,
0.25645214319229126,
-0.3530956506729126,
0.9497318267822266,
-0.3417995870113373,
-0.4584525525569916,
-0.2450435757637024,
0.31844279170036316,
0.6162155866622925,
0.8884497880935669,
0.7484455704689026,
-0.8200275897979736,
-0.25931400060653687,
-0.5287284255027771,
-0.46768680214881897,
-0.5148751139640808,
-0.18480977416038513,
-0.21112415194511414,
-0.22977705299854279,
0.4523628056049347,
-0.7402111887931824,
-0.05464841425418854,
0.6778081655502319,
-0.33521217107772827,
0.3508675694465637,
0.24558262526988983,
0.1729140728712082,
-1.1544262170791626,
0.10087704658508301,
0.07093590497970581,
-0.03786764666438103,
-0.45905306935310364,
-0.4119599163532257,
-0.24803577363491058,
-0.1124810129404068,
-0.2802547514438629,
0.2165367305278778,
-0.1106480211019516,
0.03965890035033226,
-0.3559768795967102,
0.10419709980487823,
-0.03259224817156792,
0.5552805066108704,
-0.04786877706646919,
0.5782774686813354,
0.5980550646781921,
-0.4603463113307953,
0.41222408413887024,
0.3230094909667969,
-0.44794636964797974,
0.6099658608436584,
-0.7261697053909302,
-0.06546518951654434,
-0.06927419453859329,
0.3745502233505249,
-0.922355592250824,
-0.32564109563827515,
0.24040080606937408,
-0.8322004675865173,
0.5482407808303833,
-0.06137608736753464,
-0.5456836819648743,
-0.6600621342658997,
0.03189511597156525,
0.5486153960227966,
0.9763291478157043,
-0.5350576639175415,
0.8037844896316528,
0.4099486768245697,
-0.08711213618516922,
0.0128672169521451,
-0.8366024494171143,
-0.3211734890937805,
-0.4840884804725647,
-0.8140856027603149,
0.6034590601921082,
-0.3085251748561859,
-0.18598751723766327,
0.06119785085320473,
-0.17626547813415527,
0.2913322448730469,
-0.030789613723754883,
0.588460385799408,
0.1747932881116867,
-0.07349063456058502,
0.2833908498287201,
-0.08427359163761139,
-0.2092001885175705,
0.36242836713790894,
-0.401812344789505,
0.6771104335784912,
-0.08820828050374985,
-0.2882646918296814,
-0.5876465439796448,
0.06566715240478516,
0.5596123337745667,
-0.3084179162979126,
0.06110062077641487,
0.9592318534851074,
-0.05386529117822647,
-0.2341330498456955,
-0.3281508684158325,
-0.1659727841615677,
-0.528278648853302,
0.21288317441940308,
-0.251206636428833,
-0.6286537051200867,
0.3630007207393646,
-0.08395607024431229,
0.18663978576660156,
0.9002766013145447,
0.5032445192337036,
-0.27901655435562134,
1.14596688747406,
0.44385772943496704,
-0.10731905698776245,
0.716826856136322,
-0.6423972845077515,
-0.21616041660308838,
-0.6152155995368958,
-0.3564044237136841,
-0.5434882640838623,
-0.46261066198349,
-0.762498676776886,
-0.39465758204460144,
0.46175992488861084,
-0.23905359208583832,
-0.4268125295639038,
0.5447064638137817,
-0.654174268245697,
0.016928235068917274,
0.8267464637756348,
-0.005464689340442419,
0.036754727363586426,
0.14706045389175415,
-0.12637242674827576,
0.1126752495765686,
-0.5809757113456726,
0.0363755039870739,
1.0722665786743164,
0.5072669982910156,
0.8680779337882996,
-0.1241481602191925,
0.9268494248390198,
0.17635320127010345,
0.13621482253074646,
-0.7192509770393372,
0.21956035494804382,
-0.072129026055336,
-0.7992427349090576,
-0.10136498510837555,
-0.5111072063446045,
-0.6401032209396362,
-0.03963501751422882,
-0.3254714906215668,
-0.5108476877212524,
0.16793611645698547,
0.05177441984415054,
-0.3724302649497986,
0.20278924703598022,
-0.6010658144950867,
0.6690665483474731,
-0.2085302323102951,
-0.10746949911117554,
0.16947287321090698,
-0.5584720373153687,
0.42982017993927,
-0.26828640699386597,
0.5432902574539185,
-0.3702288866043091,
0.407056599855423,
0.8957103490829468,
-0.18218758702278137,
0.6203823685646057,
-0.24359376728534698,
-0.1639782041311264,
0.525566816329956,
-0.12989968061447144,
0.21102333068847656,
-0.1953352689743042,
-0.033654533326625824,
0.20581665635108948,
0.03663180395960808,
-0.23910240828990936,
-0.34483522176742554,
0.7380709052085876,
-0.767406702041626,
-0.47486409544944763,
-0.03987659141421318,
-0.7146406173706055,
-0.14639563858509064,
0.07297646254301071,
0.760242223739624,
0.36335137486457825,
0.0957566574215889,
0.40993958711624146,
0.6128504276275635,
-0.46136876940727234,
0.5343665480613708,
0.1481567919254303,
-0.34752359986305237,
-0.5689877271652222,
1.0016798973083496,
-0.18563780188560486,
0.27198728919029236,
0.08292300999164581,
0.5389161705970764,
-0.41424688696861267,
-0.12224741280078888,
-0.3920838534832001,
0.19807025790214539,
-0.40665748715400696,
-0.018575463443994522,
-0.6670492887496948,
-0.05685621500015259,
-0.3932170271873474,
0.1330236941576004,
-0.4869287610054016,
-0.39416563510894775,
-0.2790891230106354,
-0.031640004366636276,
0.6185657978057861,
0.40159597992897034,
-0.4449727535247803,
0.2385178953409195,
-0.6682459712028503,
0.5203196406364441,
0.09432590752840042,
0.42630481719970703,
-0.31056591868400574,
-0.8644992113113403,
-0.007150437217205763,
-0.0013743427116423845,
-0.24928919970989227,
-0.8682951331138611,
0.24719643592834473,
0.1348181664943695,
0.45848798751831055,
0.42095041275024414,
-0.06938822567462921,
0.49662792682647705,
-0.4272732436656952,
0.8323706388473511,
0.39444565773010254,
-0.9728577136993408,
0.7804149985313416,
-0.5350678563117981,
0.30865421891212463,
0.5633367896080017,
0.22858090698719025,
-0.45727774500846863,
-0.42525795102119446,
-0.7956162691116333,
-0.9219845533370972,
0.7375496625900269,
0.43326112627983093,
0.13527195155620575,
0.13005493581295013,
0.03961486369371414,
0.048475559800863266,
0.2995060384273529,
-0.8746457099914551,
-0.563395082950592,
-0.612493634223938,
-0.4542886018753052,
-0.3185544013977051,
0.1518203616142273,
-0.21660728752613068,
-0.4651128053665161,
0.9216046929359436,
0.21768233180046082,
0.48553597927093506,
0.31891417503356934,
0.21943268179893494,
-0.36606067419052124,
0.1220429539680481,
0.31850743293762207,
0.04131703078746796,
-0.3493488132953644,
-0.1716177612543106,
-0.2243245393037796,
-0.5088919997215271,
0.32942453026771545,
0.2919906973838806,
-0.3710331618785858,
0.2182256132364273,
0.29095205664634705,
0.8415482640266418,
0.2122744619846344,
-0.5712265968322754,
0.6258053183555603,
-0.12194331735372543,
-0.3708639144897461,
-0.58369380235672,
0.33347833156585693,
0.37322402000427246,
0.20693668723106384,
0.29810720682144165,
0.17939579486846924,
0.029162848368287086,
-0.4551267921924591,
0.5227681398391724,
0.13178619742393494,
-0.6579363346099854,
-0.18218564987182617,
1.1794579029083252,
-0.06278111040592194,
-0.35404855012893677,
0.39962947368621826,
-0.0238605048507452,
-0.24463538825511932,
0.9048707485198975,
0.7570463418960571,
1.1307144165039062,
-0.21684998273849487,
0.0782834067940712,
0.6187249422073364,
0.1238957867026329,
-0.047754671424627304,
0.36906319856643677,
-0.17900538444519043,
-0.2105422466993332,
-0.28533926606178284,
-1.0083849430084229,
0.07772085815668106,
0.30368199944496155,
-0.5588743090629578,
0.2194531261920929,
-0.3535693287849426,
-0.40027084946632385,
0.12058950960636139,
-0.18790888786315918,
-0.6059455275535583,
0.1979573667049408,
0.08259163051843643,
1.1199519634246826,
-0.9658523201942444,
0.4886934161186218,
0.33256635069847107,
-0.6233768463134766,
-0.9596889615058899,
0.1538136899471283,
0.24750134348869324,
-0.35867053270339966,
0.5155042409896851,
0.23683485388755798,
0.147114560008049,
0.15061740577220917,
-0.809513509273529,
-0.9772806167602539,
1.102833867073059,
-0.003970862366259098,
-0.6425731182098389,
0.20246078073978424,
-0.1981673687696457,
0.678295373916626,
-0.4154956340789795,
-0.00031460379250347614,
0.7345273494720459,
0.7273548245429993,
0.265751451253891,
-0.6479490399360657,
-0.07109847664833069,
-0.5657345652580261,
-0.27649131417274475,
-0.059637200087308884,
-0.6616320610046387,
1.0671554803848267,
-0.051802705973386765,
-0.1727398931980133,
0.2470371127128601,
0.6791374087333679,
0.49454522132873535,
0.42008596658706665,
0.8077635169029236,
0.49454835057258606,
0.5893176794052124,
-0.4845007658004761,
1.1785786151885986,
-0.6121633052825928,
0.3835490345954895,
0.8692436814308167,
0.28005707263946533,
0.4202049672603607,
0.3292595148086548,
-0.35107097029685974,
0.4088733494281769,
0.8206917643547058,
-0.6142144203186035,
0.6135349869728088,
0.6132723093032837,
-0.15266019105911255,
-0.2811184227466583,
-0.0792950689792633,
-0.6073707938194275,
0.7519493699073792,
0.12780295312404633,
-0.7444707751274109,
0.25977426767349243,
0.28462329506874084,
-0.034180689603090286,
-0.07239144295454025,
-0.09555132687091827,
0.6234038472175598,
0.09810677915811539,
-0.7258753776550293,
0.4291367828845978,
-0.011988081969320774,
0.8979652523994446,
-0.498696893453598,
0.01885506696999073,
0.014980259351432323,
-0.01439157035201788,
-0.23811423778533936,
-0.49036529660224915,
-0.06617025285959244,
-0.0877927839756012,
-0.30124807357788086,
-0.21236421167850494,
0.5804651379585266,
-0.757719874382019,
-0.5490850806236267,
0.4421462118625641,
0.1648617833852768,
0.060423843562603,
-0.09485907107591629,
-0.7977455854415894,
0.1170874610543251,
0.035313211381435394,
-0.3180898129940033,
0.020443791523575783,
0.21531841158866882,
0.41848379373550415,
0.433634489774704,
0.8499066233634949,
0.2702486515045166,
0.05890658497810364,
0.16332633793354034,
0.5158155560493469,
-0.6500279903411865,
-0.5621859431266785,
-0.547540545463562,
0.36668986082077026,
0.06957146525382996,
-0.12497592717409134,
0.7716432809829712,
0.6251537203788757,
1.01528000831604,
-0.23100344836711884,
0.9998455047607422,
-0.3349932134151459,
0.4888395667076111,
-0.396355003118515,
0.776020884513855,
-0.8289011716842651,
0.23878498375415802,
-0.599122166633606,
-0.8691866397857666,
0.09864747524261475,
0.5801964998245239,
-0.08249481767416,
0.342742919921875,
0.19384098052978516,
0.7201706767082214,
-0.17473259568214417,
0.1659134328365326,
0.020606588572263718,
0.31211817264556885,
0.24032577872276306,
0.5858885645866394,
0.8129131197929382,
-0.5470475554466248,
0.7446975708007812,
-0.7866578102111816,
-0.1113046407699585,
-0.005994193721562624,
-0.5594785213470459,
-0.8099209666252136,
-0.6751642227172852,
-0.27545809745788574,
-0.5427927374839783,
-0.3917592763900757,
1.1125495433807373,
0.5618756413459778,
-0.8005327582359314,
-0.21448178589344025,
0.07068262249231339,
0.11191876232624054,
-0.3950561583042145,
-0.29998573660850525,
0.5140577554702759,
0.005336139351129532,
-1.1026467084884644,
0.5876269340515137,
0.015284372493624687,
0.33852317929267883,
-0.2307008057832718,
-0.0761258602142334,
-0.05144641175866127,
0.04264886677265167,
0.3367352783679962,
0.11193911731243134,
-0.6271175146102905,
-0.0713864266872406,
0.007152848411351442,
-0.17387191951274872,
0.19518347084522247,
0.6305222511291504,
-0.3598290681838989,
0.491416335105896,
0.8461554050445557,
0.21194975078105927,
0.5907865762710571,
0.18377678096294403,
0.42708513140678406,
-0.6549274325370789,
-0.05652386695146561,
0.027581756934523582,
0.38973310589790344,
0.28124064207077026,
-0.16590961813926697,
0.42099863290786743,
0.5809744000434875,
-0.5368703007698059,
-0.5787239074707031,
-0.018758445978164673,
-1.0492116212844849,
-0.32237836718559265,
1.372652530670166,
0.08747159689664841,
-0.3755721151828766,
0.14291132986545563,
-0.3855927586555481,
0.5669594407081604,
-0.3488454520702362,
0.6630940437316895,
0.3832789361476898,
-0.05594857037067413,
0.1527746170759201,
-0.6488215327262878,
0.8552818298339844,
0.09873389452695847,
-0.39778462052345276,
-0.24527698755264282,
0.5907149314880371,
0.49061354994773865,
0.5894510746002197,
0.46496447920799255,
-0.4080755114555359,
0.4814184606075287,
0.24934180080890656,
0.43806973099708557,
-0.2600003480911255,
-0.2107875645160675,
-0.3351784944534302,
0.5026791095733643,
-0.47800683975219727,
-0.30738377571105957
] |
marianna13/flan-t5-base-summarization
|
marianna13
| 2023-07-15T09:43:46Z | 5,179 | 2 |
transformers
|
[
"transformers",
"pytorch",
"t5",
"text2text-generation",
"summarization",
"en",
"dataset:ChristophSchuhmann/gutenberg-wiki-arxiv-pubmed-soda-summaries",
"autotrain_compatible",
"endpoints_compatible",
"text-generation-inference",
"region:us"
] |
summarization
| 2023-07-15T09:03:17Z |
---
language:
- en
library_name: transformers
pipeline_tag: summarization
datasets:
- ChristophSchuhmann/gutenberg-wiki-arxiv-pubmed-soda-summaries
---
# Usage
```python
from transformers import pipeline
max_length = 50
min_length = 10
model_id = "marianna13/flan-t5-base-summarization"
summarizer = pipeline("summarization", model=model_id, max_length=max_length, min_length=min_length)
text = ''' For I am convinced that neither death nor life, neither angels nor demons, neither the present nor the future, nor any powers, neither height nor depth, nor anything else in all creation, will be able to separate us from the love of God that is in Christ Jesus our Lord.'''
print(text)
print('##### Summary:')
print(summarizer(text)[0]['summary_text'])
# For I am convinced that neither death nor life, neither angels nor demons, neither the present nor the future, nor any powers, neither height nor depth, nor anything else in all creation, will be able to separate us from the love of God that is in Christ Jesus our Lord.
# ##### Summary:
# "I am convinced that neither death, life, angels, demons, present, future, powers, height, depth, or anything else in all creation can separate us from the love of God that is in Christ Jesus our Lord."
```
|
[
-0.39380133152008057,
-0.3903811573982239,
0.34522897005081177,
0.2600407004356384,
-0.46205341815948486,
0.03642712160944939,
-0.06641384214162827,
0.18322673439979553,
0.522210419178009,
0.47219163179397583,
-0.5740927457809448,
-0.5772038698196411,
-0.9210798740386963,
0.4616354703903198,
-0.6852990388870239,
1.2323694229125977,
-0.005004610400646925,
-0.3737241327762604,
0.08951777219772339,
0.013803874142467976,
0.2636926770210266,
-0.19811108708381653,
-0.6090127825737,
-0.17228907346725464,
0.4202952980995178,
0.16221541166305542,
0.7537044882774353,
0.341948539018631,
0.6047075986862183,
0.45131170749664307,
-0.24597370624542236,
0.3765036165714264,
-0.36264568567276,
0.04964517056941986,
-0.11370718479156494,
-0.6719259023666382,
-0.5252693891525269,
-0.037071507424116135,
0.7606058120727539,
0.46156004071235657,
0.21827362477779388,
0.3889096975326538,
-0.06728627532720566,
0.45372918248176575,
-0.4324686825275421,
0.3277603089809418,
-0.8224884867668152,
0.22047854959964752,
0.19020017981529236,
-0.4826548099517822,
-0.05702190101146698,
-0.5290231704711914,
0.03777880594134331,
-0.494941771030426,
0.6299144625663757,
0.12303861975669861,
1.4771215915679932,
0.39475956559181213,
-0.46902215480804443,
-0.0819081962108612,
-0.4292459785938263,
1.2304736375808716,
-1.0400714874267578,
-0.018475890159606934,
0.17237329483032227,
0.10585383325815201,
0.11000529676675797,
-0.9224688410758972,
-0.8911309242248535,
0.11155220866203308,
-0.21659162640571594,
0.5174667835235596,
-0.23221111297607422,
0.06865197420120239,
0.6742438673973083,
0.6883651614189148,
-0.5618381500244141,
-0.2499498575925827,
-0.7957466840744019,
-0.3588835299015045,
0.7130188345909119,
0.36069729924201965,
0.5025507211685181,
-0.5044925808906555,
-0.563298225402832,
-0.33525076508522034,
-0.014469063840806484,
0.09849195182323456,
0.2648325264453888,
0.11167848110198975,
-0.47102630138397217,
0.8572582602500916,
-0.06095847487449646,
0.2842017710208893,
0.14181861281394958,
-0.731867790222168,
0.3728570342063904,
-0.26479431986808777,
-0.5315540432929993,
-0.1273246556520462,
1.082514762878418,
0.7940670251846313,
0.4069250226020813,
0.13730710744857788,
-0.12411639094352722,
0.3386543393135071,
0.23456677794456482,
-1.008440375328064,
0.19286875426769257,
0.3422102630138397,
-0.8219064474105835,
-0.506560742855072,
0.2423195093870163,
-0.909450113773346,
-0.09277617931365967,
0.038351718336343765,
0.3466549813747406,
-0.28488558530807495,
-0.4526829123497009,
-0.07722409814596176,
-0.6100921630859375,
0.19997431337833405,
0.07195279747247696,
-1.1781668663024902,
0.22880658507347107,
0.7024371027946472,
1.169145107269287,
0.04387861490249634,
-0.5232651829719543,
-0.4579395651817322,
-0.029469966888427734,
-0.07160013914108276,
0.6455491185188293,
-0.07565631717443466,
-0.24976912140846252,
-0.08486329764127731,
0.2974287271499634,
-0.19064873456954956,
-0.4604896008968353,
0.5674880743026733,
-0.379947304725647,
0.2305394858121872,
0.07665809243917465,
-0.4678826332092285,
-0.418534517288208,
0.09300259500741959,
-0.302263081073761,
0.20437456667423248,
0.6087811589241028,
-0.8869357109069824,
0.31763648986816406,
-0.6927290558815002,
-0.5987143516540527,
-0.21941593289375305,
-0.04873136803507805,
-0.7664673924446106,
0.34538960456848145,
0.03098505735397339,
0.29344287514686584,
0.019917646422982216,
0.06456432491540909,
-0.34764692187309265,
-0.16753073036670685,
-0.002578279236331582,
-0.4684688150882721,
1.130063533782959,
0.513455331325531,
-0.4126473367214203,
0.3012135326862335,
-0.49844011664390564,
0.01680578663945198,
-0.06886116415262222,
-0.05315787345170975,
0.09416157007217407,
0.1997106671333313,
0.08397338539361954,
0.02382505126297474,
0.4274863600730896,
-0.7932030558586121,
0.3554340898990631,
-0.7294255495071411,
0.4476054608821869,
0.7929165363311768,
0.14668123424053192,
0.5195500254631042,
-0.24325130879878998,
0.7432473301887512,
0.2655888795852661,
0.11744751036167145,
-0.11402644217014313,
-0.44510510563850403,
-1.0968575477600098,
-0.0696503296494484,
-0.08394782245159149,
0.5123931765556335,
-0.6829401850700378,
0.9593686461448669,
-0.29373976588249207,
-0.4709981381893158,
-0.24413688480854034,
-0.18023836612701416,
0.16499188542366028,
0.6935418844223022,
0.7744314074516296,
-0.1530279666185379,
-1.020961046218872,
-0.9867454171180725,
-0.3643939197063446,
-0.4071270823478699,
-0.36008450388908386,
-0.352826863527298,
0.9907720685005188,
-0.30787786841392517,
0.9628342390060425,
-0.9576746225357056,
-0.48540663719177246,
-0.6222251653671265,
-0.10501429438591003,
1.0372928380966187,
0.4571594297885895,
0.5278712511062622,
-0.8826304078102112,
-0.6670028567314148,
-0.008012918755412102,
-0.9420745372772217,
-0.050331469625234604,
-0.5774775743484497,
0.007456757593899965,
-0.11471298336982727,
-0.4327196180820465,
-0.7777237892150879,
1.0744398832321167,
0.3544878661632538,
-0.7449707388877869,
0.546193540096283,
-0.10594751685857773,
0.08591306954622269,
-1.439656376838684,
-0.17759813368320465,
-0.30658379197120667,
-0.2833068370819092,
-0.5921160578727722,
-0.10019691288471222,
0.07795120775699615,
0.2908681631088257,
-0.5179528594017029,
0.49969393014907837,
-0.18458832800388336,
0.0474274680018425,
-0.528108537197113,
-0.07426094263792038,
0.17920157313346863,
0.4679393172264099,
0.10786480456590652,
0.7024680376052856,
0.6177095174789429,
-0.8800684213638306,
0.7224809527397156,
0.7658889889717102,
-0.15980680286884308,
0.5259718298912048,
-0.5546132922172546,
-0.6008262634277344,
-0.11546595394611359,
0.2980448603630066,
-0.5089520215988159,
-0.1492241770029068,
0.2614114582538605,
-0.6182622313499451,
-0.13968819379806519,
0.009969236329197884,
-0.35522451996803284,
-0.4094844460487366,
-0.274985134601593,
0.2732314467430115,
0.7104640603065491,
-0.4415159821510315,
0.7821344137191772,
-0.02751665934920311,
0.251414030790329,
-0.53487628698349,
-0.9602193236351013,
0.055907826870679855,
-0.5152369737625122,
-0.7199974656105042,
0.3411523103713989,
-0.16185389459133148,
-0.3506794273853302,
-0.27458783984184265,
-0.3449494540691376,
-0.1729530543088913,
-0.04147749021649361,
0.309366911649704,
0.15227437019348145,
-0.4158680737018585,
-0.46344274282455444,
0.3517991602420807,
-0.5876149535179138,
0.21245057880878448,
-0.4080919027328491,
0.4194605052471161,
-0.2815497815608978,
-0.17070159316062927,
-0.6688449382781982,
0.5473143458366394,
0.6747549176216125,
-0.1758914291858673,
0.9550116062164307,
0.7619204521179199,
-0.3273613154888153,
-0.05170349404215813,
-0.3203141391277313,
-0.047606296837329865,
-0.4776281714439392,
0.4182431101799011,
-0.2356036752462387,
-0.6056841611862183,
0.768715500831604,
0.4806879758834839,
0.29408130049705505,
0.996458113193512,
0.45834413170814514,
-0.12027077376842499,
0.9199918508529663,
0.2754778265953064,
0.11405108869075775,
0.19986706972122192,
-0.8213282227516174,
0.4233516752719879,
-0.9371485114097595,
-0.22382956743240356,
-0.28014835715293884,
-0.4521467685699463,
-0.5363869071006775,
-0.05806736648082733,
0.605125367641449,
0.314587265253067,
-0.3029215931892395,
0.5964106321334839,
-0.49853047728538513,
0.4901190996170044,
0.37844619154930115,
0.0005326258833520114,
0.3436323404312134,
0.052359357476234436,
-0.1079808920621872,
-0.06560308486223221,
-0.0601690448820591,
-0.5266504883766174,
1.0363858938217163,
0.10261569172143936,
0.483030766248703,
0.3077077269554138,
0.765899121761322,
0.2532130777835846,
0.27149853110313416,
-0.8887392282485962,
0.4252888560295105,
-0.1844092160463333,
-0.815579891204834,
-0.28409305214881897,
-0.4522174596786499,
-0.8007012605667114,
0.5631657838821411,
0.06995877623558044,
-0.8026242852210999,
0.167251855134964,
-0.27143803238868713,
-0.44025933742523193,
0.9528420567512512,
-0.5010973811149597,
0.732128918170929,
-0.15760326385498047,
-0.051730792969465256,
-0.03662630915641785,
-0.6139841675758362,
0.3403637707233429,
0.12327048927545547,
-0.02454415149986744,
-0.07251390814781189,
-0.31324005126953125,
0.5575430989265442,
-0.8568494915962219,
0.6995081901550293,
0.080513596534729,
0.022847188636660576,
0.3304682672023773,
-0.049589596688747406,
0.21337921917438507,
0.4254132807254791,
-0.10613967478275299,
-0.10351438075304031,
0.20321202278137207,
-0.6613358855247498,
-0.7568385601043701,
0.5478516817092896,
-0.820128858089447,
-0.4575182795524597,
-0.7030748724937439,
-0.43211886286735535,
0.5245851278305054,
0.3911716043949127,
0.8041765093803406,
0.6737011671066284,
0.3447023034095764,
0.22255699336528778,
0.40022027492523193,
-0.26805394887924194,
1.0641599893569946,
0.03401465713977814,
-0.4926425516605377,
-0.9868760108947754,
0.6177852153778076,
0.015161188319325447,
0.40493279695510864,
0.6678584218025208,
0.334425687789917,
-0.5638776421546936,
-0.16988691687583923,
-0.20318643748760223,
0.2616662383079529,
-0.6080268025398254,
-0.35832247138023376,
-0.7082592248916626,
-0.5481520891189575,
-0.48773303627967834,
-0.12763899564743042,
-0.35063037276268005,
-0.5000852346420288,
-0.5147234797477722,
-0.1036689504981041,
0.49637120962142944,
0.5417454242706299,
-0.13369852304458618,
0.33562159538269043,
-0.9657260775566101,
0.8006545901298523,
0.23295949399471283,
0.15684199333190918,
-0.060282621532678604,
-0.7690548300743103,
-0.0907139778137207,
0.013377285562455654,
-0.7369900941848755,
-1.087819218635559,
0.8301895260810852,
0.3699553310871124,
0.13305053114891052,
1.095770001411438,
0.40622466802597046,
1.0501985549926758,
-0.19168619811534882,
1.001713514328003,
0.3275677561759949,
-1.2103317975997925,
0.3698183596134186,
-0.2621716558933258,
0.19658510386943817,
0.3066553771495819,
0.14369168877601624,
-0.6377620697021484,
-0.5185117125511169,
-1.1157455444335938,
-0.8257427215576172,
0.4307463765144348,
0.9067195057868958,
0.23244357109069824,
0.1143532544374466,
0.040244828909635544,
0.19937515258789062,
0.41011711955070496,
-0.976547122001648,
-0.9045079946517944,
-0.6712292432785034,
0.0689074918627739,
-0.12977750599384308,
0.11722175776958466,
0.06555616855621338,
-0.6319468021392822,
0.7018944621086121,
-0.1570664495229721,
0.4835091829299927,
0.44715797901153564,
-0.06404715031385422,
-0.08349530398845673,
0.26899537444114685,
0.9452213644981384,
0.9157720804214478,
-0.3601182699203491,
0.2611960172653198,
0.45311877131462097,
-0.4419724941253662,
0.05856093764305115,
-0.3700887858867645,
-0.26063045859336853,
0.27535590529441833,
0.8936513066291809,
0.8615918755531311,
-0.3432304859161377,
-0.24920062720775604,
0.5900557041168213,
-0.08751896768808365,
-0.28287896513938904,
-1.05502450466156,
0.14310535788536072,
-0.03511093929409981,
0.2333042323589325,
0.6354765892028809,
0.6071237921714783,
-0.14179646968841553,
-0.3042343556880951,
0.12474978715181351,
0.21689969301223755,
-0.1329278200864792,
-0.34440872073173523,
1.051798701286316,
-0.21396654844284058,
-0.5058295726776123,
0.6067858934402466,
-0.02265404723584652,
-0.9245558977127075,
0.9895198345184326,
0.4502841532230377,
1.1271796226501465,
0.12848304212093353,
0.29445552825927734,
0.7181282043457031,
0.3417581021785736,
0.16713353991508484,
0.29125043749809265,
-0.25129497051239014,
-0.7240327000617981,
-0.2540678083896637,
-0.9095805883407593,
-0.16519220173358917,
0.11804108321666718,
-0.777559220790863,
0.2019157111644745,
-0.5297349095344543,
-0.11904242634773254,
-0.3382393419742584,
-0.013832979835569859,
-0.3274877667427063,
0.4329361021518707,
-0.1359798163175583,
0.8410175442695618,
-0.9591442346572876,
0.6224284172058105,
0.2257939875125885,
-0.8785865306854248,
-0.9639832377433777,
-0.007777010556310415,
-0.2952909469604492,
-0.3026903569698334,
0.42456164956092834,
0.41572508215904236,
0.13357660174369812,
-0.05640731751918793,
-0.5750724077224731,
-0.9157402515411377,
1.1319255828857422,
0.05137961730360985,
-0.02481413260102272,
-0.10124319791793823,
0.14306680858135223,
0.7981714010238647,
-0.6180034875869751,
0.8975591063499451,
0.5635302662849426,
0.8433860540390015,
-0.15513746440410614,
-0.6207626461982727,
-0.022508766502141953,
-0.3639717102050781,
-0.00914042815566063,
0.1934836059808731,
-0.8877665400505066,
1.1148779392242432,
-0.3160245418548584,
-0.2967556416988373,
0.38105571269989014,
1.046818733215332,
0.030961137264966965,
0.4376116394996643,
0.5050765872001648,
0.5233128070831299,
0.20068664848804474,
-0.26769888401031494,
0.8518435955047607,
0.014104208908975124,
1.0359899997711182,
0.6259046196937561,
0.16775156557559967,
0.4881916642189026,
0.5708666443824768,
-0.5650240778923035,
0.8040788173675537,
0.5270497798919678,
-0.44832539558410645,
0.34122589230537415,
-0.11964304745197296,
-0.312254399061203,
-0.24606753885746002,
0.04586818441748619,
-0.8310839533805847,
0.39278095960617065,
0.23145616054534912,
-0.6867353916168213,
-0.12519463896751404,
-0.33711254596710205,
0.16465575993061066,
0.1577407270669937,
-0.10439315438270569,
0.45479947328567505,
0.34984102845191956,
-0.6669071316719055,
1.1097468137741089,
-0.21494238078594208,
0.6802235245704651,
-0.5787097215652466,
0.0998196005821228,
-0.25762784481048584,
0.3430875837802887,
-0.7750346660614014,
-0.5501490235328674,
0.6376132965087891,
0.03698568418622017,
-0.4222799837589264,
-0.35415005683898926,
0.16464269161224365,
-0.24734501540660858,
-0.693386435508728,
0.37362003326416016,
-0.0792236402630806,
0.36470383405685425,
-0.008540363982319832,
-0.5303853750228882,
-0.26229044795036316,
0.4411298930644989,
-0.23668110370635986,
-0.11481130868196487,
0.19352374970912933,
0.5822077393531799,
0.8464570641517639,
0.6914138197898865,
0.46255025267601013,
0.0693291574716568,
-0.21252481639385223,
0.6682531833648682,
-0.8640608787536621,
-0.4798235297203064,
-1.2942179441452026,
0.8964956998825073,
-0.2436424046754837,
-0.5272233486175537,
0.591882586479187,
0.8077964186668396,
0.6600380539894104,
-0.5078404545783997,
0.9041399359703064,
-0.3102465867996216,
0.5086618065834045,
-0.23597893118858337,
1.0462923049926758,
-0.7646597623825073,
0.02711719274520874,
-0.4619566798210144,
-1.2813118696212769,
-0.22971868515014648,
0.7833162546157837,
-0.19213594496250153,
-0.15532292425632477,
1.4223171472549438,
0.677298367023468,
-0.14136920869350433,
0.19045418500900269,
0.38122570514678955,
0.36230748891830444,
0.4325450360774994,
0.674044668674469,
0.669468343257904,
-0.8744803667068481,
0.5038681626319885,
-0.4785238206386566,
-0.08955221623182297,
0.1536525934934616,
-0.7514397501945496,
-1.0055317878723145,
-0.6012570261955261,
-0.12607428431510925,
-0.6395273804664612,
-0.8348296284675598,
0.9269193410873413,
0.4637749195098877,
-1.1935073137283325,
-0.346277117729187,
-0.30910253524780273,
0.5404680967330933,
-0.26562127470970154,
-0.32398995757102966,
0.41890010237693787,
-0.09712051600217819,
-0.9053147435188293,
0.3325803875923157,
0.3086395263671875,
0.07660774141550064,
-0.33913499116897583,
-0.030760910362005234,
-0.21589452028274536,
-0.2405557483434677,
0.3322598934173584,
0.2038116157054901,
-1.1766369342803955,
-0.2555273771286011,
-0.45370638370513916,
0.13153323531150818,
0.32076096534729004,
0.2903008759021759,
-0.5801141262054443,
0.06284734606742859,
0.9370657801628113,
0.19539499282836914,
0.3172281086444855,
0.2242002636194229,
0.5575867891311646,
-0.21377301216125488,
0.13106723129749298,
0.10810775309801102,
0.49833834171295166,
-0.07291267067193985,
-0.315360963344574,
0.5838207006454468,
0.576981246471405,
-0.5090246796607971,
-0.6300857663154602,
0.41836950182914734,
-0.9834121465682983,
0.17012551426887512,
0.8047776222229004,
-0.2186884731054306,
-0.11563346534967422,
0.0034079381730407476,
-0.11649535596370697,
0.6576431393623352,
-0.5928071737289429,
0.5847508311271667,
0.24362343549728394,
-0.11489628255367279,
0.14502353966236115,
-0.2382965087890625,
0.2052958607673645,
0.3590327799320221,
-0.662876546382904,
-0.5108836889266968,
-0.13617129623889923,
0.3579331338405609,
0.6398537755012512,
0.024966584518551826,
0.05971227213740349,
-0.045006316155195236,
0.19414152204990387,
-0.021278852596879005,
-0.009711545892059803,
-0.06888105720281601,
-0.13132476806640625,
0.3994766175746918,
-0.5979945659637451,
-0.2593424916267395
] |
google/t5-base-lm-adapt
|
google
| 2023-01-24T16:43:56Z | 5,176 | 14 |
transformers
|
[
"transformers",
"pytorch",
"tf",
"t5",
"text2text-generation",
"t5-lm-adapt",
"en",
"dataset:c4",
"arxiv:2002.05202",
"arxiv:1910.10683",
"license:apache-2.0",
"autotrain_compatible",
"endpoints_compatible",
"has_space",
"text-generation-inference",
"region:us"
] |
text2text-generation
| 2022-03-02T23:29:05Z |
---
language: en
datasets:
- c4
tags:
- t5-lm-adapt
license: apache-2.0
---
[Google's T5](https://ai.googleblog.com/2020/02/exploring-transfer-learning-with-t5.html) Version 1.1 - LM-Adapted
## Version 1.1 - LM-Adapted
[T5 Version 1.1 - LM Adapted](https://github.com/google-research/text-to-text-transfer-transformer/blob/main/released_checkpoints.md#lm-adapted-t511lm100k) includes the following improvements compared to the original [T5 model](https://huggingface.co/t5-base):
- GEGLU activation in feed-forward hidden layer, rather than ReLU - see [here](https://arxiv.org/abs/2002.05202).
- Dropout was turned off in pre-training (quality win). Dropout should be re-enabled during fine-tuning.
- Pre-trained on C4 only without mixing in the downstream tasks.
- no parameter sharing between embedding and classifier layer
- "xl" and "xxl" replace "3B" and "11B". The model shapes are a bit different - larger `d_model` and smaller `num_heads` and `d_ff`.
and is pretrained on both the denoising and language modeling objective.
More specifically, this checkpoint is initialized from [T5 Version 1.1 - Base](https://huggingface.co/google/https://huggingface.co/google/t5-v1_1-base)
and then trained for an additional 100K steps on the LM objective discussed in the [T5 paper](https://arxiv.org/pdf/1910.10683.pdf).
This adaptation improves the ability of the model to be used for prompt tuning.
**Note**: A popular fine-tuned version of the *T5 Version 1.1 - LM Adapted* model is [BigScience's T0pp](https://huggingface.co/bigscience/T0pp).
Pretraining Dataset: [C4](https://huggingface.co/datasets/c4)
Other Community Checkpoints: [here](https://huggingface.co/models?other=t5-lm-adapt)
Paper: [Exploring the Limits of Transfer Learning with a Unified Text-to-Text Transformer](https://arxiv.org/pdf/1910.10683.pdf)
Authors: *Colin Raffel, Noam Shazeer, Adam Roberts, Katherine Lee, Sharan Narang, Michael Matena, Yanqi Zhou, Wei Li, Peter J. Liu*
## Abstract
Transfer learning, where a model is first pre-trained on a data-rich task before being fine-tuned on a downstream task, has emerged as a powerful technique in natural language processing (NLP). The effectiveness of transfer learning has given rise to a diversity of approaches, methodology, and practice. In this paper, we explore the landscape of transfer learning techniques for NLP by introducing a unified framework that converts every language problem into a text-to-text format. Our systematic study compares pre-training objectives, architectures, unlabeled datasets, transfer approaches, and other factors on dozens of language understanding tasks. By combining the insights from our exploration with scale and our new “Colossal Clean Crawled Corpus”, we achieve state-of-the-art results on many benchmarks covering summarization, question answering, text classification, and more. To facilitate future work on transfer learning for NLP, we release our dataset, pre-trained models, and code.

|
[
-0.29767605662345886,
-0.3912507891654968,
0.3943115472793579,
0.2515968382358551,
-0.14199641346931458,
0.14734885096549988,
-0.3528069257736206,
-0.587483823299408,
-0.14979255199432373,
0.41456279158592224,
-0.6887819766998291,
-0.5510945916175842,
-0.775120198726654,
0.28511324524879456,
-0.408102422952652,
1.1713449954986572,
-0.11641918122768402,
-0.08733272552490234,
0.07963177561759949,
-0.0667416900396347,
-0.42352399230003357,
-0.41435056924819946,
-0.874264121055603,
-0.3525853753089905,
0.4054564833641052,
0.3264193534851074,
0.250124990940094,
0.3516469895839691,
0.5674858093261719,
0.17018930613994598,
-0.1050879955291748,
-0.050570327788591385,
-0.6042473912239075,
-0.32252103090286255,
-0.2967270612716675,
-0.20699627697467804,
-0.4841833710670471,
0.04192478582262993,
0.6841659545898438,
0.7014708518981934,
-0.03718318045139313,
0.19350005686283112,
0.30494925379753113,
0.6253349184989929,
-0.592548668384552,
0.18884322047233582,
-0.5908492803573608,
0.14059996604919434,
-0.022222109138965607,
-0.0220352653414011,
-0.6714575886726379,
-0.2465660274028778,
0.4290023744106293,
-0.6879581212997437,
0.25921234488487244,
-0.03787427023053169,
1.0602943897247314,
0.3674137592315674,
-0.3473622500896454,
-0.2466002255678177,
-0.5992193818092346,
0.8696244359016418,
-0.6644103527069092,
0.38777104020118713,
0.18370483815670013,
0.3194577693939209,
0.01793932169675827,
-1.004335880279541,
-0.4339313507080078,
-0.11267960071563721,
-0.07563101500272751,
0.058653756976127625,
-0.2304970771074295,
0.038367729634046555,
0.18061216175556183,
0.4211985468864441,
-0.46258044242858887,
0.2783661186695099,
-0.5575721859931946,
-0.28271299600601196,
0.3865620791912079,
-0.18317778408527374,
0.2979062497615814,
-0.00391964428126812,
-0.5018949508666992,
-0.218377485871315,
-0.49517884850502014,
0.13213090598583221,
-0.24733386933803558,
0.37306779623031616,
-0.3326101303100586,
-0.10095084458589554,
-0.008714357390999794,
0.7588533759117126,
0.19566208124160767,
-0.13886310160160065,
0.3609755337238312,
-0.601788341999054,
-0.18811728060245514,
-0.11117738485336304,
0.8027933239936829,
0.2064211368560791,
0.31661295890808105,
-0.36054810881614685,
-0.07654088735580444,
-0.25343194603919983,
0.30768823623657227,
-0.902462899684906,
-0.32613638043403625,
-0.05474524572491646,
-0.3265995383262634,
-0.40278616547584534,
0.06703820824623108,
-0.5523352026939392,
-0.126140758395195,
-0.2747187614440918,
0.5272186398506165,
-0.5539204478263855,
-0.24289445579051971,
0.35778042674064636,
0.0460168719291687,
0.46183517575263977,
0.5075150728225708,
-0.9721440076828003,
0.36737990379333496,
0.4278469383716583,
0.8471542000770569,
-0.4911765456199646,
-0.3210787773132324,
-0.5889509916305542,
-0.03462536633014679,
-0.1540185958147049,
0.7368292808532715,
-0.2997170090675354,
-0.2619066834449768,
-0.07551165670156479,
0.23934870958328247,
-0.3125527501106262,
-0.355138897895813,
0.7657738924026489,
-0.40141385793685913,
0.6059020757675171,
-0.2981056869029999,
-0.44978511333465576,
-0.4108286201953888,
0.18367604911327362,
-0.6317987442016602,
1.0540566444396973,
0.16147936880588531,
-0.49925777316093445,
0.41139140725135803,
-0.8477028608322144,
-0.3666604459285736,
-0.1642235368490219,
0.3906678259372711,
-0.36407285928726196,
-0.1787591278553009,
0.31598126888275146,
0.495781809091568,
-0.15306773781776428,
0.09789799153804779,
-0.18340559303760529,
-0.27340754866600037,
-0.10942445695400238,
-0.048436567187309265,
0.8642995953559875,
0.2871283292770386,
-0.2578887641429901,
0.10191183537244797,
-0.6603973507881165,
0.14241071045398712,
-0.01548861712217331,
-0.3279912769794464,
0.10235293954610825,
-0.2713249921798706,
0.04483136907219887,
0.3756546378135681,
0.24208584427833557,
-0.2882867157459259,
0.233476459980011,
-0.37681132555007935,
0.521461009979248,
0.5298747420310974,
-0.10838274657726288,
0.8033046126365662,
-0.4509509205818176,
0.47709646821022034,
0.04690936207771301,
0.0018916861154139042,
-0.2093323916196823,
-0.2137892097234726,
-0.774834156036377,
-0.09186700731515884,
0.6207253932952881,
0.7068419456481934,
-0.6373109817504883,
0.6291136145591736,
-0.4637517035007477,
-0.4739919900894165,
-0.6570433974266052,
0.07764891535043716,
0.3335863947868347,
0.6563475131988525,
0.6978315114974976,
-0.28178223967552185,
-0.5444629788398743,
-0.4914165139198303,
-0.31462371349334717,
0.005935195833444595,
-0.08385559916496277,
-0.0025488913524895906,
0.36220425367355347,
-0.1796412467956543,
0.7163336277008057,
-0.2579990327358246,
-0.477022260427475,
-0.5927678942680359,
0.08580709248781204,
0.08040399849414825,
0.5602024793624878,
0.6486920714378357,
-0.4338090121746063,
-0.5334015488624573,
0.041329074651002884,
-0.6827719807624817,
-0.23747754096984863,
-0.18354135751724243,
-0.03599744662642479,
0.3655368387699127,
0.610758900642395,
-0.25925514101982117,
0.1516706645488739,
0.6797602772712708,
-0.291810542345047,
0.32958176732063293,
-0.17935730516910553,
0.025096310302615166,
-1.4935591220855713,
0.34508615732192993,
0.05291670560836792,
-0.46377936005592346,
-0.7774339318275452,
-0.07544326037168503,
0.19300858676433563,
0.07882092148065567,
-0.5005537867546082,
0.6856614351272583,
-0.511420488357544,
0.09284170717000961,
-0.24034036695957184,
0.2383032739162445,
-0.02635461650788784,
0.527083158493042,
-0.06755167990922928,
0.7512010931968689,
0.5131514668464661,
-0.7786194086074829,
-0.07634051144123077,
0.3321778178215027,
-0.25440743565559387,
0.1711912751197815,
-0.5704566240310669,
0.40323901176452637,
-0.07083183526992798,
0.36475348472595215,
-0.8324174880981445,
0.24166426062583923,
0.44167593121528625,
-0.5285260081291199,
0.5731899738311768,
-0.1074402928352356,
-0.20159676671028137,
-0.14360812306404114,
-0.3497014045715332,
0.23458947241306305,
0.6482524275779724,
-0.5776687264442444,
0.5109140276908875,
0.12183212488889694,
-0.06747788935899734,
-0.5971860885620117,
-0.6189879179000854,
0.2092340588569641,
-0.250337153673172,
-0.5292328000068665,
0.6999374032020569,
-0.05701395124197006,
0.17084021866321564,
-0.12813319265842438,
-0.047513920813798904,
-0.12179737538099289,
0.24518375098705292,
-0.15937714278697968,
0.20811791718006134,
-0.08980110287666321,
0.13679474592208862,
0.08863624930381775,
-0.23968563973903656,
-0.085238017141819,
-0.38397055864334106,
0.3738739490509033,
-0.11392872780561447,
0.251598984003067,
-0.5134700536727905,
-0.017908265814185143,
0.322964072227478,
-0.1421000063419342,
0.7357693314552307,
0.9066725969314575,
-0.23218461871147156,
-0.33142730593681335,
-0.3090798854827881,
-0.26372402906417847,
-0.43842652440071106,
0.4332498013973236,
-0.4464930593967438,
-0.9916845560073853,
0.414441853761673,
-0.20728391408920288,
0.27089381217956543,
0.6372243165969849,
0.18956343829631805,
0.008267697878181934,
0.6048248410224915,
0.9887545108795166,
-0.3615970313549042,
0.7040829658508301,
-0.31398704648017883,
0.17583169043064117,
-0.8876579999923706,
-0.1283804029226303,
-0.7024850845336914,
-0.30184105038642883,
-0.5823343396186829,
-0.3086632490158081,
0.07609547674655914,
0.32128846645355225,
-0.18593397736549377,
0.46935799717903137,
-0.33946624398231506,
0.32220694422721863,
0.19871410727500916,
0.14635387063026428,
0.37144163250923157,
0.08266483247280121,
-0.005762587301433086,
-0.18709899485111237,
-0.8162817358970642,
-0.45838162302970886,
1.0738188028335571,
0.37955403327941895,
0.46440544724464417,
0.05262685939669609,
0.5620661973953247,
0.3945043087005615,
0.3317003846168518,
-0.746999979019165,
0.47512465715408325,
-0.375143826007843,
-0.19358816742897034,
-0.31858110427856445,
-0.41648149490356445,
-1.0694234371185303,
0.24146513640880585,
-0.4013160467147827,
-0.6784011721611023,
-0.09485381841659546,
0.06355056166648865,
-0.1766028106212616,
0.37850868701934814,
-0.7601529955863953,
1.000816822052002,
0.015779759734869003,
-0.13411784172058105,
-0.05240233242511749,
-0.7418112754821777,
0.19011786580085754,
-0.13995909690856934,
0.008295265026390553,
0.030192846432328224,
-0.03513161092996597,
0.7668617963790894,
-0.15062323212623596,
0.7745038866996765,
-0.2159283608198166,
-0.11604645103216171,
-0.01098705641925335,
-0.021376391872763634,
0.5343400239944458,
-0.3706760108470917,
-0.08600238710641861,
0.27332717180252075,
-0.011502551846206188,
-0.46836966276168823,
-0.46871432662010193,
0.4611811637878418,
-0.8357561230659485,
-0.3529664874076843,
-0.3145052194595337,
-0.314424604177475,
-0.1126384437084198,
0.31820228695869446,
0.37170323729515076,
0.19419319927692413,
-0.22681453824043274,
0.26673415303230286,
0.7031184434890747,
-0.25474095344543457,
0.5767446160316467,
0.4726931154727936,
-0.3150329291820526,
-0.1420019418001175,
0.7181258797645569,
-0.05172594636678696,
0.4859437942504883,
0.5953128337860107,
0.12489080429077148,
-0.31508007645606995,
-0.7130950689315796,
-0.48987144231796265,
0.23398111760616302,
-0.5926877856254578,
-0.11590924113988876,
-0.7338919639587402,
-0.38838696479797363,
-0.5404269099235535,
-0.0811314806342125,
-0.36565786600112915,
-0.32685306668281555,
-0.5451269745826721,
-0.1947622150182724,
0.25406792759895325,
0.5508884787559509,
0.1039585992693901,
0.2516349256038666,
-0.9235141277313232,
0.15766386687755585,
0.0211781058460474,
0.21502578258514404,
-0.08648524433374405,
-1.0763278007507324,
-0.19411608576774597,
0.013455720618367195,
-0.2868233323097229,
-0.6296342611312866,
0.4102204144001007,
0.5072903037071228,
0.4480235278606415,
0.1089310273528099,
0.061910588294267654,
0.4946485757827759,
-0.3575630784034729,
0.7712199091911316,
0.15853798389434814,
-1.0359224081039429,
0.41072511672973633,
-0.20204612612724304,
0.4569859802722931,
0.7058112621307373,
0.45918717980384827,
-0.5622700452804565,
-0.11238094419240952,
-0.5372554063796997,
-0.5854969024658203,
0.8069141507148743,
0.03612278029322624,
-0.07205892354249954,
0.4233027398586273,
0.38347309827804565,
0.3127453625202179,
-0.062478918582201004,
-0.869489848613739,
-0.14276772737503052,
-0.15516652166843414,
-0.23727372288703918,
-0.23720599710941315,
0.015766235068440437,
0.34085357189178467,
-0.36498934030532837,
0.581730842590332,
-0.2557830214500427,
0.3262508511543274,
0.33211201429367065,
-0.5211459398269653,
0.10481312870979309,
0.28250306844711304,
0.6643912196159363,
0.6897558569908142,
-0.21963466703891754,
-0.05192887410521507,
0.5002923607826233,
-0.5593178868293762,
-0.03657897189259529,
0.161861851811409,
-0.18837502598762512,
-0.04243549332022667,
0.4304421544075012,
0.9761152863502502,
0.29678118228912354,
-0.29581066966056824,
0.40459662675857544,
-0.10135266929864883,
-0.5144708752632141,
-0.11098536103963852,
0.10190743207931519,
-0.04887603968381882,
-0.05778742581605911,
0.3051740825176239,
0.16692690551280975,
0.17787471413612366,
-0.4056665599346161,
0.0662032887339592,
0.13124750554561615,
-0.5050668716430664,
-0.5867993831634521,
0.5394315719604492,
0.3698772192001343,
-0.25082871317863464,
0.6486603021621704,
-0.22947561740875244,
-0.5271424651145935,
0.34970006346702576,
0.6017255187034607,
1.0467643737792969,
-0.19758982956409454,
0.29423168301582336,
0.6548092365264893,
0.3814678192138672,
-0.1670915186405182,
-0.011060412041842937,
-0.18627120554447174,
-0.8201325535774231,
-0.7756222486495972,
-0.5349352359771729,
-0.4047267735004425,
0.1770140677690506,
-0.5788222551345825,
0.4580259323120117,
-0.40145567059516907,
0.18910455703735352,
-0.09326784312725067,
0.15845565497875214,
-0.7253971695899963,
0.1523095667362213,
0.08471463620662689,
0.9842509627342224,
-0.7162963151931763,
1.020498514175415,
0.7094807028770447,
-0.218004047870636,
-0.7762435078620911,
0.03384785354137421,
-0.29341214895248413,
-0.7695176005363464,
0.33237215876579285,
0.19212837517261505,
-0.11310557276010513,
0.26996248960494995,
-0.5454415678977966,
-0.8599350452423096,
1.215161681175232,
0.46660423278808594,
-0.4887661635875702,
-0.23477421700954437,
0.07175937294960022,
0.5204213857650757,
-0.31574591994285583,
0.150589719414711,
0.6206732392311096,
0.38492709398269653,
0.18821732699871063,
-1.266447901725769,
0.26691845059394836,
-0.1888943612575531,
-0.060092151165008545,
0.20446693897247314,
-0.5567669868469238,
0.5915040969848633,
-0.3532000780105591,
-0.2806919515132904,
0.0034026089124381542,
0.6288654208183289,
0.07227713614702225,
0.159465029835701,
0.5436596274375916,
0.7145995497703552,
0.7622913718223572,
-0.1631849706172943,
1.0208855867385864,
-0.2111814320087433,
0.38903218507766724,
0.9954314827919006,
-0.016684725880622864,
0.7443073987960815,
0.3920906186103821,
-0.22460925579071045,
0.5077740550041199,
0.5837291479110718,
0.09651800245046616,
0.5791580677032471,
0.054120078682899475,
-0.10072802007198334,
-0.10512111335992813,
0.044482242316007614,
-0.46318498253822327,
0.2395782470703125,
0.22939658164978027,
-0.3244292736053467,
-0.37899813055992126,
0.03702166676521301,
0.18727228045463562,
-0.1099260076880455,
-0.2501785457134247,
1.02586030960083,
0.16962279379367828,
-0.6685213446617126,
0.6869103312492371,
-0.004739739466458559,
0.8503953218460083,
-0.5678865313529968,
0.06021437793970108,
-0.3299778699874878,
0.19696545600891113,
-0.18608050048351288,
-0.6408097147941589,
0.3135915994644165,
-0.10707725584506989,
-0.18811243772506714,
-0.629691481590271,
0.9285698533058167,
-0.357735812664032,
-0.2414785623550415,
0.3730473518371582,
0.48638519644737244,
0.20557783544063568,
-0.02863534539937973,
-0.7570958137512207,
-0.08648478239774704,
0.27127930521965027,
-0.14249205589294434,
0.49252772331237793,
0.4593847990036011,
0.054641496390104294,
0.6217243075370789,
0.5554497838020325,
0.0474238395690918,
0.08615879714488983,
0.13600966334342957,
0.6701509952545166,
-0.8212547302246094,
-0.4518154561519623,
-0.6152821779251099,
0.4908500909805298,
0.030674802139401436,
-0.49723032116889954,
0.5954524874687195,
0.3192973732948303,
1.027401328086853,
-0.14141862094402313,
0.7231113910675049,
-0.011793426238000393,
0.6004815697669983,
-0.6394829154014587,
0.5669065117835999,
-0.45781615376472473,
0.20608378946781158,
-0.3132770359516144,
-0.876905620098114,
-0.37026020884513855,
0.5104835629463196,
-0.2666027247905731,
0.23960629105567932,
0.8460339903831482,
0.5764619708061218,
-0.001342663774266839,
-0.08701525628566742,
0.24979019165039062,
0.13135120272636414,
0.42252522706985474,
0.7810668349266052,
0.538019597530365,
-0.7765188813209534,
0.7156596183776855,
-0.17018064856529236,
-0.1080816239118576,
-0.1047951951622963,
-1.035361647605896,
-0.8084263205528259,
-0.6519427299499512,
-0.3851383924484253,
-0.26344990730285645,
0.04469027742743492,
0.716864824295044,
0.6675688028335571,
-0.7078449130058289,
-0.08260786533355713,
-0.2375486046075821,
0.007952412590384483,
-0.17248086631298065,
-0.20727995038032532,
0.30855485796928406,
-0.6806551814079285,
-0.726908802986145,
0.20664508640766144,
0.026939919218420982,
0.025645503774285316,
0.11212268471717834,
-0.17976149916648865,
-0.25826072692871094,
-0.38485828042030334,
0.5743767023086548,
0.3315959870815277,
-0.41139087080955505,
-0.3444885015487671,
0.1316639631986618,
-0.05707302689552307,
0.21355247497558594,
0.5601968765258789,
-0.8433218002319336,
0.2535500228404999,
0.4080609381198883,
0.9128345847129822,
0.694371223449707,
-0.1706240177154541,
0.5779688954353333,
-0.5583093762397766,
-0.0747503787279129,
0.1516089141368866,
0.12059991806745529,
0.3507131338119507,
-0.11218906939029694,
0.5934334397315979,
0.22879475355148315,
-0.572715699672699,
-0.5845441818237305,
-0.08166348934173584,
-1.2350934743881226,
-0.16597023606300354,
1.0766382217407227,
-0.14032401144504547,
-0.14225414395332336,
0.027262113988399506,
-0.23005226254463196,
0.30272454023361206,
-0.35085245966911316,
0.8079137802124023,
0.7827693223953247,
0.1674828678369522,
-0.4885673224925995,
-0.39556315541267395,
0.7072489261627197,
0.5994449257850647,
-1.0140182971954346,
-0.24372659623622894,
0.17805446684360504,
0.4742129147052765,
0.030429759994149208,
0.5491543412208557,
-0.09106855094432831,
0.22370581328868866,
-0.5022461414337158,
0.18927812576293945,
0.022398382425308228,
-0.27347978949546814,
-0.6825810074806213,
0.07634777575731277,
-0.004834928549826145,
-0.23043286800384521
] |
google/bigbird-pegasus-large-bigpatent
|
google
| 2023-01-24T16:36:44Z | 5,175 | 28 |
transformers
|
[
"transformers",
"pytorch",
"bigbird_pegasus",
"text2text-generation",
"summarization",
"en",
"dataset:big_patent",
"arxiv:2007.14062",
"license:apache-2.0",
"autotrain_compatible",
"endpoints_compatible",
"has_space",
"region:us"
] |
summarization
| 2022-03-02T23:29:05Z |
---
language: en
license: apache-2.0
datasets:
- big_patent
tags:
- summarization
---
# BigBirdPegasus model (large)
BigBird, is a sparse-attention based transformer which extends Transformer based models, such as BERT to much longer sequences. Moreover, BigBird comes along with a theoretical understanding of the capabilities of a complete transformer that the sparse model can handle.
BigBird was introduced in this [paper](https://arxiv.org/abs/2007.14062) and first released in this [repository](https://github.com/google-research/bigbird).
Disclaimer: The team releasing BigBird did not write a model card for this model so this model card has been written by the Hugging Face team.
## Model description
BigBird relies on **block sparse attention** instead of normal attention (i.e. BERT's attention) and can handle sequences up to a length of 4096 at a much lower compute cost compared to BERT. It has achieved SOTA on various tasks involving very long sequences such as long documents summarization, question-answering with long contexts.
## How to use
Here is how to use this model to get the features of a given text in PyTorch:
```python
from transformers import BigBirdPegasusForConditionalGeneration, AutoTokenizer
tokenizer = AutoTokenizer.from_pretrained("google/bigbird-pegasus-large-bigpatent")
# by default encoder-attention is `block_sparse` with num_random_blocks=3, block_size=64
model = BigBirdPegasusForConditionalGeneration.from_pretrained("google/bigbird-pegasus-large-bigpatent")
# decoder attention type can't be changed & will be "original_full"
# you can change `attention_type` (encoder only) to full attention like this:
model = BigBirdPegasusForConditionalGeneration.from_pretrained("google/bigbird-pegasus-large-bigpatent", attention_type="original_full")
# you can change `block_size` & `num_random_blocks` like this:
model = BigBirdPegasusForConditionalGeneration.from_pretrained("google/bigbird-pegasus-large-bigpatent", block_size=16, num_random_blocks=2)
text = "Replace me by any text you'd like."
inputs = tokenizer(text, return_tensors='pt')
prediction = model.generate(**inputs)
prediction = tokenizer.batch_decode(prediction)
```
## Training Procedure
This checkpoint is obtained after fine-tuning `BigBirdPegasusForConditionalGeneration` for **summarization** on [big_patent](https://huggingface.co/datasets/big_patent) dataset.
## BibTeX entry and citation info
```tex
@misc{zaheer2021big,
title={Big Bird: Transformers for Longer Sequences},
author={Manzil Zaheer and Guru Guruganesh and Avinava Dubey and Joshua Ainslie and Chris Alberti and Santiago Ontanon and Philip Pham and Anirudh Ravula and Qifan Wang and Li Yang and Amr Ahmed},
year={2021},
eprint={2007.14062},
archivePrefix={arXiv},
primaryClass={cs.LG}
}
```
|
[
-0.42626819014549255,
-0.5807263255119324,
0.1168036013841629,
0.39858224987983704,
-0.11690131574869156,
-0.32816725969314575,
-0.39686450362205505,
-0.5591151714324951,
0.40443840622901917,
0.12031237035989761,
-0.6841123700141907,
-0.16576595604419708,
-0.7699058651924133,
0.19253523647785187,
-0.4252019226551056,
1.0659761428833008,
0.2719198167324066,
-0.38341957330703735,
0.06136235222220421,
0.35242822766304016,
-0.14706812798976898,
-0.4122461974620819,
-0.44132405519485474,
-0.3339182734489441,
0.5940660238265991,
0.14810866117477417,
0.80424964427948,
0.6757897138595581,
0.7411264181137085,
0.37939658761024475,
-0.5423230528831482,
-0.1300400197505951,
-0.5149952173233032,
-0.15716923773288727,
-0.16691729426383972,
-0.3228919208049774,
-0.3872254490852356,
-0.008123060688376427,
0.7830039858818054,
0.44766172766685486,
0.01871485821902752,
0.46619680523872375,
0.09337076544761658,
0.5588931441307068,
-0.5846889019012451,
0.5229567885398865,
-0.4423275887966156,
0.3391175866127014,
-0.08664905279874802,
-0.07016878575086594,
-0.35379987955093384,
-0.10369588434696198,
0.18072891235351562,
-0.5824183821678162,
0.34064748883247375,
0.20648755133152008,
1.239727258682251,
0.3130672574043274,
-0.22351375222206116,
-0.07292082905769348,
-0.819616973400116,
0.9056658744812012,
-0.7576060891151428,
0.2301928699016571,
0.2849273681640625,
0.42730388045310974,
-0.36721205711364746,
-1.0689477920532227,
-0.7901959419250488,
-0.18907815217971802,
-0.19542409479618073,
0.22533215582370758,
-0.21557773649692535,
0.05037675052881241,
0.6103876233100891,
0.6442646384239197,
-0.7603236436843872,
0.0698995366692543,
-0.6514375805854797,
-0.12995131313800812,
0.6175747513771057,
-0.06217314675450325,
-0.1480923742055893,
-0.37377336621284485,
-0.2831117808818817,
-0.35664114356040955,
-0.4425390064716339,
0.3588801622390747,
0.2505771517753601,
0.34320059418678284,
-0.15863622725009918,
0.49011167883872986,
-0.09338043630123138,
0.8949105739593506,
0.49968454241752625,
-0.019022632390260696,
0.6232674717903137,
-0.030220793560147285,
-0.5518961548805237,
0.07131915539503098,
0.9903905987739563,
-0.010635383427143097,
0.18227168917655945,
-0.03958243131637573,
0.013851478695869446,
-0.384782075881958,
0.2287733256816864,
-1.0487977266311646,
-0.0559321865439415,
0.4286195933818817,
-0.4563181698322296,
-0.2114005982875824,
0.3228388726711273,
-0.724018394947052,
-0.19631989300251007,
-0.1511392891407013,
0.5668923854827881,
-0.43283382058143616,
-0.36485540866851807,
0.28709524869918823,
-0.17557841539382935,
0.4541565775871277,
-0.0903831273317337,
-1.1104886531829834,
-0.06748595088720322,
0.8322875499725342,
0.9694715142250061,
0.5516074895858765,
-0.6781957745552063,
-0.5332959294319153,
-0.0454522967338562,
-0.12485648691654205,
0.5663425922393799,
-0.4746171236038208,
-0.19118428230285645,
0.060972824692726135,
0.48968297243118286,
-0.2157713770866394,
-0.40529465675354004,
0.5936189293861389,
-0.4609311819076538,
0.38492581248283386,
-0.16777637600898743,
-0.3244149684906006,
-0.4416358172893524,
0.21193276345729828,
-0.7150775194168091,
0.8278541564941406,
0.17172525823116302,
-0.8851960897445679,
0.3165636360645294,
-0.8106618523597717,
-0.5790606737136841,
-0.052278514951467514,
0.1699141263961792,
-0.8315120339393616,
-0.05215664580464363,
0.1999817043542862,
0.799680233001709,
-0.37932178378105164,
0.23762601613998413,
-0.4677436053752899,
-0.5826420783996582,
0.2714805006980896,
0.040434446185827255,
0.7768915295600891,
0.16914965212345123,
-0.5700529217720032,
0.34905779361724854,
-0.519010603427887,
-0.26350560784339905,
0.2682291865348816,
-0.14861880242824554,
0.23166626691818237,
-0.1491585075855255,
0.1654047667980194,
0.3570619225502014,
0.1567584127187729,
-0.6420982480049133,
0.34392210841178894,
-0.696131706237793,
0.8679305911064148,
0.6128419637680054,
-0.2678557336330414,
0.12265192717313766,
-0.4217495620250702,
0.41819605231285095,
0.038999009877443314,
0.49957749247550964,
-0.32560449838638306,
-0.48378434777259827,
-0.8533347845077515,
-0.4169231653213501,
0.4267485737800598,
0.13719093799591064,
-0.369838148355484,
0.8855268955230713,
-0.564704954624176,
-0.4766422212123871,
-0.4935283064842224,
0.04106216877698898,
0.3433198034763336,
0.22227393090724945,
0.4295802414417267,
-0.03306750953197479,
-0.6874370574951172,
-0.9155434966087341,
0.19299042224884033,
0.02224142849445343,
0.015067800879478455,
0.07285268604755402,
0.7641321420669556,
-0.29987937211990356,
0.7729523777961731,
-0.43703755736351013,
-0.4717768132686615,
-0.32553836703300476,
0.05926872044801712,
0.8109194040298462,
0.5089946985244751,
0.47032588720321655,
-0.8118577599525452,
-0.4404882788658142,
-0.06887884438037872,
-0.6016382575035095,
0.463944673538208,
-0.028995657339692116,
-0.06021241843700409,
0.18923218548297882,
0.38614949584007263,
-1.073314905166626,
0.42358216643333435,
0.536475658416748,
-0.1955297440290451,
0.5019511580467224,
-0.05954993888735771,
-0.12411615997552872,
-1.2419779300689697,
0.5777838230133057,
0.17498332262039185,
-0.07686114311218262,
-0.3227201998233795,
0.24983927607536316,
0.21216784417629242,
-0.25202545523643494,
-0.41211214661598206,
0.5729730129241943,
-0.5506105422973633,
-0.16449671983718872,
-0.2797919511795044,
-0.2788481116294861,
-0.02765742316842079,
0.5605576038360596,
0.05538705363869667,
0.7865880727767944,
0.6149207949638367,
-0.452905535697937,
0.72596275806427,
0.534146785736084,
-0.3003644347190857,
0.0614946112036705,
-0.879665732383728,
-0.08647021651268005,
-0.20875850319862366,
0.5800735354423523,
-1.063901424407959,
-0.40195706486701965,
0.27868568897247314,
-0.6003456115722656,
0.5946307182312012,
-0.2384851723909378,
-0.5230154991149902,
-1.2978861331939697,
-0.4300990104675293,
0.15475307404994965,
0.6938045620918274,
-0.7771884202957153,
0.5478206276893616,
-0.10769202560186386,
-0.22587916254997253,
-0.7986447215080261,
-0.7741841673851013,
0.08425379544496536,
-0.06730116903781891,
-0.8208838105201721,
0.3087300658226013,
-0.03614440932869911,
0.3718370795249939,
0.011064465157687664,
0.07581838965415955,
0.13584235310554504,
-0.18398921191692352,
0.49067696928977966,
0.16718687117099762,
-0.35066720843315125,
0.2599133253097534,
-0.16041859984397888,
-0.17014944553375244,
-0.017971374094486237,
-0.5211652517318726,
0.688917338848114,
-0.18197134137153625,
-0.09052545577287674,
-0.6498252153396606,
0.056662000715732574,
0.8139990568161011,
-0.4012170433998108,
0.7896885871887207,
0.8493697643280029,
-0.26572123169898987,
-0.09629279375076294,
-0.5895572900772095,
-0.23320256173610687,
-0.5379779934883118,
0.4806869626045227,
-0.44935742020606995,
-0.722728967666626,
0.41564831137657166,
0.27118590474128723,
0.09424682706594467,
0.7387529015541077,
0.5227408409118652,
0.14975623786449432,
0.7266333103179932,
0.6817528009414673,
-0.30273574590682983,
0.5036734342575073,
-0.7080113887786865,
0.2013397216796875,
-0.9941350817680359,
-0.10922589898109436,
-0.4017852246761322,
-0.5013485550880432,
-0.2757490873336792,
-0.2955916225910187,
0.04580173268914223,
-0.14103761315345764,
-0.6072546243667603,
0.4211249351501465,
-0.7999281883239746,
0.36824044585227966,
0.6844935417175293,
0.09440013766288757,
-0.05713673681020737,
0.01581781543791294,
0.16597731411457062,
0.18654808402061462,
-0.5915614366531372,
-0.11380495131015778,
1.290392518043518,
0.4114772081375122,
0.6882689595222473,
0.03362208604812622,
0.43235698342323303,
0.05385719984769821,
0.16416612267494202,
-0.9825975298881531,
0.41356077790260315,
-0.07370680570602417,
-0.8076891899108887,
-0.40588656067848206,
-0.3591409921646118,
-1.2129443883895874,
0.1830892264842987,
-0.2925242781639099,
-0.7307278513908386,
0.07555314153432846,
0.13263964653015137,
-0.6894281506538391,
0.2620435655117035,
-0.6387854814529419,
1.004710078239441,
-0.0019305073656141758,
-0.3819529414176941,
-0.03724367544054985,
-0.7289887070655823,
0.5271556377410889,
-0.19361835718154907,
-0.2017366886138916,
0.25649189949035645,
0.3598792552947998,
0.797703742980957,
-0.41042494773864746,
0.8775044083595276,
-0.09323123842477798,
0.06109629198908806,
0.22359201312065125,
-0.3147413730621338,
0.6457347273826599,
-0.22714214026927948,
-0.19502191245555878,
0.1386031061410904,
-0.09188010543584824,
-0.5469200015068054,
-0.43805596232414246,
0.7395642399787903,
-1.0248522758483887,
-0.6901048421859741,
-0.8119676113128662,
-0.4210239052772522,
-0.021228063851594925,
0.2250172644853592,
0.3942275047302246,
0.35952314734458923,
0.11645284295082092,
0.5657184720039368,
0.3769662380218506,
-0.31823933124542236,
0.7773105502128601,
0.3431127667427063,
-0.28355616331100464,
-0.2799713909626007,
0.7755335569381714,
0.07470986992120743,
-0.0960652083158493,
0.4214337468147278,
0.3727015256881714,
-0.558291494846344,
-0.45544376969337463,
-0.23511849343776703,
0.5665731430053711,
-0.3873121440410614,
-0.2789704203605652,
-0.7258924841880798,
-0.7600696086883545,
-0.7657782435417175,
0.07478120923042297,
-0.24972818791866302,
-0.17645294964313507,
-0.3423745036125183,
0.033036861568689346,
0.39320239424705505,
0.5712785720825195,
-0.016498316079378128,
0.47867754101753235,
-0.8020525574684143,
0.1522219181060791,
0.5556843280792236,
0.3068912923336029,
0.2800942361354828,
-0.9916980862617493,
-0.3774901330471039,
0.1441095620393753,
-0.6330174803733826,
-0.34654223918914795,
0.48140332102775574,
0.33166444301605225,
0.3984716534614563,
0.4780908226966858,
0.013158702291548252,
0.7470918297767639,
-0.4069359004497528,
0.7673221230506897,
0.4586564302444458,
-0.8170343041419983,
0.486169695854187,
-0.3828859329223633,
0.43055713176727295,
-0.014368250966072083,
0.47504013776779175,
-0.5178667902946472,
-0.1457327902317047,
-0.7184744477272034,
-0.7780148386955261,
0.9432082176208496,
0.27618420124053955,
0.03775880113244057,
0.23886708915233612,
0.2570863366127014,
-0.0704139992594719,
0.22127768397331238,
-0.836240291595459,
0.11222517490386963,
-0.5804846286773682,
-0.29569822549819946,
-0.5381408333778381,
-0.33941829204559326,
-0.10867321491241455,
-0.35906982421875,
0.7618119120597839,
0.00450473465025425,
0.5550931096076965,
0.22855140268802643,
-0.1502252072095871,
-0.24140332639217377,
-0.01539827510714531,
0.8558609485626221,
0.674365758895874,
-0.5449936389923096,
-0.1479070782661438,
-0.31153684854507446,
-0.6969358325004578,
-0.08288443833589554,
0.5864617824554443,
0.19388851523399353,
-0.11732252687215805,
0.5591418147087097,
0.9724366068840027,
0.12750452756881714,
-0.3690532147884369,
0.8680419325828552,
0.08405499905347824,
-0.40719544887542725,
-0.5896448493003845,
0.011608037166297436,
0.11689043045043945,
0.4344259798526764,
0.5490800738334656,
-0.1835867315530777,
-0.0028424635529518127,
-0.48330557346343994,
0.040643833577632904,
0.25564584136009216,
-0.21989718079566956,
-0.4452630877494812,
0.7186074256896973,
0.3742414116859436,
-0.24990491569042206,
0.4737786054611206,
-0.11816202849149704,
-0.4666496217250824,
0.9346202611923218,
0.6955097317695618,
0.9683569073677063,
-0.22908279299736023,
0.08596733212471008,
0.5970306992530823,
0.32955360412597656,
-0.2900679409503937,
-0.007767586503177881,
0.05021984875202179,
-0.25157350301742554,
-0.7093724012374878,
-0.8823443055152893,
-0.20857129991054535,
0.5635261535644531,
-0.5016951560974121,
0.3245095908641815,
-0.7774701118469238,
-0.30394819378852844,
0.39903855323791504,
0.16173481941223145,
-0.6206227540969849,
0.16807974874973297,
0.279677152633667,
0.9033070206642151,
-0.7170062065124512,
0.6917412281036377,
0.7117566466331482,
-0.5456188917160034,
-0.8132885694503784,
0.1406676173210144,
-0.08808839321136475,
-0.8485954999923706,
1.0314338207244873,
0.5929911136627197,
0.2615005373954773,
0.07825452834367752,
-0.44936761260032654,
-1.074680209159851,
1.0379176139831543,
0.09654662758111954,
-0.890367865562439,
-0.01857226900756359,
0.00337874423712492,
0.40889671444892883,
-0.009197230450809002,
0.516279399394989,
0.2056911587715149,
0.6548718214035034,
0.47571155428886414,
-1.140692949295044,
0.17335641384124756,
-0.42348411679267883,
0.11280284076929092,
0.29068949818611145,
-1.0886681079864502,
1.110161542892456,
-0.15535259246826172,
-0.03971008583903313,
0.30880206823349,
0.7343219518661499,
-0.09577322006225586,
-0.0009479470318183303,
0.24615393579006195,
0.620370090007782,
0.5514221787452698,
-0.11252932250499725,
0.9862599968910217,
-0.43533822894096375,
0.7695491909980774,
0.8091222643852234,
-0.14164339005947113,
0.8078796863555908,
0.3609326183795929,
-0.276660293340683,
0.31058475375175476,
0.6775729060173035,
-0.39052262902259827,
0.30449044704437256,
0.3013670742511749,
0.12170799821615219,
-0.12718720734119415,
0.4111490547657013,
-0.8450945019721985,
0.567157506942749,
0.16765856742858887,
-0.5354408025741577,
0.012328999117016792,
0.15193140506744385,
-0.017063524574041367,
-0.347665011882782,
-0.287001371383667,
0.5383363962173462,
-0.07765141129493713,
-0.675195038318634,
1.0954824686050415,
-0.13806045055389404,
0.9041335582733154,
-0.6895078420639038,
0.16204547882080078,
-0.1436643749475479,
0.48520928621292114,
-0.29281505942344666,
-0.7090776562690735,
0.11117812991142273,
-0.21419857442378998,
-0.41151174902915955,
0.15210966765880585,
0.34422215819358826,
-0.24262572824954987,
-0.7495371699333191,
0.1402355283498764,
-0.16414740681648254,
-0.017997175455093384,
-0.33348530530929565,
-0.7507599592208862,
0.1670052707195282,
-0.08983175456523895,
-0.5496625900268555,
0.2105698436498642,
0.30739453434944153,
0.460307776927948,
0.7902379631996155,
0.7732111215591431,
0.05530104413628578,
0.1382288783788681,
-0.32054486870765686,
0.889636754989624,
-1.0412989854812622,
-0.6639413237571716,
-0.7271983027458191,
0.39044904708862305,
-0.2595222592353821,
-0.40777283906936646,
0.6537190675735474,
0.6671721339225769,
0.4327632486820221,
-0.3553001880645752,
0.7754848599433899,
-0.17477865517139435,
0.5545421242713928,
-0.43921467661857605,
0.7676216959953308,
-0.6167563796043396,
-0.2712188959121704,
-0.30785664916038513,
-1.1712664365768433,
-0.36558884382247925,
0.8091048002243042,
-0.47464147210121155,
0.1516667753458023,
0.8312698006629944,
0.7817895412445068,
-0.4428296983242035,
0.09256341308355331,
0.231255441904068,
0.6656529903411865,
0.523375928401947,
0.882401704788208,
0.7528064846992493,
-0.5912292003631592,
0.6954740881919861,
-0.07514865696430206,
-0.2650716006755829,
-0.7187281847000122,
-0.7476889491081238,
-1.1342110633850098,
-0.5364980697631836,
-0.14279805123806,
-0.4709014892578125,
0.08549594134092331,
0.9903425574302673,
0.97419273853302,
-0.6314564347267151,
-0.09237092733383179,
0.03127498924732208,
-0.25773635506629944,
-0.21727794408798218,
-0.2240004688501358,
0.6775025725364685,
-0.3788750469684601,
-0.7758593559265137,
-0.02160022221505642,
0.19657215476036072,
0.21818827092647552,
-0.2855817973613739,
0.02137426845729351,
-0.210314080119133,
-0.17171835899353027,
0.6533203721046448,
0.7657796144485474,
-0.6891583800315857,
-0.3054456412792206,
-0.10865024477243423,
-0.07250851392745972,
0.006780641619116068,
0.3956660032272339,
-0.5908982753753662,
0.2678060829639435,
0.2255719006061554,
0.7045308351516724,
0.9030137658119202,
-0.16010314226150513,
0.280373215675354,
-0.48981067538261414,
0.7402293086051941,
0.1451706439256668,
0.4007492959499359,
0.308604896068573,
-0.38013190031051636,
0.3288826644420624,
0.27424365282058716,
-0.6558927297592163,
-0.7465357780456543,
0.03749334439635277,
-1.2273051738739014,
-0.30437928438186646,
1.4023926258087158,
-0.19438554346561432,
-0.74181067943573,
0.2770581841468811,
-0.24235989153385162,
0.19017262756824493,
-0.3720625936985016,
0.9433850049972534,
0.5538032054901123,
0.29571065306663513,
-0.15673577785491943,
-0.20045602321624756,
0.3600006401538849,
0.2686033248901367,
-0.502432644367218,
-0.028680196031928062,
0.2392742931842804,
0.3045310080051422,
0.41849392652511597,
0.16672037541866302,
0.06918110698461533,
0.34043461084365845,
-0.01591298170387745,
0.2622138559818268,
-0.5226110219955444,
-0.3070088326931,
-0.25129029154777527,
0.1212897002696991,
-0.14963507652282715,
-0.43888211250305176
] |
google/bigbird-base-trivia-itc
|
google
| 2021-06-02T14:53:34Z | 5,166 | 6 |
transformers
|
[
"transformers",
"pytorch",
"jax",
"big_bird",
"question-answering",
"en",
"dataset:trivia_qa",
"arxiv:2007.14062",
"license:apache-2.0",
"autotrain_compatible",
"endpoints_compatible",
"has_space",
"region:us"
] |
question-answering
| 2022-03-02T23:29:05Z |
---
language: en
license: apache-2.0
datasets:
- trivia_qa
---
# BigBird base trivia-itc
This model is a fine-tune checkpoint of `bigbird-roberta-base`, fine-tuned on `trivia_qa` with `BigBirdForQuestionAnsweringHead` on its top.
Check out [this](https://colab.research.google.com/drive/1DVOm1VHjW0eKCayFq1N2GpY6GR9M4tJP?usp=sharing) to see how well `google/bigbird-base-trivia-itc` performs on question answering.
## How to use
Here is how to use this model to get the features of a given text in PyTorch:
```python
from transformers import BigBirdForQuestionAnswering
# by default its in `block_sparse` mode with num_random_blocks=3, block_size=64
model = BigBirdForQuestionAnswering.from_pretrained("google/bigbird-base-trivia-itc")
# you can change `attention_type` to full attention like this:
model = BigBirdForQuestionAnswering.from_pretrained("google/bigbird-base-trivia-itc", attention_type="original_full")
# you can change `block_size` & `num_random_blocks` like this:
model = BigBirdForQuestionAnswering.from_pretrained("google/bigbird-base-trivia-itc", block_size=16, num_random_blocks=2)
question = "Replace me by any text you'd like."
context = "Put some context for answering"
encoded_input = tokenizer(question, context, return_tensors='pt')
output = model(**encoded_input)
```
# Fine-tuning config & hyper-parameters
- No. of global token = 128
- Window length = 192
- No. of random token = 192
- Max. sequence length = 4096
- No. of heads = 12
- No. of hidden layers = 12
- Hidden layer size = 768
- Batch size = 32
- Loss = cross-entropy noisy spans
## BibTeX entry and citation info
```tex
@misc{zaheer2021big,
title={Big Bird: Transformers for Longer Sequences},
author={Manzil Zaheer and Guru Guruganesh and Avinava Dubey and Joshua Ainslie and Chris Alberti and Santiago Ontanon and Philip Pham and Anirudh Ravula and Qifan Wang and Li Yang and Amr Ahmed},
year={2021},
eprint={2007.14062},
archivePrefix={arXiv},
primaryClass={cs.LG}
}
```
|
[
-0.4525586664676666,
-0.9469298124313354,
0.3945305645465851,
0.28146666288375854,
-0.1671050786972046,
-0.044871486723423004,
-0.2756340801715851,
-0.27861547470092773,
0.2647230327129364,
0.2897499203681946,
-0.7428073883056641,
-0.4422141909599304,
-0.5012937188148499,
0.24030669033527374,
-0.4961163103580475,
1.2584433555603027,
0.18412205576896667,
-0.3594326674938202,
-0.14305134117603302,
0.08822479099035263,
-0.18856261670589447,
-0.5038829445838928,
-0.6581850647926331,
-0.13277707993984222,
0.6733563542366028,
0.3997308909893036,
0.7611337304115295,
0.8029798269271851,
0.753322422504425,
0.2838849723339081,
-0.5290035605430603,
-0.018047502264380455,
-0.5281597971916199,
-0.13006693124771118,
-0.33843597769737244,
-0.3922102749347687,
-0.2653552293777466,
0.025673311203718185,
0.7578401565551758,
0.40022245049476624,
0.1043187752366066,
0.69568932056427,
0.013872192241251469,
0.36550426483154297,
-0.652375340461731,
0.33873793482780457,
-0.3776169419288635,
0.07998157292604446,
-0.11839646846055984,
-0.4847581088542938,
-0.23794929683208466,
-0.30092376470565796,
0.28067857027053833,
-0.46467483043670654,
0.46665090322494507,
0.2536119520664215,
1.2501531839370728,
0.315795361995697,
-0.24408330023288727,
-0.21909262239933014,
-0.7800537943840027,
0.8447154760360718,
-0.6569722294807434,
0.13367986679077148,
0.4365544021129608,
0.25871169567108154,
-0.039279986172914505,
-0.8625386953353882,
-0.6688584089279175,
-0.28741031885147095,
-0.04394790157675743,
0.13169875741004944,
-0.12021352350711823,
-0.03965158015489578,
0.5531559586524963,
0.7109622359275818,
-0.8344064950942993,
-0.2516584098339081,
-0.6313537359237671,
-0.20460368692874908,
0.2732841968536377,
0.15285295248031616,
0.065889373421669,
-0.34069937467575073,
-0.07747411727905273,
-0.3676336407661438,
-0.45501577854156494,
0.37609127163887024,
0.28998881578445435,
0.2189929187297821,
-0.11524336785078049,
0.7696518898010254,
-0.22590671479701996,
0.8763131499290466,
0.3982027769088745,
0.07409653067588806,
0.49324288964271545,
-0.47561323642730713,
-0.12982696294784546,
-0.13641026616096497,
0.8595936894416809,
0.16859690845012665,
0.3683686852455139,
-0.15520815551280975,
0.27907615900039673,
-0.3883027136325836,
0.24624399840831757,
-0.9717594981193542,
-0.11155960708856583,
0.5701538920402527,
-0.17244698107242584,
-0.3126465976238251,
0.1846599280834198,
-0.6274331212043762,
-0.059323735535144806,
-0.005235582124441862,
0.6321431994438171,
-0.48920872807502747,
-0.217159703373909,
0.28209301829338074,
-0.243056520819664,
0.41100025177001953,
-0.2777756154537201,
-0.9431840181350708,
-0.12273655831813812,
0.7186234593391418,
1.0433768033981323,
0.28800567984580994,
-0.6128349304199219,
-0.6099838018417358,
-0.06000804901123047,
-0.16223149001598358,
0.5604202151298523,
-0.448550283908844,
0.014919147826731205,
-0.10717078298330307,
0.2214733362197876,
-0.12128155678510666,
-0.32679101824760437,
0.39749273657798767,
-0.6722598671913147,
0.5676760077476501,
-0.18682610988616943,
-0.21014204621315002,
-0.38765037059783936,
0.5021900534629822,
-0.7110255360603333,
0.9166637063026428,
0.16898788511753082,
-1.1505542993545532,
0.09516093134880066,
-0.6244600415229797,
-0.468146950006485,
-0.17625311017036438,
0.26134154200553894,
-0.7534204125404358,
0.07889354228973389,
0.34789714217185974,
0.3170623481273651,
-0.43981531262397766,
0.16469204425811768,
-0.5874150395393372,
-0.5876501798629761,
0.41874703764915466,
-0.1364395171403885,
1.055640459060669,
0.18305709958076477,
-0.40393635630607605,
0.2162889540195465,
-0.6316776275634766,
0.16922493278980255,
0.021885812282562256,
-0.3120292127132416,
0.03493301570415497,
-0.36840352416038513,
-0.02337496355175972,
0.23043793439865112,
0.33986201882362366,
-0.5667603611946106,
0.27569079399108887,
-0.6001271605491638,
0.6244196891784668,
0.4025024473667145,
0.11993810534477234,
0.17783811688423157,
-0.5371642112731934,
0.4352205693721771,
0.05109619349241257,
0.3532993197441101,
0.0878627821803093,
-0.4330262541770935,
-0.842145562171936,
-0.3471854627132416,
0.5028458833694458,
0.4952687919139862,
-0.6646127700805664,
0.6671907305717468,
-0.3708428144454956,
-0.3642633557319641,
-0.6487699151039124,
0.03042343072593212,
0.39192357659339905,
0.43508201837539673,
0.44355452060699463,
-0.06291772425174713,
-0.7144815921783447,
-0.8375675678253174,
0.013416794128715992,
-0.17033763229846954,
-0.06912867724895477,
0.1846468597650528,
0.6395704746246338,
-0.05158374458551407,
0.8681374192237854,
-0.3609752357006073,
-0.2334735095500946,
-0.21216796338558197,
0.23074068129062653,
0.7063801288604736,
0.47736167907714844,
0.3962958753108978,
-0.6447356343269348,
-0.4433106780052185,
-0.24953404068946838,
-0.6229243874549866,
0.2015686184167862,
0.18918336927890778,
-0.2371675819158554,
0.04652412235736847,
0.34972310066223145,
-0.930486798286438,
0.39722588658332825,
0.43684858083724976,
-0.42755380272865295,
0.33907732367515564,
-0.10665757209062576,
0.20417393743991852,
-1.3675107955932617,
0.4976345896720886,
-0.11994768679141998,
-0.061602331697940826,
-0.3909582495689392,
0.3970515727996826,
0.0986681655049324,
0.037400998175144196,
-0.21328608691692352,
0.5517514944076538,
-0.47702473402023315,
-0.09387072175741196,
-0.20220284163951874,
-0.14140018820762634,
-0.002713753143325448,
0.5079180598258972,
-0.08052381128072739,
0.9933263659477234,
0.5698354244232178,
-0.6124304533004761,
0.5573291182518005,
0.4357379376888275,
-0.31390488147735596,
0.21292762458324432,
-0.8511909246444702,
0.22187566757202148,
-0.14580896496772766,
0.15640585124492645,
-1.0832362174987793,
-0.2074565291404724,
0.33195963501930237,
-0.7825688719749451,
0.25717735290527344,
-0.13123038411140442,
-0.6241250038146973,
-0.9942432641983032,
-0.3652253746986389,
0.4891486167907715,
0.5048118829727173,
-0.4960743188858032,
0.6349116563796997,
-0.02292664349079132,
-0.1770765632390976,
-0.831859827041626,
-0.7869328856468201,
0.08959709107875824,
-0.1747751533985138,
-0.8710017800331116,
0.26939859986305237,
-0.3876217305660248,
0.12899622321128845,
0.02290334552526474,
-0.006764763500541449,
-0.05763604864478111,
0.04133305326104164,
0.10985083878040314,
0.17014290392398834,
-0.4889484643936157,
0.14739684760570526,
-0.2776651084423065,
-0.14356663823127747,
-0.012433896772563457,
-0.5775657892227173,
0.8692032098770142,
-0.3159037232398987,
-0.07001075148582458,
-0.43509775400161743,
0.2256971001625061,
0.7579723000526428,
-0.528752326965332,
0.6842068433761597,
0.8899349570274353,
-0.17098702490329742,
0.036793142557144165,
-0.6861165165901184,
-0.3768562078475952,
-0.4750373959541321,
0.5223932862281799,
-0.42778146266937256,
-0.8553202152252197,
0.6391991376876831,
0.4752584993839264,
0.1284143328666687,
0.6453415155410767,
0.615045428276062,
-0.11793076992034912,
1.0011587142944336,
0.6004342436790466,
-0.03689299523830414,
0.5664258599281311,
-0.5527258515357971,
0.007380588911473751,
-0.8896618485450745,
0.010791989974677563,
-0.621642529964447,
-0.2756345570087433,
-0.34619975090026855,
-0.330384224653244,
0.33705881237983704,
-0.013562929816544056,
-0.591784656047821,
0.24531890451908112,
-0.5831732153892517,
0.4878612458705902,
0.9818414449691772,
0.3048698902130127,
0.2190334051847458,
0.16545478999614716,
-0.02813553623855114,
0.2456125169992447,
-0.5807355046272278,
-0.1578218936920166,
1.3442035913467407,
0.25034788250923157,
0.5858095288276672,
0.10975265502929688,
0.5737787485122681,
-0.06342266499996185,
-0.05181989073753357,
-0.6824057102203369,
0.331792950630188,
-0.11072709411382675,
-1.033385157585144,
-0.3982223570346832,
-0.5032095313072205,
-0.8692522048950195,
-0.16193413734436035,
-0.12587563693523407,
-0.8228658437728882,
-0.06230014190077782,
0.17744994163513184,
-0.8083524703979492,
0.21044938266277313,
-0.551199734210968,
0.9021396636962891,
-0.1346142590045929,
-0.4914516806602478,
-0.09448521584272385,
-0.6276417374610901,
0.3304316997528076,
0.16340096294879913,
-0.31327205896377563,
0.3760525584220886,
0.3035781681537628,
0.7574543952941895,
-0.20747725665569305,
0.7525487542152405,
0.16501857340335846,
0.1331971287727356,
0.38681283593177795,
0.01957065984606743,
0.47314298152923584,
0.15175794064998627,
-0.1286802589893341,
0.1337900161743164,
0.11822735518217087,
-0.4610699713230133,
-0.5213608741760254,
0.6180171370506287,
-1.0688310861587524,
-0.7809805274009705,
-0.681169331073761,
-0.8147614002227783,
-0.20278407633304596,
0.2049935758113861,
0.5680986046791077,
0.5325104594230652,
0.1329544335603714,
0.6714816093444824,
0.732434868812561,
-0.1166636198759079,
0.45651936531066895,
0.4999011158943176,
-0.23328639566898346,
-0.45958295464515686,
0.8375994563102722,
0.02244887687265873,
0.045951053500175476,
0.6268302798271179,
0.4324793815612793,
-0.5365341901779175,
-0.6664925217628479,
-0.3105977177619934,
0.42979294061660767,
-0.5850381255149841,
-0.1398322731256485,
-0.8111007809638977,
-0.6900500655174255,
-0.478887677192688,
0.33855512738227844,
-0.11340021342039108,
-0.3232733905315399,
-0.5239407420158386,
-0.1650618016719818,
0.5787083506584167,
0.4973401129245758,
-0.04279685020446777,
0.4058946967124939,
-0.7049795985221863,
0.31324613094329834,
0.46907052397727966,
0.3304433226585388,
-0.05606837198138237,
-1.0484075546264648,
-0.2684910297393799,
0.1583661139011383,
-0.3345857858657837,
-0.5739864706993103,
0.20046134293079376,
0.1525561511516571,
0.35219547152519226,
0.13463865220546722,
0.0917733684182167,
0.6336156725883484,
-0.17911192774772644,
0.7214395403862,
0.07338912039995193,
-0.7756943702697754,
0.2753966152667999,
-0.3912431001663208,
0.589744508266449,
0.5038479566574097,
0.2381170243024826,
-0.5394868850708008,
-0.3630828857421875,
-0.6854472160339355,
-0.8052369952201843,
0.878471314907074,
0.3621985614299774,
0.0025070670526474714,
0.11339261382818222,
0.2882140874862671,
-0.18507058918476105,
0.2954256236553192,
-0.8087896704673767,
-0.1543201357126236,
-0.5174434185028076,
-0.47906532883644104,
-0.3076447546482086,
-0.4133831560611725,
-0.3229552209377289,
-0.32939890027046204,
0.7219530344009399,
-0.11145573854446411,
0.4480684995651245,
0.19966557621955872,
-0.17864947021007538,
-0.16068464517593384,
0.08588574826717377,
0.7792688012123108,
0.7109124064445496,
-0.6920941472053528,
0.09033533930778503,
-0.0887577086687088,
-0.5621185898780823,
-0.2625787854194641,
0.29771745204925537,
-0.23916105926036835,
-0.14341320097446442,
0.47450894117355347,
0.9373093247413635,
-0.02506399340927601,
-0.17193718254566193,
0.5730905532836914,
-0.04370960220694542,
-0.19397152960300446,
-0.43563157320022583,
0.09057345986366272,
0.19914498925209045,
0.4178459942340851,
0.4944814145565033,
-0.1898401826620102,
0.06642892211675644,
-0.5887869000434875,
0.16881877183914185,
0.3909473717212677,
-0.31733328104019165,
-0.2578961253166199,
0.5303112268447876,
0.1024518609046936,
-0.37400031089782715,
0.7286670804023743,
-0.06117275357246399,
-0.5647355914115906,
0.8576319217681885,
0.5647445917129517,
1.0825666189193726,
0.09398242831230164,
0.25921934843063354,
0.7384540438652039,
0.43222737312316895,
-0.10254224389791489,
0.39244288206100464,
0.0011599247809499502,
-0.33955103158950806,
-0.38094449043273926,
-0.6839612126350403,
-0.2772518992424011,
0.3697836995124817,
-0.5239776372909546,
0.20041415095329285,
-0.8389638662338257,
-0.2723986506462097,
0.05366431176662445,
0.18161647021770477,
-0.8165198564529419,
0.09793175011873245,
0.12204023450613022,
0.8761559724807739,
-0.527584969997406,
0.48592498898506165,
0.7151798605918884,
-0.8172304034233093,
-0.9684358835220337,
0.22950030863285065,
-0.15921875834465027,
-0.8842669725418091,
0.7303490042686462,
0.24972449243068695,
0.08108239620923996,
0.3287176191806793,
-0.7099510431289673,
-1.2964353561401367,
1.0567635297775269,
0.08725311607122421,
-0.524886429309845,
-0.31726738810539246,
0.2447572499513626,
0.5889484286308289,
-0.21742263436317444,
0.8581930994987488,
0.4321911931037903,
0.594880998134613,
0.4309612810611725,
-1.0351201295852661,
0.15154753625392914,
-0.38967034220695496,
-0.07747194916009903,
-0.1590532809495926,
-0.8953052759170532,
1.2329221963882446,
-0.36659786105155945,
-0.08447442203760147,
0.43700653314590454,
0.6187748908996582,
0.3043682277202606,
0.07208713889122009,
0.33831965923309326,
0.546708345413208,
0.6092168688774109,
-0.2443079799413681,
1.0468672513961792,
-0.5595638751983643,
0.8627846240997314,
0.9061604142189026,
0.1263541728258133,
0.6629364490509033,
0.589940071105957,
-0.08903630077838898,
0.3744678795337677,
0.6578324437141418,
-0.22590841352939606,
0.4608858525753021,
0.25936150550842285,
0.25562378764152527,
-0.38382264971733093,
0.2579881250858307,
-0.5993078947067261,
0.4898567497730255,
0.10100539773702621,
-0.34202930331230164,
-0.2185976803302765,
-0.032160256057977676,
-0.02788580395281315,
-0.35906726121902466,
-0.2282046228647232,
0.6237677931785583,
-0.10881081223487854,
-0.916336715221405,
1.0373947620391846,
-0.18585167825222015,
0.7084836363792419,
-0.729479968547821,
0.12981723248958588,
-0.24946832656860352,
0.4550369083881378,
-0.17641423642635345,
-0.9358648061752319,
0.0905175432562828,
-0.16031551361083984,
-0.5612808465957642,
0.2601766884326935,
0.08020631968975067,
-0.40444186329841614,
-0.7078484892845154,
0.0558367520570755,
0.15138158202171326,
-0.014082404784858227,
-0.40311384201049805,
-0.7679376006126404,
-0.0478128157556057,
0.10727577656507492,
-0.4584916830062866,
-0.04283187538385391,
0.3923575282096863,
0.20560146868228912,
0.7104450464248657,
0.6684976816177368,
0.035255249589681625,
0.26018860936164856,
-0.14427658915519714,
0.7332004308700562,
-1.010575771331787,
-0.6706607341766357,
-0.6827850341796875,
0.45989182591438293,
-0.17449837923049927,
-0.6755247712135315,
0.6183830499649048,
0.5422084331512451,
0.6354714035987854,
-0.29138725996017456,
0.6659949421882629,
-0.25670546293258667,
0.6467669010162354,
-0.5640631318092346,
0.7418968081474304,
-0.7024827003479004,
-0.03136048838496208,
-0.25350576639175415,
-1.0798580646514893,
-0.21768173575401306,
0.6136286854743958,
-0.40287721157073975,
0.18917106091976166,
1.0972598791122437,
0.9352309107780457,
-0.34965839982032776,
0.04056558012962341,
0.10753228515386581,
0.5649319887161255,
0.36805370450019836,
0.8843226432800293,
0.9390204548835754,
-0.5311293601989746,
1.0258172750473022,
-0.3095236122608185,
-0.1745292991399765,
-0.4343431293964386,
-0.7235790491104126,
-1.268338680267334,
-0.6143172979354858,
-0.2770111560821533,
-0.7311931848526001,
0.021638430655002594,
0.9542811512947083,
0.7132429480552673,
-0.9802824258804321,
-0.07716266065835953,
-0.017892025411128998,
0.027172209694981575,
-0.3107292056083679,
-0.26819223165512085,
0.6306337714195251,
-0.16025419533252716,
-0.7146954536437988,
-0.06216594576835632,
0.011109362356364727,
0.07413112372159958,
-0.21720366179943085,
0.21099542081356049,
-0.40193358063697815,
-0.06770521402359009,
0.3049427568912506,
0.6518654823303223,
-0.7035211324691772,
-0.5929146409034729,
0.34418386220932007,
-0.2480781525373459,
0.028964634984731674,
0.5524673461914062,
-0.5512427091598511,
0.2919209897518158,
0.6535624861717224,
0.6999338865280151,
0.7836456298828125,
-0.06548149883747101,
0.41436368227005005,
-0.6448253393173218,
0.21613481640815735,
0.31816262006759644,
0.285662442445755,
0.39420878887176514,
-0.40459686517715454,
0.33428698778152466,
0.23341627418994904,
-0.4510495662689209,
-0.7720993161201477,
0.057138584554195404,
-1.1646679639816284,
-0.1677950620651245,
1.520887851715088,
0.016133420169353485,
-0.644574761390686,
0.0033581575844436884,
-0.2882612645626068,
0.4051362872123718,
-0.2898348271846771,
1.091274619102478,
0.7768363356590271,
0.34865692257881165,
-0.25167492032051086,
-0.17032481729984283,
0.34814968705177307,
0.43857502937316895,
-0.4754176139831543,
0.08440238982439041,
0.19695603847503662,
0.6558372378349304,
0.5308589935302734,
0.28865036368370056,
-0.006325961090624332,
0.5157052874565125,
-0.15991957485675812,
0.19322964549064636,
-0.5586783289909363,
-0.47409364581108093,
-0.19822360575199127,
0.3247587978839874,
-0.09359399974346161,
-0.3900945484638214
] |
nvidia/segformer-b5-finetuned-cityscapes-1024-1024
|
nvidia
| 2022-08-09T11:29:37Z | 5,159 | 16 |
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 (b5-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-b5-finetuned-cityscapes-1024-1024")
model = SegformerForSemanticSegmentation.from_pretrained("nvidia/segformer-b5-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.8871160745620728,
-0.690686821937561,
0.22463323175907135,
0.26198288798332214,
-0.28232499957084656,
-0.3335541784763336,
-0.003985381219536066,
-0.6712933778762817,
0.27212005853652954,
0.5715957283973694,
-0.8288675546646118,
-0.6117284297943115,
-0.6785072684288025,
0.16226239502429962,
-0.3483588993549347,
0.7947921752929688,
0.0815105140209198,
-0.14608611166477203,
-0.39690253138542175,
-0.3512915074825287,
-0.04336213693022728,
-0.33332017064094543,
-0.5867215991020203,
-0.3497878909111023,
0.36922478675842285,
0.23925429582595825,
0.6150901317596436,
0.8238314986228943,
0.7168165445327759,
0.46141287684440613,
-0.4460582435131073,
0.13446684181690216,
-0.3259013593196869,
-0.26223084330558777,
-0.007987463846802711,
-0.045191701501607895,
-0.3445179760456085,
-0.0404818058013916,
0.3947959542274475,
0.6401796340942383,
0.05187617614865303,
0.32617050409317017,
-0.04070831462740898,
0.45369869470596313,
-0.3966261148452759,
0.10496114939451218,
-0.41197794675827026,
0.16686734557151794,
0.03150497004389763,
-0.003316638758406043,
-0.22139301896095276,
-0.2212855964899063,
0.27896648645401,
-0.49007686972618103,
0.7544814944267273,
0.06054314970970154,
1.508521556854248,
0.4248167872428894,
-0.3195693790912628,
-0.04165153205394745,
-0.5099469423294067,
0.8136512637138367,
-0.6343137621879578,
0.5259946584701538,
-0.08639755100011826,
0.3788071572780609,
0.1374761462211609,
-0.959373414516449,
-0.45536768436431885,
0.1675465852022171,
-0.250527024269104,
-0.08014537394046783,
-0.40973713994026184,
0.043563228100538254,
0.538288950920105,
0.5644857883453369,
-0.47012898325920105,
0.02013520710170269,
-0.7560331225395203,
-0.40394118428230286,
0.7156186699867249,
0.0998288094997406,
0.2250232994556427,
-0.4072239100933075,
-0.7985414862632751,
-0.4451259672641754,
-0.3454149067401886,
0.19256898760795593,
0.13804233074188232,
0.048338621854782104,
-0.34293726086616516,
0.3736806809902191,
-0.08765313029289246,
0.7130203247070312,
0.47823765873908997,
-0.16638609766960144,
0.527998685836792,
-0.1898801475763321,
-0.38089752197265625,
0.018184153363108635,
0.9309552311897278,
0.430364191532135,
-0.04704334959387779,
0.05034172534942627,
-0.09283028542995453,
0.029764484614133835,
0.3030385375022888,
-1.3215454816818237,
-0.2667806148529053,
0.13467511534690857,
-0.5151832699775696,
-0.33743712306022644,
0.13184854388237,
-0.7723290920257568,
-0.07852921634912491,
-0.1433268040418625,
0.42884770035743713,
-0.3007566034793854,
-0.056400030851364136,
0.10284844040870667,
-0.13323169946670532,
0.7323083281517029,
0.27488037943840027,
-0.8915611505508423,
0.16027496755123138,
0.4806637465953827,
0.8111123442649841,
-0.20470993220806122,
-0.1510634571313858,
-0.07330363243818283,
-0.04909578710794449,
-0.2038668543100357,
0.9047316908836365,
-0.28580647706985474,
-0.4002929627895355,
-0.3095410466194153,
0.5826705694198608,
-0.1676015406847,
-0.6752464175224304,
0.8114445805549622,
-0.44031158089637756,
0.20865800976753235,
-0.09571395814418793,
-0.33077937364578247,
-0.5647484064102173,
0.33558908104896545,
-0.6309065222740173,
0.9993544220924377,
0.23820114135742188,
-0.7995046377182007,
0.4577995240688324,
-0.6133180856704712,
-0.2623412609100342,
-0.047945499420166016,
0.04000876843929291,
-0.8723419904708862,
0.08552879095077515,
0.5202663540840149,
0.4951348900794983,
-0.2020462155342102,
0.2181413620710373,
-0.5404887795448303,
-0.1519526243209839,
-0.013967875391244888,
-0.1846875250339508,
0.9693672060966492,
0.3178766071796417,
-0.30543044209480286,
0.43577811121940613,
-0.6778358221054077,
-0.04480211064219475,
0.4271377921104431,
-0.0037320624105632305,
-0.017643176019191742,
-0.2845727503299713,
0.258556604385376,
0.4107721149921417,
0.2564895749092102,
-0.6851218938827515,
0.034862447530031204,
-0.35327431559562683,
0.42131802439689636,
0.6349321007728577,
0.090957872569561,
0.5097289681434631,
-0.1534806191921234,
0.28532660007476807,
0.20795229077339172,
0.4608768820762634,
-0.14710576832294464,
-0.20771507918834686,
-1.0847485065460205,
-0.4355824291706085,
0.2112901508808136,
0.0741666704416275,
-0.4608581066131592,
0.5892417430877686,
-0.2606600224971771,
-0.7186005115509033,
-0.5018545389175415,
-0.07108751684427261,
0.03229011967778206,
0.48372578620910645,
0.518379807472229,
-0.4364212453365326,
-0.7749377489089966,
-1.1687952280044556,
0.18000110983848572,
0.296953946352005,
-0.034042127430438995,
0.3854583501815796,
0.6018220782279968,
-0.6501016616821289,
0.8975332379341125,
-0.7549183368682861,
-0.3095071613788605,
-0.1981736719608307,
-0.0919768363237381,
0.35720667243003845,
0.6072868704795837,
0.7152591943740845,
-0.8375386595726013,
-0.34212249517440796,
-0.2627803683280945,
-0.5871666669845581,
-0.08422107249498367,
0.12232038378715515,
-0.3228335976600647,
0.13726313412189484,
0.3855154812335968,
-0.5476987361907959,
0.4151800572872162,
0.515581488609314,
-0.5709428191184998,
0.3421519696712494,
-0.0945470929145813,
-0.02401680126786232,
-1.0321168899536133,
0.17451588809490204,
0.21476863324642181,
-0.32604172825813293,
-0.5689108371734619,
0.2100551426410675,
-0.05476029962301254,
-0.21737848222255707,
-0.5934393405914307,
0.5391131043434143,
-0.2835793197154999,
-0.06654752790927887,
-0.23631148040294647,
-0.16763298213481903,
0.15096338093280792,
0.7807300090789795,
0.21825402975082397,
0.3310912251472473,
0.4509902596473694,
-0.6956936120986938,
0.20627008378505707,
0.5446423888206482,
-0.4147435128688812,
0.47788938879966736,
-1.0114434957504272,
0.11422692239284515,
-0.08735957741737366,
0.15787452459335327,
-0.7122981548309326,
-0.33733752369880676,
0.35200464725494385,
-0.3092895448207855,
0.27894899249076843,
-0.26518186926841736,
-0.2780221104621887,
-0.596217691898346,
-0.20131056010723114,
0.4148600697517395,
0.4883584976196289,
-0.8328309059143066,
0.6198884844779968,
0.47949880361557007,
0.1600285768508911,
-0.2281065285205841,
-0.6462668776512146,
-0.3188350796699524,
-0.3682529926300049,
-1.0354493856430054,
0.6285598874092102,
-0.0847969800233841,
0.2000456005334854,
-0.005276888143271208,
-0.2954369783401489,
-0.06309692561626434,
-0.04393220692873001,
0.39067989587783813,
0.45493099093437195,
-0.05577178671956062,
-0.4271831512451172,
-0.014556696638464928,
-0.4244641065597534,
0.13601195812225342,
-0.1199876070022583,
0.677392303943634,
-0.3198665976524353,
-0.32005712389945984,
-0.2936587631702423,
-0.014040320180356503,
0.5413957238197327,
-0.30727270245552063,
0.4178950786590576,
1.184471607208252,
-0.3330235183238983,
-0.026787899434566498,
-0.5375819206237793,
-0.2531142234802246,
-0.5682600140571594,
0.31885582208633423,
-0.24663376808166504,
-1.093700885772705,
0.5513821840286255,
0.024784818291664124,
0.06927558034658432,
0.9619583487510681,
0.5250119566917419,
0.08334876596927643,
1.2318518161773682,
0.6471222043037415,
0.32359519600868225,
0.5066583752632141,
-0.8057957291603088,
0.19121083617210388,
-0.9880570769309998,
-0.5804621577262878,
-0.4838133752346039,
-0.39854899048805237,
-0.7969303727149963,
-0.7312048673629761,
0.45072823762893677,
0.10383043438196182,
-0.3997308015823364,
0.5934019088745117,
-0.8795464634895325,
0.2430052012205124,
0.5269379019737244,
0.07338506728410721,
-0.12369434535503387,
0.11511534452438354,
-0.1572476476430893,
0.045554038137197495,
-0.7411632537841797,
-0.3164445459842682,
0.31091445684432983,
0.5817100405693054,
0.7444630861282349,
-0.11546670645475388,
0.6404650807380676,
-0.06340707093477249,
-0.03946123272180557,
-0.8681931495666504,
0.5736164450645447,
-0.10329578071832657,
-0.7559853196144104,
-0.11819612979888916,
-0.32258111238479614,
-0.9766960740089417,
0.40314552187919617,
-0.20431986451148987,
-0.8556228280067444,
0.698257565498352,
0.08482080698013306,
-0.31536129117012024,
0.2956005036830902,
-0.5630780458450317,
1.1524609327316284,
-0.20103143155574799,
-0.3851405084133148,
0.07571689784526825,
-0.6507070064544678,
0.1767059713602066,
0.2531592845916748,
-0.04660956189036369,
-0.4172980487346649,
0.3378693461418152,
0.8683499693870544,
-0.6450150012969971,
0.6965780258178711,
-0.31877341866493225,
0.23067855834960938,
0.5330432653427124,
-0.10229653120040894,
0.33298173546791077,
-0.026231542229652405,
0.29120317101478577,
0.5664613842964172,
0.30066028237342834,
-0.37173768877983093,
-0.43972083926200867,
0.6131863594055176,
-0.8761661648750305,
-0.5524659156799316,
-0.4261484742164612,
-0.34937185049057007,
0.054058291018009186,
0.3491867780685425,
0.47596511244773865,
0.4675801694393158,
-0.08084986358880997,
0.4555670917034149,
0.6174212098121643,
-0.33384978771209717,
0.5582305788993835,
0.17631331086158752,
-0.24311824142932892,
-0.46495091915130615,
0.9127243757247925,
-0.16900832951068878,
-0.0031023297924548388,
0.2855694890022278,
0.3380381464958191,
-0.46998873353004456,
-0.2744804620742798,
-0.44056302309036255,
0.22732557356357574,
-0.6117587089538574,
-0.4051233232021332,
-0.7528392672538757,
-0.5414310097694397,
-0.45504605770111084,
-0.3289334177970886,
-0.4289025068283081,
-0.2730756402015686,
-0.38686883449554443,
0.016503090038895607,
0.32298821210861206,
0.43601202964782715,
-0.2262248992919922,
0.2700675427913666,
-0.7220544815063477,
0.1866583526134491,
0.3544199466705322,
0.29274511337280273,
-0.014889039099216461,
-0.5640093088150024,
-0.19325828552246094,
-0.003955285530537367,
-0.5409463047981262,
-0.5080632567405701,
0.648572564125061,
-0.02631707303225994,
0.4734949767589569,
0.5982688069343567,
-0.1051742285490036,
0.9986758232116699,
-0.21003037691116333,
0.6226791143417358,
0.38852062821388245,
-0.8134660124778748,
0.3656114935874939,
-0.24003592133522034,
0.5794845819473267,
0.436280757188797,
0.28238365054130554,
-0.606725811958313,
0.026174651458859444,
-0.8319495320320129,
-1.027730941772461,
0.9094185829162598,
0.12637145817279816,
0.031056372448801994,
0.10838913917541504,
0.009938559494912624,
-0.031098317354917526,
-0.0347600132226944,
-0.6113516092300415,
-0.30563119053840637,
-0.3568621575832367,
-0.1756601333618164,
-0.047950826585292816,
-0.4027795195579529,
-0.01365350279957056,
-0.6005237698554993,
0.6557315587997437,
-0.13371780514717102,
0.687244176864624,
0.3586357831954956,
-0.25293582677841187,
-0.005536213517189026,
-0.036536142230033875,
0.4860265851020813,
0.3106783628463745,
-0.27484726905822754,
0.07976920157670975,
0.27807584404945374,
-0.3788386881351471,
-0.12361981719732285,
0.34514307975769043,
-0.32791587710380554,
-0.04077883064746857,
0.32787394523620605,
1.071557641029358,
0.3334234356880188,
-0.28863784670829773,
0.5532053709030151,
0.03543272614479065,
-0.5186594128608704,
-0.4046202301979065,
0.22638633847236633,
-0.01862921006977558,
0.47850728034973145,
0.2727952003479004,
0.3968697786331177,
0.3079671859741211,
-0.07525303959846497,
0.2274015098810196,
0.2958701550960541,
-0.7448417544364929,
-0.3320245146751404,
0.7435750961303711,
0.13887779414653778,
-0.02349615842103958,
0.731327474117279,
-0.1470334529876709,
-0.7054482102394104,
0.8596037030220032,
0.5222589373588562,
0.9825496673583984,
0.006834954954683781,
0.18353421986103058,
0.8098896145820618,
0.1480938196182251,
0.15132835507392883,
-0.10875160992145538,
-0.14039358496665955,
-0.801495373249054,
-0.3671036660671234,
-0.9955219626426697,
-0.06132190302014351,
0.089440256357193,
-0.6618363857269287,
0.5132360458374023,
-0.49674612283706665,
-0.16011571884155273,
0.1735224723815918,
0.12550018727779388,
-1.0149258375167847,
0.27017098665237427,
0.27235233783721924,
1.081773281097412,
-0.6011713147163391,
0.487006813287735,
0.7680028676986694,
-0.2729283273220062,
-0.8176484107971191,
-0.44943541288375854,
-0.07810785621404648,
-0.8018758893013,
0.38943514227867126,
0.47170642018318176,
0.02353215217590332,
0.04049573093652725,
-0.7597339749336243,
-1.063423991203308,
1.3419109582901,
0.14102186262607574,
-0.35986727476119995,
-0.08586174249649048,
0.10203289240598679,
0.39425480365753174,
-0.4606660306453705,
0.3578236401081085,
0.4422987401485443,
0.5605659484863281,
0.6887761950492859,
-0.510001540184021,
0.10798308253288269,
-0.19567668437957764,
0.2018364816904068,
0.3013560473918915,
-0.8710798025131226,
0.5957391858100891,
-0.31433767080307007,
-0.23268024623394012,
-0.04562290012836456,
0.693979024887085,
0.17748193442821503,
0.25854942202568054,
0.692884087562561,
0.8476805686950684,
0.4583621025085449,
-0.3965522050857544,
0.8720047473907471,
-0.2067810595035553,
0.8268399238586426,
0.7276793122291565,
0.2939246594905853,
0.3708028495311737,
0.3562818169593811,
-0.09288450330495834,
0.520043134689331,
0.9537264704704285,
-0.6011109948158264,
0.49921172857284546,
-0.09198816865682602,
0.19162677228450775,
-0.42510807514190674,
-0.2106250822544098,
-0.3344546854496002,
0.8120688796043396,
0.1931031346321106,
-0.5615825653076172,
-0.24247553944587708,
-0.14803819358348846,
-0.040641702711582184,
-0.4743739068508148,
-0.2393805831670761,
0.6506553888320923,
0.09129870682954788,
-0.3162935972213745,
0.6058539748191833,
0.16056910157203674,
0.6676509380340576,
-0.4165012538433075,
0.039310019463300705,
-0.1349947452545166,
0.2396649271249771,
-0.3933945596218109,
-0.4897419214248657,
0.5602839589118958,
-0.18262848258018494,
-0.11011551320552826,
-0.15985921025276184,
0.9323307871818542,
-0.29169929027557373,
-0.7278251051902771,
0.14534015953540802,
0.09941753000020981,
0.06532906740903854,
0.1517179161310196,
-0.9391967058181763,
0.38740840554237366,
0.11553476005792618,
-0.345630407333374,
-0.00895980466157198,
0.12757383286952972,
0.1112423911690712,
0.5233702659606934,
0.6336277723312378,
-0.3372722566127777,
-0.039625383913517,
-0.14368225634098053,
0.9071836471557617,
-0.7365970015525818,
-0.3941228687763214,
-0.7280229926109314,
0.5850653052330017,
-0.3413548767566681,
-0.31242209672927856,
0.7540848851203918,
0.73858243227005,
1.1165691614151,
-0.2157263159751892,
0.30788275599479675,
-0.4085288345813751,
0.19288040697574615,
-0.18860770761966705,
0.5394065380096436,
-0.6328627467155457,
-0.11175698041915894,
-0.4259525239467621,
-1.0562307834625244,
-0.3268788158893585,
0.8777236938476562,
-0.4159437119960785,
0.22635051608085632,
0.48388975858688354,
0.9127663373947144,
-0.29811879992485046,
-0.05529513582587242,
0.2893432080745697,
0.11490240693092346,
0.2255071997642517,
0.34875252842903137,
0.6329097151756287,
-0.4894258677959442,
0.5184856653213501,
-0.7327689528465271,
0.07507836073637009,
-0.45612016320228577,
-0.6170469522476196,
-0.868728756904602,
-0.6313565969467163,
-0.42326897382736206,
-0.34534481167793274,
-0.3918021321296692,
0.8944483995437622,
1.1181120872497559,
-0.8300660848617554,
-0.08895813673734665,
0.047077395021915436,
0.18574614822864532,
-0.14367982745170593,
-0.2984488010406494,
0.4536542296409607,
0.011897074058651924,
-0.9861712455749512,
-0.06350481510162354,
0.30115601420402527,
0.1391318440437317,
-0.1411842256784439,
-0.19479486346244812,
0.013202277012169361,
-0.15108200907707214,
0.659365177154541,
0.2533607482910156,
-0.5815915465354919,
-0.4142622947692871,
0.16754946112632751,
-0.08379293233156204,
0.27555742859840393,
0.5731990337371826,
-0.5764622688293457,
0.3726275563240051,
0.5799151659011841,
0.42991548776626587,
0.9976999163627625,
0.06706411391496658,
0.15451496839523315,
-0.5094202160835266,
0.24167193472385406,
0.1293308287858963,
0.4857974648475647,
0.44112205505371094,
-0.2038140892982483,
0.5348333120346069,
0.31481820344924927,
-0.5363606810569763,
-0.509147047996521,
0.09092352539300919,
-1.2274301052093506,
-0.12483816593885422,
0.9991418123245239,
0.06997086852788925,
-0.6185250282287598,
0.30594244599342346,
-0.17712269723415375,
0.2955549955368042,
-0.2287818193435669,
0.5730320811271667,
0.2554704248905182,
-0.13350996375083923,
-0.4061222970485687,
-0.15293699502944946,
0.3821049630641937,
-0.018140215426683426,
-0.5535874962806702,
-0.5338005423545837,
0.4990782141685486,
0.4761351943016052,
0.3688053786754608,
0.2292918711900711,
-0.3643234372138977,
0.1137852892279625,
0.09868800640106201,
0.3566780984401703,
-0.22392244637012482,
-0.23318631947040558,
-0.23864661157131195,
0.13925306499004364,
-0.14846032857894897,
-0.23299042880535126
] |
BramVanroy/gbert-base-finetuned-cefr
|
BramVanroy
| 2023-09-12T21:45:46Z | 5,159 | 2 |
transformers
|
[
"transformers",
"pytorch",
"safetensors",
"bert",
"text-classification",
"cefr",
"proficiency assessment",
"written text",
"de",
"dataset:merlin",
"dataset:disko",
"license:mit",
"model-index",
"endpoints_compatible",
"region:us"
] |
text-classification
| 2022-04-09T08:27:07Z |
---
language:
- de
license: mit
tags:
- cefr
- proficiency assessment
- written text
datasets:
- merlin
- disko
metrics:
- accuracy
- f1
- precision
- qwk
- recall
model-index:
- name: gbert-base-finetuned-cefr
results:
- task:
type: text-classification
name: CEFR proficiency prediction
metrics:
- type: accuracy
value: 0.8297872340425532
- type: f1
value: 0.831662518023171
- type: precision
value: 0.8379770347855454
- type: qwk
value: 0.9497893050032643
- type: recall
value: 0.8297872340425532
widget:
- text: "Samstag der 13. Februar Hallo ! Ich habe eine Fragen . Ich habe Probleme hören “ eu ” und “ cht ” . Wie sage ich “ also ” und “ to bake ” auf Deutsche ? Ich bin nicht gut aber ich lerne . Ich studiere Kunstgeschichte . Ich liebe Kunst und Geschichte . Mathamatik und Deutsche ich schierig aber nützlich . Es regnet heute . Die Woche ist interessant ."
- text: "Lieber . Ingo . Wie gehts es Ich will 3 Zimmer Wohnung Mieten . Ich kann nicht so viel Miete bezahlen Ich hab kein Geld . Ich muss eine wohnung Mieten . Viel Danke - Maria"
- text: "Hallo Liebe Daniela , ich möchte am Samstag um 15.00 Uhr im Schwimmbad gehen . In Stadt X ist ein neue Schwimmbad und ich möchte da gehen . _ Diese Schwimmbad ist so groß und sehr schön . Möchtest du mit mir gehen ? Weiß du dass ich liebe schwimmen , aber zusammen ist besser . Nimm bitte ein Tüch , speciall Schuhe , ein Schampoo und etwas zu trinken . Ruft mir an oder schreibt wenn möchtest du gehen mit mir . Mit freundlichen Grüße Julia"
---
|
[
-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
] |
philschmid/flan-t5-xxl-sharded-fp16
|
philschmid
| 2023-03-08T15:30:42Z | 5,156 | 48 |
transformers
|
[
"transformers",
"pytorch",
"t5",
"text2text-generation",
"endpoints-template",
"arxiv:2210.11416",
"license:apache-2.0",
"autotrain_compatible",
"endpoints_compatible",
"has_space",
"text-generation-inference",
"region:us"
] |
text2text-generation
| 2023-01-27T15:05:31Z |
---
license: apache-2.0
tags:
- endpoints-template
---
# FORK of FLAN-T5 XXL
> This is a fork of google/flan-t5-xxl implementing a custom `handler.py` as an example for how to use t5-11b with inference-endpoints on a single NVIDIA A10G.
You can deploy the flan-t5-xxl with a [1-click](https://ui.endpoints.huggingface.co/new?repository=philschmid/flan-t5-xxl-sharded-fp16).
Since we are using the "quantized" version, we can switch our instance type to **"GPU [medium] · 1x Nvidia A10G"**.

# TL;DR
If you already know T5, FLAN-T5 is just better at everything. For the same number of parameters, these models have been fine-tuned on more than 1000 additional tasks covering also more languages.
As mentioned in the first few lines of the abstract :
> Flan-PaLM 540B achieves state-of-the-art performance on several benchmarks, such as 75.2% on five-shot MMLU. We also publicly release Flan-T5 checkpoints,1 which achieve strong few-shot performance even compared to much larger models, such as PaLM 62B. Overall, instruction finetuning is a general method for improving the performance and usability of pretrained language models.
**Disclaimer**: Content from **this** model card has been written by the Hugging Face team, and parts of it were copy pasted from the [T5 model card](https://huggingface.co/t5-large).
# Model Details
## Model Description
- **Model type:** Language model
- **Language(s) (NLP):** English, Spanish, Japanese, Persian, Hindi, French, Chinese, Bengali, Gujarati, German, Telugu, Italian, Arabic, Polish, Tamil, Marathi, Malayalam, Oriya, Panjabi, Portuguese, Urdu, Galician, Hebrew, Korean, Catalan, Thai, Dutch, Indonesian, Vietnamese, Bulgarian, Filipino, Central Khmer, Lao, Turkish, Russian, Croatian, Swedish, Yoruba, Kurdish, Burmese, Malay, Czech, Finnish, Somali, Tagalog, Swahili, Sinhala, Kannada, Zhuang, Igbo, Xhosa, Romanian, Haitian, Estonian, Slovak, Lithuanian, Greek, Nepali, Assamese, Norwegian
- **License:** Apache 2.0
- **Related Models:** [All FLAN-T5 Checkpoints](https://huggingface.co/models?search=flan-t5)
- **Original Checkpoints:** [All Original FLAN-T5 Checkpoints](https://github.com/google-research/t5x/blob/main/docs/models.md#flan-t5-checkpoints)
- **Resources for more information:**
- [Research paper](https://arxiv.org/pdf/2210.11416.pdf)
- [GitHub Repo](https://github.com/google-research/t5x)
- [Hugging Face FLAN-T5 Docs (Similar to T5) ](https://huggingface.co/docs/transformers/model_doc/t5)
|
[
-0.6849517822265625,
-0.7291416525840759,
0.3714218735694885,
0.11232104897499084,
-0.17124944925308228,
-0.05861767381429672,
-0.15754874050617218,
-0.6866119503974915,
0.23752957582473755,
0.31752732396125793,
-0.6894586682319641,
-0.6463919281959534,
-0.4933224618434906,
-0.02294408343732357,
-0.40646326541900635,
1.1406177282333374,
-0.1364031434059143,
-0.07571111619472504,
0.24868181347846985,
-0.2899482250213623,
0.01421438530087471,
-0.2688056230545044,
-0.9644283652305603,
-0.20857468247413635,
0.5534897446632385,
0.3383733332157135,
0.6806220412254333,
0.6919640898704529,
0.32984843850135803,
0.2712838351726532,
-0.23807723820209503,
-0.23462100327014923,
-0.3380403220653534,
-0.45273587107658386,
-0.07799657434225082,
-0.3327643573284149,
-0.7506009340286255,
-0.21036210656166077,
0.46733036637306213,
0.38173121213912964,
-0.24170978367328644,
0.3078393042087555,
-0.24193039536476135,
0.5037879943847656,
-0.7271806597709656,
0.08340306580066681,
-0.02797405794262886,
0.09880852699279785,
-0.4962766468524933,
0.2895733118057251,
-0.06368827819824219,
-0.4074099361896515,
0.25410351157188416,
-0.8492317199707031,
0.3535856604576111,
-0.06233914569020271,
1.4735634326934814,
0.16573360562324524,
-0.2481725513935089,
-0.17687208950519562,
-0.5035478472709656,
0.737189769744873,
-0.9762378334999084,
0.37999773025512695,
0.14202280342578888,
0.647677481174469,
-0.015378788113594055,
-0.8768814206123352,
-0.6053141355514526,
-0.13885048031806946,
0.08361448347568512,
0.007049479056149721,
0.02486272156238556,
0.3232036828994751,
0.49489012360572815,
0.801601767539978,
-0.5133223533630371,
-0.0642300695180893,
-0.5454118847846985,
-0.17186622321605682,
0.6146409511566162,
-0.04182147607207298,
0.5847206711769104,
-0.1372932344675064,
-0.4424174726009369,
-0.28729602694511414,
-0.5524795651435852,
0.13067613542079926,
0.2566050589084625,
0.1689232438802719,
-0.640394389629364,
0.11481524258852005,
-0.23992888629436493,
0.5983010530471802,
0.24327099323272705,
-0.22655808925628662,
0.38310518860816956,
-0.19828280806541443,
-0.37983542680740356,
-0.17669659852981567,
0.9324803948402405,
0.16733965277671814,
0.18417087197303772,
0.08045735210180283,
-0.44004663825035095,
-0.09306976199150085,
0.19216318428516388,
-0.9409421682357788,
-0.3179057836532593,
0.5361326336860657,
-0.38490042090415955,
-0.5125110745429993,
0.16975264251232147,
-0.8133689761161804,
-0.12755373120307922,
0.10727491974830627,
0.45193716883659363,
-0.6418951749801636,
-0.6175942420959473,
-0.16401205956935883,
-0.18886998295783997,
0.47768983244895935,
0.446668803691864,
-1.223418951034546,
0.39037472009658813,
0.7899095416069031,
0.9415095448493958,
0.13586543500423431,
-0.22514452040195465,
-0.41446158289909363,
0.11365309357643127,
-0.3013366460800171,
0.5608075857162476,
-0.5073211193084717,
-0.3132191598415375,
0.1555236428976059,
0.19851982593536377,
-0.11853925883769989,
-0.5971778631210327,
0.758790910243988,
-0.43990710377693176,
0.38673871755599976,
-0.6187311410903931,
-0.6200017929077148,
-0.6787837743759155,
0.19778569042682648,
-0.7942278385162354,
1.044829249382019,
0.2938212454319,
-0.6956226825714111,
0.45215368270874023,
-0.8669783473014832,
-0.47298943996429443,
0.04689015820622444,
0.017362993210554123,
-0.4849725663661957,
0.10581089556217194,
0.2613048255443573,
0.23124843835830688,
-0.20130237936973572,
0.06167501211166382,
-0.5388185977935791,
-0.32350867986679077,
-0.36940664052963257,
0.163446307182312,
1.0696232318878174,
0.447837769985199,
-0.8469921946525574,
0.46843957901000977,
-0.599635660648346,
-0.021898293867707253,
0.12423105537891388,
-0.10276440531015396,
-0.09702464193105698,
-0.26108264923095703,
0.3996206820011139,
0.38279977440834045,
0.26304569840431213,
-0.48042362928390503,
0.21253015100955963,
-0.3802646994590759,
0.4534105956554413,
0.5828835368156433,
-0.08469069749116898,
0.3713047206401825,
-0.46290895342826843,
0.6722313165664673,
0.3116723597049713,
0.4761984348297119,
-0.19513513147830963,
-0.41811907291412354,
-1.1645867824554443,
-0.1287134289741516,
0.12388315051794052,
0.6814693212509155,
-0.7786047458648682,
0.15467654168605804,
-0.36697089672088623,
-0.4571652114391327,
-0.39420086145401,
0.21293538808822632,
0.6772990226745605,
0.3612558841705322,
0.3639795482158661,
-0.2974123954772949,
-0.3541325032711029,
-0.7544723749160767,
-0.18953798711299896,
0.011459902860224247,
0.14021116495132446,
0.1613655984401703,
0.6993646025657654,
0.010893551632761955,
0.4057675302028656,
-0.26389020681381226,
-0.47654229402542114,
-0.3355584740638733,
-0.0027963316533714533,
0.07141108065843582,
0.6169142723083496,
1.0770901441574097,
-0.6027156710624695,
-0.5836631059646606,
0.11710004508495331,
-0.7988602519035339,
0.10945883393287659,
0.1089230626821518,
-0.17672674357891083,
0.6636028289794922,
0.20557279884815216,
-0.3785707950592041,
0.33232587575912476,
0.673015832901001,
-0.3955676555633545,
0.45594000816345215,
-0.17554542422294617,
0.19333769381046295,
-1.354410171508789,
0.2662718892097473,
0.16424864530563354,
-0.2551891803741455,
-0.6511043310165405,
0.47744089365005493,
0.14490528404712677,
-0.024217836558818817,
-0.5567817687988281,
0.8643057346343994,
-0.4485745131969452,
0.0058792815543711185,
-0.25588658452033997,
-0.05346572771668434,
-0.11182302981615067,
0.440696120262146,
0.08246135711669922,
0.8172227144241333,
0.6527973413467407,
-0.7182183265686035,
0.24688579142093658,
0.13827767968177795,
-0.20072615146636963,
0.5759757161140442,
-0.8611874580383301,
0.01248407457023859,
0.046655867248773575,
0.35323867201805115,
-0.6556917428970337,
-0.5811423063278198,
0.4363557994365692,
-0.24739812314510345,
0.27368801832199097,
-0.3533232510089874,
-0.33215418457984924,
-0.4336363971233368,
-0.33670318126678467,
0.25783124566078186,
0.7220592498779297,
-0.7335770130157471,
0.6335800886154175,
0.28169840574264526,
0.25424665212631226,
-0.47939738631248474,
-0.9031153321266174,
-0.018615979701280594,
-0.5498095750808716,
-0.887812077999115,
0.3743363320827484,
0.04307093471288681,
-0.04689216986298561,
-0.15041178464889526,
-0.1201385036110878,
-0.3145316243171692,
-0.03284759819507599,
0.22927269339561462,
-0.009774086065590382,
-0.3581087291240692,
-0.2368999421596527,
0.09580651670694351,
-0.1411963254213333,
0.028330963104963303,
-0.5677069425582886,
0.36364006996154785,
-0.2853984236717224,
-0.03069809079170227,
-0.7933844327926636,
0.06240589916706085,
0.572496771812439,
-0.4399808645248413,
0.9262832403182983,
1.111191749572754,
-0.608645498752594,
-0.06388360261917114,
-0.7600609064102173,
-0.2523157298564911,
-0.5266771912574768,
-0.18889476358890533,
-0.6126390099525452,
-0.7889330983161926,
1.0017718076705933,
0.10758031159639359,
0.4883386194705963,
0.6242753863334656,
0.20175382494926453,
0.038808099925518036,
0.7398780584335327,
0.6772047877311707,
-0.26010069251060486,
0.9097962975502014,
-0.509600043296814,
-0.007489893119782209,
-0.672116756439209,
-0.04619181528687477,
-0.31612563133239746,
-0.18747618794441223,
-0.6353479027748108,
-0.3350382149219513,
0.4043460190296173,
0.16702163219451904,
-0.460851788520813,
0.33459362387657166,
-0.27914759516716003,
0.21581748127937317,
0.6258521676063538,
0.12087281793355942,
0.029795948415994644,
0.10738830268383026,
-0.23655670881271362,
0.08591080456972122,
-0.5721527934074402,
-0.5080814957618713,
1.0458039045333862,
0.23973949253559113,
0.46485018730163574,
0.3546622097492218,
0.932219922542572,
0.06268686801195145,
0.173466295003891,
-0.3473336398601532,
0.39286279678344727,
-0.3165554106235504,
-0.8551172018051147,
-0.07573703676462173,
-0.32796311378479004,
-0.6666825413703918,
0.07945811748504639,
0.053319014608860016,
-0.8367205262184143,
0.02227141335606575,
0.37001705169677734,
-0.5925439596176147,
0.5348559021949768,
-0.9485604166984558,
1.4304523468017578,
-0.1587519496679306,
-0.5022290945053101,
-0.3300762176513672,
-0.5084285140037537,
0.7768917679786682,
0.18274268507957458,
0.16163024306297302,
-0.05360938981175423,
-0.04073416441679001,
0.6145369410514832,
-1.025194525718689,
0.7476237416267395,
-0.5095847249031067,
-0.2709955871105194,
0.3978543281555176,
-0.02463013306260109,
0.4872294068336487,
0.07771746069192886,
-0.1495487093925476,
0.25726318359375,
0.3939124345779419,
-0.7100644111633301,
-0.7084115147590637,
1.0101730823516846,
-0.8391830921173096,
-0.4646700620651245,
-0.5078323483467102,
-0.1316785365343094,
0.23797886073589325,
0.40990597009658813,
0.29867199063301086,
0.5382264852523804,
-0.09942036122083664,
-0.2376454472541809,
0.6542344689369202,
-0.3163430392742157,
0.6085485816001892,
0.27700114250183105,
-0.5163487792015076,
-0.5716790556907654,
0.9674696326255798,
-0.028478393331170082,
0.47416678071022034,
0.3924596607685089,
0.19173571467399597,
-0.2742457687854767,
-0.32710501551628113,
-0.8510894179344177,
0.2088269740343094,
-0.6155089139938354,
0.14036348462104797,
-0.42855557799339294,
-0.09844353049993515,
-0.45916691422462463,
-0.15629762411117554,
-0.5708040595054626,
-0.494529664516449,
-0.22502678632736206,
0.024054884910583496,
0.4841391444206238,
0.7453296780586243,
0.02716565877199173,
0.4804198145866394,
-0.7345253825187683,
0.315329372882843,
-0.043989986181259155,
0.5577057003974915,
0.16910824179649353,
-0.6591879725456238,
-0.147224560379982,
0.19276569783687592,
-0.3747001588344574,
-0.754980206489563,
0.18496203422546387,
0.3660443127155304,
0.4304291605949402,
0.8931568264961243,
-0.01817639172077179,
0.9182010889053345,
-0.22897782921791077,
0.9496064186096191,
-0.038761794567108154,
-1.072059988975525,
0.7005126476287842,
-0.7013587951660156,
0.49182581901550293,
0.5306000709533691,
0.36982274055480957,
-0.6023311018943787,
-0.22235269844532013,
-0.8972879648208618,
-0.7061532139778137,
0.8093720078468323,
0.13579662144184113,
0.01658695749938488,
0.1223842203617096,
0.443795382976532,
-0.0979624018073082,
0.04426012188196182,
-0.654556155204773,
-0.3849084675312042,
-0.39870667457580566,
-0.1508956104516983,
-0.002024492248892784,
-0.28449705243110657,
-0.20100271701812744,
-0.2346181720495224,
0.786104142665863,
-0.09421879798173904,
0.21304073929786682,
0.19160787761211395,
-0.10724952071905136,
-0.1875525563955307,
0.04916427657008171,
0.9629495143890381,
0.5649110674858093,
-0.24282954633235931,
-0.13822431862354279,
0.31955668330192566,
-0.5408937931060791,
-0.2114555686712265,
0.07632885128259659,
-0.35541898012161255,
-0.06795327365398407,
0.3676443099975586,
1.0611809492111206,
0.39413926005363464,
-0.3513071537017822,
0.44925257563591003,
-0.029833992943167686,
-0.28531181812286377,
-0.675291121006012,
0.3871411085128784,
0.10194351524114609,
0.2666338086128235,
0.1576441526412964,
-0.14657965302467346,
0.03796263039112091,
-0.4057155251502991,
0.05729423090815544,
0.21678012609481812,
-0.38063210248947144,
-0.5480437874794006,
1.0292562246322632,
0.3970377445220947,
0.0050388723611831665,
0.6260076761245728,
-0.40787243843078613,
-0.5226721167564392,
0.48930269479751587,
0.25852203369140625,
1.1207603216171265,
-0.3569619357585907,
0.2170325219631195,
0.8712084889411926,
0.250333696603775,
-0.08611015230417252,
0.6536478400230408,
-0.10433051735162735,
-0.40907543897628784,
-0.15001125633716583,
-0.7217015027999878,
-0.28484752774238586,
0.13743984699249268,
-0.6247474551200867,
0.37780556082725525,
-0.9628394842147827,
-0.06544648110866547,
-0.05219297483563423,
0.30059683322906494,
-0.6014121174812317,
0.3057394325733185,
0.2598288357257843,
1.0434868335723877,
-0.673376739025116,
0.9733448028564453,
1.018142819404602,
-0.8519101738929749,
-1.0226937532424927,
-0.059720367193222046,
0.34592267870903015,
-0.43920281529426575,
0.2740761935710907,
0.15727190673351288,
0.15110941231250763,
-0.032571982592344284,
-0.3496405780315399,
-0.8898302912712097,
1.2777397632598877,
0.3755016624927521,
-0.4676525592803955,
0.010890716686844826,
0.11127285659313202,
0.49870753288269043,
-0.17777352035045624,
0.6902625560760498,
0.5960211157798767,
0.5971570611000061,
0.3039228022098541,
-1.2747665643692017,
0.4016106128692627,
-0.29755309224128723,
0.11702259629964828,
0.14038223028182983,
-1.032633662223816,
0.878390908241272,
-0.36481404304504395,
-0.17783133685588837,
0.1347406506538391,
0.937171995639801,
0.34513965249061584,
0.1612882763147354,
0.6001448035240173,
0.6814332604408264,
0.7701222896575928,
-0.3181825280189514,
1.2902716398239136,
-0.6162843704223633,
0.45520079135894775,
0.763594388961792,
0.24283428490161896,
0.8043873310089111,
0.35208508372306824,
-0.1520567536354065,
0.6995381712913513,
0.927252471446991,
0.10118283331394196,
0.2126619666814804,
-0.05303400009870529,
-0.5022925734519958,
-0.1755877435207367,
-0.004690379370003939,
-0.4982500672340393,
0.11894774436950684,
0.3932003676891327,
-0.35580065846443176,
-0.2981779873371124,
-0.11507389694452286,
0.3214326500892639,
-0.3057277500629425,
-0.2610291838645935,
0.579670786857605,
0.14811761677265167,
-0.7174062728881836,
0.9788628220558167,
0.13461917638778687,
0.7948384881019592,
-0.7356113195419312,
0.12081586569547653,
-0.4812116026878357,
0.33584344387054443,
-0.5306084752082825,
-0.39637383818626404,
0.30631476640701294,
-0.050252221524715424,
-0.02014041133224964,
-0.1353674679994583,
0.3888813555240631,
-0.4223683774471283,
-0.48891785740852356,
0.20831672847270966,
0.04682989418506622,
0.28642958402633667,
-0.07093024998903275,
-0.8415474891662598,
0.44718438386917114,
0.09377887845039368,
-0.3361462354660034,
0.24691815674304962,
0.20455363392829895,
-0.3021526038646698,
0.7942230105400085,
0.4431329667568207,
-0.23442839086055756,
0.4346362054347992,
0.30980637669563293,
0.750603199005127,
-0.7905545830726624,
-0.626150906085968,
-0.51349937915802,
0.5402908325195312,
-0.05891665071249008,
-0.5941500663757324,
0.6976566910743713,
0.6947904825210571,
1.0963209867477417,
-0.19622361660003662,
0.930037260055542,
-0.4835936427116394,
0.2782983183860779,
-0.4803760349750519,
0.8283970952033997,
-0.9175596237182617,
0.013399261049926281,
-0.5254907608032227,
-0.7972922325134277,
-0.1072925329208374,
0.710534393787384,
-0.40014299750328064,
0.5053651332855225,
0.7294214367866516,
0.669611394405365,
-0.40209606289863586,
0.23071663081645966,
0.2255043387413025,
0.07841036468744278,
0.6128556728363037,
0.8335466980934143,
0.2894079089164734,
-0.8086148500442505,
0.530719518661499,
-0.7186630964279175,
-0.09214820712804794,
-0.22971603274345398,
-0.7475726008415222,
-0.9992664456367493,
-0.5951786041259766,
-0.4027581810951233,
-0.31873077154159546,
0.1520770639181137,
0.7729029655456543,
0.8726487755775452,
-1.0826764106750488,
-0.33328214287757874,
-0.29498252272605896,
0.05387619137763977,
-0.2844601273536682,
-0.26945239305496216,
0.3544905483722687,
-0.5042217969894409,
-1.0705457925796509,
0.1387450397014618,
0.060891322791576385,
0.2076243907213211,
-0.36098235845565796,
-0.2250170111656189,
-0.18982401490211487,
-0.3905199468135834,
0.2878834903240204,
0.672587513923645,
-1.0312970876693726,
-0.446550190448761,
-0.2285490483045578,
-0.13052690029144287,
-0.06747040897607803,
0.4909842908382416,
-0.44533687829971313,
0.33145567774772644,
0.4650099575519562,
0.4790508449077606,
0.6690089702606201,
-0.021976923570036888,
0.7280997633934021,
-0.4016285836696625,
0.395468533039093,
-0.21899621188640594,
0.2614777386188507,
0.2888292074203491,
-0.10587526857852936,
0.5213922262191772,
0.29668310284614563,
-0.32683858275413513,
-0.5773246884346008,
0.08333717286586761,
-0.9722607731819153,
0.11580018699169159,
1.1477018594741821,
-0.4125289022922516,
-0.4931049346923828,
0.23599807918071747,
-0.05523974075913429,
0.3225308954715729,
-0.46110445261001587,
0.6267758011817932,
0.7872701287269592,
0.12734483182430267,
-0.5248056054115295,
-0.7928739190101624,
0.8275614380836487,
0.527356743812561,
-0.9116719961166382,
-0.21277961134910583,
0.37234172224998474,
0.706256628036499,
0.008236762136220932,
0.5377114415168762,
-0.03048517554998398,
0.4016687870025635,
0.01860892027616501,
0.3075574040412903,
-0.14528703689575195,
-0.14156459271907806,
-0.3814452290534973,
-0.06004549190402031,
0.009645693004131317,
-0.2613550126552582
] |
hfl/chinese-llama-2-7b
|
hfl
| 2023-11-16T04:59:24Z | 5,153 | 71 |
transformers
|
[
"transformers",
"pytorch",
"llama",
"text-generation",
"license:apache-2.0",
"endpoints_compatible",
"text-generation-inference",
"region:us"
] |
text-generation
| 2023-07-27T06:54:32Z |
---
license: apache-2.0
---
# Chinese-LLaMA-2-7B
**This is the full Chinese-LLaMA-2-7B model,which can be loaded directly for inference and full-parameter training.**
**Related models👇**
* Long context base models
* [Chinese-LLaMA-2-7B-16K (full model)](https://huggingface.co/hfl/chinese-llama-2-7b-16k)
* [Chinese-LLaMA-2-LoRA-7B-16K (LoRA model)](https://huggingface.co/hfl/chinese-llama-2-lora-7b-16k)
* [Chinese-LLaMA-2-13B-16K (full model)](https://huggingface.co/hfl/chinese-llama-2-13b-16k)
* [Chinese-LLaMA-2-LoRA-13B-16K (LoRA model)](https://huggingface.co/hfl/chinese-llama-2-lora-13b-16k)
* Base models
* [Chinese-LLaMA-2-7B (full model)](https://huggingface.co/hfl/chinese-llama-2-7b)
* [Chinese-LLaMA-2-LoRA-7B (LoRA model)](https://huggingface.co/hfl/chinese-llama-2-lora-7b)
* [Chinese-LLaMA-2-13B (full model)](https://huggingface.co/hfl/chinese-llama-2-13b)
* [Chinese-LLaMA-2-LoRA-13B (LoRA model)](https://huggingface.co/hfl/chinese-llama-2-lora-13b)
* Instruction/Chat models
* [Chinese-Alpaca-2-7B (full model)](https://huggingface.co/hfl/chinese-alpaca-2-7b)
* [Chinese-Alpaca-2-LoRA-7B (LoRA model)](https://huggingface.co/hfl/chinese-alpaca-2-lora-7b)
* [Chinese-Alpaca-2-13B (full model)](https://huggingface.co/hfl/chinese-alpaca-2-13b)
* [Chinese-Alpaca-2-LoRA-13B (LoRA model)](https://huggingface.co/hfl/chinese-alpaca-2-lora-13b)
# Description of Chinese-LLaMA-Alpaca-2
This project is based on the Llama-2, released by Meta, and it is the second generation of the Chinese LLaMA & Alpaca LLM project. We open-source Chinese LLaMA-2 (foundation model) and Alpaca-2 (instruction-following model). These models have been expanded and optimized with Chinese vocabulary beyond the original Llama-2. We used large-scale Chinese data for incremental pre-training, which further improved the fundamental semantic understanding of the Chinese language, resulting in a significant performance improvement compared to the first-generation models. The relevant models support a 4K context and can be expanded up to 18K+ using the NTK method.
The main contents of this project include:
* 🚀 New extended Chinese vocabulary beyond Llama-2, open-sourcing the Chinese LLaMA-2 and Alpaca-2 LLMs.
* 🚀 Open-sourced the pre-training and instruction finetuning (SFT) scripts for further tuning on user's data
* 🚀 Quickly deploy and experience the quantized LLMs on CPU/GPU of personal PC
* 🚀 Support for LLaMA ecosystems like 🤗transformers, llama.cpp, text-generation-webui, LangChain, vLLM etc.
Please refer to [https://github.com/ymcui/Chinese-LLaMA-Alpaca-2/](https://github.com/ymcui/Chinese-LLaMA-Alpaca-2/) for details.
|
[
-0.36570075154304504,
-0.6347818970680237,
0.29429173469543457,
0.7994703054428101,
-0.6708724498748779,
-0.2352357655763626,
0.017327282577753067,
-0.9467898011207581,
0.31848835945129395,
0.50428706407547,
-0.5628894567489624,
-0.5255672335624695,
-0.503750741481781,
0.04184950143098831,
-0.2427612841129303,
0.7221848964691162,
-0.07352105528116226,
0.19229556620121002,
0.27351245284080505,
-0.30855438113212585,
-0.40592074394226074,
-0.40964555740356445,
-0.7410340905189514,
-0.5625993609428406,
0.7283758521080017,
0.08650478720664978,
0.8029480576515198,
0.9184798002243042,
0.4549620449542999,
0.20508241653442383,
-0.29505041241645813,
0.2840180993080139,
-0.3404415249824524,
-0.42932021617889404,
0.11488272994756699,
-0.41552409529685974,
-0.8655812740325928,
-0.03614307567477226,
0.3864939212799072,
0.4400884509086609,
-0.2639152705669403,
0.41777095198631287,
-0.025136226788163185,
0.37927010655403137,
-0.43854108452796936,
0.29885756969451904,
-0.4924755096435547,
0.047427888959646225,
-0.33381426334381104,
0.02815883420407772,
-0.33223438262939453,
-0.15750879049301147,
-0.10503897070884705,
-0.986870288848877,
-0.08387532085180283,
-0.08439915627241135,
1.3562309741973877,
0.29391080141067505,
-0.6292216181755066,
-0.2645234763622284,
-0.25753718614578247,
0.7934147715568542,
-1.0047580003738403,
0.2168271541595459,
0.4888961613178253,
0.1680498719215393,
-0.3326512575149536,
-0.8106281161308289,
-0.606566846370697,
-0.34142547845840454,
-0.24784228205680847,
0.13321395218372345,
0.11464963108301163,
-0.1326317936182022,
0.13031476736068726,
0.3105632960796356,
-0.5034738183021545,
0.5075200796127319,
-0.5509383082389832,
-0.10031825304031372,
0.7942270040512085,
-0.11178130656480789,
0.3064093589782715,
-0.08868487924337387,
-0.5485907196998596,
-0.1843687742948532,
-0.9969602227210999,
0.12139148265123367,
0.24645857512950897,
0.39916104078292847,
-0.6986708641052246,
0.5282232761383057,
-0.2912863790988922,
0.6640406847000122,
0.02266666851937771,
-0.448589026927948,
0.574186384677887,
-0.4551026523113251,
-0.21424594521522522,
-0.20116107165813446,
0.8094950318336487,
0.35761862993240356,
-0.039957642555236816,
0.2104531228542328,
-0.22066949307918549,
-0.1795988827943802,
-0.4513143002986908,
-0.8808783292770386,
-0.0018933472456410527,
0.04546186327934265,
-0.6900953054428101,
-0.3617652654647827,
0.04016675427556038,
-0.44694533944129944,
-0.23040881752967834,
-0.25045692920684814,
0.34117740392684937,
-0.16912010312080383,
-0.4966033399105072,
0.22959937155246735,
0.08908680081367493,
0.9488038420677185,
0.4100700616836548,
-0.7967217564582825,
0.10334161669015884,
0.5712830424308777,
0.8471235632896423,
0.008972972631454468,
-0.40180209279060364,
-0.029691681265830994,
0.30450335144996643,
-0.512454628944397,
0.7403298020362854,
-0.25286099314689636,
-0.4785284698009491,
-0.20812641084194183,
0.4042779803276062,
0.13749754428863525,
-0.4975011348724365,
0.607345461845398,
-0.4410110116004944,
0.08068360388278961,
-0.5958682894706726,
-0.16131877899169922,
-0.5541224479675293,
0.3120293915271759,
-0.8994858264923096,
1.2567331790924072,
0.08038449287414551,
-0.7038111686706543,
0.20141920447349548,
-0.7336428761482239,
-0.2266431748867035,
-0.1739109605550766,
0.00823324266821146,
-0.2950131297111511,
-0.30309635400772095,
0.20928288996219635,
0.4233545958995819,
-0.6567935347557068,
0.08389085531234741,
-0.3421705663204193,
-0.5875508189201355,
-0.1408567875623703,
-0.07275810092687607,
1.2313332557678223,
0.1548793613910675,
-0.292555034160614,
-0.06580323725938797,
-0.8762272596359253,
-0.20257645845413208,
0.7995550632476807,
-0.45344001054763794,
-0.05575203895568848,
-0.013823060318827629,
-0.09534773975610733,
0.1845771074295044,
0.7653719186782837,
-0.4044328033924103,
0.31163015961647034,
-0.36275169253349304,
0.4134591817855835,
0.787238359451294,
-0.14255940914154053,
0.09732644259929657,
-0.38295668363571167,
0.274777352809906,
0.23061396181583405,
0.3530850410461426,
-0.06757275015115738,
-0.7452344298362732,
-1.188227891921997,
-0.26276785135269165,
0.11740273237228394,
0.7298842668533325,
-0.7054159045219421,
0.5428463816642761,
0.0618610605597496,
-0.761482298374176,
-0.309281587600708,
0.14572815597057343,
0.5323836207389832,
0.2936006784439087,
0.3117446005344391,
-0.2576393783092499,
-0.6829236149787903,
-1.0629534721374512,
0.24799399077892303,
-0.5118488073348999,
-0.07017742842435837,
0.13953043520450592,
0.5905789136886597,
-0.3234351873397827,
0.5418165326118469,
-0.3305242359638214,
-0.08582613617181778,
-0.24334749579429626,
-0.21285861730575562,
0.44412609934806824,
0.4720597565174103,
0.9713184237480164,
-0.6373257637023926,
-0.23177586495876312,
0.14689964056015015,
-0.8028915524482727,
0.01871878281235695,
-0.009605666622519493,
-0.4523131251335144,
0.18524812161922455,
0.03592316433787346,
-0.7470057010650635,
0.4393681585788727,
0.6347706913948059,
-0.2318616360425949,
0.42658761143684387,
-0.057177215814590454,
-0.25882574915885925,
-1.2352643013000488,
0.10108208656311035,
-0.06823427975177765,
0.17962151765823364,
-0.46297141909599304,
0.4435539245605469,
0.1434965431690216,
0.4379812479019165,
-0.7455834746360779,
0.8732503652572632,
-0.6153364181518555,
-0.2063283920288086,
-0.1692555695772171,
0.0809185579419136,
0.21765770018100739,
0.812004029750824,
0.14548221230506897,
0.6476213335990906,
0.42120790481567383,
-0.5741845965385437,
0.5878426432609558,
0.4795690178871155,
-0.27777963876724243,
-0.01070585660636425,
-0.9039311408996582,
0.38519787788391113,
0.052915748208761215,
0.7161498665809631,
-0.8517475128173828,
-0.3268643319606781,
0.6328666806221008,
-0.35207125544548035,
0.012538084760308266,
0.14431941509246826,
-0.6374456286430359,
-0.541222333908081,
-0.6568482518196106,
0.5128864049911499,
0.6268319487571716,
-1.014919400215149,
0.3478938043117523,
0.0326630063354969,
0.2488459050655365,
-0.8733910918235779,
-1.0407016277313232,
-0.09298194199800491,
-0.2642732262611389,
-0.5615569949150085,
0.32462015748023987,
-0.1553119719028473,
-0.048420507460832596,
-0.20598113536834717,
0.06723878532648087,
-0.1321771740913391,
0.12800244987010956,
0.16793246567249298,
0.7385650277137756,
-0.4466588795185089,
-0.1593760848045349,
0.030569393187761307,
0.14519600570201874,
-0.08967619389295578,
0.1508808135986328,
0.6444791555404663,
-0.04993641749024391,
-0.3351159989833832,
-0.5079339146614075,
0.09145021438598633,
0.10843148827552795,
-0.2639828324317932,
0.84473717212677,
0.7654433250427246,
-0.5158804059028625,
-0.0023884528782218695,
-0.6017370820045471,
0.06086025759577751,
-0.5085853934288025,
0.38040971755981445,
-0.5351666808128357,
-0.6791173219680786,
0.6395400166511536,
0.24132037162780762,
0.3781583607196808,
0.6415418386459351,
0.7109324336051941,
0.3115828335285187,
1.0868687629699707,
0.6905874013900757,
-0.2597461938858032,
0.4919481575489044,
-0.32967790961265564,
-0.046188876032829285,
-0.8612178564071655,
-0.5102503895759583,
-0.4093993306159973,
-0.2459132820367813,
-0.526968240737915,
-0.6304603219032288,
0.021333012729883194,
0.37343406677246094,
-0.7834317684173584,
0.5259777903556824,
-0.6500559449195862,
0.42082199454307556,
0.5801894068717957,
0.32032427191734314,
0.36941561102867126,
0.1269303411245346,
0.03312387317419052,
0.3678073287010193,
-0.32965466380119324,
-0.6162603497505188,
1.1577261686325073,
0.4179609715938568,
0.5323744416236877,
0.15273705124855042,
0.511842668056488,
-0.03752356022596359,
0.32026317715644836,
-0.8092971444129944,
0.6920812129974365,
-0.20421960949897766,
-0.5215746760368347,
-0.08499453961849213,
-0.1061539500951767,
-0.9245545268058777,
0.43952101469039917,
0.20386309921741486,
-0.6716684103012085,
0.017930787056684494,
-0.026125265285372734,
-0.2904170751571655,
0.2398347407579422,
-0.4081215560436249,
0.5372442007064819,
-0.4322533905506134,
-0.01830434799194336,
-0.13797134160995483,
-0.7002285718917847,
0.9752840995788574,
-0.2703593969345093,
0.050631843507289886,
-0.45148614048957825,
-0.4428093135356903,
0.7809723019599915,
-0.524925947189331,
1.0116074085235596,
-0.2803129553794861,
-0.4396224319934845,
0.6857395172119141,
-0.29305341839790344,
0.7471091747283936,
-0.015372596681118011,
-0.3120155334472656,
0.5747990608215332,
0.007438885048031807,
-0.528261125087738,
-0.2231796830892563,
0.4998543858528137,
-1.2448452711105347,
-0.6531209349632263,
-0.3034585416316986,
-0.23293279111385345,
-0.0331837460398674,
0.10228355973958969,
0.46626362204551697,
-0.12880104780197144,
-0.0562530942261219,
0.14167550206184387,
0.23139910399913788,
-0.4072849750518799,
0.501383900642395,
0.6433191299438477,
-0.2335951328277588,
-0.406141459941864,
0.6868072152137756,
0.05620044469833374,
0.20096129179000854,
0.4022093117237091,
0.17781253159046173,
-0.22209623456001282,
-0.4572850167751312,
-0.6999056935310364,
0.6066660284996033,
-0.7487033009529114,
-0.20765183866024017,
-0.4383133351802826,
-0.6312317252159119,
-0.36095884442329407,
0.07664750516414642,
-0.27393442392349243,
-0.4540805220603943,
-0.6855204105377197,
-0.23971928656101227,
0.5377784371376038,
0.5927958488464355,
-0.10991726070642471,
0.7139067053794861,
-0.6526597142219543,
0.44011178612709045,
0.3646988570690155,
0.11161927878856659,
0.185331329703331,
-0.9122361540794373,
-0.18344242870807648,
0.3103087246417999,
-0.5006957650184631,
-0.8181712627410889,
0.49210864305496216,
0.26536861062049866,
0.5823614597320557,
0.5980544686317444,
-0.2854194939136505,
0.9890503883361816,
-0.29278063774108887,
1.1476852893829346,
0.3795115351676941,
-0.7641964554786682,
0.5756328701972961,
-0.32785993814468384,
-0.08123992383480072,
0.13426201045513153,
0.11324334144592285,
-0.4016124904155731,
0.05088355764746666,
-0.2985824942588806,
-0.7873875498771667,
0.9336789846420288,
0.06163855269551277,
0.2344927191734314,
0.09955573081970215,
0.5488199591636658,
0.21074940264225006,
-0.03938484564423561,
-1.184509515762329,
-0.37197837233543396,
-0.44800838828086853,
-0.09058046340942383,
0.06173034384846687,
-0.416136771440506,
-0.11352581530809402,
-0.40786489844322205,
0.9907460808753967,
-0.2122940719127655,
0.20042070746421814,
-0.0281586442142725,
0.08567874133586884,
-0.14255806803703308,
-0.3001519739627838,
0.6904234886169434,
0.4433022737503052,
-0.09476824849843979,
-0.37782275676727295,
0.519311785697937,
-0.5554700493812561,
0.13470204174518585,
0.008200024254620075,
-0.2258875072002411,
-0.017656683921813965,
0.5890591144561768,
1.0302354097366333,
0.04691898822784424,
-0.7010560631752014,
0.530086100101471,
0.10220672935247421,
-0.12237106263637543,
-0.612041175365448,
0.013576985336840153,
0.36970552802085876,
0.4098578095436096,
0.20676280558109283,
-0.41670432686805725,
0.0191486869007349,
-0.4637552797794342,
-0.2180030196905136,
0.2766861021518707,
0.2238740772008896,
-0.5000978708267212,
0.7226596474647522,
0.16924911737442017,
-0.0552917905151844,
0.48658066987991333,
-0.3597649335861206,
-0.26171159744262695,
1.185228943824768,
0.7109556794166565,
0.5714738368988037,
-0.44055235385894775,
0.12233242392539978,
0.6873314380645752,
0.3245861828327179,
-0.4828571677207947,
0.43980976939201355,
0.06795837730169296,
-0.7876833081245422,
-0.26860517263412476,
-0.7140278816223145,
-0.40818920731544495,
0.42450836300849915,
-0.6548527479171753,
0.6836612224578857,
-0.5574383735656738,
-0.11933129280805588,
-0.3259783685207367,
0.3801870346069336,
-0.5782361030578613,
0.20953577756881714,
0.5013179779052734,
1.1204739809036255,
-0.5679956078529358,
1.20840585231781,
0.6973136067390442,
-0.4056861996650696,
-1.1828830242156982,
-0.39802855253219604,
0.00833255983889103,
-1.587480902671814,
0.6853959560394287,
0.25599804520606995,
0.05456773564219475,
-0.33450040221214294,
-0.8878225684165955,
-1.3347020149230957,
1.719579815864563,
0.38635650277137756,
-0.5768270492553711,
-0.22772695124149323,
0.21183738112449646,
0.43227288126945496,
-0.2321317493915558,
0.3282524645328522,
0.730517566204071,
0.5505642890930176,
0.5310401320457458,
-1.0676406621932983,
0.21658506989479065,
-0.38182350993156433,
0.1800653636455536,
-0.16895385086536407,
-1.5011892318725586,
1.3620662689208984,
-0.28423163294792175,
-0.09084408730268478,
0.7167585492134094,
0.9221532940864563,
0.9208040833473206,
0.18456703424453735,
0.6224222183227539,
0.44417160749435425,
0.6112697124481201,
0.11913266032934189,
0.6469679474830627,
-0.29997149109840393,
0.2732459306716919,
1.0050750970840454,
-0.3480302691459656,
0.9760412573814392,
0.2486933469772339,
-0.36362478137016296,
0.5740373730659485,
1.2914997339248657,
-0.24616555869579315,
0.34699174761772156,
0.13441872596740723,
-0.17991559207439423,
-0.09965450316667557,
-0.2820972502231598,
-0.8286729454994202,
0.5501717329025269,
0.4619998633861542,
-0.3184886574745178,
-0.05768109858036041,
-0.4498319625854492,
0.3563593626022339,
-0.5667806267738342,
-0.27125439047813416,
0.4418916702270508,
0.28517022728919983,
-0.4096710979938507,
0.8913745880126953,
0.3002845048904419,
1.0053343772888184,
-0.7595416903495789,
-0.0749182477593422,
-0.5395210385322571,
-0.054737769067287445,
-0.3264758586883545,
-0.47521042823791504,
-0.09133850783109665,
0.10824587941169739,
0.11706109344959259,
0.2852281332015991,
0.6422496438026428,
-0.23669186234474182,
-0.75935298204422,
0.7192565202713013,
0.4388124644756317,
0.3323018252849579,
0.155011385679245,
-0.8753607273101807,
0.19818809628486633,
0.09607524424791336,
-0.8456858396530151,
0.3262059986591339,
0.3056589961051941,
-0.1933196634054184,
0.7377340793609619,
0.7699260115623474,
0.052071113139390945,
0.21351104974746704,
0.05822143703699112,
0.9035035967826843,
-0.7030249238014221,
-0.3123573958873749,
-0.8245320320129395,
0.2786395251750946,
0.021514685824513435,
-0.35755109786987305,
0.46456944942474365,
0.44556957483291626,
0.8925880193710327,
0.035358283668756485,
0.678097128868103,
-0.0629320740699768,
0.45763492584228516,
-0.4507933259010315,
0.5353986620903015,
-0.9246734380722046,
0.22698566317558289,
0.039479564875364304,
-0.9060618281364441,
-0.15796224772930145,
0.690667450428009,
0.1012660413980484,
0.14704923331737518,
0.34340041875839233,
0.7674922347068787,
0.11082243174314499,
-0.049689967185258865,
0.1399863362312317,
0.2853519022464752,
0.4112972617149353,
0.9872949123382568,
0.8936208486557007,
-0.6687100529670715,
0.6621418595314026,
-0.6094202399253845,
-0.20516981184482574,
-0.20226219296455383,
-0.875970721244812,
-0.9176200032234192,
-0.2598455846309662,
-0.0678100436925888,
-0.13699300587177277,
-0.19244934618473053,
0.9486428499221802,
0.786425769329071,
-0.7614500522613525,
-0.49967527389526367,
0.3095540404319763,
-0.03755320608615875,
-0.06605950742959976,
-0.13865740597248077,
0.5685625672340393,
0.09761281311511993,
-0.8536791801452637,
0.3705024719238281,
0.00034686323488131166,
0.41370993852615356,
-0.2172473967075348,
-0.3126700520515442,
-0.17186905443668365,
0.183174267411232,
0.7772226333618164,
0.4141075909137726,
-1.0764254331588745,
-0.30908066034317017,
-0.06759174168109894,
-0.28681063652038574,
0.15296576917171478,
0.14430949091911316,
-0.6185756325721741,
-0.3377366364002228,
0.3042737543582916,
0.35035213828086853,
0.4848089814186096,
0.015975885093212128,
0.09494095295667648,
-0.3765694797039032,
0.7352983951568604,
-0.1478084921836853,
0.5780876278877258,
0.300866961479187,
-0.24210751056671143,
0.9900696277618408,
0.2575804889202118,
-0.3083278238773346,
-0.9017836451530457,
0.10118010640144348,
-1.390865683555603,
-0.3074146509170532,
1.2525832653045654,
-0.28582918643951416,
-0.3979961574077606,
0.42103976011276245,
-0.3882434666156769,
0.5294055938720703,
-0.21294106543064117,
0.5509583950042725,
0.5834551453590393,
-0.0033109814394265413,
-0.08657359331846237,
-0.603861927986145,
0.08108191192150116,
0.3331192135810852,
-0.9070125222206116,
-0.2744050621986389,
0.2011376917362213,
0.31763526797294617,
0.09757154434919357,
0.5823045969009399,
-0.07919321209192276,
0.20400851964950562,
-0.053850769996643066,
0.29421043395996094,
-0.15414676070213318,
0.02738383039832115,
-0.005252630915492773,
-0.2810848355293274,
0.08359375596046448,
-0.4192645847797394
] |
RWKV/rwkv-4-1b5-pile
|
RWKV
| 2023-05-15T10:01:06Z | 5,148 | 5 |
transformers
|
[
"transformers",
"pytorch",
"rwkv",
"text-generation",
"dataset:EleutherAI/pile",
"endpoints_compatible",
"has_space",
"region:us"
] |
text-generation
| 2023-05-04T13:42:33Z |
---
datasets:
- EleutherAI/pile
---

# Model card for RWKV-4 | 1B5 parameters trained on Pile dataset
RWKV is a project led by [Bo Peng](https://github.com/BlinkDL). Learn more about the model architecture in the blogposts from Johan Wind [here](https://johanwind.github.io/2023/03/23/rwkv_overview.html) and [here](https://johanwind.github.io/2023/03/23/rwkv_details.html). Learn more about the project by joining the [RWKV discord server](https://discordapp.com/users/468093332535640064).
# Table of contents
0. [TL;DR](#TL;DR)
1. [Model Details](#model-details)
2. [Usage](#usage)
3. [Citation](#citation)
## TL;DR
Below is the description from the [original repository](https://github.com/BlinkDL/RWKV-LM)
> RWKV is an RNN with transformer-level LLM performance. It can be directly trained like a GPT (parallelizable). It's combining the best of RNN and transformer - great performance, fast inference, saves VRAM, fast training, "infinite" ctx_len, and free sentence embedding.
## Model Details
The details of the architecture can be found on the blogpost mentioned above and the Hugging Face blogpost of the integration.
## Usage
### Convert the raw weights to the HF format
You can use the [`convert_rwkv_checkpoint_to_hf.py`](https://github.com/huggingface/transformers/tree/main/src/transformers/models/rwkv/convert_rwkv_checkpoint_to_hf.py) script by specifying the repo_id of the original weights, the filename and the output directory. You can also optionally directly push the converted model on the Hub by passing `--push_to_hub` flag and `--model_name` argument to specify where to push the converted weights.
```bash
python convert_rwkv_checkpoint_to_hf.py --repo_id RAW_HUB_REPO --checkpoint_file RAW_FILE --output_dir OUTPUT_DIR --push_to_hub --model_name dummy_user/converted-rwkv
```
### Generate text
You can use the `AutoModelForCausalLM` and `AutoTokenizer` classes to generate texts from the model. Expand the sections below to understand how to run the model in different scenarios:
### Running the model on a CPU
<details>
<summary> Click to expand </summary>
```python
from transformers import AutoModelForCausalLM, AutoTokenizer
model = AutoModelForCausalLM.from_pretrained("RWKV/rwkv-4-1b5-pile")
tokenizer = AutoTokenizer.from_pretrained("RWKV/rwkv-4-1b5-pile")
prompt = "\nIn a shocking finding, scientist discovered a herd of dragons living in a remote, previously unexplored valley, in Tibet. Even more surprising to the researchers was the fact that the dragons spoke perfect Chinese."
inputs = tokenizer(prompt, return_tensors="pt")
output = model.generate(inputs["input_ids"], max_new_tokens=40)
print(tokenizer.decode(output[0].tolist(), skip_special_tokens=True))
```
### Running the model on a single GPU
<details>
<summary> Click to expand </summary>
```python
from transformers import AutoModelForCausalLM, AutoTokenizer
model = AutoModelForCausalLM.from_pretrained("RWKV/rwkv-4-1b5-pile").to(0)
tokenizer = AutoTokenizer.from_pretrained("RWKV/rwkv-4-1b5-pile")
prompt = "\nIn a shocking finding, scientist discovered a herd of dragons living in a remote, previously unexplored valley, in Tibet. Even more surprising to the researchers was the fact that the dragons spoke perfect Chinese."
inputs = tokenizer(prompt, return_tensors="pt").to(0)
output = model.generate(inputs["input_ids"], max_new_tokens=40)
print(tokenizer.decode(output[0].tolist(), skip_special_tokens=True))
```
</details>
</details>
### Running the model in half-precision, on GPU
<details>
<summary> Click to expand </summary>
```python
import torch
from transformers import AutoModelForCausalLM, AutoTokenizer
model = AutoModelForCausalLM.from_pretrained("RWKV/rwkv-4-1b5-pile", torch_dtype=torch.float16).to(0)
tokenizer = AutoTokenizer.from_pretrained("RWKV/rwkv-4-1b5-pile")
prompt = "\nIn a shocking finding, scientist discovered a herd of dragons living in a remote, previously unexplored valley, in Tibet. Even more surprising to the researchers was the fact that the dragons spoke perfect Chinese."
inputs = tokenizer(prompt, return_tensors="pt").to(0)
output = model.generate(inputs["input_ids"], max_new_tokens=40)
print(tokenizer.decode(output[0].tolist(), skip_special_tokens=True))
```
</details>
### Running the model multiple GPUs
<details>
<summary> Click to expand </summary>
```python
# pip install accelerate
from transformers import AutoModelForCausalLM, AutoTokenizer
model = AutoModelForCausalLM.from_pretrained("RWKV/rwkv-4-1b5-pile", device_map="auto")
tokenizer = AutoTokenizer.from_pretrained("RWKV/rwkv-4-1b5-pile")
prompt = "\nIn a shocking finding, scientist discovered a herd of dragons living in a remote, previously unexplored valley, in Tibet. Even more surprising to the researchers was the fact that the dragons spoke perfect Chinese."
inputs = tokenizer(prompt, return_tensors="pt").to(0)
output = model.generate(inputs["input_ids"], max_new_tokens=40)
print(tokenizer.decode(output[0].tolist(), skip_special_tokens=True))
```
</details>
## Citation
If you use this model, please consider citing the original work, from the original repo [here](https://github.com/BlinkDL/ChatRWKV/)
|
[
-0.38129499554634094,
-0.5717824697494507,
-0.017437808215618134,
0.1651851087808609,
-0.2417529821395874,
-0.31947171688079834,
-0.1353645622730255,
-0.30382245779037476,
-0.07984905689954758,
0.24914923310279846,
-0.5355358123779297,
-0.354111909866333,
-0.4960528016090393,
-0.0012924163602292538,
-0.5060490369796753,
0.9632583260536194,
-0.04327801614999771,
0.06755436956882477,
0.20240730047225952,
-0.09285618364810944,
-0.1313943713903427,
-0.29748809337615967,
-0.5364971160888672,
-0.6249355673789978,
0.3817450702190399,
-0.33072054386138916,
0.6862066984176636,
1.097419261932373,
0.2834808826446533,
0.36942222714424133,
-0.14703795313835144,
0.09538652002811432,
-0.37100163102149963,
-0.2142229676246643,
0.13152796030044556,
-0.24149984121322632,
-0.2943623960018158,
0.18637511134147644,
0.699674129486084,
0.272114098072052,
-0.35318684577941895,
0.2356283813714981,
0.06237434223294258,
0.25363612174987793,
-0.19905714690685272,
0.21766795217990875,
-0.3784940540790558,
0.3472994565963745,
0.008861497975885868,
-0.11419372260570526,
-0.3202999234199524,
-0.07829907536506653,
0.07323065400123596,
-1.0160598754882812,
0.5419483184814453,
0.0196192879229784,
1.3406431674957275,
0.6028743386268616,
-0.1696246713399887,
0.03013666719198227,
-0.5408734679222107,
0.8124150037765503,
-1.0208667516708374,
0.28447288274765015,
0.06829727441072464,
0.060722678899765015,
-0.17219509184360504,
-0.9938288927078247,
-0.7036641240119934,
-0.23230358958244324,
-0.2969356179237366,
0.1791478544473648,
-0.15636825561523438,
0.0007917132461443543,
0.5791823863983154,
0.5295596718788147,
-0.6017977595329285,
0.05607406422495842,
-0.5518498420715332,
-0.3374611735343933,
0.5881128907203674,
0.3376893401145935,
0.45811858773231506,
-0.5284667015075684,
-0.4610215425491333,
-0.5501098036766052,
-0.5068867206573486,
0.15603315830230713,
0.3354979157447815,
0.29838740825653076,
-0.36814048886299133,
0.4962536692619324,
-0.1697099506855011,
0.7454043626785278,
0.3306916356086731,
-0.001106915413402021,
0.3066841959953308,
-0.30678150057792664,
-0.402068167924881,
-0.22445423901081085,
1.0828335285186768,
0.11404048651456833,
-0.06173770874738693,
-0.11870256811380386,
-0.1963125467300415,
-0.3027492165565491,
0.16962826251983643,
-1.0773600339889526,
-0.6156843900680542,
0.20442131161689758,
-0.8114776015281677,
-0.43329495191574097,
-0.04424802213907242,
-0.6661009192466736,
-0.2567540109157562,
-0.010169913992285728,
0.655661940574646,
-0.40574559569358826,
-0.6106997728347778,
-0.037342555820941925,
-0.3953738212585449,
0.604441225528717,
0.039668336510658264,
-1.0032098293304443,
-0.11921774595975876,
0.5246477127075195,
0.8106994032859802,
-0.03325369581580162,
-0.7249640822410583,
-0.27985379099845886,
-0.00011550381896086037,
-0.3019387125968933,
0.5995267629623413,
-0.06601012498140335,
-0.5207293629646301,
-0.3021194338798523,
0.31644731760025024,
-0.19094720482826233,
-0.460543692111969,
0.4781360328197479,
-0.3114047646522522,
0.45609867572784424,
-0.27474236488342285,
-0.4657507538795471,
-0.3629712462425232,
0.20897281169891357,
-0.5310530662536621,
1.3646260499954224,
0.14494022727012634,
-0.9476596713066101,
0.2572837173938751,
-0.4922654628753662,
-0.3046889901161194,
0.165435329079628,
-0.009677933529019356,
-0.5729656219482422,
-0.09341751784086227,
0.2834329605102539,
0.42977237701416016,
-0.1302642971277237,
0.24482391774654388,
-0.20999595522880554,
-0.4809623062610626,
0.15082597732543945,
-0.5230259895324707,
1.1064043045043945,
0.28708863258361816,
-0.5655199289321899,
0.28699222207069397,
-0.5897375345230103,
0.07566455751657486,
0.17876574397087097,
-0.5281135439872742,
0.08701928704977036,
-0.008093409240245819,
0.05038680136203766,
0.13194657862186432,
0.2491326630115509,
-0.4453374147415161,
0.2332984060049057,
-0.5030235648155212,
0.745062530040741,
0.7350700497627258,
-0.2867189645767212,
0.2601911127567291,
-0.256818562746048,
0.25046804547309875,
-0.006989863235503435,
0.24988172948360443,
-0.19381089508533478,
-0.5434489846229553,
-0.9435678720474243,
-0.22585390508174896,
0.2928832173347473,
0.3985695540904999,
-0.7457268834114075,
0.5651530027389526,
-0.22923892736434937,
-0.7347855567932129,
-0.6051090955734253,
-0.2359084039926529,
0.13672560453414917,
0.5954272150993347,
0.4287632405757904,
0.004655654542148113,
-0.34547409415245056,
-0.6158484816551208,
-0.19461414217948914,
-0.2672699987888336,
-0.1444833129644394,
0.3557790219783783,
0.5957508683204651,
-0.25873813033103943,
0.7280826568603516,
-0.46004948019981384,
-0.12368577718734741,
-0.19841918349266052,
0.319852352142334,
0.41751986742019653,
0.7428983449935913,
0.41183769702911377,
-0.6480741500854492,
-0.37522315979003906,
0.049139030277729034,
-0.9581336975097656,
0.16346779465675354,
-0.16077804565429688,
-0.1015588790178299,
-0.009632318280637264,
0.35998865962028503,
-0.7910758256912231,
0.40934085845947266,
0.48934394121170044,
-0.2523361146450043,
0.7218565344810486,
-0.40131327509880066,
0.13274645805358887,
-1.0722728967666626,
0.31797945499420166,
-0.09234619140625,
-0.010697567835450172,
-0.5169715285301208,
0.053941451013088226,
0.11139483749866486,
-0.19122369587421417,
-0.42012619972229004,
0.7293760180473328,
-0.3728184103965759,
0.01820524036884308,
-0.24195276200771332,
-0.1314053237438202,
-0.038054656237363815,
0.7208731770515442,
0.05102159455418587,
0.7398836612701416,
0.7819367051124573,
-0.7074601054191589,
0.6164851784706116,
0.40615731477737427,
-0.2633257806301117,
-0.0029615145176649094,
-0.8798519968986511,
0.018518025055527687,
0.06030023843050003,
0.31418493390083313,
-0.7653120756149292,
-0.28570541739463806,
0.46379679441452026,
-0.744417130947113,
0.3737610876560211,
-0.27953991293907166,
-0.34349146485328674,
-0.5491923689842224,
-0.11055857688188553,
0.5329800844192505,
0.6689131855964661,
-0.8717583417892456,
0.850112795829773,
0.2625921666622162,
0.21153922379016876,
-0.8181205987930298,
-0.8556703329086304,
-0.007322340272367001,
-0.3257574141025543,
-0.5644464492797852,
0.48896199464797974,
0.006227940320968628,
0.19311608374118805,
0.16685280203819275,
0.14511603116989136,
-0.09474651515483856,
-0.11854510009288788,
0.301048219203949,
0.45932334661483765,
-0.22730517387390137,
-0.05878080055117607,
-0.2989959716796875,
-0.30408987402915955,
0.2530893385410309,
-0.4262126088142395,
0.5586893558502197,
-0.12775245308876038,
-0.13512729108333588,
-0.7138567566871643,
-0.029384838417172432,
0.49335330724716187,
-0.1260678619146347,
0.7311062216758728,
1.0670949220657349,
-0.42598679661750793,
-0.29342740774154663,
-0.387389212846756,
-0.3482818007469177,
-0.5238633751869202,
0.5940812826156616,
-0.19937679171562195,
-0.4439384639263153,
0.6563408374786377,
0.1081201583147049,
0.12299075722694397,
0.8280242681503296,
0.5609959363937378,
0.031817566603422165,
1.0796284675598145,
0.6343786716461182,
-0.11441052705049515,
0.43480658531188965,
-0.656242311000824,
0.2655228078365326,
-0.7757928967475891,
-0.3160388469696045,
-0.4169250726699829,
-0.0012430063216015697,
-0.6211905479431152,
-0.47287285327911377,
0.24646897614002228,
0.09287495166063309,
-0.5199713706970215,
0.36010536551475525,
-0.9220250248908997,
0.14185956120491028,
0.47845038771629333,
0.025545937940478325,
-0.13772746920585632,
0.02951330505311489,
-0.1838846206665039,
0.10865490883588791,
-0.9982078671455383,
-0.23068645596504211,
0.8754532337188721,
0.38617759943008423,
0.6890702843666077,
-0.32733654975891113,
0.417516827583313,
0.1424858123064041,
0.34396007657051086,
-0.6054219603538513,
0.4752557575702667,
-0.17510169744491577,
-0.6622388958930969,
-0.34544387459754944,
-0.5729306936264038,
-0.7193536758422852,
0.49048757553100586,
-0.19356927275657654,
-0.34553706645965576,
0.08319362998008728,
0.1581408679485321,
-0.5840468406677246,
0.6693989634513855,
-0.4661155641078949,
1.0922396183013916,
-0.0835687518119812,
-0.23114529252052307,
-0.1246744766831398,
-0.46025550365448,
0.4488794505596161,
0.2567279636859894,
-0.0020415321923792362,
0.0021576269064098597,
0.25668415427207947,
0.9592074155807495,
-0.6158726811408997,
0.8050363659858704,
-0.3214258849620819,
0.07508911192417145,
0.42686736583709717,
-0.3302919268608093,
0.5875468850135803,
-0.15080198645591736,
-0.10888008028268814,
0.3749051094055176,
-0.030986621975898743,
-0.29433977603912354,
-0.294177383184433,
0.8079950213432312,
-1.1162166595458984,
-0.39969807863235474,
-0.4326096773147583,
-0.5935719609260559,
0.4851018488407135,
0.2864448130130768,
0.5511857867240906,
0.4018963575363159,
-0.02892763912677765,
-0.06084154173731804,
0.6418757438659668,
-0.5513395071029663,
0.7467989921569824,
0.2128809690475464,
-0.09087181836366653,
-0.5753122568130493,
0.8607087135314941,
0.039695896208286285,
0.08510009199380875,
0.01708536222577095,
0.3202146887779236,
-0.44282639026641846,
-0.36255648732185364,
-0.8315821290016174,
0.40135717391967773,
-0.8045452833175659,
-0.15858161449432373,
-0.7657036185264587,
-0.5677708983421326,
-0.535139799118042,
0.09648605436086655,
-0.4713674783706665,
-0.1717272400856018,
-0.5059602856636047,
0.07824123650789261,
0.39036083221435547,
0.7217797040939331,
-0.2760085463523865,
0.22184248268604279,
-0.7243663668632507,
0.3365226984024048,
0.4395180642604828,
0.12688159942626953,
0.27055099606513977,
-0.9067184329032898,
-0.23541755974292755,
0.09344899654388428,
-0.14697231352329254,
-0.6109685301780701,
0.699980616569519,
-0.05512790381908417,
0.6697878241539001,
0.312878280878067,
-0.02678951621055603,
0.9456978440284729,
-0.3095035254955292,
0.9593253135681152,
0.06429532170295715,
-0.8250455856323242,
0.1218469962477684,
-0.3449367582798004,
0.19629503786563873,
-0.0002315648744115606,
0.13330034911632538,
-0.5153517127037048,
-0.04871920123696327,
-0.5591393709182739,
-0.7812403440475464,
0.7330445647239685,
0.10080406814813614,
0.11396670341491699,
0.2659159004688263,
0.5269284844398499,
-0.07217748463153839,
-0.05012887343764305,
-1.1245503425598145,
-0.5385113954544067,
-0.6636950373649597,
0.004064792767167091,
0.10289457440376282,
0.034835293889045715,
-0.05805855616927147,
-0.6612544059753418,
0.9184686541557312,
0.0033735092729330063,
0.5267016887664795,
0.34768155217170715,
-0.03087303601205349,
-0.14624714851379395,
-0.19241872429847717,
0.40609943866729736,
0.35804322361946106,
0.0571589395403862,
-0.08866821974515915,
0.4371033310890198,
-0.5795595645904541,
-0.11558983474969864,
0.3985899090766907,
-0.34142690896987915,
0.010355204343795776,
0.26055946946144104,
0.9102988839149475,
-0.09284187108278275,
-0.1712358295917511,
0.34686893224716187,
-0.209209144115448,
-0.241207093000412,
-0.42080146074295044,
0.11272771656513214,
0.23784522712230682,
0.33722320199012756,
0.5279852747917175,
0.13861899077892303,
-0.16850553452968597,
-0.08365946263074875,
0.128285750746727,
0.43681156635284424,
-0.2970793843269348,
-0.2642524838447571,
1.070499062538147,
0.21344570815563202,
-0.20815062522888184,
0.9880341291427612,
-0.20032250881195068,
-0.626515805721283,
0.8232195973396301,
0.4317062497138977,
0.950343668460846,
-0.12631958723068237,
0.13703015446662903,
0.8634703159332275,
0.3492019772529602,
-0.25608745217323303,
-0.08974383771419525,
-0.09298516064882278,
-0.6511445045471191,
-0.48135170340538025,
-0.8116209506988525,
-0.06544271856546402,
0.23376315832138062,
-0.5994961857795715,
0.4433271884918213,
-0.21657374501228333,
0.014669300056993961,
-0.03775114193558693,
0.0012925408082082868,
-0.5504969358444214,
0.19542331993579865,
0.135275736451149,
0.883101224899292,
-0.829777181148529,
1.0373069047927856,
0.4785973131656647,
-0.37432894110679626,
-1.1271567344665527,
-0.040991757065057755,
-0.38357216119766235,
-0.9631756544113159,
0.5734826326370239,
0.32889869809150696,
-0.0035030676517635584,
0.31500789523124695,
-0.6188867092132568,
-0.8418918251991272,
1.2760025262832642,
0.01642237789928913,
-0.20419655740261078,
-0.058860983699560165,
0.047873981297016144,
0.5092347860336304,
-0.08577733486890793,
0.4112907648086548,
0.27977582812309265,
0.5453137159347534,
0.16439394652843475,
-0.7659626007080078,
0.2519482672214508,
-0.34247782826423645,
-0.14711657166481018,
0.11977805197238922,
-0.739119827747345,
1.3681831359863281,
-0.3733762204647064,
-0.35248100757598877,
0.2141256183385849,
0.9411432147026062,
0.30920299887657166,
-0.10542307794094086,
0.49837276339530945,
0.6969287395477295,
0.627308189868927,
-0.22859887778759003,
1.0267301797866821,
-0.5894405841827393,
0.8079898357391357,
0.44831815361976624,
0.15085425972938538,
0.5902591943740845,
0.2131318598985672,
-0.21492011845111847,
0.43133345246315,
0.8378967046737671,
-0.5279992818832397,
0.45803532004356384,
0.1878928393125534,
-0.21110953390598297,
-0.2601194977760315,
0.1529511958360672,
-0.6354316473007202,
0.16420167684555054,
0.15037621557712555,
-0.2913264036178589,
-0.17937926948070526,
-0.06534695625305176,
0.035294968634843826,
-0.4449332356452942,
-0.22777187824249268,
0.4021376073360443,
-0.03122018836438656,
-0.7591072916984558,
0.9111533761024475,
0.06705767661333084,
0.9598017930984497,
-0.6504780650138855,
-0.0666569396853447,
-0.03384304419159889,
0.336812287569046,
-0.30216872692108154,
-0.5821620225906372,
0.189456507563591,
-0.163542240858078,
-0.1403506100177765,
-0.2296922206878662,
0.5822578072547913,
-0.5024497509002686,
-0.5181880593299866,
0.19956040382385254,
0.07796987146139145,
0.4084688723087311,
0.048681311309337616,
-1.012561559677124,
-0.02379501238465309,
0.22844839096069336,
-0.530257523059845,
0.19213129580020905,
0.2629842460155487,
0.3398835062980652,
0.7097123861312866,
0.836348831653595,
0.06802591681480408,
0.33264508843421936,
-0.17675812542438507,
0.8845038414001465,
-0.8243073225021362,
-0.39362770318984985,
-0.8625909686088562,
0.5176830887794495,
0.029496725648641586,
-0.5326674580574036,
0.9138633608818054,
0.6099222302436829,
0.7740792632102966,
-0.07637590169906616,
0.8140497207641602,
-0.3313317596912384,
0.1802467703819275,
-0.2716648578643799,
1.0541133880615234,
-0.5028831958770752,
0.040016040205955505,
0.1166345626115799,
-0.5340219736099243,
0.06292925775051117,
0.8840987682342529,
0.04542984068393707,
0.20287366211414337,
0.5153987407684326,
0.9228110909461975,
0.010715856216847897,
-0.06605875492095947,
0.1639307737350464,
0.48678678274154663,
0.3866102397441864,
0.3408374488353729,
0.6988881230354309,
-0.7686682343482971,
0.7060996890068054,
-0.4891005754470825,
-0.13314931094646454,
0.258287638425827,
-0.8702247738838196,
-0.9249071478843689,
-0.48371973633766174,
-0.36883971095085144,
-0.5617061853408813,
-0.1463395059108734,
0.5729730129241943,
0.7843894958496094,
-0.6003975868225098,
-0.27091991901397705,
-0.18837301433086395,
-0.03783863037824631,
-0.29302164912223816,
-0.2587722837924957,
0.5536384582519531,
-0.25828754901885986,
-0.7962337136268616,
0.2773233652114868,
0.03666367381811142,
0.24667805433273315,
-0.5784949660301208,
-0.2568555176258087,
-0.08976279944181442,
-0.21355392038822174,
0.13605016469955444,
0.40532559156417847,
-0.7822017073631287,
-0.14883525669574738,
0.025842757895588875,
-0.20079071819782257,
0.015298368409276009,
0.507534384727478,
-0.8191220164299011,
0.27735793590545654,
0.5875536799430847,
0.38606584072113037,
0.9031872153282166,
-0.018114767968654633,
0.5260952115058899,
-0.2957516610622406,
0.272145539522171,
-0.029710108414292336,
0.2842235863208771,
0.4354948401451111,
-0.44839903712272644,
0.26354852318763733,
0.46577078104019165,
-0.8405352234840393,
-0.918924868106842,
-0.19219066202640533,
-0.7601653337478638,
-0.39218732714653015,
1.150750756263733,
-0.3523479998111725,
-0.42798832058906555,
0.06455855071544647,
-0.02264156937599182,
0.636854350566864,
-0.01593276858329773,
0.8757997155189514,
0.5221988558769226,
-0.12174645066261292,
-0.0727074146270752,
-0.6337987780570984,
0.7403229475021362,
0.3445773124694824,
-0.5330421328544617,
0.22742049396038055,
0.102939173579216,
0.6601412296295166,
0.18391777575016022,
0.4168548583984375,
-0.01781734637916088,
0.15746404230594635,
0.24444474279880524,
0.4152574837207794,
-0.3511604964733124,
0.1179269477725029,
-0.3786846697330475,
-0.0608355775475502,
-0.3941936492919922,
-0.3383888006210327
] |
Open-Orca/LlongOrca-13B-16k
|
Open-Orca
| 2023-08-21T05:15:08Z | 5,147 | 12 |
transformers
|
[
"transformers",
"pytorch",
"llama",
"text-generation",
"en",
"dataset:Open-Orca/OpenOrca",
"arxiv:2306.02707",
"arxiv:2301.13688",
"arxiv:2307.09288",
"license:llama2",
"endpoints_compatible",
"has_space",
"text-generation-inference",
"region:us"
] |
text-generation
| 2023-08-16T23:03:19Z |
---
license: llama2
language:
- en
library_name: transformers
pipeline_tag: text-generation
datasets:
- Open-Orca/OpenOrca
---
<p><h1>🐋 The Second Llong Context Orca! 🐋</h1></p>

# OpenOrca - LlongOrca - 13B - 16k
We have used our own [OpenOrca dataset](https://huggingface.co/datasets/Open-Orca/OpenOrca) to fine-tune on top of [LLongMA-2-13b-16k](https://huggingface.co/conceptofmind/LLongMA-2-13b-16k).
This dataset is our attempt to reproduce the dataset generated for Microsoft Research's [Orca Paper](https://arxiv.org/abs/2306.02707).
We use [OpenChat](https://huggingface.co/openchat) packing, trained with [Axolotl](https://github.com/OpenAccess-AI-Collective/axolotl).
This release is trained on a curated filtered subset of most of our GPT-4 augmented data.
It is the same subset of our data as was used in our [OpenOrcaxOpenChat-Preview2-13B model](https://huggingface.co/Open-Orca/OpenOrcaxOpenChat-Preview2-13B).
HF Leaderboard evals place this model as #1 for all 13B long context models at release time.
We achieve >112% the performance of the base LLongMA2-13b-16k model we tuned on top of.
As well, we preserve >98% of the performance of the OpenOrcaxOpenChat-Preview2-13B model we share datasets with, while extending the context to 16k.
We did this training as part of testing setup of our H100 cluster.
Want to visualize our full (pre-filtering) dataset? Check out our [Nomic Atlas Map](https://atlas.nomic.ai/map/c1b88b47-2d9b-47e0-9002-b80766792582/2560fd25-52fe-42f1-a58f-ff5eccc890d2).
[<img src="https://huggingface.co/Open-Orca/OpenOrca-Preview1-13B/resolve/main/OpenOrca%20Nomic%20Atlas.png" alt="Atlas Nomic Dataset Map" width="400" height="400" />](https://atlas.nomic.ai/map/c1b88b47-2d9b-47e0-9002-b80766792582/2560fd25-52fe-42f1-a58f-ff5eccc890d2)
Many thanks to @EnricoShippole, @theemozilla, and @kaiokendev1 for the fine work on creating the LlongMA-2-13b-16k model this was trained on top of!
We are in-process with training more models, so keep a look out on our org for releases coming soon with exciting partners.
We will also give sneak-peak announcements on our Discord, which you can find here:
https://AlignmentLab.ai
# Prompt Template
We used [OpenAI's Chat Markup Language (ChatML)](https://github.com/openai/openai-python/blob/main/chatml.md) format, with `<|im_start|>` and `<|im_end|>` tokens added to support this.
## Example Prompt Exchange
```
<|im_start|>system
You are LlongOrca, a large language model trained by Alignment Lab AI. Write out your reasoning step-by-step to be sure you get the right answers!
<|im_end|>
<|im_start|>user
How are you<|im_end|>
<|im_start|>assistant
I am doing well!<|im_end|>
<|im_start|>user
How are you now?<|im_end|>
```
# Evaluation
We have evaluated using the methodology and tools for the HuggingFace Leaderboard, and find that we have significantly improved upon the base long context model.
We reach >112% of LLongMA2-13B-16k performance.
## HuggingFaceH4 Open LLM Leaderboard Performance
We have run our own tests using parameters matching the [HuggingFaceH4 Open LLM Leaderboard](https://huggingface.co/spaces/HuggingFaceH4/open_llm_leaderboard) evals.
We preserve >98% of OpenOrcaxOpenChat-Preview2-13B performance and are #1 on the leaderboard for long context 13B models at release time.
We have >103% performance of the next 16k model (vicuna-13b-v1.5-16k).
As well, we expect the context extension techniques from LLongMA to be more robust than other 16k context models available.

## GPT4ALL Leaderboard Performance
We find we score higher than all non-OpenOrca models on the GPT4ALL leaderboard, while preserving ~98.7% of our OpenOrcaxOpenChat-Preview2-13B performance.

# Dataset
We used a curated, filtered selection of most of the GPT-4 augmented data from our OpenOrca dataset, which aims to reproduce the Orca Research Paper dataset.
Further details of our curation practices will be forthcoming with our full model releases.
# Training
[<img src="https://raw.githubusercontent.com/OpenAccess-AI-Collective/axolotl/main/image/axolotl-badge-web.png" alt="Built with Axolotl"/>](https://github.com/OpenAccess-AI-Collective/axolotl)
We trained with 8x H100 GPUs for 10 hours, completing 4 epochs of full fine tuning on our dataset in one training run.
Commodity cost was ~$300.
# Citation
```bibtex
@software{dale2023llongorca13b,
title = {LlongOrca13B: Llama2-13B Model Instruct-tuned for Long Context on Filtered OpenOrcaV1 GPT-4 Dataset},
author = {Alpin Dale and Wing Lian and Bleys Goodson and Guan Wang and Eugene Pentland and Austin Cook and Chanvichet Vong and "Teknium"},
year = {2023},
publisher = {HuggingFace},
journal = {HuggingFace repository},
howpublished = {\url{https://https://huggingface.co/Open-Orca/LlongOrca-7B-16k},
}
@software{openchat,
title = {{OpenChat: Advancing Open-source Language Models with Imperfect Data}},
author = {Wang, Guan and Cheng, Sijie and Yu, Qiying and Liu, Changling},
doi = {10.5281/zenodo.8105775},
url = {https://github.com/imoneoi/openchat},
version = {pre-release},
year = {2023},
month = {7},
}
@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}
}
@misc{longpre2023flan,
title={The Flan Collection: Designing Data and Methods for Effective Instruction Tuning},
author={Shayne Longpre and Le Hou and Tu Vu and Albert Webson and Hyung Won Chung and Yi Tay and Denny Zhou and Quoc V. Le and Barret Zoph and Jason Wei and Adam Roberts},
year={2023},
eprint={2301.13688},
archivePrefix={arXiv},
primaryClass={cs.AI}
}
@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 and Soumya Batra and Prajjwal Bhargava and Shruti Bhosale and Dan Bikel and Lukas Blecher and Cristian Canton Ferrer and Moya Chen and Guillem Cucurull and David Esiobu and Jude Fernandes and Jeremy Fu and Wenyin Fu and Brian Fuller and Cynthia Gao and Vedanuj Goswami and Naman Goyal and Anthony Hartshorn and Saghar Hosseini and Rui Hou and Hakan Inan and Marcin Kardas and Viktor Kerkez and Madian Khabsa and Isabel Kloumann and Artem Korenev and Punit Singh Koura and Marie-Anne Lachaux and Thibaut Lavril and Jenya Lee and Diana Liskovich and Yinghai Lu and Yuning Mao and Xavier Martinet and Todor Mihaylov and Pushkar Mishra and Igor Molybog and Yixin Nie and Andrew Poulton and Jeremy Reizenstein and Rashi Rungta and Kalyan Saladi and Alan Schelten and Ruan Silva and Eric Michael Smith and Ranjan Subramanian and Xiaoqing Ellen Tan and Binh Tang and Ross Taylor and Adina Williams and Jian Xiang Kuan and Puxin Xu and Zheng Yan and Iliyan Zarov and Yuchen Zhang and Angela Fan and Melanie Kambadur and Sharan Narang and Aurelien Rodriguez and Robert Stojnic and Sergey Edunov and Thomas Scialom},
year={2023},
eprint={2307.09288},
archivePrefix={arXiv},
}
```
|
[
-0.44109031558036804,
-0.8683081269264221,
0.25743845105171204,
0.17122429609298706,
-0.19464489817619324,
-0.15181612968444824,
-0.34594061970710754,
-0.8352668285369873,
0.21816948056221008,
0.29072362184524536,
-0.5834740996360779,
-0.707217276096344,
-0.33556902408599854,
-0.10243596136569977,
-0.08587957918643951,
1.0199754238128662,
-0.09912431240081787,
-0.2837294936180115,
-0.12261887639760971,
-0.3959794342517853,
-0.41058918833732605,
-0.4512676000595093,
-0.8888845443725586,
-0.3662108778953552,
0.4804823100566864,
0.3512326180934906,
0.6129721403121948,
0.7207203507423401,
0.3439573347568512,
0.28182947635650635,
-0.2885531485080719,
0.36830997467041016,
-0.7126456499099731,
-0.19128017127513885,
0.23956827819347382,
-0.2745814919471741,
-1.0196318626403809,
0.06857982277870178,
0.42446571588516235,
0.4227554500102997,
-0.26432424783706665,
0.18465767800807953,
0.27464863657951355,
0.4651392996311188,
-0.4314652979373932,
0.37839993834495544,
-0.29390856623649597,
-0.17329183220863342,
-0.3160078525543213,
0.014815055765211582,
-0.2066669762134552,
-0.2754723131656647,
0.06308670341968536,
-0.8314637541770935,
-0.1491948813199997,
0.08278520405292511,
1.1827514171600342,
0.11263702809810638,
-0.3334941267967224,
-0.22357824444770813,
-0.4278927743434906,
0.6996324062347412,
-0.8010307550430298,
0.3421134054660797,
0.24847427010536194,
0.31633731722831726,
-0.30977827310562134,
-0.8018420338630676,
-0.5667977333068848,
-0.11528317630290985,
-0.04045553505420685,
0.306207537651062,
-0.2279672473669052,
0.03412074223160744,
0.12902429699897766,
0.40973803400993347,
-0.5521420836448669,
0.32959794998168945,
-0.45833441615104675,
-0.17030249536037445,
0.6517115831375122,
0.042941320687532425,
0.27661070227622986,
0.09234202653169632,
-0.5062071084976196,
-0.32809576392173767,
-0.8058926463127136,
0.2793644070625305,
0.33769798278808594,
0.3728218972682953,
-0.6139214038848877,
0.40581509470939636,
-0.06276951730251312,
0.7121066451072693,
-0.03657420724630356,
-0.35756394267082214,
0.5088790059089661,
-0.48659664392471313,
-0.34342825412750244,
-0.07917866110801697,
0.9305197596549988,
0.3167080879211426,
0.027782147750258446,
0.15188546478748322,
-0.1371895670890808,
0.04911898449063301,
-0.1288861483335495,
-0.9405572414398193,
-0.20853206515312195,
0.2773016691207886,
-0.3431428372859955,
-0.23784980177879333,
-0.025361234322190285,
-0.6839340925216675,
-0.14282849431037903,
-0.2187984585762024,
0.2393241971731186,
-0.42662256956100464,
-0.3409220278263092,
0.14009733498096466,
0.2508551776409149,
0.3528159260749817,
0.43429893255233765,
-0.7386218905448914,
0.3619757890701294,
0.5197879672050476,
1.0169851779937744,
-0.10123229026794434,
-0.23804929852485657,
-0.2592089772224426,
-0.12411035597324371,
-0.3457779586315155,
0.7000376582145691,
-0.3428112864494324,
-0.21396024525165558,
-0.1609932780265808,
-0.015306915156543255,
-0.12074785679578781,
-0.41168224811553955,
0.5699360966682434,
-0.25420838594436646,
0.3732825517654419,
-0.3787427544593811,
-0.4036712944507599,
-0.2539268732070923,
0.24167872965335846,
-0.43026089668273926,
1.193794846534729,
0.06815483421087265,
-0.6931057572364807,
0.24240896105766296,
-0.8544216156005859,
-0.15878432989120483,
-0.19825239479541779,
-0.13080374896526337,
-0.5281192064285278,
-0.38596028089523315,
0.5461322069168091,
0.3036385178565979,
-0.3170994222164154,
0.015791894868016243,
-0.4623063802719116,
-0.4147825837135315,
0.022746747359633446,
-0.10578098893165588,
0.9132352471351624,
0.2682729661464691,
-0.48054176568984985,
0.19589391350746155,
-0.6228573322296143,
-0.007598680444061756,
0.2681422829627991,
-0.3472048342227936,
-0.16994255781173706,
-0.1770927459001541,
-0.11900772154331207,
0.3109129071235657,
0.3796207904815674,
-0.585457980632782,
0.3226419985294342,
-0.477324903011322,
0.6626672148704529,
0.8055253028869629,
-0.14879047870635986,
0.4158955216407776,
-0.37429872155189514,
0.4837210178375244,
0.13367190957069397,
0.37644219398498535,
-0.1823110729455948,
-0.8296380043029785,
-0.7771573066711426,
-0.35236430168151855,
0.19450393319129944,
0.44620826840400696,
-0.5664742588996887,
0.5537855625152588,
-0.27133285999298096,
-0.6315258741378784,
-0.5244855284690857,
0.03943265601992607,
0.5088110566139221,
0.6503384113311768,
0.41772300004959106,
-0.5162166953086853,
-0.4421467185020447,
-0.6716194748878479,
0.047473110258579254,
-0.23581860959529877,
-0.017534496262669563,
0.6867334842681885,
0.44470474123954773,
-0.2087293267250061,
0.98183274269104,
-0.4755207598209381,
-0.4696443974971771,
-0.07136264443397522,
-0.18523530662059784,
0.30417218804359436,
0.5235816836357117,
0.8273503184318542,
-0.5181452035903931,
-0.5001176595687866,
0.11825069040060043,
-0.8620603680610657,
0.0058310325257480145,
0.12170065939426422,
-0.4789443016052246,
0.44084808230400085,
0.5078611373901367,
-0.6595982909202576,
0.5364399552345276,
0.7118103504180908,
-0.4593060612678528,
0.3810899555683136,
-0.15752030909061432,
0.008667991496622562,
-1.0727657079696655,
0.20084650814533234,
0.07810608297586441,
-0.06545518338680267,
-0.5574883222579956,
-0.06140565499663353,
-0.013787579722702503,
-0.03316787630319595,
-0.454457551240921,
0.7908350825309753,
-0.6275537014007568,
-0.0013658207608386874,
-0.008045979775488377,
0.404631108045578,
-0.1437259316444397,
0.7651211023330688,
-0.22631138563156128,
0.8219197392463684,
0.6453805565834045,
-0.4122892916202545,
0.23089845478534698,
0.44883406162261963,
-0.43349188566207886,
0.39139193296432495,
-0.8619577288627625,
0.34465962648391724,
0.032421812415122986,
0.5713479518890381,
-1.2108687162399292,
-0.3106480836868286,
0.5208622217178345,
-0.4665873944759369,
0.3760441839694977,
-0.12184042483568192,
-0.4048527181148529,
-0.5226757526397705,
-0.37942200899124146,
0.4094550907611847,
0.5541796684265137,
-0.7348535656929016,
0.38786354660987854,
0.3876504600048065,
0.09960536658763885,
-0.6885256171226501,
-0.71966952085495,
0.009776071645319462,
-0.35215941071510315,
-0.8890548944473267,
0.5046365261077881,
-0.11401402950286865,
0.046284306794404984,
-0.08416494727134705,
-0.15473023056983948,
0.05779743194580078,
0.04942002892494202,
0.5205930471420288,
0.35273775458335876,
-0.30184057354927063,
-0.1186845600605011,
-0.058795180171728134,
-0.00677889958024025,
-0.18121391534805298,
-0.4140997529029846,
0.7017515897750854,
-0.3859911561012268,
-0.18525946140289307,
-0.694206178188324,
-0.137181356549263,
0.5030032992362976,
-0.2994013726711273,
0.9980559349060059,
0.5863287448883057,
-0.26545944809913635,
0.16989903151988983,
-0.5091312527656555,
-0.3018653988838196,
-0.5303593277931213,
0.1487070471048355,
-0.2665058672428131,
-1.0218747854232788,
0.8249419331550598,
0.2838558256626129,
0.3398444950580597,
0.44346120953559875,
0.405383825302124,
0.10934624820947647,
0.8179930448532104,
0.5210641622543335,
-0.22048810124397278,
0.6100149750709534,
-0.4405873715877533,
0.1704746037721634,
-0.871321976184845,
-0.39695680141448975,
-0.38782358169555664,
-0.499907523393631,
-0.6826512813568115,
-0.41018515825271606,
0.4559229016304016,
0.20501869916915894,
-0.4065340459346771,
0.4206685423851013,
-0.5289047360420227,
0.2805742025375366,
0.5315250754356384,
0.3254031240940094,
0.12760411202907562,
0.10767409950494766,
-0.033252742141485214,
0.11111711710691452,
-0.7413273453712463,
-0.4796011447906494,
1.2092534303665161,
0.43321123719215393,
0.6270370483398438,
0.1824672520160675,
0.6782910227775574,
-0.17129047214984894,
0.33422836661338806,
-0.4356730878353119,
0.5283001661300659,
0.09572117030620575,
-0.5421196818351746,
-0.36442121863365173,
-0.5291404128074646,
-1.205870270729065,
0.15891465544700623,
-0.05061684921383858,
-0.8095492720603943,
0.22664541006088257,
0.16115087270736694,
-0.497344434261322,
0.3156817555427551,
-0.6292312741279602,
0.9875094294548035,
-0.08288858830928802,
-0.2702540159225464,
0.06441029906272888,
-0.7265180945396423,
0.4919474422931671,
0.2086656093597412,
0.11642437428236008,
-0.043769657611846924,
-0.07241655141115189,
0.7665705680847168,
-0.6109937429428101,
0.9166575074195862,
-0.20924298465251923,
-0.2777843475341797,
0.4698885381221771,
-0.13406763970851898,
0.46814966201782227,
0.05604171007871628,
0.0046951137483119965,
0.5094090700149536,
-0.2023480087518692,
-0.46076682209968567,
-0.38278254866600037,
0.8130965828895569,
-1.1202490329742432,
-0.3817346692085266,
-0.20958730578422546,
-0.2985009551048279,
0.11716597527265549,
0.15800604224205017,
0.2888036072254181,
0.4852529764175415,
-0.005154345650225878,
0.2417336255311966,
0.43488168716430664,
-0.41538551449775696,
0.353023499250412,
0.26586484909057617,
-0.18639013171195984,
-0.5072767734527588,
0.723471462726593,
0.2549056112766266,
0.28001347184181213,
0.17265404760837555,
0.07649289816617966,
-0.2929045557975769,
-0.4102644622325897,
-0.3358408808708191,
0.5334468483924866,
-0.5333709716796875,
-0.26939085125923157,
-0.6220472455024719,
-0.24723175168037415,
-0.5937373638153076,
0.02976156398653984,
-0.4879375398159027,
-0.4204728603363037,
-0.5660727620124817,
-0.047887224704027176,
0.5111860632896423,
0.5622876882553101,
-0.009679037146270275,
0.38144421577453613,
-0.39126259088516235,
-0.05365399271249771,
0.25286394357681274,
0.2754311263561249,
0.14145928621292114,
-0.7749291062355042,
-0.1564534455537796,
0.3201025128364563,
-0.5484781265258789,
-0.5300047993659973,
0.37893977761268616,
0.31686827540397644,
0.43604782223701477,
0.45812535285949707,
0.047911740839481354,
0.9784368872642517,
-0.3315012454986572,
0.9573149085044861,
0.06396640092134476,
-0.7030903697013855,
0.5963648557662964,
-0.5184503793716431,
0.21299800276756287,
0.3726963996887207,
0.33374372124671936,
-0.4717388451099396,
-0.3031395673751831,
-0.7707458734512329,
-0.8889504075050354,
1.0481431484222412,
0.42249611020088196,
0.0927053838968277,
0.01909659244120121,
0.6706343293190002,
-0.09201309829950333,
0.07302144169807434,
-0.8099461197853088,
-0.44204747676849365,
-0.2931380867958069,
-0.05787699297070503,
-0.15108530223369598,
-0.2029067873954773,
-0.16954723000526428,
-0.32204869389533997,
0.6657654643058777,
-0.09600499272346497,
0.594590425491333,
0.19710619747638702,
0.19110159575939178,
-0.06773173063993454,
-0.13480746746063232,
0.9003006815910339,
0.7276663184165955,
-0.30964359641075134,
-0.22590088844299316,
0.15839220583438873,
-0.45667389035224915,
-0.2912776470184326,
0.09024539589881897,
0.015262024477124214,
-0.2948790192604065,
0.43456175923347473,
1.1033170223236084,
0.10994067788124084,
-0.4940812587738037,
0.5614801645278931,
-0.06851616501808167,
-0.23741476237773895,
-0.33493706583976746,
0.1812909096479416,
0.17112977802753448,
0.3563125729560852,
0.22196117043495178,
-0.0067647905088961124,
-0.17176993191242218,
-0.5947266817092896,
0.04947047308087349,
0.2917966842651367,
-0.26660823822021484,
-0.5051881074905396,
0.859908401966095,
0.12869948148727417,
-0.11185038834810257,
0.7847162485122681,
-0.026969848200678825,
-0.433236688375473,
0.7046524882316589,
0.3987204134464264,
0.5665289163589478,
-0.2956923246383667,
0.01562229823321104,
0.6956761479377747,
0.1776157170534134,
-0.12333008646965027,
0.16941294074058533,
-0.0781480222940445,
-0.6104992628097534,
-0.26953214406967163,
-0.4198305606842041,
-0.31540319323539734,
0.24001915752887726,
-0.6153519153594971,
0.464756578207016,
-0.46711286902427673,
-0.19024215638637543,
-0.1807279735803604,
0.1689501255750656,
-0.6447386145591736,
0.002885241061449051,
0.08789367973804474,
0.8870808482170105,
-0.6953155398368835,
0.8708528280258179,
0.613982081413269,
-0.45060545206069946,
-0.9800755381584167,
-0.20855312049388885,
0.09007420390844345,
-0.9077600836753845,
0.42505502700805664,
0.377592533826828,
0.08140257745981216,
0.003554299706593156,
-0.790196418762207,
-0.9576174020767212,
1.512813687324524,
0.4152489900588989,
-0.45117810368537903,
-0.08119001239538193,
-0.07465507835149765,
0.667246401309967,
-0.3572353720664978,
0.5632944107055664,
0.5936440825462341,
0.40036481618881226,
0.2957182228565216,
-1.1129156351089478,
0.18445885181427002,
-0.33894816040992737,
-0.07608240842819214,
0.09269939363002777,
-1.139424204826355,
1.0939747095108032,
-0.20970529317855835,
-0.3199272155761719,
0.20772020518779755,
0.7549736499786377,
0.43798986077308655,
0.288552463054657,
0.43801364302635193,
0.6823489665985107,
0.7918567061424255,
-0.21890202164649963,
1.1483255624771118,
-0.32805800437927246,
0.41845703125,
0.9642102122306824,
0.0006987726083025336,
0.7501373291015625,
0.19694049656391144,
-0.21177275478839874,
0.586860716342926,
0.9282367825508118,
0.18261414766311646,
0.4993498921394348,
-0.11185309290885925,
0.044416580349206924,
-0.08576003462076187,
0.022387219592928886,
-0.6117433309555054,
0.424912691116333,
0.39227497577667236,
-0.15023334324359894,
-0.223953515291214,
-0.05733788013458252,
0.33337122201919556,
-0.17505981028079987,
0.008395464159548283,
0.7267485857009888,
0.21648965775966644,
-0.6746869683265686,
1.1893202066421509,
0.006665471009910107,
0.8199080228805542,
-0.5782012939453125,
0.12127333879470825,
-0.5765699148178101,
0.16483905911445618,
-0.2593679130077362,
-0.6097469925880432,
0.012270395644009113,
-0.17918430268764496,
0.24293631315231323,
-0.13206332921981812,
0.4079885184764862,
-0.4227980077266693,
-0.16274990141391754,
0.44795215129852295,
0.21754227578639984,
0.35662585496902466,
0.027397533878684044,
-0.8015652894973755,
0.27298951148986816,
0.14517338573932648,
-0.5455043911933899,
0.3967217206954956,
0.46640634536743164,
-0.15252633392810822,
0.644101083278656,
0.6461913585662842,
-0.09317225217819214,
0.030907390639185905,
-0.12530207633972168,
1.1235527992248535,
-0.4100852608680725,
-0.46087077260017395,
-0.8257138729095459,
0.41737332940101624,
-0.10770823061466217,
-0.5884181261062622,
0.7889993190765381,
0.49122676253318787,
0.9467123746871948,
0.32635611295700073,
0.43035024404525757,
-0.2393508404493332,
0.327465295791626,
-0.40877479314804077,
0.7394741177558899,
-0.8023831248283386,
0.3263837397098541,
-0.3823174834251404,
-0.9949960708618164,
-0.2737296521663666,
0.7686972618103027,
-0.30494579672813416,
0.20936471223831177,
0.42565834522247314,
0.9891291856765747,
-0.1512318253517151,
-0.015160842798650265,
0.09654832631349564,
0.36140209436416626,
0.6262285709381104,
0.8308234214782715,
0.5970820784568787,
-0.6705973148345947,
0.6872429847717285,
-0.31102171540260315,
-0.44763970375061035,
-0.3461715877056122,
-0.7612954378128052,
-1.1010288000106812,
-0.5579420924186707,
-0.3376610279083252,
-0.39762359857559204,
0.016213243827223778,
0.8276637196540833,
0.8293564915657043,
-0.670695960521698,
-0.41741320490837097,
-0.025078486651182175,
-0.031327929347753525,
-0.3166685700416565,
-0.18749317526817322,
0.5194709300994873,
-0.07651925086975098,
-0.7561199069023132,
0.38159340620040894,
0.0748080238699913,
0.2836352288722992,
-0.07416149973869324,
-0.32673463225364685,
-0.222183495759964,
-0.07986843585968018,
0.5265020132064819,
0.5424033403396606,
-0.6787670850753784,
-0.35619068145751953,
0.02439475990831852,
-0.18854452669620514,
0.3317195773124695,
0.2699120044708252,
-0.6319006085395813,
0.2734336853027344,
0.3174005150794983,
0.2951729893684387,
0.753060519695282,
0.1754714697599411,
0.2062702476978302,
-0.685971736907959,
0.4030951261520386,
-0.049313805997371674,
0.2110600620508194,
0.2677730321884155,
-0.21295365691184998,
0.818854808807373,
0.17802894115447998,
-0.6829202175140381,
-1.0035054683685303,
-0.14438003301620483,
-1.1700173616409302,
-0.0830950066447258,
1.1394739151000977,
-0.316041499376297,
-0.3567744791507721,
0.21139347553253174,
-0.3343433737754822,
0.2408658117055893,
-0.6749498844146729,
0.7191925644874573,
0.554215669631958,
-0.16436553001403809,
-0.16021549701690674,
-0.6007766127586365,
0.42807111144065857,
0.1998824179172516,
-0.79534512758255,
-0.1023893877863884,
0.44440796971321106,
0.2533610165119171,
0.21972016990184784,
0.7392854690551758,
-0.17761828005313873,
0.11997342109680176,
-0.2395819127559662,
0.12774449586868286,
-0.27617719769477844,
-0.3392968475818634,
-0.18512901663780212,
-0.057482291013002396,
-0.1805558204650879,
-0.23696349561214447
] |
lmsys/longchat-7b-v1.5-32k
|
lmsys
| 2023-08-02T21:09:31Z | 5,140 | 44 |
transformers
|
[
"transformers",
"pytorch",
"llama",
"text-generation",
"endpoints_compatible",
"has_space",
"text-generation-inference",
"region:us"
] |
text-generation
| 2023-08-01T02: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
] |
HDKCL/izamizam
|
HDKCL
| 2023-02-02T11:15:26Z | 5,138 | 1 |
diffusers
|
[
"diffusers",
"text-to-image",
"stable-diffusion",
"license:creativeml-openrail-m",
"endpoints_compatible",
"diffusers:StableDiffusionPipeline",
"region:us"
] |
text-to-image
| 2022-12-11T01:27:37Z |
---
license: creativeml-openrail-m
tags:
- text-to-image
- stable-diffusion
---
### izamizam Dreambooth model trained by HDKCL with [TheLastBen's fast-DreamBooth](https://colab.research.google.com/github/TheLastBen/fast-stable-diffusion/blob/main/fast-DreamBooth.ipynb) notebook
Test the concept via A1111 Colab [fast-Colab-A1111](https://colab.research.google.com/github/TheLastBen/fast-stable-diffusion/blob/main/fast_stable_diffusion_AUTOMATIC1111.ipynb)
Or you can run your new concept via `diffusers` [Colab Notebook for Inference](https://colab.research.google.com/github/huggingface/notebooks/blob/main/diffusers/sd_dreambooth_inference.ipynb)
Sample pictures of this concept:
|
[
-0.5199501514434814,
-0.8758466243743896,
0.43429428339004517,
0.6667361855506897,
-0.41053131222724915,
0.507864236831665,
0.11508188396692276,
-0.27103734016418457,
0.5449683666229248,
0.24274785816669464,
-0.36473724246025085,
-0.49214765429496765,
-0.5251330733299255,
-0.1999809443950653,
-0.4827601909637451,
0.6764546036720276,
-0.34382984042167664,
0.23484918475151062,
-0.22919350862503052,
0.14897435903549194,
-0.31862130761146545,
0.16243129968643188,
-0.4551983177661896,
-0.6568720936775208,
0.15740638971328735,
0.4607779085636139,
0.6647670865058899,
0.37929269671440125,
0.39587295055389404,
0.2042703777551651,
-0.2699948847293854,
-0.42379438877105713,
-0.43229153752326965,
0.2707674205303192,
-0.11402430385351181,
-0.27516332268714905,
-0.3395834267139435,
-0.06594977527856827,
0.7395051121711731,
0.3337302803993225,
-0.27859026193618774,
0.42165032029151917,
-0.0104830302298069,
0.629261314868927,
-0.6541405916213989,
0.027323884889483452,
-0.47610700130462646,
0.2595512866973877,
-0.3784765899181366,
0.28598925471305847,
-0.2184164673089981,
-0.5502890348434448,
-0.23599928617477417,
-0.30324193835258484,
0.3788953125476837,
0.26422443985939026,
1.0723146200180054,
0.08607093244791031,
-0.44834306836128235,
0.1213846355676651,
-0.6166267991065979,
0.3284319043159485,
-0.3387208878993988,
0.49488040804862976,
0.23886100947856903,
0.44150134921073914,
-0.16451844573020935,
-0.7318222522735596,
-0.9018133878707886,
-0.20516999065876007,
0.37103816866874695,
0.1248079314827919,
0.16968990862369537,
0.24064290523529053,
0.1315179020166397,
0.287108451128006,
-0.5402289032936096,
-0.06862307339906693,
-0.5695785284042358,
-0.242120161652565,
0.41763901710510254,
0.1872428059577942,
-0.05358988419175148,
-0.39384397864341736,
-1.0225281715393066,
-0.16682061553001404,
-0.6301515102386475,
-0.19838722050189972,
0.27672672271728516,
-0.002749643987044692,
-0.5899224281311035,
0.619459867477417,
-0.10494933277368546,
0.48744112253189087,
0.36876606941223145,
-0.01523762196302414,
0.743071436882019,
-0.4611836075782776,
-0.08991493284702301,
0.3498993515968323,
0.7047778964042664,
0.1200592964887619,
-0.08658348023891449,
-0.05957232415676117,
-0.023572418838739395,
-0.05397961661219597,
0.26866936683654785,
-1.4918817281723022,
-0.6140922904014587,
0.32942846417427063,
-0.7037407159805298,
-0.25652310252189636,
-0.21625298261642456,
-0.8991528153419495,
-0.42929255962371826,
0.14941978454589844,
0.7527123689651489,
-0.44850096106529236,
-0.7789313793182373,
-0.13173672556877136,
-0.13582685589790344,
0.1574229598045349,
0.3003871738910675,
-0.6378675103187561,
0.2084682583808899,
0.48164787888526917,
1.2277498245239258,
-0.4653184115886688,
-0.17574374377727509,
0.04108406975865364,
0.0946851298213005,
-0.4008925259113312,
1.0276429653167725,
-0.03363073617219925,
-0.43514329195022583,
-0.3081817328929901,
-0.13144756853580475,
-0.2512899935245514,
-0.4754914939403534,
0.4973820447921753,
-0.5884397029876709,
0.0736716240644455,
0.1166631206870079,
-0.8738583326339722,
-0.454788476228714,
0.2171313315629959,
-0.38610878586769104,
0.7329925894737244,
0.12018919736146927,
-0.9131702780723572,
0.19437171518802643,
-1.2282572984695435,
-0.09440460801124573,
0.24010305106639862,
-0.0267044547945261,
-0.7431603670120239,
-0.13071298599243164,
-0.6549181938171387,
0.49434924125671387,
-0.22936803102493286,
0.23581470549106598,
-0.4517168402671814,
-0.5824962258338928,
-0.06272710859775543,
-0.15325269103050232,
1.2003631591796875,
0.5263159275054932,
-0.3352970480918884,
0.3035537600517273,
-0.7145911455154419,
0.09397962689399719,
0.08227888494729996,
-0.24705608189105988,
-0.07431010901927948,
-0.4834336042404175,
0.31355586647987366,
-0.1846078634262085,
0.24538171291351318,
-0.8920695781707764,
0.16041508316993713,
0.0667329877614975,
-0.2624056041240692,
0.7491089105606079,
0.18185697495937347,
0.09508070349693298,
-0.12310442328453064,
0.8625780940055847,
0.1839829385280609,
-0.03792310506105423,
0.0839335098862648,
-0.7345081567764282,
-0.507921576499939,
-0.5161076784133911,
0.7116511464118958,
0.6166080832481384,
-0.7658178806304932,
0.42033031582832336,
0.1215609610080719,
-0.7463427186012268,
-0.4379459619522095,
0.12534676492214203,
0.22628416121006012,
0.734433650970459,
0.2613202929496765,
-0.2757513225078583,
-0.5110881328582764,
-0.8694832921028137,
0.18579810857772827,
-0.16866016387939453,
0.1411529928445816,
-0.024295691400766373,
0.5822880864143372,
-0.5191247463226318,
0.9674241542816162,
-0.5397632718086243,
0.04247589036822319,
-0.12707163393497467,
0.16162918508052826,
0.6895206570625305,
0.9385271668434143,
0.644311249256134,
-0.8647421598434448,
-0.7452186346054077,
-0.458294153213501,
-0.5548573732376099,
-0.11321482062339783,
0.20757092535495758,
-0.4860376715660095,
0.04286566376686096,
0.2521840035915375,
-1.157412052154541,
0.47339367866516113,
0.5472331047058105,
-1.1098692417144775,
0.8624622821807861,
-0.21463729441165924,
0.4640091061592102,
-1.4441903829574585,
0.14500692486763,
0.030980003997683525,
-0.34778496623039246,
-0.4112093150615692,
0.11768613010644913,
0.33276379108428955,
0.05841325223445892,
-0.6340987086296082,
0.8124602437019348,
-0.3090713620185852,
0.14076422154903412,
-0.4699684679508209,
-0.23082199692726135,
-0.21439538896083832,
0.09277230501174927,
-0.2771623134613037,
0.7898596525192261,
0.8062713742256165,
-0.6777039766311646,
0.4189807176589966,
0.7145480513572693,
-0.7145506739616394,
0.3310091197490692,
-0.6981144547462463,
-0.060226842761039734,
-0.18971602618694305,
0.3244277834892273,
-1.240919589996338,
-0.23579345643520355,
0.6202758550643921,
-0.2615797519683838,
0.28291356563568115,
-0.2616564929485321,
-0.8467516899108887,
-0.7126337885856628,
-0.22974789142608643,
0.608795166015625,
1.1018249988555908,
-0.8465316295623779,
0.33188679814338684,
0.32534119486808777,
0.033122867345809937,
-0.48749077320098877,
-0.2738201916217804,
-0.08032973855733871,
-0.3593944013118744,
-0.6841315627098083,
0.6031289100646973,
-0.4750446677207947,
-0.4600566625595093,
-0.09020248800516129,
-0.04353727772831917,
-0.3092363774776459,
0.19483007490634918,
0.6478866934776306,
0.46984773874282837,
-0.21913570165634155,
0.14898191392421722,
0.17816191911697388,
-0.25938475131988525,
-0.09237860143184662,
0.05153992399573326,
0.8652423024177551,
-0.22401636838912964,
-0.1445893496274948,
-0.6673075556755066,
-0.1774490475654602,
0.49980294704437256,
0.3365958034992218,
0.9013161063194275,
0.8603590726852417,
-0.39555075764656067,
0.046768806874752045,
-0.5405434966087341,
-0.18374745547771454,
-0.5112241506576538,
0.08054877817630768,
-0.5040282011032104,
-0.24460314214229584,
0.5716332793235779,
-0.1958690881729126,
-0.22215348482131958,
0.3716963231563568,
0.9276298880577087,
-0.39523887634277344,
0.7697837352752686,
0.535253643989563,
0.39559149742126465,
0.6603954434394836,
-0.763218343257904,
-0.01806185208261013,
-0.7696801424026489,
-0.32592397928237915,
-0.35490575432777405,
-0.4523048996925354,
-0.40140435099601746,
-0.7279412746429443,
0.2953535318374634,
0.5878311991691589,
-0.47196996212005615,
0.49033844470977783,
-0.08518204838037491,
0.6295025944709778,
0.4263244867324829,
0.24889101088047028,
0.2764292359352112,
0.025782549753785133,
-0.43215319514274597,
0.2592412829399109,
-0.5609541535377502,
-0.2910309433937073,
0.859830915927887,
0.37568551301956177,
1.0200583934783936,
-0.08058109879493713,
0.8569557070732117,
0.38375771045684814,
0.4771614670753479,
-0.28950944542884827,
0.5412879586219788,
0.048340003937482834,
-0.9068261384963989,
0.11476752161979675,
-0.17443878948688507,
-1.0257679224014282,
0.5990188717842102,
-0.3650287389755249,
-0.5809604525566101,
0.17396456003189087,
0.7040859460830688,
-0.2748609185218811,
0.5302056670188904,
-0.7239856123924255,
1.038973331451416,
0.09876064211130142,
-0.6617488861083984,
-0.6156449913978577,
-0.467746376991272,
0.5186034440994263,
0.05788453295826912,
-0.07362359017133713,
-0.5212153196334839,
0.043411605060100555,
0.7213577032089233,
-0.2720950245857239,
0.6266804337501526,
-0.8824443817138672,
0.06616806238889694,
0.5222929120063782,
0.06807318329811096,
0.31677478551864624,
-0.04408283904194832,
-0.3748162090778351,
0.3733116090297699,
-0.06595058739185333,
-0.7439606189727783,
0.08258076012134552,
0.6050352454185486,
-0.5023760795593262,
-0.3224157989025116,
-0.2808580994606018,
-0.6432803273200989,
-0.03283558413386345,
0.34162214398384094,
0.4758254885673523,
0.06421438604593277,
-0.2957122325897217,
0.20734567940235138,
0.7786827087402344,
0.2820766866207123,
0.4727330505847931,
0.4697047472000122,
-0.7322238087654114,
-0.22789916396141052,
0.7299018502235413,
-0.10483333468437195,
0.30638763308525085,
-0.029470734298229218,
0.5019723176956177,
-0.28737562894821167,
-0.9787218570709229,
-0.7926140427589417,
0.1283741146326065,
-0.46219995617866516,
-0.4272163510322571,
-0.6926190853118896,
-0.2348632663488388,
-0.20568792521953583,
-0.07594714313745499,
-0.616716742515564,
-0.6120961308479309,
-0.3552119731903076,
-0.3969877064228058,
0.9233203530311584,
0.44705235958099365,
-0.47711271047592163,
0.49822086095809937,
-0.6492488980293274,
0.764731228351593,
-0.038451239466667175,
0.46161171793937683,
0.05581215023994446,
-0.4768820106983185,
-0.2297056019306183,
0.2225285917520523,
-0.49471163749694824,
-0.8262309432029724,
0.34139499068260193,
-0.009782765991985798,
0.5956653356552124,
0.6080090403556824,
-0.11125128716230392,
0.6267443895339966,
-0.392888605594635,
0.6519944667816162,
0.49335139989852905,
-0.8216877579689026,
0.5151548981666565,
-0.35791993141174316,
0.17657458782196045,
0.7234053611755371,
0.6543656587600708,
-0.24650150537490845,
-0.338466078042984,
-0.664716362953186,
-0.8045646548271179,
0.11942349374294281,
0.29130077362060547,
0.06570809334516525,
0.08051556348800659,
0.42346084117889404,
0.7119078636169434,
0.42082178592681885,
-0.8038256168365479,
-0.34030798077583313,
-0.07925547659397125,
-0.4265836775302887,
0.17391911149024963,
-0.10453953593969345,
-0.04027317091822624,
-0.5142474174499512,
0.895172655582428,
-0.03917447850108147,
0.32135331630706787,
0.018622562289237976,
-0.13691571354866028,
-0.25730904936790466,
-0.23865973949432373,
0.22797946631908417,
0.7297072410583496,
-0.5944825410842896,
0.11347387731075287,
-0.30699291825294495,
-0.6758137345314026,
0.5099594593048096,
0.03766954317688942,
-0.5125535130500793,
0.05324694886803627,
-0.1613360047340393,
0.8910384178161621,
-0.23136332631111145,
-0.714793860912323,
0.38971781730651855,
-0.08498573303222656,
-0.2134247124195099,
-0.4376227557659149,
0.4691837728023529,
0.3636474013328552,
0.544084370136261,
0.1810213327407837,
0.6000851392745972,
0.09834088385105133,
-0.38650500774383545,
0.15205660462379456,
0.39959245920181274,
-0.359997034072876,
-0.25073668360710144,
1.0447742938995361,
0.30477869510650635,
-0.46000587940216064,
0.6743255853652954,
-0.6000168323516846,
-0.3716427981853485,
1.0217962265014648,
0.8375843167304993,
1.0617519617080688,
-0.340078741312027,
0.35978636145591736,
0.5125274658203125,
-0.20593805611133575,
-0.249359130859375,
0.6667619347572327,
-0.3625181317329407,
-0.8516315817832947,
-0.002484217518940568,
-0.7516949772834778,
-0.40533244609832764,
-0.3720414340496063,
-0.3884740173816681,
0.2356896996498108,
-0.5103411674499512,
-0.062436047941446304,
-0.16761714220046997,
-0.11243163049221039,
-0.8079736232757568,
-0.14236299693584442,
-0.016924677416682243,
1.362380027770996,
-0.7216648459434509,
1.2155241966247559,
0.34115713834762573,
-0.03853364661335945,
-0.18857944011688232,
0.2181023210287094,
-0.20415842533111572,
-0.9679335951805115,
0.7923457026481628,
0.2958957254886627,
-0.08990217000246048,
0.07251470535993576,
-0.636023998260498,
-1.0600558519363403,
1.3952322006225586,
0.35074666142463684,
-0.6928747892379761,
0.3970155119895935,
-0.7008097171783447,
0.43657657504081726,
-0.44255489110946655,
-0.024987217038869858,
0.28138601779937744,
0.5678350925445557,
0.38061270117759705,
-0.9245467185974121,
-0.07942771911621094,
-0.3791448473930359,
0.030483152717351913,
0.3237718343734741,
-0.8054195046424866,
0.9823643565177917,
-0.862827718257904,
-0.13891781866550446,
0.5006504654884338,
0.7172852754592896,
0.48572519421577454,
0.5105183720588684,
0.8045331239700317,
0.7709621787071228,
0.724926233291626,
0.12528549134731293,
0.9927605986595154,
-0.5159850716590881,
0.6104870438575745,
1.0619500875473022,
-0.35083910822868347,
0.9081390500068665,
0.5706255435943604,
-0.18337953090667725,
0.9143432378768921,
0.9333988428115845,
-0.21515758335590363,
0.908639669418335,
0.3533780574798584,
-0.3977675139904022,
-0.03056935966014862,
0.24682293832302094,
-0.6417490839958191,
0.23886217176914215,
0.5086012482643127,
-0.15176460146903992,
0.06957300752401352,
0.5113877654075623,
0.030458657070994377,
-0.4279361367225647,
-0.4456736147403717,
0.4260038733482361,
-0.09319739043712616,
-0.32835280895233154,
0.7710106372833252,
-0.10929109156131744,
0.9640510082244873,
-0.5827775001525879,
-0.1343153864145279,
0.026050522923469543,
0.3974206745624542,
-0.1346055567264557,
-0.7741937041282654,
0.1608293354511261,
-0.17864111065864563,
0.03421611711382866,
-0.2000478357076645,
0.8754525184631348,
-0.5367578864097595,
-0.6630451679229736,
0.463911771774292,
0.2976962924003601,
0.2875882685184479,
0.2172539383172989,
-0.6325900554656982,
0.0732235386967659,
-0.07321814447641373,
-0.4191620349884033,
0.12808628380298615,
-0.3836411237716675,
0.4809049069881439,
0.8487522006034851,
0.37023261189460754,
0.06874305754899979,
0.2618977129459381,
-0.28989046812057495,
0.36121612787246704,
-0.7858357429504395,
-0.7049270868301392,
-0.8530413508415222,
0.3969171941280365,
-0.15835635364055634,
-0.1489512324333191,
0.8854634165763855,
0.8041673302650452,
0.50349360704422,
-0.2872866690158844,
0.5444959998130798,
-0.40133988857269287,
0.5809339880943298,
-0.4982881247997284,
0.8349869251251221,
-0.2537757158279419,
-0.10976594686508179,
-0.04118878394365311,
-1.0834906101226807,
0.1916572004556656,
0.8797464966773987,
0.3205651044845581,
0.00011158431152580306,
0.6515470147132874,
0.712289035320282,
-0.2903868854045868,
0.14149796962738037,
-0.009458665736019611,
0.9559235572814941,
0.05931508168578148,
0.01797848753631115,
0.6565471887588501,
-0.4039060175418854,
-0.035925108939409256,
-0.647955596446991,
-0.1623091697692871,
-0.34805694222450256,
-0.8568813800811768,
-0.6811181306838989,
-0.41265997290611267,
-0.6902028322219849,
-0.9116749167442322,
0.11815847456455231,
1.2452749013900757,
1.0170103311538696,
-0.8729830980300903,
-0.49989065527915955,
-0.2927730083465576,
0.5002694129943848,
-0.01449557300657034,
-0.2777138352394104,
0.4733628034591675,
0.10800053179264069,
-0.619827389717102,
0.3797856569290161,
0.039567336440086365,
0.6637229919433594,
-0.404994398355484,
0.003876491915434599,
-0.1251140534877777,
-0.10821296274662018,
0.44585928320884705,
0.06567315757274628,
-0.2546302378177643,
-0.17553278803825378,
-0.6605889201164246,
0.10787686705589294,
0.3285268247127533,
0.48408082127571106,
-1.0117753744125366,
0.32624346017837524,
0.7371088862419128,
0.19748687744140625,
0.8906773924827576,
-0.03811497241258621,
0.3835752308368683,
-0.24619360268115997,
0.3943725526332855,
0.19419938325881958,
0.496990829706192,
0.08296166360378265,
-0.22088760137557983,
0.5435308814048767,
0.5479432940483093,
-0.47584062814712524,
-0.9258226752281189,
0.06335653364658356,
-1.2027302980422974,
-0.4224785566329956,
0.722078800201416,
0.11950188130140305,
-0.3077734410762787,
-0.0060312459245324135,
-0.22692739963531494,
0.012249322608113289,
-0.45821258425712585,
1.208533525466919,
0.19618548452854156,
-0.46069473028182983,
0.08498583734035492,
-0.6393787860870361,
0.20739568769931793,
-0.042499735951423645,
-1.0396004915237427,
-0.20325292646884918,
0.1820458620786667,
0.630695104598999,
0.41829532384872437,
0.7925708889961243,
-0.03404085338115692,
0.34240034222602844,
0.3498822748661041,
0.39638328552246094,
0.19381298124790192,
-0.3513990342617035,
-0.06048951297998428,
0.441054105758667,
-0.14816094934940338,
-0.6393840909004211
] |
artificialguybr/LogoRedmond-LogoLoraForSDXL-V2
|
artificialguybr
| 2023-10-07T02:41:45Z | 5,137 | 7 |
diffusers
|
[
"diffusers",
"text-to-image",
"stable-diffusion",
"lora",
"base_model:stabilityai/stable-diffusion-xl-base-1.0",
"license:creativeml-openrail-m",
"has_space",
"region:us"
] |
text-to-image
| 2023-10-07T02:38:38Z |
---
license: creativeml-openrail-m
tags:
- text-to-image
- stable-diffusion
- lora
- diffusers
base_model: stabilityai/stable-diffusion-xl-base-1.0
instance_prompt: LogoRedmAF, Icons
widget:
- text: LogoRedmAF, Icons
---
# Logo.Redmond V2

Logo.Redmond is here!
I'm grateful for the GPU time from Redmond.AI that allowed me to finish this LORA!
This is a LOGO LORA fine-tuned on SD XL 1.0.
The LORA has a high capacity to generate LOGOS images in a wide variety of themes. It's a versatile LORA.
I recommend gen in 1024x1024.
You can use detailed, minimalist, colorful, black and white as tag to control the results.
The tag for the model:LogoRedAF
LORA is not perfect and sometimes needs more than one gen to create good images. I recommend simple prompts.
I really hope you like the LORA and use it.
If you like the model and think it's worth it, you can make a donation to my Patreon or Ko-fi.
Follow me in my twitter to know before all about new models:
https://twitter.com/artificialguybr/
|
[
-0.5979803800582886,
-0.6531790494918823,
0.3141898810863495,
0.473932147026062,
-0.6594399809837341,
0.10680191963911057,
0.17816276848316193,
-0.8829225301742554,
1.2119232416152954,
0.4646613597869873,
-0.7974700927734375,
-0.35979047417640686,
-0.42205625772476196,
-0.07680293917655945,
-0.1949278563261032,
0.7860097885131836,
-0.11006056517362595,
-0.41904783248901367,
0.23764720559120178,
-0.23651835322380066,
-0.688416063785553,
-0.17832089960575104,
-0.9836023449897766,
-0.8520340323448181,
0.9463500380516052,
0.5239893794059753,
0.581220805644989,
0.48181280493736267,
0.3700014650821686,
0.3376304805278778,
-0.15848436951637268,
-0.06304283440113068,
-0.3811768591403961,
-0.15396475791931152,
-0.15425190329551697,
-0.22312073409557343,
-0.8975277543067932,
0.21562917530536652,
0.14932303130626678,
0.2584010362625122,
-0.2766096591949463,
0.7660531997680664,
-0.29740047454833984,
0.7444430589675903,
-0.703812301158905,
0.17401058971881866,
-0.7635188698768616,
0.10789811611175537,
0.051337260752916336,
0.10893504321575165,
0.15192094445228577,
-0.6071787476539612,
-0.568246066570282,
-1.2941348552703857,
-0.08428104966878891,
0.060882482677698135,
1.1687357425689697,
0.47459182143211365,
0.09663296490907669,
-0.039202068001031876,
-0.8082340359687805,
0.6878719925880432,
-0.20525532960891724,
-0.0420491024851799,
0.33902794122695923,
0.6703280806541443,
0.11430556327104568,
-0.9349251985549927,
-0.30678504705429077,
0.2619594931602478,
0.22197654843330383,
0.1493433117866516,
-0.674481213092804,
-0.6425482630729675,
0.1707914173603058,
0.06395691633224487,
-0.009693539701402187,
0.031877536326646805,
-0.9463750720024109,
-0.002678080927580595,
0.6886881589889526,
0.002996810246258974,
0.3226379454135895,
0.44599995017051697,
-0.3372291624546051,
-0.18045707046985626,
-0.5649572610855103,
-0.2848585546016693,
0.2924370765686035,
0.17072057723999023,
-0.37938863039016724,
0.7806389927864075,
-0.29615068435668945,
0.14837224781513214,
0.18733790516853333,
0.07642100006341934,
0.3562104105949402,
-0.1657182276248932,
-0.4363224506378174,
0.1785522699356079,
0.4873604476451874,
0.48150601983070374,
0.05383812263607979,
0.29170751571655273,
-0.18227630853652954,
0.43695223331451416,
0.18143919110298157,
-0.7372283935546875,
-0.6209601759910583,
0.376679003238678,
-0.46000468730926514,
-0.37782052159309387,
0.0482037290930748,
-0.5914190411567688,
-0.27173274755477905,
-0.036948997527360916,
0.4259043037891388,
-0.22561229765415192,
-0.5720310211181641,
0.03797066584229469,
-0.5150014758110046,
0.13655000925064087,
0.830377995967865,
-0.6606099605560303,
-0.1458250880241394,
0.3837108016014099,
0.3849111795425415,
0.5532309412956238,
0.16339100897312164,
-0.4989929795265198,
0.4436399042606354,
-0.52740478515625,
0.9128224849700928,
-0.31276819109916687,
-0.44000014662742615,
-0.1796042025089264,
-0.27027082443237305,
0.3512789309024811,
-0.7927631139755249,
0.7832425832748413,
-0.5915868282318115,
-0.2746959924697876,
-0.37433984875679016,
0.12073270231485367,
-0.2498903125524521,
0.020744476467370987,
-1.1604167222976685,
0.7925299406051636,
0.4124794900417328,
-0.7518415451049805,
0.4383992552757263,
-1.1391055583953857,
-0.5511530637741089,
0.7668465971946716,
-0.21604228019714355,
-0.689695417881012,
0.5081212520599365,
-0.38709312677383423,
0.12018981575965881,
0.053106535226106644,
-0.6517879962921143,
-0.5241172313690186,
-0.3852865695953369,
0.2745760977268219,
0.36870190501213074,
0.604403555393219,
0.6580948233604431,
-0.1013433039188385,
-0.1427425593137741,
-1.0664770603179932,
0.5776315331459045,
0.6424515843391418,
-0.752755880355835,
-0.09604910016059875,
-0.23806212842464447,
0.32571762800216675,
0.2495642751455307,
0.6995793581008911,
-0.7257382273674011,
0.14153487980365753,
0.3931604027748108,
0.6162765622138977,
0.5769301652908325,
-0.2949434816837311,
-0.10765296220779419,
-0.07302458584308624,
0.46838271617889404,
-0.1393512338399887,
0.3094424903392792,
0.2975917458534241,
-0.6079354286193848,
-0.8144418001174927,
-0.46341246366500854,
0.09044842422008514,
0.25064027309417725,
-0.4278462529182434,
0.36600691080093384,
0.02100738137960434,
-0.6049154996871948,
-0.17810185253620148,
0.025865281000733376,
0.2478274405002594,
-0.09048157185316086,
0.1876934915781021,
-0.5932247638702393,
-0.7961679697036743,
-0.8958343267440796,
0.06496937572956085,
-0.4063900411128998,
0.3637278378009796,
0.3780652582645416,
0.755100429058075,
-0.6677964329719543,
0.8674967288970947,
-0.7096012830734253,
-0.31857651472091675,
-0.5445768237113953,
0.06295163184404373,
0.7728961110115051,
0.3424452245235443,
0.6657998561859131,
-0.682285487651825,
-0.729332685470581,
0.4227462410926819,
-0.8027599453926086,
-0.005224656313657761,
0.27924561500549316,
-0.11836578696966171,
-0.0344887375831604,
0.45415812730789185,
-0.9172230958938599,
0.6652197241783142,
0.3234695494174957,
-0.6724889278411865,
0.48564767837524414,
-0.5188835263252258,
0.07969532907009125,
-0.900900661945343,
0.46512818336486816,
0.05206984654068947,
-0.2998370826244354,
-0.4531717896461487,
0.24478891491889954,
-0.040948666632175446,
-0.2785642445087433,
-0.4869228005409241,
0.48448315262794495,
-0.4160556197166443,
-0.09324848651885986,
-0.2645559310913086,
-0.03930739685893059,
0.11815184354782104,
-0.014252583496272564,
-0.10074679553508759,
0.6329969763755798,
0.22702594101428986,
-0.6203461289405823,
0.4962354302406311,
0.524983823299408,
-0.8657594919204712,
0.5325219631195068,
-1.0527209043502808,
-0.05072272568941116,
-0.1995907574892044,
0.3036508560180664,
-0.7029544115066528,
-0.5885833501815796,
0.6265507340431213,
-0.3190503418445587,
0.14502651989459991,
0.16683629155158997,
-0.4419936537742615,
-0.5968098640441895,
-0.22311656177043915,
0.6512937545776367,
0.9209274649620056,
-0.6853748559951782,
0.44513121247291565,
0.3809308707714081,
-0.03147502988576889,
-0.2857167720794678,
-0.8964592814445496,
0.024373138323426247,
-0.6547647714614868,
-0.4101097285747528,
0.49410727620124817,
-0.08408855646848679,
-0.627882719039917,
-0.11053681373596191,
0.023026293143630028,
-0.3584868311882019,
0.09404091536998749,
0.6304458975791931,
0.29377442598342896,
-0.3119773268699646,
-0.4806624948978424,
-0.1156497523188591,
-0.32598140835762024,
-0.1664280891418457,
0.2387155443429947,
0.5808278322219849,
-0.11319820582866669,
0.15195296704769135,
-1.0945771932601929,
0.22234006226062775,
0.7923813462257385,
0.06107763946056366,
0.5551561117172241,
0.4364651143550873,
-0.4537353515625,
-0.12867659330368042,
-0.358049601316452,
0.1131565123796463,
-0.5005315542221069,
0.1428225338459015,
-0.448028564453125,
-0.686688244342804,
0.4780349135398865,
0.06478195637464523,
0.24565447866916656,
0.811259925365448,
0.5075564980506897,
-0.3807138502597809,
0.7430149912834167,
0.7521435618400574,
-0.07861101627349854,
0.43840277194976807,
-0.4107537865638733,
0.39388254284858704,
-0.5853865146636963,
-0.36628293991088867,
-0.5017625689506531,
-0.26163357496261597,
-0.19812211394309998,
-0.2556377649307251,
0.1594586968421936,
0.5758752226829529,
-0.4792041480541229,
0.8800848126411438,
-0.4022236168384552,
0.7404617071151733,
0.4330538809299469,
0.2702297866344452,
0.18571661412715912,
0.3212253153324127,
0.40449631214141846,
0.1124664917588234,
-0.6362396478652954,
-0.24597418308258057,
0.4871847629547119,
0.4852805733680725,
0.9781786203384399,
0.2177230715751648,
0.9225268959999084,
0.5781518816947937,
-0.0020017533097416162,
-0.21446621417999268,
0.6870201826095581,
-0.056044310331344604,
-0.7582833766937256,
0.027943691238760948,
-0.0962347537279129,
-0.7617596387863159,
0.03967323899269104,
-0.3413201868534088,
-0.4615631103515625,
-0.10161513090133667,
0.5362061858177185,
-0.8473348617553711,
0.2618362605571747,
-0.6671240925788879,
0.4646790027618408,
-0.20148488879203796,
-0.18216702342033386,
-0.6017265915870667,
-0.1788075566291809,
0.2914727032184601,
-0.3950316309928894,
0.15003444254398346,
-0.49018681049346924,
0.2642884850502014,
0.6061583757400513,
-0.7159991264343262,
0.8846451640129089,
0.09933663159608841,
-0.45175236463546753,
0.5268619060516357,
-0.19041962921619415,
0.6337299942970276,
0.09418801218271255,
-0.03847329691052437,
-0.09613557159900665,
-0.05755304545164108,
-0.6137787103652954,
-0.11042269319295883,
0.7881571650505066,
-0.7606472373008728,
-0.2168142944574356,
-0.5345023274421692,
0.20666588842868805,
0.270251601934433,
0.14831334352493286,
0.7070173621177673,
-0.04046342894434929,
-0.41814786195755005,
-0.07733441889286041,
0.46390706300735474,
-0.2573843002319336,
0.5067042708396912,
-0.1011289730668068,
-0.5035719871520996,
-0.29948657751083374,
1.1276243925094604,
-0.1972116380929947,
-0.11142726987600327,
-0.07046906650066376,
-0.03694800287485123,
-0.233719140291214,
-0.2988791763782501,
-0.203931987285614,
0.6010878682136536,
-0.8155287504196167,
-0.19762012362480164,
0.17325405776500702,
-0.21901839971542358,
-0.13783012330532074,
-0.3962444067001343,
-0.7061759233474731,
-0.6853813529014587,
-0.6548436880111694,
0.33117708563804626,
0.4268735945224762,
1.224474310874939,
-0.2179262936115265,
0.27702584862709045,
-0.2747737169265747,
0.15312643349170685,
0.3908049464225769,
0.5094435811042786,
-0.35667088627815247,
-0.416657030582428,
-0.06936541199684143,
-0.08073392510414124,
-0.24949389696121216,
-0.11827811598777771,
0.3230954110622406,
0.07402151077985764,
0.38271743059158325,
0.3284057676792145,
-0.2778308093547821,
0.7245681285858154,
-0.5163880586624146,
0.7783703804016113,
1.1002411842346191,
-0.3118763267993927,
0.5761719942092896,
-0.35628563165664673,
0.3621527850627899,
0.5780221819877625,
0.009470528922975063,
-0.02404453046619892,
0.01659855805337429,
-0.757863461971283,
-0.6640334129333496,
0.446269690990448,
0.44828107953071594,
0.43743613362312317,
0.13791939616203308,
0.39509183168411255,
0.06954782456159592,
0.034749891608953476,
-0.8303425908088684,
-0.5447569489479065,
-0.4165053963661194,
0.37721917033195496,
0.09968023747205734,
-0.3171723484992981,
-0.1259179562330246,
-0.36501744389533997,
1.1161855459213257,
0.14341014623641968,
0.5940966606140137,
-0.11139994114637375,
0.424694299697876,
-0.5173110961914062,
0.08677597343921661,
0.6947653293609619,
1.016372561454773,
-0.3103197515010834,
-0.39804860949516296,
0.09012595564126968,
-0.27749934792518616,
-0.30747392773628235,
-0.16433557868003845,
-0.23313136398792267,
0.27268537878990173,
-0.08029426634311676,
0.812384843826294,
-0.06961222738027573,
-0.5287089347839355,
0.1014244556427002,
-0.10765446722507477,
-0.3617423474788666,
-0.7067009806632996,
0.38545435667037964,
-0.18549665808677673,
0.6046240925788879,
0.30756983160972595,
0.11512438952922821,
-0.3636110723018646,
-0.4880948066711426,
-0.2343551218509674,
0.7740090489387512,
-0.15880520641803741,
-0.44910916686058044,
1.2079519033432007,
0.3069226145744324,
-0.4985758364200592,
0.6494112014770508,
-0.037051402032375336,
-0.2827863395214081,
0.8054941892623901,
0.736459493637085,
0.7114124298095703,
0.2286548763513565,
0.5068004727363586,
0.7885875701904297,
-0.13815142214298248,
-0.10749715566635132,
0.6195588111877441,
0.03900306299328804,
-0.3861967921257019,
0.05724044516682625,
-0.6964240074157715,
-0.4298417568206787,
0.43310168385505676,
-0.520235002040863,
0.5235528349876404,
-0.8966671824455261,
-0.6356252431869507,
0.28296640515327454,
-0.07596404105424881,
-0.16595682501792908,
0.5274624824523926,
0.29760587215423584,
1.3191510438919067,
-0.5135986804962158,
0.8586958050727844,
0.7047227621078491,
-0.38006356358528137,
-0.3292965292930603,
-0.44434770941734314,
-0.35170549154281616,
-0.9362428188323975,
0.8712620735168457,
0.2949310541152954,
-0.3848305642604828,
-0.020622368901968002,
-0.7795040011405945,
-0.8201515674591064,
1.3020042181015015,
0.10947174578905106,
-0.5672953128814697,
0.05944838747382164,
-0.13569039106369019,
0.10541242361068726,
-0.4998723864555359,
-0.4685686528682709,
0.2448650300502777,
0.4317317306995392,
0.2544976472854614,
-0.6542485952377319,
-0.2567792534828186,
-0.44940367341041565,
0.04814142733812332,
0.43076789379119873,
-0.804336428642273,
0.7815260291099548,
-0.5366902351379395,
-0.2859067916870117,
0.6822717785835266,
0.8517382740974426,
0.4378926753997803,
0.21401207149028778,
0.4613867700099945,
0.9956134557723999,
0.5665029883384705,
-0.03297610580921173,
1.0015993118286133,
-0.031218765303492546,
0.4933168292045593,
0.916273295879364,
-0.1473737359046936,
0.7088026404380798,
0.6224182844161987,
-0.24483786523342133,
0.4496746361255646,
0.6527756452560425,
-0.242874413728714,
0.36666789650917053,
-0.11098377406597137,
-0.36306941509246826,
-0.3371841013431549,
-0.19317008554935455,
-0.7127174735069275,
0.09301123023033142,
-0.08711319416761398,
-0.3294539451599121,
-0.25847116112709045,
-0.559398353099823,
-0.027488872408866882,
-0.021603059023618698,
-0.6665492057800293,
0.11017956584692001,
0.07724374532699585,
-0.37268567085266113,
0.7165025472640991,
0.3251758813858032,
0.5473644137382507,
-0.7371872067451477,
-0.00556355994194746,
-0.40262073278427124,
0.3366686701774597,
-0.4408000409603119,
-0.6947460174560547,
0.011016705073416233,
-0.04851650446653366,
-0.07698483020067215,
-0.0008591273799538612,
0.5912774205207825,
0.2026549130678177,
-0.8114194869995117,
0.06552509218454361,
0.04676411300897598,
0.4350530207157135,
0.05344277247786522,
-0.846228837966919,
0.6048030257225037,
0.17698760330677032,
0.15092211961746216,
0.06236106902360916,
-0.2042006254196167,
-0.10753719508647919,
0.544318675994873,
0.2604982852935791,
-0.13072562217712402,
0.10940825194120407,
-0.09499819576740265,
0.7661060094833374,
-0.6568655967712402,
-0.4144642949104309,
-0.5766387581825256,
0.30163466930389404,
-0.1917445957660675,
-0.6491430401802063,
0.6107445359230042,
0.9947994351387024,
0.7230937480926514,
-0.705165684223175,
0.8374839425086975,
-0.347890168428421,
0.21912220120429993,
-0.041871991008520126,
0.8274701833724976,
-0.8900654911994934,
-0.18526384234428406,
-0.18919336795806885,
-0.9704042077064514,
-0.14556105434894562,
0.9549605846405029,
0.4768437445163727,
-0.07922974228858948,
0.0737774521112442,
0.4672902822494507,
-0.30468887090682983,
0.11501491069793701,
0.2576948404312134,
-0.14808781445026398,
0.05381050333380699,
0.5006567239761353,
0.9029708504676819,
-0.6345945596694946,
0.44598037004470825,
-0.2110053151845932,
-0.3012504279613495,
-0.4428553581237793,
-0.8330824375152588,
-0.6940446496009827,
-0.382874071598053,
-0.8768960237503052,
-0.6422039866447449,
-0.1682734340429306,
0.5894649624824524,
0.7779164910316467,
-0.6137558817863464,
-0.012354533188045025,
-0.013231147080659866,
-0.21722669899463654,
0.06276474893093109,
-0.050561703741550446,
-0.15500032901763916,
0.17235325276851654,
-0.5436438322067261,
0.34902259707450867,
0.20140278339385986,
0.43427884578704834,
0.3139294683933258,
-0.2900533676147461,
0.0036643827334046364,
0.12220262736082077,
0.8373515605926514,
1.0282340049743652,
-0.6537678241729736,
-0.1005392074584961,
-0.6106029152870178,
0.08563804626464844,
0.26213061809539795,
0.7519532442092896,
-0.4972347915172577,
-0.4742641746997833,
0.2544097602367401,
0.17695559561252594,
0.39500918984413147,
0.22328609228134155,
0.12111791968345642,
-0.2143728882074356,
-0.0290245208889246,
-0.3141762316226959,
0.5078293681144714,
0.018846845254302025,
0.02446465753018856,
0.7860424518585205,
0.3531077206134796,
-0.1400647759437561,
-0.7507854700088501,
0.5670449137687683,
-1.1763924360275269,
-0.7164587378501892,
0.9812750220298767,
0.43988001346588135,
-0.29744037985801697,
0.11519820243120193,
-0.29582861065864563,
-0.14939716458320618,
-0.20989125967025757,
0.6156126260757446,
0.32996371388435364,
-0.2561730444431305,
0.24425587058067322,
-0.3985462784767151,
0.0990266352891922,
0.14936882257461548,
-0.818566083908081,
-0.05734942480921745,
0.600730836391449,
0.3782508969306946,
0.695712149143219,
0.5970020890235901,
-0.038884278386831284,
0.7679906487464905,
0.13912692666053772,
0.0869278684258461,
0.08897805958986282,
-0.3535718321800232,
-0.06311244517564774,
0.24062946438789368,
0.20729684829711914,
-0.3906763195991516
] |
MBZUAI/LaMini-GPT-124M
|
MBZUAI
| 2023-04-28T13:07:07Z | 5,136 | 14 |
transformers
|
[
"transformers",
"pytorch",
"gpt2",
"text-generation",
"en",
"arxiv:2304.14402",
"license:cc-by-nc-4.0",
"endpoints_compatible",
"has_space",
"text-generation-inference",
"region:us"
] |
text-generation
| 2023-04-14T00:58:57Z |
---
license: cc-by-nc-4.0
language:
- en
pipeline_tag: text-generation
widget:
- text: >-
Below is an instruction that describes a task.
Write a response that appropriately completes the request.
### Instruction:
how can I become more healthy?
### Response:
example_title: example
---
<!-- 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. -->
<p align="center" width="100%">
<a><img src="https://raw.githubusercontent.com/mbzuai-nlp/lamini-lm/main/images/lamini.png" alt="Title" style="width: 100%; min-width: 300px; display: block; margin: auto;"></a>
</p>
# LaMini-GPT-124M
[]()
This model is one of our LaMini-LM model series in paper "[LaMini-LM: A Diverse Herd of Distilled Models from Large-Scale Instructions](https://github.com/mbzuai-nlp/lamini-lm)".
This model is a fine-tuned version of [gpt2](https://huggingface.co/gpt2) on [LaMini-instruction dataset](https://huggingface.co/datasets/MBZUAI/LaMini-instruction) that contains 2.58M samples for instruction fine-tuning. For more information about our dataset, please refer to our [project repository](https://github.com/mbzuai-nlp/lamini-lm/).
You can view other models of LaMini-LM series as follows. Models with ✩ are those with the best overall performance given their size/architecture, hence we recommend using them. More details can be seen in our paper.
<table>
<thead>
<tr>
<th>Base model</th>
<th colspan="4">LaMini-LM series (#parameters)</th>
</tr>
</thead>
<tbody>
<tr>
<td>T5</td>
<td><a href="https://huggingface.co/MBZUAI/lamini-t5-61m" target="_blank" rel="noopener noreferrer">LaMini-T5-61M</a></td>
<td><a href="https://huggingface.co/MBZUAI/lamini-t5-223m" target="_blank" rel="noopener noreferrer">LaMini-T5-223M</a></td>
<td><a href="https://huggingface.co/MBZUAI/lamini-t5-738m" target="_blank" rel="noopener noreferrer">LaMini-T5-738M</a></td>
<td></td>
</tr>
<tr>
<td>Flan-T5</td>
<td><a href="https://huggingface.co/MBZUAI/lamini-flan-t5-77m" target="_blank" rel="noopener noreferrer">LaMini-Flan-T5-77M</a>✩</td>
<td><a href="https://huggingface.co/MBZUAI/lamini-flan-t5-248m" target="_blank" rel="noopener noreferrer">LaMini-Flan-T5-248M</a>✩</td>
<td><a href="https://huggingface.co/MBZUAI/lamini-flan-t5-783m" target="_blank" rel="noopener noreferrer">LaMini-Flan-T5-783M</a>✩</td>
<td></td>
</tr>
<tr>
<td>Cerebras-GPT</td>
<td><a href="https://huggingface.co/MBZUAI/lamini-cerebras-111m" target="_blank" rel="noopener noreferrer">LaMini-Cerebras-111M</a></td>
<td><a href="https://huggingface.co/MBZUAI/lamini-cerebras-256m" target="_blank" rel="noopener noreferrer">LaMini-Cerebras-256M</a></td>
<td><a href="https://huggingface.co/MBZUAI/lamini-cerebras-590m" target="_blank" rel="noopener noreferrer">LaMini-Cerebras-590M</a></td>
<td><a href="https://huggingface.co/MBZUAI/lamini-cerebras-1.3b" target="_blank" rel="noopener noreferrer">LaMini-Cerebras-1.3B</a></td>
</tr>
<tr>
<td>GPT-2</td>
<td><a href="https://huggingface.co/MBZUAI/lamini-gpt-124m" target="_blank" rel="noopener noreferrer">LaMini-GPT-124M</a>✩</td>
<td><a href="https://huggingface.co/MBZUAI/lamini-gpt-774m" target="_blank" rel="noopener noreferrer">LaMini-GPT-774M</a>✩</td>
<td><a href="https://huggingface.co/MBZUAI/lamini-gpt-1.5b" target="_blank" rel="noopener noreferrer">LaMini-GPT-1.5B</a>✩</td>
<td></td>
</tr>
<tr>
<td>GPT-Neo</td>
<td><a href="https://huggingface.co/MBZUAI/lamini-neo-125m" target="_blank" rel="noopener noreferrer">LaMini-Neo-125M</a></td>
<td><a href="https://huggingface.co/MBZUAI/lamini-neo-1.3b" target="_blank" rel="noopener noreferrer">LaMini-Neo-1.3B</a></td>
<td></td>
<td></td>
</tr>
<tr>
<td>GPT-J</td>
<td colspan="4">coming soon</td>
</tr>
<tr>
<td>LLaMA</td>
<td colspan="4">coming soon</td>
</tr>
</tbody>
</table>
## Use
### Intended use
We recommend using the model to respond to human instructions written in natural language.
Since this decoder-only model is fine-tuned with wrapper text, we suggest using the same wrapper text to achieve the best performance.
See the example on the right or the code below.
We now show you how to load and use our model using HuggingFace `pipeline()`.
```python
# pip install -q transformers
from transformers import pipeline
checkpoint = "{model_name}"
model = pipeline('text-generation', model = checkpoint)
instruction = 'Please let me know your thoughts on the given place and why you think it deserves to be visited: \n"Barcelona, Spain"'
input_prompt = f"Below is an instruction that describes a task. Write a response that appropriately completes the request.\n\n### Instruction:\n{instruction}\n\n### Response:"
generated_text = model(input_prompt, max_length=512, do_sample=True)[0]['generated_text']
print("Response", generated_text)
```
## Training Procedure
<p align="center" width="100%">
<a><img src="https://raw.githubusercontent.com/mbzuai-nlp/lamini-lm/main/images/lamini-pipeline.drawio.png" alt="Title" style="width: 100%; min-width: 250px; display: block; margin: auto;"></a>
</p>
We initialize with [gpt2](https://huggingface.co/gpt2) and fine-tune it on our [LaMini-instruction dataset](https://huggingface.co/datasets/MBZUAI/LaMini-instruction). Its total number of parameters is 124M.
### Training Hyperparameters
## Evaluation
We conducted two sets of evaluations: automatic evaluation on downstream NLP tasks and human evaluation on user-oriented instructions. For more detail, please refer to our [paper]().
## Limitations
More information needed
# Citation
```bibtex
@article{lamini-lm,
author = {Minghao Wu and
Abdul Waheed and
Chiyu Zhang and
Muhammad Abdul-Mageed and
Alham Fikri Aji
},
title = {LaMini-LM: A Diverse Herd of Distilled Models from Large-Scale Instructions},
journal = {CoRR},
volume = {abs/2304.14402},
year = {2023},
url = {https://arxiv.org/abs/2304.14402},
eprinttype = {arXiv},
eprint = {2304.14402}
}
```
|
[
-0.5935382843017578,
-0.7192259430885315,
0.19015640020370483,
0.25176459550857544,
-0.3007170557975769,
-0.43911367654800415,
-0.1390676647424698,
-0.6253570318222046,
0.30887553095817566,
0.23803721368312836,
-0.7918834686279297,
-0.4279137849807739,
-0.5448924899101257,
0.033771831542253494,
0.012309725396335125,
0.8712281584739685,
-0.25412988662719727,
-0.10003148019313812,
0.1521175652742386,
-0.10741361230611801,
-0.2445099949836731,
-0.4034636318683624,
-0.8881784081459045,
-0.4561622738838196,
0.18231727182865143,
-0.017746955156326294,
0.7127097249031067,
0.8425995111465454,
0.33377528190612793,
0.3864668309688568,
-0.21950103342533112,
0.313810259103775,
-0.09892590343952179,
-0.1953122317790985,
0.11141999065876007,
-0.3706932067871094,
-0.9857980012893677,
0.05453583225607872,
0.7142170667648315,
0.22965531051158905,
0.2518233358860016,
0.3887030780315399,
0.24607625603675842,
0.7455036640167236,
-0.355249285697937,
0.19669483602046967,
-0.04942045360803604,
0.10463116317987442,
-0.2252771407365799,
-0.018734119832515717,
-0.1987699419260025,
-0.4600153863430023,
-0.0136851342394948,
-0.6242235898971558,
-0.11326485127210617,
0.12376187741756439,
1.513953685760498,
0.12916100025177002,
-0.09481746703386307,
-0.10694067180156708,
-0.3736821115016937,
0.9434370398521423,
-0.8268803954124451,
0.13993015885353088,
0.5941216349601746,
-0.13159674406051636,
0.06672296673059464,
-0.43985527753829956,
-0.7413402795791626,
0.011671050451695919,
-0.540634036064148,
0.36705243587493896,
-0.31216487288475037,
-0.3729298710823059,
0.608306884765625,
0.13386406004428864,
-0.5160821080207825,
-0.01969734951853752,
-0.32231444120407104,
-0.09246718883514404,
0.6744034290313721,
0.24537603557109833,
0.6912426948547363,
-0.29245173931121826,
-0.3661828935146332,
-0.1963711678981781,
-0.3634001612663269,
0.3056972324848175,
0.38813892006874084,
0.26345309615135193,
-0.7841782569885254,
0.34515389800071716,
-0.03278803825378418,
0.8757802844047546,
0.274623841047287,
-0.3056308627128601,
0.6118939518928528,
-0.25638657808303833,
-0.4064238965511322,
-0.27185049653053284,
1.1050761938095093,
0.6548545360565186,
0.23132756352424622,
0.017552435398101807,
-0.02855828031897545,
-0.2723381519317627,
-0.015942996367812157,
-1.0068800449371338,
-0.07071274518966675,
0.3258569836616516,
-0.5837074518203735,
-0.4299585223197937,
0.0772169679403305,
-0.9147294759750366,
0.04557386785745621,
-0.3945602476596832,
0.2282429039478302,
-0.5518877506256104,
-0.33325260877609253,
0.22007900476455688,
-0.04064241796731949,
0.36339694261550903,
0.29295510053634644,
-0.8150415420532227,
0.08266288787126541,
0.39802318811416626,
0.7557867169380188,
0.07469451427459717,
-0.29391607642173767,
-0.2598031163215637,
0.2626570463180542,
0.1025247648358345,
0.7106441259384155,
-0.2534567415714264,
-0.38250085711479187,
-0.24734771251678467,
0.3703725039958954,
-0.4421359896659851,
-0.2403203696012497,
0.8743243217468262,
-0.06818843632936478,
0.38333162665367126,
-0.4821808338165283,
-0.3821064233779907,
-0.007217183243483305,
0.16147390007972717,
-0.661424458026886,
1.035827398300171,
0.15135768055915833,
-1.1742267608642578,
0.02213645912706852,
-0.7923198342323303,
-0.16885331273078918,
-0.288356214761734,
0.21398505568504333,
-0.7260442972183228,
-0.28261706233024597,
0.3100825250148773,
0.41748306155204773,
-0.33234089612960815,
-0.3465774357318878,
-0.2933405339717865,
-0.2580913305282593,
0.4755747616291046,
-0.1758977621793747,
0.9760691523551941,
0.14882060885429382,
-0.7023317813873291,
-0.15988829731941223,
-0.8738482594490051,
0.2833550274372101,
0.3616969883441925,
-0.36055848002433777,
-0.09405336529016495,
-0.3080272972583771,
0.24158607423305511,
0.5174666047096252,
0.40318024158477783,
-0.3715350329875946,
0.16155949234962463,
-0.4385354220867157,
0.43428274989128113,
0.8269923329353333,
0.014757397584617138,
0.41063955426216125,
-0.7801358103752136,
0.2929568588733673,
-0.07549673318862915,
0.26134008169174194,
0.15056192874908447,
-0.3450084328651428,
-0.8941786885261536,
-0.24681726098060608,
0.25834131240844727,
0.6208435893058777,
-0.42450425028800964,
0.6682118773460388,
-0.033149659633636475,
-0.4477730095386505,
-0.6611757874488831,
0.10278622061014175,
0.6557467579841614,
0.4685726463794708,
0.5702162384986877,
-0.15474112331867218,
-0.7256327271461487,
-0.7612075805664062,
-0.04484923183917999,
-0.21924790740013123,
0.010472772642970085,
0.6133847236633301,
0.654241144657135,
-0.34055736660957336,
0.5037177801132202,
-0.5349714756011963,
-0.20804588496685028,
-0.37418612837791443,
0.09106177091598511,
0.23291710019111633,
0.8065889477729797,
0.7028772234916687,
-0.8187294006347656,
-0.6527720093727112,
0.02686142548918724,
-0.9705832004547119,
-0.12232217937707901,
-0.2392413467168808,
-0.47084471583366394,
0.23820097744464874,
0.0824081152677536,
-0.505050003528595,
0.5602177381515503,
0.3134728670120239,
-0.5266129374504089,
0.5491605997085571,
-0.27923738956451416,
0.1507297158241272,
-1.2403132915496826,
0.5071805715560913,
0.4437123239040375,
0.0851907879114151,
-0.9252938032150269,
0.16281907260417938,
-0.1511995792388916,
0.3872810900211334,
-0.5177407264709473,
0.8836869597434998,
-0.4245629906654358,
0.21519523859024048,
-0.19297415018081665,
0.2810959815979004,
0.29707807302474976,
0.565514087677002,
0.265460729598999,
0.5941307544708252,
0.4104560315608978,
-0.4052923023700714,
0.33693927526474,
0.4754866361618042,
-0.19536744058132172,
0.6822370886802673,
-0.8269124627113342,
0.13579799234867096,
-0.07164846360683441,
0.20037680864334106,
-0.540781557559967,
-0.26549312472343445,
0.5849586725234985,
-0.41397786140441895,
0.6977106928825378,
-0.1503729224205017,
-0.4398113489151001,
-0.6875537037849426,
-0.3060700297355652,
0.15640908479690552,
0.5252001285552979,
-0.3693222403526306,
0.48808401823043823,
0.2409365177154541,
0.272752046585083,
-0.7115988731384277,
-0.725348174571991,
-0.2883628010749817,
-0.5203309655189514,
-0.7799676060676575,
0.49288731813430786,
-0.13533417880535126,
-0.08259108662605286,
-0.26124072074890137,
-0.07201685011386871,
-0.2404656708240509,
0.10650120675563812,
0.37471631169319153,
0.4850524365901947,
-0.24520128965377808,
-0.18774713575839996,
-0.260969877243042,
-0.14592024683952332,
0.12240642309188843,
-0.06670074909925461,
0.7509376406669617,
-0.3985746502876282,
-0.00615732790902257,
-1.3581476211547852,
0.08277208358049393,
0.5271803736686707,
-0.26958924531936646,
0.895455002784729,
1.1315100193023682,
-0.28710779547691345,
0.1889456808567047,
-0.5631967782974243,
-0.12084897607564926,
-0.5149810314178467,
-0.17099806666374207,
-0.5067955851554871,
-0.4826233685016632,
0.6548018455505371,
0.004069773945957422,
-0.23882274329662323,
0.562356173992157,
0.3674677908420563,
-0.293258935213089,
0.7161118388175964,
0.37465640902519226,
-0.42051205039024353,
0.4155586063861847,
-0.7740293145179749,
0.0986248254776001,
-1.3709791898727417,
-0.5500720143318176,
-0.45660799741744995,
-0.49226266145706177,
-0.4652007520198822,
-0.36942121386528015,
0.17601671814918518,
0.5184676051139832,
-0.6300429701805115,
0.5604320764541626,
-0.6644088625907898,
0.16023778915405273,
0.4911252558231354,
0.5791163444519043,
-0.0743221864104271,
-0.12016455829143524,
-0.3551366627216339,
-0.017696840688586235,
-0.3471599817276001,
-0.6523458361625671,
0.9464572072029114,
0.4180251657962799,
0.45037224888801575,
0.13349583745002747,
0.7577454447746277,
0.053506944328546524,
0.04073680564761162,
-0.4352894723415375,
0.4291505515575409,
-0.058240003883838654,
-0.40026649832725525,
-0.33755987882614136,
-0.38688400387763977,
-0.9543407559394836,
0.08158928155899048,
-0.42685556411743164,
-1.121133804321289,
0.17161007225513458,
0.20292767882347107,
-0.41074734926223755,
0.501304030418396,
-0.5040152668952942,
0.9303193092346191,
-0.333935022354126,
-0.9255258440971375,
0.3263942301273346,
-0.6471417546272278,
0.14537489414215088,
0.4048559069633484,
0.21313412487506866,
-0.027802646160125732,
0.13037660717964172,
0.670807957649231,
-0.6524261832237244,
0.9268282055854797,
-0.2930547893047333,
-0.09063280373811722,
0.5377227067947388,
-0.19908903539180756,
0.6151641607284546,
0.002979627111926675,
-0.3192186653614044,
-0.11937091499567032,
-0.09888632595539093,
-0.44128212332725525,
-0.4905022382736206,
0.7545586228370667,
-0.9877766370773315,
-0.5007602572441101,
-0.5312397480010986,
-0.3581864833831787,
0.21812660992145538,
0.1662241816520691,
0.3751033544540405,
0.48860806226730347,
0.08649306744337082,
0.04880019277334213,
0.6921879053115845,
-0.18992885947227478,
0.5839148163795471,
0.1484229862689972,
0.09430807828903198,
-0.2582654356956482,
0.8622491955757141,
-0.06971631944179535,
0.12432868778705597,
0.5552287697792053,
0.258041113615036,
-0.49680110812187195,
-0.29327547550201416,
-0.6367114782333374,
0.6122605204582214,
-0.2703700661659241,
-0.21998794376850128,
-0.543346107006073,
-0.30983656644821167,
-0.39983606338500977,
-0.3452828824520111,
-0.1495329737663269,
-0.36974036693573,
-0.6526843905448914,
-0.0862618014216423,
0.48357218503952026,
0.5385782718658447,
-0.23551127314567566,
0.30311766266822815,
-0.4842718243598938,
0.21481521427631378,
0.20244936645030975,
0.14794909954071045,
0.10324859619140625,
-0.47536250948905945,
-0.06902962177991867,
0.28284844756126404,
-0.4731915295124054,
-0.662972629070282,
0.6482502222061157,
-0.10443314909934998,
0.5737211108207703,
0.42350292205810547,
0.006652771960943937,
0.7695472240447998,
-0.312004417181015,
0.5887289047241211,
0.3346403241157532,
-0.9413018822669983,
0.658574640750885,
-0.4094673693180084,
0.4190494120121002,
0.46156901121139526,
0.5445649027824402,
-0.3725488483905792,
-0.19888325035572052,
-0.5877386927604675,
-0.7463124394416809,
0.851020097732544,
0.29338377714157104,
-0.00003213878517271951,
0.09930544346570969,
0.5401368141174316,
-0.4141029715538025,
-0.029256068170070648,
-0.9944406747817993,
-0.6117422580718994,
-0.4447389543056488,
-0.07416163384914398,
0.3550959527492523,
-0.11746332049369812,
-0.14724040031433105,
-0.4824444055557251,
0.8659754991531372,
-0.06737642735242844,
0.6520152688026428,
0.22158364951610565,
-0.09967784583568573,
-0.05977252125740051,
0.28500157594680786,
0.833914577960968,
0.4506455063819885,
-0.3611587584018707,
-0.24743686616420746,
0.2635526955127716,
-0.4830217659473419,
0.047857630997896194,
-0.10101832449436188,
-0.39162886142730713,
-0.09174501895904541,
0.2598368525505066,
1.051507830619812,
0.1701231747865677,
-0.10755135864019394,
0.4964262545108795,
0.1244068592786789,
-0.22111544013023376,
-0.30015406012535095,
0.16655796766281128,
0.20634394884109497,
0.37175342440605164,
0.03529718518257141,
0.09289747476577759,
0.018159940838813782,
-0.6025650501251221,
0.2926783561706543,
0.39630553126335144,
-0.3628813922405243,
-0.2620217502117157,
0.8695684671401978,
-0.0405941978096962,
-0.13176777958869934,
0.34679147601127625,
-0.2551622986793518,
-0.8262646198272705,
0.5932207703590393,
0.7515995502471924,
0.6069480180740356,
-0.3077314794063568,
0.358639121055603,
0.9422770142555237,
-0.02482547052204609,
-0.11472608149051666,
0.15310466289520264,
0.031914837658405304,
-0.5900017619132996,
0.05431920662522316,
-0.9920796155929565,
0.01739046722650528,
0.30246275663375854,
-0.9674295783042908,
0.31408318877220154,
-0.4975750148296356,
-0.40590938925743103,
-0.11180183291435242,
0.4186819791793823,
-0.6860598921775818,
0.6459680199623108,
0.13302288949489594,
0.7728810906410217,
-0.6819619536399841,
1.0496653318405151,
0.5220345258712769,
-0.7292534708976746,
-0.9134916067123413,
0.12259291857481003,
0.06456983834505081,
-0.9914289712905884,
0.7970041036605835,
0.0329044945538044,
-0.005760140251368284,
-0.07739382237195969,
-0.30199816823005676,
-0.6943173408508301,
1.3740859031677246,
-0.14603875577449799,
-0.2135862410068512,
-0.28099632263183594,
0.3299941420555115,
0.6684691309928894,
-0.41177746653556824,
0.7642346024513245,
0.5162229537963867,
0.6931636929512024,
0.09372708201408386,
-0.8679138422012329,
0.6018446683883667,
-0.6146947145462036,
0.0780719742178917,
-0.007559317629784346,
-1.4010411500930786,
1.0301387310028076,
0.039402276277542114,
-0.00972755067050457,
0.254841685295105,
0.4783863127231598,
0.306423157453537,
0.2201039046049118,
0.10112706571817398,
0.798607587814331,
0.5462172031402588,
-0.2911534309387207,
1.119643211364746,
-0.385448694229126,
0.590114176273346,
1.0023709535598755,
0.0313628688454628,
0.9294862151145935,
0.17351384460926056,
-0.3077811896800995,
0.7200689315795898,
0.4018808603286743,
-0.3665860593318939,
0.24964720010757446,
0.27468714118003845,
-0.1875707358121872,
-0.1039498820900917,
-0.08620475232601166,
-0.580231785774231,
0.21901211142539978,
0.3415987193584442,
-0.49047157168388367,
0.06934266537427902,
-0.34493058919906616,
0.42701947689056396,
0.05533251538872719,
-0.21989496052265167,
0.5888256430625916,
0.14356061816215515,
-0.42339250445365906,
0.8505851626396179,
0.011548155918717384,
0.7020470499992371,
-0.4997958242893219,
0.18880608677864075,
-0.2011301964521408,
0.12040921300649643,
-0.3124922513961792,
-0.6751225590705872,
0.13088028132915497,
0.11486329883337021,
-0.13564863801002502,
-0.32970473170280457,
0.47904112935066223,
-0.24408279359340668,
-0.6268274784088135,
0.38309913873672485,
0.21438919007778168,
0.14932028949260712,
0.30265161395072937,
-1.2451460361480713,
0.3109763562679291,
0.32003191113471985,
-0.41411879658699036,
0.35169655084609985,
0.21807514131069183,
0.2706166207790375,
0.6587986946105957,
0.49897709488868713,
-0.029070021584630013,
0.1351529210805893,
-0.03467269241809845,
0.8757973313331604,
-0.4327827990055084,
-0.09855052828788757,
-0.9366950988769531,
0.7958396077156067,
-0.3988072872161865,
-0.28406286239624023,
0.9488093852996826,
0.6360735297203064,
0.7418584823608398,
-0.15186189115047455,
0.7420481443405151,
-0.22687409818172455,
0.3609076738357544,
-0.6363406777381897,
0.9784953594207764,
-0.6350640058517456,
0.11838428676128387,
-0.43995195627212524,
-0.6474299430847168,
-0.20029331743717194,
1.0495953559875488,
-0.26376017928123474,
0.2511315643787384,
0.6554902195930481,
0.736821711063385,
0.03229913115501404,
-0.09056374430656433,
-0.12069954723119736,
0.2642346918582916,
0.011915664188563824,
0.9415615797042847,
0.5317038893699646,
-0.8621097207069397,
0.13750796020030975,
-0.5871098637580872,
-0.09947255253791809,
-0.34805139899253845,
-0.7168609499931335,
-1.1155369281768799,
-0.6236712336540222,
-0.4971831738948822,
-0.5440810322761536,
-0.04810415208339691,
0.949558675289154,
0.6114082932472229,
-0.8543805480003357,
-0.3401261568069458,
0.06036624684929848,
0.007410050835460424,
-0.0949091985821724,
-0.27032196521759033,
0.7733921408653259,
0.018245285376906395,
-1.0430690050125122,
0.05875004082918167,
-0.07437848299741745,
0.5767159461975098,
0.22767141461372375,
-0.29627349972724915,
-0.4400859475135803,
0.0750841423869133,
0.2120009958744049,
0.5213398337364197,
-0.6194599270820618,
-0.32010790705680847,
-0.10659735649824142,
-0.2501695454120636,
0.23383302986621857,
0.30922171473503113,
-0.409186452627182,
0.13157536089420319,
0.5094972848892212,
0.20342552661895752,
0.7234809398651123,
0.271085649728775,
0.3137513995170593,
-0.4994428753852844,
0.14155176281929016,
-0.125814288854599,
0.4138306677341461,
0.12331433594226837,
-0.44105568528175354,
0.5935574173927307,
0.28589677810668945,
-0.4753264784812927,
-0.7426282167434692,
-0.10600342601537704,
-1.2280011177062988,
-0.03348100557923317,
1.1654329299926758,
-0.3529495596885681,
-0.46625325083732605,
0.3020938038825989,
-0.3111342787742615,
0.5086979269981384,
-0.47099974751472473,
0.5479020476341248,
0.6643363833427429,
-0.3625257909297943,
-0.17600010335445404,
-0.6330209374427795,
0.7110602855682373,
0.20657627284526825,
-0.8400845527648926,
-0.2615518867969513,
0.19571596384048462,
0.3048800826072693,
0.3931364119052887,
0.45819661021232605,
-0.07999998331069946,
0.11647497117519379,
-0.13258080184459686,
-0.028385158628225327,
-0.12713463604450226,
-0.013849287293851376,
-0.10147926211357117,
-0.012700955383479595,
-0.28826186060905457,
-0.09696247428655624
] |
hotshotco/SDXL-512
|
hotshotco
| 2023-10-07T14:43:07Z | 5,131 | 36 |
diffusers
|
[
"diffusers",
"text-to-image",
"stable-diffusion",
"license:openrail++",
"endpoints_compatible",
"has_space",
"diffusers:StableDiffusionXLPipeline",
"region:us"
] |
text-to-image
| 2023-10-03T08:30:59Z |
---
license: openrail++
tags:
- text-to-image
- stable-diffusion
---

<hr>
# Overview
SDXL-512 is a checkpoint fine-tuned from SDXL 1.0 that is designed to more simply generate higher-fidelity images at and around the 512x512 resolution. The model has been fine-tuned using a learning rate of 1e-6 over 7000 steps with a batch size of 64 on a curated dataset of multiple aspect ratios. alternating low and high resolution batches (per aspect ratio) so as not to impair the base model's existing performance at higher resolution.
*Note:* It bears repeating that SDXL-512 was not trained to be "better" than SDXL, but rather to simplify prompting for higher-fidelity outputs at and around the 512x512 resolution.
- **Use it with [Hotshot-XL](https://huggingface.co/hotshotco/Hotshot-XL) (recommended)**
<hr>
# Model Description
- **Developed by**: Natural Synthetics Inc.
- **Model type**: Diffusion-based text-to-image generative model
- **License**: CreativeML Open RAIL++-M License
- **Model Description**: This is a model that can be used to generate and modify higher-fidelity images at and around the 512x512 resolution.
- **Resources for more information**: Check out our [GitHub Repository](https://github.com/hotshotco/Hotshot-XL).
- **Finetuned from model**: [Stable Diffusion XL 1.0](https://huggingface.co/stabilityai/stable-diffusion-xl-base-1.0)
<hr>
# 🧨 Diffusers
Make sure to upgrade diffusers to >= 0.18.2:
```
pip install diffusers --upgrade
```
In addition make sure to install `transformers`, `safetensors`, `accelerate` as well as the invisible watermark:
```
pip install invisible_watermark transformers accelerate safetensors
```
Running the pipeline (if you don't swap the scheduler it will run with the default **EulerDiscreteScheduler** in this example we are swapping it to **EulerAncestralDiscreteScheduler**:
```py
from diffusers import StableDiffusionXLPipeline, EulerAncestralDiscreteScheduler
pipe = StableDiffusionXLPipeline.from_pretrained(
"hotshotco/SDXL-512",
use_safetensors=True,
).to('cuda')
pipe.scheduler = EulerAncestralDiscreteScheduler.from_config(pipe.scheduler.config)
prompt = "a woman laughing"
negative_prompt = ""
image = pipe(
prompt,
negative_prompt=negative_prompt,
width=512,
height=512,
target_size=(1024, 1024),
original_size=(4096, 4096),
num_inference_steps=50
).images[0]
image.save("woman_laughing.png")
```
<hr>
# Limitations and Bias
## Limitations
- The model does not achieve perfect photorealism
- The model cannot render legible text
- The model struggles with more difficult tasks which involve compositionality, such as rendering an image corresponding to “A red cube on top of a blue sphere”
- Faces and people in general may not be generated properly.
## Bias
While the capabilities of image generation models are impressive, they can also reinforce or exacerbate social biases.
|
[
-0.5950279235839844,
-0.575859010219574,
0.6003025770187378,
0.27884161472320557,
-0.43528905510902405,
-0.0721498504281044,
0.14250341057777405,
-0.3791287839412689,
0.054376889020204544,
0.5265117883682251,
-0.6682297587394714,
-0.47036126255989075,
-0.759559690952301,
-0.045100390911102295,
-0.39154252409935,
0.9919124841690063,
-0.22549477219581604,
-0.10370872169733047,
0.19243907928466797,
0.018377315253019333,
-0.19248422980308533,
0.0073113772086799145,
-0.8906580209732056,
-0.014745372347533703,
0.4449835419654846,
-0.011881634593009949,
0.8474783301353455,
0.642510175704956,
0.419746458530426,
0.24366453289985657,
-0.30749624967575073,
-0.0065936800092458725,
-0.43208280205726624,
-0.012937835417687893,
0.0007176841609179974,
-0.16444939374923706,
-0.24688352644443512,
-0.10764041543006897,
0.8330804109573364,
0.5805495977401733,
-0.38246703147888184,
0.10867464542388916,
0.01418612152338028,
0.8224400877952576,
-0.7755370736122131,
-0.07339052110910416,
-0.5356336832046509,
0.3183669149875641,
-0.20865018665790558,
0.006965284235775471,
-0.2238137274980545,
-0.2509998679161072,
-0.12449411302804947,
-0.7509273290634155,
0.587411105632782,
-0.05029983073472977,
1.0531831979751587,
0.5108631253242493,
-0.3068239688873291,
0.029916128143668175,
-0.933924674987793,
0.689443051815033,
-0.6644248366355896,
0.355765700340271,
-0.12813979387283325,
0.22690148651599884,
0.29233822226524353,
-0.9009226560592651,
-0.5558532476425171,
0.38566380739212036,
0.2951129972934723,
0.3939335346221924,
-0.4328770339488983,
-0.15286502242088318,
0.6396428942680359,
0.2366618663072586,
-0.6666391491889954,
-0.08253534138202667,
-0.7134897708892822,
-0.19653970003128052,
0.6226843595504761,
0.534596860408783,
0.011369813233613968,
0.05380665138363838,
-0.543403685092926,
-0.05258656293153763,
-0.41026124358177185,
0.019573144614696503,
0.2816144526004791,
-0.1273265779018402,
-0.24914975464344025,
0.4177297353744507,
-0.08567879348993301,
0.49529072642326355,
0.36999157071113586,
0.16030223667621613,
0.29518643021583557,
-0.22220058739185333,
-0.35164761543273926,
-0.12321557104587555,
0.7802517414093018,
0.6109792590141296,
-0.09365548193454742,
0.21988478302955627,
-0.2881961464881897,
0.24987399578094482,
0.1728186011314392,
-1.1285865306854248,
-0.14306765794754028,
0.5037415623664856,
-0.2990277409553528,
-0.2625221312046051,
-0.06469748914241791,
-0.7273549437522888,
-0.1612519472837448,
-0.1355290710926056,
0.33041903376579285,
-0.47174447774887085,
-0.34659287333488464,
0.1307917982339859,
-0.4705449044704437,
0.23473742604255676,
0.5637059211730957,
-0.5198348164558411,
-0.027358384802937508,
0.3442639112472534,
0.9770817756652832,
-0.15515972673892975,
-0.2134118527173996,
-0.2672966718673706,
0.1993064135313034,
-0.5520879626274109,
0.849137544631958,
-0.40020185708999634,
-0.4414813816547394,
-0.2002880722284317,
0.19940808415412903,
-0.01393171027302742,
-0.6414004564285278,
0.6006284952163696,
-0.5975307822227478,
0.05369981378316879,
-0.2061767578125,
-0.598457932472229,
0.06429591774940491,
-0.25946369767189026,
-0.656276285648346,
1.0194729566574097,
0.30015885829925537,
-0.8499847650527954,
0.5447902679443359,
-0.6910429000854492,
-0.17559663951396942,
0.15322361886501312,
0.14898018538951874,
-0.6578710675239563,
-0.05165217071771622,
-0.009365170262753963,
0.5349209308624268,
0.06567732244729996,
0.07927622646093369,
-0.38812893629074097,
-0.42994430661201477,
0.011312507092952728,
-0.3218468725681305,
1.1688976287841797,
0.573167622089386,
-0.3208034932613373,
0.06867428869009018,
-0.6553804874420166,
0.026171859353780746,
0.178859680891037,
-0.4217095971107483,
0.0025734470691531897,
-0.46512526273727417,
0.24632395803928375,
0.3518870174884796,
0.1191968098282814,
-0.6663720011711121,
-0.22649754583835602,
-0.15903493762016296,
0.3909512758255005,
0.9490597248077393,
0.20281125605106354,
0.5034618377685547,
-0.3291967213153839,
0.5002357363700867,
0.5585512518882751,
0.24508880078792572,
-0.30737170577049255,
-0.590232253074646,
-0.7618198394775391,
-0.4095095694065094,
-0.1084505096077919,
0.5439759492874146,
-0.7516487836837769,
0.24379006028175354,
-0.1537417471408844,
-0.639509379863739,
-0.5051546692848206,
0.29787325859069824,
0.30377668142318726,
0.41431382298469543,
0.2231132984161377,
-0.6719356179237366,
-0.43742653727531433,
-0.5706498026847839,
0.0992613285779953,
0.2712302803993225,
0.023266658186912537,
0.18092919886112213,
0.5068681836128235,
-0.22743430733680725,
0.6802965998649597,
-0.8251888155937195,
-0.29565349221229553,
-0.13672266900539398,
-0.06661315262317657,
0.4839974641799927,
0.47195836901664734,
0.6274820566177368,
-0.6022106409072876,
-0.8670862913131714,
-0.2066964954137802,
-0.6538108587265015,
0.12471061199903488,
-0.1574992537498474,
-0.16736063361167908,
0.6951165199279785,
0.4403526484966278,
-0.9317753911018372,
0.47460582852363586,
0.5057560205459595,
-0.5919341444969177,
0.7628006935119629,
-0.4419783055782318,
0.010607006959617138,
-1.0561189651489258,
0.12093371152877808,
0.39084845781326294,
-0.34628453850746155,
-0.43840014934539795,
0.21879689395427704,
0.13542073965072632,
-0.2755955457687378,
-0.7921364903450012,
0.5251377820968628,
-0.4124036431312561,
0.138152077794075,
-0.1404818594455719,
-0.34778907895088196,
0.15441523492336273,
0.3713019788265228,
0.3031526505947113,
0.6468375325202942,
0.8854491114616394,
-0.6213287711143494,
0.3776055574417114,
-0.008589615114033222,
-0.31751447916030884,
0.7483882904052734,
-0.8180791139602661,
0.06042112782597542,
-0.40107017755508423,
0.344607949256897,
-1.0104248523712158,
-0.1103353500366211,
0.1585325449705124,
-0.2416183203458786,
0.3462626338005066,
-0.11230369657278061,
-0.4036737084388733,
-0.480160117149353,
-0.28048595786094666,
0.21521401405334473,
0.8955169916152954,
-0.39378079771995544,
0.33336490392684937,
0.16279101371765137,
0.11071419715881348,
-0.38335052132606506,
-0.6086822152137756,
-0.030265940353274345,
-0.2581847310066223,
-0.6865684986114502,
0.48775169253349304,
-0.27659642696380615,
-0.22980044782161713,
-0.011192547157406807,
0.0723743662238121,
-0.0994199737906456,
-0.3747730553150177,
0.33458763360977173,
0.4877438247203827,
-0.21955467760562897,
-0.4279203712940216,
0.20856618881225586,
-0.3286777138710022,
0.04026200994849205,
-0.0970248132944107,
0.5115704536437988,
0.16281719505786896,
-0.22622570395469666,
-0.8024119138717651,
0.49014174938201904,
0.6673554182052612,
0.09394172579050064,
0.8314944505691528,
1.0099055767059326,
-0.43179410696029663,
-0.08680146187543869,
-0.44835299253463745,
-0.29278138279914856,
-0.4730433523654938,
0.3779368996620178,
-0.16138747334480286,
-0.32246479392051697,
0.4741826355457306,
0.11463014781475067,
0.2907123267650604,
0.4899580776691437,
0.5585240125656128,
-0.409135639667511,
1.055831789970398,
0.34014517068862915,
0.37817686796188354,
0.5142156481742859,
-0.7403427958488464,
-0.13068947196006775,
-1.0085821151733398,
-0.011123176664113998,
-0.09905524551868439,
-0.14357402920722961,
-0.21108706295490265,
-0.660951554775238,
0.34603968262672424,
-0.10990259796380997,
-0.5071004629135132,
0.4265003204345703,
-0.4702790677547455,
0.5364729166030884,
0.21609875559806824,
0.2170385718345642,
0.15052105486392975,
-0.01103480439633131,
-0.14664869010448456,
-0.27224668860435486,
-0.43256616592407227,
-0.4429042637348175,
0.9256674647331238,
0.24276980757713318,
0.762078046798706,
0.08749456703662872,
0.6360487937927246,
0.25919148325920105,
0.14102037250995636,
-0.30128738284111023,
0.566830575466156,
-0.3628506064414978,
-0.8547353148460388,
-0.07627027481794357,
-0.24797755479812622,
-0.8331777453422546,
0.11498022079467773,
-0.12769447267055511,
-0.46152690052986145,
0.26611068844795227,
0.10458074510097504,
-0.5048418641090393,
0.5364395380020142,
-0.8798931241035461,
0.7411484122276306,
0.1401984989643097,
-0.7747955918312073,
-0.08665075898170471,
-0.5355279445648193,
0.31842583417892456,
-0.0035508680157363415,
0.0919082909822464,
-0.23479318618774414,
-0.2145635336637497,
0.42653894424438477,
-0.4620843529701233,
0.8981174826622009,
-0.5042452812194824,
-0.15377205610275269,
0.15107940137386322,
0.0758441835641861,
0.43495088815689087,
0.024074498564004898,
-0.2592402696609497,
0.3153841495513916,
0.28301987051963806,
-0.5472287535667419,
-0.35840699076652527,
0.7710114121437073,
-0.8375817537307739,
-0.4878050982952118,
-0.5033461451530457,
-0.5235813856124878,
0.385566771030426,
0.1464577168226242,
0.5831791758537292,
0.3265222907066345,
-0.04364374652504921,
-0.10069103538990021,
0.725294291973114,
-0.24342650175094604,
0.6927367448806763,
0.37661129236221313,
-0.331898033618927,
-0.3197903633117676,
0.8844797015190125,
0.26512402296066284,
0.6437524557113647,
0.166361004114151,
-0.08339209109544754,
-0.35871848464012146,
-0.2925282418727875,
-0.5478259921073914,
0.1980452984571457,
-0.991736888885498,
-0.1542186737060547,
-0.7018067836761475,
-0.4876759350299835,
-0.4317276179790497,
-0.36663731932640076,
-0.5857990980148315,
-0.3610296845436096,
-0.6248236298561096,
0.22514718770980835,
0.2748042941093445,
0.5234456658363342,
-0.1691357046365738,
0.005537837278097868,
-0.45733556151390076,
0.20441898703575134,
0.2274584174156189,
0.2492300122976303,
-0.025070099160075188,
-0.7022674679756165,
0.07506826519966125,
0.0769810751080513,
-0.7512092590332031,
-0.6858075857162476,
0.5847414135932922,
0.24409909546375275,
0.35121825337409973,
0.5629807710647583,
0.13133221864700317,
0.8127975463867188,
-0.4290875494480133,
0.8120709657669067,
0.20275664329528809,
-0.7772133350372314,
0.606330156326294,
-0.32754623889923096,
0.4899313151836395,
0.015270658768713474,
0.4606787860393524,
-0.4156465530395508,
-0.5328541994094849,
-0.8303256034851074,
-0.8990156054496765,
0.615364670753479,
0.32242605090141296,
0.31466370820999146,
0.11510267853736877,
0.5416010022163391,
0.09722094982862473,
-0.252369225025177,
-0.6116725206375122,
-0.4225980341434479,
-0.30721333622932434,
0.17669206857681274,
-0.07861346751451492,
-0.010856254026293755,
0.03995508328080177,
-0.5765342116355896,
0.8495784997940063,
-0.005193543620407581,
0.395377516746521,
0.3553440570831299,
0.11936978995800018,
-0.33609744906425476,
0.06665195524692535,
0.5034788846969604,
0.7170953750610352,
-0.30915531516075134,
0.03864389285445213,
0.1501775085926056,
-0.5356948971748352,
0.032717254012823105,
0.07435239851474762,
-0.32977187633514404,
0.15262433886528015,
0.06545789539813995,
0.9412173628807068,
-0.11082161962985992,
-0.5236727595329285,
0.4226982891559601,
-0.08087803423404694,
-0.25783127546310425,
-0.3944472670555115,
0.41036278009414673,
0.22776436805725098,
0.2936917543411255,
0.403034508228302,
0.5773013234138489,
0.11981473863124847,
-0.32246601581573486,
0.020271889865398407,
0.4952772855758667,
-0.45435598492622375,
-0.25227564573287964,
1.091803789138794,
0.09336204081773758,
-0.039024315774440765,
0.6359202861785889,
-0.40862837433815,
-0.179182231426239,
0.7885576486587524,
0.6108417510986328,
0.7322146892547607,
-0.033265624195337296,
0.4070121645927429,
0.7971041798591614,
0.10058081150054932,
0.02083677425980568,
0.37077799439430237,
0.025205738842487335,
-0.7944641709327698,
-0.045811060816049576,
-0.6143980026245117,
-0.20767633616924286,
-0.09660821408033371,
-0.620917022228241,
0.48580798506736755,
-0.5861656665802002,
-0.21940627694129944,
0.39205366373062134,
-0.08749464154243469,
-0.8542786240577698,
0.09584923088550568,
0.18208777904510498,
0.936530351638794,
-0.8252574801445007,
0.892249584197998,
0.5848439931869507,
-0.5536490678787231,
-0.5595600008964539,
-0.047129444777965546,
0.06466355174779892,
-0.8188061714172363,
0.4367824196815491,
0.22810378670692444,
0.15491236746311188,
0.3565156161785126,
-0.5303540229797363,
-0.5860901474952698,
1.4610031843185425,
0.5671702027320862,
-0.5430887341499329,
0.09575651586055756,
0.0665178969502449,
0.5184891819953918,
-0.3899890184402466,
0.29304802417755127,
0.38397079706192017,
0.19461260735988617,
0.5349563360214233,
-0.6826187968254089,
0.3936866223812103,
-0.2604578733444214,
0.5165138244628906,
0.03760606423020363,
-0.7240085005760193,
0.9290075898170471,
-0.8847292065620422,
-0.43819424510002136,
0.3196536600589752,
0.3767373859882355,
0.4546576738357544,
0.22573551535606384,
0.4840225875377655,
0.9903745651245117,
0.5189323425292969,
-0.1649627685546875,
1.122404932975769,
-0.1925269365310669,
0.5991435647010803,
0.6247742772102356,
-0.5309757590293884,
0.7998932003974915,
0.6251427531242371,
-0.45223814249038696,
0.47701939940452576,
0.8213135004043579,
-0.20305952429771423,
0.5650168061256409,
-0.15900316834449768,
-0.5074784159660339,
-0.21438291668891907,
-0.03203989937901497,
-0.4616954028606415,
-0.09448602050542831,
0.22010718286037445,
-0.516721785068512,
-0.3213358223438263,
0.017289558425545692,
0.019804297015070915,
-0.23021744191646576,
-0.16616328060626984,
0.6248011589050293,
-0.16789256036281586,
-0.6339596509933472,
0.6581627130508423,
-0.12302959710359573,
0.8315765857696533,
-0.49969035387039185,
0.0005869162851013243,
-0.2436966449022293,
0.4692709147930145,
-0.3517061769962311,
-1.3216952085494995,
0.7137956619262695,
-0.055514395236968994,
-0.2569635212421417,
-0.3230234384536743,
0.4245794415473938,
-0.15043236315250397,
-0.7626091241836548,
0.13409921526908875,
0.05669046565890312,
0.31848853826522827,
-0.16127368807792664,
-0.975688636302948,
0.42471829056739807,
0.01495702750980854,
-0.09110622853040695,
0.15949852764606476,
0.3452852964401245,
0.46735942363739014,
0.5362951159477234,
0.7145558595657349,
0.05700288340449333,
0.2032787799835205,
-0.05694601684808731,
0.8484229445457458,
-0.5755428075790405,
-0.23408065736293793,
-0.7947385311126709,
0.7711827158927917,
-0.10968692600727081,
-0.3210396468639374,
0.4984624683856964,
0.8337982892990112,
0.6983336806297302,
-0.3435199558734894,
0.7443380355834961,
-0.24200750887393951,
0.20244525372982025,
-0.5154945850372314,
0.8030708432197571,
-0.5758044123649597,
0.2986408770084381,
-0.5302053689956665,
-0.89408278465271,
-0.10218381136655807,
0.5578725337982178,
-0.013928132131695747,
0.13857543468475342,
0.5385587215423584,
1.062330722808838,
-0.2235291451215744,
-0.08638467639684677,
0.4083726704120636,
0.1952645182609558,
0.28264716267585754,
0.5935796499252319,
0.5689350962638855,
-0.6289376616477966,
0.6263664364814758,
-0.7059752345085144,
-0.20680123567581177,
0.22802841663360596,
-0.8353328108787537,
-0.6400426626205444,
-0.9379686117172241,
-0.8162943720817566,
-0.6305546164512634,
-0.10514851659536362,
0.6066754460334778,
0.9726887941360474,
-0.5484814047813416,
0.04038425534963608,
-0.23584625124931335,
-0.041987061500549316,
-0.2526179254055023,
-0.35994598269462585,
0.08037038892507553,
-0.11332825571298599,
-1.002070665359497,
-0.38712504506111145,
0.39351049065589905,
0.3574473261833191,
-0.44404470920562744,
-0.24882765114307404,
-0.0791676938533783,
0.012103005312383175,
0.4404948055744171,
0.25854799151420593,
-0.7429996728897095,
0.07602928578853607,
-0.07062194496393204,
-0.08273302018642426,
0.22476880252361298,
0.3422173261642456,
-0.5171484351158142,
0.35028591752052307,
0.2871328592300415,
-0.004758273251354694,
0.778464674949646,
-0.45152896642684937,
0.20487959682941437,
-0.6769323348999023,
0.14411671459674835,
-0.032287854701280594,
0.45713990926742554,
0.32945308089256287,
-0.5121535658836365,
0.4254903495311737,
0.5213900804519653,
-0.45918387174606323,
-0.7494063377380371,
0.057317104190588,
-1.1517735719680786,
-0.3474804162979126,
1.2361451387405396,
-0.1242942214012146,
-0.12197502702474594,
-0.06374386698007584,
-0.5413274765014648,
0.050565168261528015,
-0.5861214995384216,
0.6739909648895264,
0.5271133780479431,
-0.19449615478515625,
-0.5864874720573425,
-0.5030475854873657,
0.26401475071907043,
0.0384756438434124,
-0.6652548909187317,
-0.021043334156274796,
0.3697829246520996,
0.8310048580169678,
0.33650967478752136,
0.6623324751853943,
-0.2437032163143158,
0.4539676010608673,
0.077652208507061,
0.04699714109301567,
0.30935606360435486,
0.18913817405700684,
-0.2568810284137726,
-0.049728743731975555,
-0.22904953360557556,
-0.0010807458311319351
] |
google/vit-large-patch16-224-in21k
|
google
| 2023-02-27T15:05:09Z | 5,129 | 13 |
transformers
|
[
"transformers",
"pytorch",
"tf",
"jax",
"vit",
"feature-extraction",
"vision",
"dataset:imagenet-21k",
"arxiv:2010.11929",
"arxiv:2006.03677",
"license:apache-2.0",
"has_space",
"region:us"
] |
feature-extraction
| 2022-03-02T23:29:05Z |
---
license: apache-2.0
tags:
- vision
datasets:
- imagenet-21k
inference: false
---
# Vision Transformer (large-sized model)
Vision Transformer (ViT) model pre-trained on ImageNet-21k (14 million images, 21,843 classes) at resolution 224x224. It was introduced in the paper [An Image is Worth 16x16 Words: Transformers for Image Recognition at Scale](https://arxiv.org/abs/2010.11929) by Dosovitskiy et al. and first released in [this repository](https://github.com/google-research/vision_transformer). However, the weights were converted from the [timm repository](https://github.com/rwightman/pytorch-image-models) by Ross Wightman, who already converted the weights from JAX to PyTorch. Credits go to him.
Disclaimer: The team releasing ViT did not write a model card for this model so this model card has been written by the Hugging Face team.
## Model description
The Vision Transformer (ViT) is a transformer encoder model (BERT-like) pretrained on a large collection of images in a supervised fashion, namely ImageNet-21k, at a resolution of 224x224 pixels.
Images are presented to the model as a sequence of fixed-size patches (resolution 16x16), which are linearly embedded. One also adds a [CLS] token to the beginning of a sequence to use it for classification tasks. One also adds absolute position embeddings before feeding the sequence to the layers of the Transformer encoder.
Note that this model does not provide any fine-tuned heads, as these were zero'd by Google researchers. However, the model does include the pre-trained pooler, which can be used for downstream tasks (such as image classification).
By pre-training the model, it learns an inner representation of images that can then be used to extract features useful for downstream tasks: if you have a dataset of labeled images for instance, you can train a standard classifier by placing a linear layer on top of the pre-trained encoder. One typically places a linear layer on top of the [CLS] token, as the last hidden state of this token can be seen as a representation of an entire image.
## Intended uses & limitations
You can use the raw model to embed images, but it's mostly intended to be fine-tuned on a downstream task.
### How to use
Here is how to use this model:
```python
from transformers import ViTImageProcessor, ViTModel
from PIL import Image
import requests
url = 'http://images.cocodataset.org/val2017/000000039769.jpg'
image = Image.open(requests.get(url, stream=True).raw)
processor = ViTImageProcessor.from_pretrained('google/vit-large-patch16-224-in21k')
model = ViTModel.from_pretrained('google/vit-large-patch16-224-in21k')
inputs = processor(images=image, return_tensors="pt")
outputs = model(**inputs)
last_hidden_state = outputs.last_hidden_state
```
Currently, both the feature extractor and model support PyTorch. Tensorflow and JAX/FLAX are coming soon, and the API of ViTFeatureExtractor might change.
## Training data
The ViT model was pretrained on [ImageNet-21k](http://www.image-net.org/), a dataset consisting of 14 million images and 21k classes.
## Training procedure
### Preprocessing
The exact details of preprocessing of images during training/validation can be found [here](https://github.com/google-research/vision_transformer/blob/master/vit_jax/input_pipeline.py).
Images are resized/rescaled to the same resolution (224x224) and normalized across the RGB channels with mean (0.5, 0.5, 0.5) and standard deviation (0.5, 0.5, 0.5).
### Pretraining
The model was trained on TPUv3 hardware (8 cores). All model variants are trained with a batch size of 4096 and learning rate warmup of 10k steps. For ImageNet, the authors found it beneficial to additionally apply gradient clipping at global norm 1. Pre-training resolution is 224.
## Evaluation results
For evaluation results on several image classification benchmarks, we refer to tables 2 and 5 of the original paper. Note that for fine-tuning, the best results are obtained with a higher resolution (384x384). Of course, increasing the model size will result in better performance.
### BibTeX entry and citation info
```bibtex
@misc{wu2020visual,
title={Visual Transformers: Token-based Image Representation and Processing for Computer Vision},
author={Bichen Wu and Chenfeng Xu and Xiaoliang Dai and Alvin Wan and Peizhao Zhang and Zhicheng Yan and Masayoshi Tomizuka and Joseph Gonzalez and Kurt Keutzer and Peter Vajda},
year={2020},
eprint={2006.03677},
archivePrefix={arXiv},
primaryClass={cs.CV}
}
```
```bibtex
@inproceedings{deng2009imagenet,
title={Imagenet: A large-scale hierarchical image database},
author={Deng, Jia and Dong, Wei and Socher, Richard and Li, Li-Jia and Li, Kai and Fei-Fei, Li},
booktitle={2009 IEEE conference on computer vision and pattern recognition},
pages={248--255},
year={2009},
organization={Ieee}
}
```
|
[
-0.5902675986289978,
-0.268908828496933,
0.12452778220176697,
-0.04300551861524582,
-0.4238162636756897,
-0.14113621413707733,
-0.07566539943218231,
-0.5486605763435364,
0.2063336968421936,
0.4511115252971649,
-0.27810612320899963,
-0.23797456920146942,
-0.7642080783843994,
-0.10516465455293655,
-0.5290530920028687,
0.8154946565628052,
-0.09365395456552505,
0.022223476320505142,
-0.16287563741207123,
-0.10566174238920212,
-0.34251832962036133,
-0.44612401723861694,
-0.6159583330154419,
-0.26193153858184814,
0.48557478189468384,
0.12043988704681396,
0.6901019811630249,
0.7782608270645142,
0.8120105862617493,
0.4191349744796753,
-0.01904366724193096,
-0.028158079832792282,
-0.4078062176704407,
-0.2675403356552124,
-0.10144501179456711,
-0.48491883277893066,
-0.327375590801239,
0.1425396353006363,
0.6448496580123901,
0.3760963976383209,
0.2604714632034302,
0.3021666407585144,
0.11393805593252182,
0.3374403417110443,
-0.639422595500946,
0.25741085410118103,
-0.5290205478668213,
0.4125320613384247,
-0.12011100351810455,
-0.15381424129009247,
-0.4246821403503418,
-0.1579415649175644,
0.2634980380535126,
-0.5201684236526489,
0.4973545968532562,
-0.0501692108809948,
1.343583106994629,
0.24496841430664062,
-0.3525693416595459,
0.20104818046092987,
-0.7769390344619751,
0.7407776713371277,
-0.2938629388809204,
0.4136615991592407,
0.06316093355417252,
0.5363548398017883,
0.1688813418149948,
-1.1909358501434326,
-0.5361884236335754,
-0.01740255020558834,
-0.06861633062362671,
0.13329742848873138,
-0.27471739053726196,
0.17101459205150604,
0.562463641166687,
0.6115929484367371,
-0.32583868503570557,
0.06490382552146912,
-0.5408948659896851,
-0.28367945551872253,
0.46960559487342834,
0.009573617950081825,
0.11195617914199829,
0.02450614795088768,
-0.5937093496322632,
-0.4861592650413513,
-0.40875163674354553,
0.09127363562583923,
0.05147921293973923,
-0.003826242871582508,
-0.1179911196231842,
0.5246350169181824,
0.14187662303447723,
0.5920767188072205,
0.28781113028526306,
-0.08274774998426437,
0.47366252541542053,
-0.22847896814346313,
-0.3653852343559265,
-0.1544744372367859,
0.7953947186470032,
0.3745405077934265,
0.26881182193756104,
-0.013503172434866428,
-0.3197984993457794,
0.1053500548005104,
0.5203284621238708,
-0.9903489351272583,
-0.13164463639259338,
-0.11173343658447266,
-0.6615931987762451,
-0.3231246769428253,
0.29812222719192505,
-0.6043618321418762,
-0.20393607020378113,
-0.3739643394947052,
0.817352294921875,
-0.15912824869155884,
-0.22615116834640503,
-0.15812209248542786,
-0.09116610884666443,
0.6427318453788757,
0.41450369358062744,
-0.621319055557251,
0.2686958909034729,
0.3272438645362854,
1.0058672428131104,
-0.06776458770036697,
-0.2507750689983368,
-0.12396551668643951,
-0.24587655067443848,
-0.43811580538749695,
0.5813875794410706,
-0.17223429679870605,
-0.20692306756973267,
0.08348209410905838,
0.4801655411720276,
0.011711075901985168,
-0.45391225814819336,
0.38397449254989624,
-0.601477324962616,
0.040177419781684875,
-0.1524806171655655,
-0.23450158536434174,
-0.23737269639968872,
0.12736424803733826,
-0.71595698595047,
0.9351337552070618,
0.22075322270393372,
-0.7191457748413086,
0.47627490758895874,
-0.5423328876495361,
-0.11288940906524658,
0.15945762395858765,
-0.05695272237062454,
-0.6348438858985901,
0.05920606106519699,
0.30318576097488403,
0.5384622812271118,
-0.17438828945159912,
-0.05182578042149544,
-0.18746837973594666,
-0.6003240942955017,
0.21914918720722198,
-0.4112122356891632,
0.7615414261817932,
0.1866634488105774,
-0.380470871925354,
0.19169938564300537,
-0.5353898406028748,
-0.06935973465442657,
0.24236516654491425,
-0.18799753487110138,
0.05785578489303589,
-0.3064764440059662,
0.21786275506019592,
0.3412933349609375,
0.30597224831581116,
-0.7367918491363525,
0.16871868073940277,
-0.12047130614519119,
0.5256108641624451,
0.7886747121810913,
-0.18866273760795593,
0.5013568997383118,
-0.17582979798316956,
0.39906707406044006,
0.17632310092449188,
0.5263707637786865,
-0.37883681058883667,
-0.5750649571418762,
-1.0017739534378052,
-0.24806486070156097,
0.34032952785491943,
0.33207958936691284,
-0.7597452998161316,
0.48913201689720154,
-0.47558313608169556,
-0.5609204173088074,
-0.39516422152519226,
-0.14677080512046814,
0.25145238637924194,
0.4077676832675934,
0.49079644680023193,
-0.49464526772499084,
-0.5887673497200012,
-0.9223591685295105,
0.18064357340335846,
0.11942409723997116,
-0.08924809098243713,
0.13661646842956543,
0.778213381767273,
-0.3044477701187134,
0.8716510534286499,
-0.3883662819862366,
-0.3628755807876587,
-0.035569969564676285,
-0.04213608801364899,
0.3466278314590454,
0.6326078176498413,
0.506601870059967,
-0.8082625865936279,
-0.37669044733047485,
0.045739587396383286,
-0.7087161540985107,
0.3156166076660156,
-0.04119427129626274,
-0.2748073935508728,
-0.002369575435295701,
0.44555774331092834,
-0.5829111337661743,
0.7991515398025513,
0.3861919641494751,
-0.12517575919628143,
0.3839080035686493,
-0.13626877963542938,
0.052097663283348083,
-1.0903078317642212,
0.022076871246099472,
0.1431903839111328,
-0.401906818151474,
-0.4401317238807678,
0.22763368487358093,
0.21006464958190918,
-0.2556432783603668,
-0.521158754825592,
0.28019243478775024,
-0.4562009871006012,
-0.25445953011512756,
-0.21561303734779358,
-0.35895463824272156,
0.044353317469358444,
0.5584482550621033,
0.050534557551145554,
0.6290194392204285,
0.6765704154968262,
-0.5081305503845215,
0.595905601978302,
0.2529204189777374,
-0.42497411370277405,
0.4592350721359253,
-0.8566103577613831,
0.24377311766147614,
-0.049085769802331924,
0.30265554785728455,
-0.7600782513618469,
-0.23056504130363464,
0.09946271777153015,
-0.35730108618736267,
0.5354270935058594,
-0.3317142128944397,
-0.3899953365325928,
-0.7490584850311279,
-0.25691524147987366,
0.5303165912628174,
0.7509594559669495,
-0.764517068862915,
0.6461457014083862,
0.27238354086875916,
0.4673110246658325,
-0.6614916920661926,
-1.0218679904937744,
0.008032700046896935,
-0.09525032341480255,
-0.5227898359298706,
0.6022065281867981,
0.2143172025680542,
0.26584240794181824,
0.21109111607074738,
0.044440656900405884,
-0.07412157952785492,
-0.29687583446502686,
0.5086610913276672,
0.34517306089401245,
-0.35142701864242554,
0.009200269356369972,
-0.3950808048248291,
-0.19791516661643982,
-0.009838487952947617,
-0.544366717338562,
0.5177935361862183,
-0.42055824398994446,
-0.3955312967300415,
-0.5604031085968018,
0.030542155727744102,
0.7153145670890808,
-0.3038465678691864,
0.6736555099487305,
0.9828249216079712,
-0.5610655546188354,
0.03482306748628616,
-0.46816587448120117,
-0.11186669766902924,
-0.4961117208003998,
0.4296872317790985,
-0.310836523771286,
-0.6206884384155273,
0.6891331672668457,
0.08573666214942932,
-0.07041434198617935,
0.6152834892272949,
0.4384615421295166,
-0.15288066864013672,
0.8616021275520325,
0.5998616218566895,
0.08002952486276627,
0.7610508799552917,
-0.8146194815635681,
0.16483257710933685,
-0.8200570344924927,
-0.3051714599132538,
-0.21830475330352783,
-0.537677526473999,
-0.613831102848053,
-0.5541380643844604,
0.3244713842868805,
0.043752267956733704,
-0.43876293301582336,
0.4856438934803009,
-0.6848316192626953,
0.38417038321495056,
0.808877170085907,
0.5460153222084045,
-0.14251241087913513,
0.20350530743598938,
-0.03514188155531883,
0.03150249272584915,
-0.5049942135810852,
-0.1462680697441101,
1.0318714380264282,
0.5484664440155029,
0.7176961898803711,
-0.14200066030025482,
0.461087703704834,
0.050797659903764725,
0.04075844585895538,
-0.9127979874610901,
0.5535249710083008,
-0.21343915164470673,
-0.46499860286712646,
-0.10074374824762344,
-0.1701984405517578,
-1.0566439628601074,
0.12695971131324768,
-0.4019172489643097,
-0.6180351972579956,
0.4737851321697235,
0.21301837265491486,
-0.14437468349933624,
0.5989764928817749,
-0.6253278851509094,
0.8174131512641907,
-0.13869509100914001,
-0.3367595076560974,
0.02325241081416607,
-0.5799510478973389,
0.14972630143165588,
-0.03660394623875618,
-0.25729766488075256,
0.3714471757411957,
0.2237657755613327,
0.7967252731323242,
-0.7324698567390442,
0.8263735175132751,
-0.3017805516719818,
0.31841757893562317,
0.42394787073135376,
-0.29023635387420654,
0.33576226234436035,
-0.24255989491939545,
0.3882419168949127,
0.4437563717365265,
-0.053037311881780624,
-0.5073003768920898,
-0.5909221768379211,
0.4415448307991028,
-0.9731056690216064,
-0.500789999961853,
-0.40702179074287415,
-0.28396594524383545,
0.17603710293769836,
0.2971658706665039,
0.7067053914070129,
0.6709299683570862,
0.23367035388946533,
0.6762785315513611,
0.6228759288787842,
-0.36997929215431213,
0.49784696102142334,
-0.20156167447566986,
-0.21667493879795074,
-0.27828389406204224,
0.8604390025138855,
0.34064537286758423,
0.15125036239624023,
0.38943445682525635,
0.19071586430072784,
-0.2759825885295868,
-0.49925389885902405,
-0.2889196276664734,
0.06576624512672424,
-0.8145496249198914,
-0.45611363649368286,
-0.4607844948768616,
-0.6972886919975281,
-0.28834137320518494,
-0.19976434111595154,
-0.49486634135246277,
-0.14512106776237488,
-0.37673041224479675,
-0.057765379548072815,
0.4044402837753296,
0.683732271194458,
-0.036774277687072754,
0.5744436383247375,
-0.5685778856277466,
0.13565577566623688,
0.589798092842102,
0.4095132350921631,
0.07659957557916641,
-0.6399434804916382,
-0.423166424036026,
-0.03285772725939751,
-0.31552746891975403,
-0.5564481019973755,
0.3618693947792053,
0.20443297922611237,
0.5646863579750061,
0.6750021576881409,
-0.2940084934234619,
0.9158328771591187,
-0.39111170172691345,
0.8240910172462463,
0.42750903964042664,
-0.7589951753616333,
0.4595452845096588,
-0.12908823788166046,
0.2705267369747162,
0.17161241173744202,
0.2999277412891388,
-0.21023359894752502,
0.04248961806297302,
-0.7088381052017212,
-0.7287248969078064,
0.5888579487800598,
0.0980883464217186,
0.23953573405742645,
0.2738857865333557,
0.3229548931121826,
-0.17145417630672455,
-0.04736103117465973,
-0.7817593216896057,
-0.15946365892887115,
-0.6909506320953369,
-0.09505896270275116,
-0.03294878453016281,
-0.19018922746181488,
0.043323103338479996,
-0.6110411882400513,
0.3259640634059906,
-0.05756742134690285,
0.8922603130340576,
0.192002534866333,
-0.34539884328842163,
-0.02530108392238617,
-0.31342217326164246,
0.26002660393714905,
0.476313054561615,
-0.25781896710395813,
0.19186002016067505,
0.08011791110038757,
-0.8956560492515564,
-0.029099183157086372,
-0.07930459082126617,
-0.0918964147567749,
-0.07269642502069473,
0.5340302586555481,
1.097534418106079,
0.10414830595254898,
-0.059401512145996094,
0.8530170917510986,
-0.04580540210008621,
-0.3471813499927521,
-0.4895753562450409,
0.04575451463460922,
-0.2960014343261719,
0.33542418479919434,
0.5091345906257629,
0.4541594684123993,
-0.03367750719189644,
-0.2986449897289276,
0.21917466819286346,
0.31323862075805664,
-0.495938777923584,
-0.3511509895324707,
0.6725641489028931,
-0.00719422847032547,
-0.07272711396217346,
0.7914760112762451,
-0.003973145969212055,
-0.630038857460022,
0.8114197850227356,
0.5169356465339661,
0.8098704814910889,
-0.10763236880302429,
0.10629409551620483,
0.6010420918464661,
0.34814268350601196,
-0.1683991551399231,
0.034930840134620667,
-0.03234027698636055,
-0.9381685256958008,
-0.41541242599487305,
-0.5590302348136902,
-0.07148054987192154,
0.2899167537689209,
-0.7534745931625366,
0.38637179136276245,
-0.5790708661079407,
-0.39937466382980347,
0.057235077023506165,
-0.035159632563591,
-1.1825017929077148,
0.3342800736427307,
0.2953142523765564,
0.8131083250045776,
-0.7238490581512451,
0.811522901058197,
0.7097843289375305,
-0.5949553847312927,
-0.8603817224502563,
-0.2776757478713989,
-0.2534467279911041,
-0.8772231340408325,
0.7066470384597778,
0.38575315475463867,
0.07697254419326782,
0.14443114399909973,
-0.7791587114334106,
-0.8874794840812683,
1.2449822425842285,
0.2426261603832245,
-0.3382206857204437,
0.007432126440107822,
0.06367913633584976,
0.4212511479854584,
-0.3790769577026367,
0.5088345408439636,
0.0402679480612278,
0.2462037056684494,
0.34789639711380005,
-0.7324134707450867,
-0.017182432115077972,
-0.3615817427635193,
0.3615095913410187,
0.016224069520831108,
-0.5407201647758484,
1.119568943977356,
-0.10813843458890915,
-0.18329653143882751,
-0.005744549911469221,
0.5651150345802307,
-0.20140168070793152,
-0.15104186534881592,
0.6945896744728088,
0.6625442504882812,
0.43876025080680847,
-0.3288363516330719,
1.0144239664077759,
-0.017707206308841705,
0.4571153521537781,
0.6032688617706299,
0.24566787481307983,
0.6398364901542664,
0.3788214921951294,
-0.2755153179168701,
0.46232089400291443,
0.8444781303405762,
-0.5557689070701599,
0.516321063041687,
-0.007382845040410757,
0.08417996019124985,
-0.14781631529331207,
0.0031319421250373125,
-0.4821757376194,
0.5914999842643738,
0.36515718698501587,
-0.6923437118530273,
0.004117086064070463,
0.2998284697532654,
-0.3520250916481018,
-0.4592430293560028,
-0.6189352869987488,
0.45139554142951965,
-0.01100524328649044,
-0.36257272958755493,
0.6255670189857483,
-0.2059144526720047,
0.6966556310653687,
-0.37411853671073914,
-0.10633427649736404,
-0.14559213817119598,
0.36006802320480347,
-0.3730989098548889,
-0.8237979412078857,
0.11679979413747787,
-0.156422957777977,
-0.10150349140167236,
-0.15402425825595856,
0.7892578840255737,
-0.08724329620599747,
-0.5757655501365662,
0.2086784988641739,
0.07584399729967117,
0.2597406804561615,
-0.08860544860363007,
-0.5979905724525452,
-0.06099275127053261,
-0.14910447597503662,
-0.3391539454460144,
0.2509349286556244,
0.2990413308143616,
-0.15335406363010406,
0.4545001983642578,
0.6751999258995056,
0.018655041232705116,
0.3791036307811737,
0.027748849242925644,
0.9572132229804993,
-0.5362784266471863,
-0.48052191734313965,
-0.5257962942123413,
0.5899571776390076,
-0.20655067265033722,
-0.3095720410346985,
0.5048214197158813,
0.36521074175834656,
1.0103533267974854,
-0.3138313591480255,
0.5037121772766113,
-0.05109981819987297,
-0.024647334590554237,
-0.34695494174957275,
0.5093849897384644,
-0.570852518081665,
-0.22301794588565826,
-0.35234344005584717,
-1.0618034601211548,
-0.40732890367507935,
0.8658542037010193,
-0.1566973328590393,
0.1586214154958725,
0.5913714170455933,
0.7568331360816956,
-0.28074154257774353,
-0.13350656628608704,
0.38442105054855347,
0.23235341906547546,
0.16428115963935852,
0.4691255986690521,
0.7751238942146301,
-0.7306389212608337,
0.5457300543785095,
-0.4398139417171478,
-0.2184849977493286,
-0.23822399973869324,
-0.6715859174728394,
-0.8743252754211426,
-0.7207447290420532,
-0.3209860622882843,
-0.4661737382411957,
-0.23864801228046417,
0.6719942688941956,
1.0591869354248047,
-0.7899196147918701,
0.048897016793489456,
-0.1730310320854187,
-0.22977948188781738,
-0.2536861002445221,
-0.19771750271320343,
0.4802941083908081,
-0.06681519001722336,
-0.7535610198974609,
-0.15668080747127533,
0.0435824990272522,
0.1852554827928543,
-0.37095871567726135,
-0.02571870945394039,
-0.015826810151338577,
-0.3325546085834503,
0.6382056474685669,
0.23286229372024536,
-0.5729310512542725,
-0.5294889211654663,
-0.021500583738088608,
-0.0438762828707695,
0.27881380915641785,
0.6998134851455688,
-0.8342902660369873,
0.47852540016174316,
0.5100321173667908,
0.595392644405365,
0.919391930103302,
-0.12570929527282715,
0.24695633351802826,
-0.6869929432868958,
0.4286302626132965,
0.08263755589723587,
0.6231669783592224,
0.23284828662872314,
-0.341484397649765,
0.42874476313591003,
0.34108859300613403,
-0.5554997324943542,
-0.7121134996414185,
0.04497341439127922,
-1.1578341722488403,
-0.04315383732318878,
0.894398033618927,
-0.3721430003643036,
-0.45874470472335815,
0.14813658595085144,
-0.1412159502506256,
0.48735734820365906,
-0.06600451469421387,
0.34285348653793335,
0.31860992312431335,
0.151119664311409,
-0.569645881652832,
-0.4191127419471741,
0.23443812131881714,
-0.09726690500974655,
-0.43767249584198,
-0.5886914134025574,
0.07859928160905838,
0.1923360377550125,
0.5054231286048889,
0.23339992761611938,
-0.3700641095638275,
0.177724689245224,
0.2586747109889984,
0.3446251451969147,
-0.14414891600608826,
-0.3587230145931244,
-0.3263345956802368,
0.12037906050682068,
-0.19760861992835999,
-0.7120839953422546
] |
Helsinki-NLP/opus-mt-gmq-en
|
Helsinki-NLP
| 2023-08-16T11:38:03Z | 5,127 | 1 |
transformers
|
[
"transformers",
"pytorch",
"tf",
"marian",
"text2text-generation",
"translation",
"da",
"nb",
"sv",
"is",
"nn",
"fo",
"gmq",
"en",
"license:apache-2.0",
"autotrain_compatible",
"endpoints_compatible",
"has_space",
"region:us"
] |
translation
| 2022-03-02T23:29:04Z |
---
language:
- da
- nb
- sv
- is
- nn
- fo
- gmq
- en
tags:
- translation
license: apache-2.0
---
### gmq-eng
* source group: North Germanic languages
* target group: English
* OPUS readme: [gmq-eng](https://github.com/Helsinki-NLP/Tatoeba-Challenge/tree/master/models/gmq-eng/README.md)
* model: transformer
* source language(s): dan fao isl nno nob nob_Hebr non_Latn swe
* target language(s): eng
* model: transformer
* pre-processing: normalization + SentencePiece (spm32k,spm32k)
* download original weights: [opus2m-2020-07-26.zip](https://object.pouta.csc.fi/Tatoeba-MT-models/gmq-eng/opus2m-2020-07-26.zip)
* test set translations: [opus2m-2020-07-26.test.txt](https://object.pouta.csc.fi/Tatoeba-MT-models/gmq-eng/opus2m-2020-07-26.test.txt)
* test set scores: [opus2m-2020-07-26.eval.txt](https://object.pouta.csc.fi/Tatoeba-MT-models/gmq-eng/opus2m-2020-07-26.eval.txt)
## Benchmarks
| testset | BLEU | chr-F |
|-----------------------|-------|-------|
| Tatoeba-test.multi.eng | 58.1 | 0.720 |
### System Info:
- hf_name: gmq-eng
- source_languages: gmq
- target_languages: eng
- opus_readme_url: https://github.com/Helsinki-NLP/Tatoeba-Challenge/tree/master/models/gmq-eng/README.md
- original_repo: Tatoeba-Challenge
- tags: ['translation']
- languages: ['da', 'nb', 'sv', 'is', 'nn', 'fo', 'gmq', 'en']
- src_constituents: {'dan', 'nob', 'nob_Hebr', 'swe', 'isl', 'nno', 'non_Latn', 'fao'}
- tgt_constituents: {'eng'}
- src_multilingual: True
- tgt_multilingual: False
- prepro: normalization + SentencePiece (spm32k,spm32k)
- url_model: https://object.pouta.csc.fi/Tatoeba-MT-models/gmq-eng/opus2m-2020-07-26.zip
- url_test_set: https://object.pouta.csc.fi/Tatoeba-MT-models/gmq-eng/opus2m-2020-07-26.test.txt
- src_alpha3: gmq
- tgt_alpha3: eng
- short_pair: gmq-en
- chrF2_score: 0.72
- bleu: 58.1
- brevity_penalty: 0.982
- ref_len: 72641.0
- src_name: North Germanic languages
- tgt_name: English
- train_date: 2020-07-26
- src_alpha2: gmq
- tgt_alpha2: en
- prefer_old: False
- long_pair: gmq-eng
- helsinki_git_sha: 480fcbe0ee1bf4774bcbe6226ad9f58e63f6c535
- transformers_git_sha: 2207e5d8cb224e954a7cba69fa4ac2309e9ff30b
- port_machine: brutasse
- port_time: 2020-08-21-14:41
|
[
-0.41798582673072815,
-0.5934385061264038,
0.314462274312973,
0.3232637941837311,
-0.35800454020500183,
-0.13622410595417023,
-0.26079121232032776,
-0.39057406783103943,
0.10180564969778061,
0.24624966084957123,
-0.6193511486053467,
-0.8971121311187744,
-0.5737748146057129,
0.4131644666194916,
0.02612210623919964,
1.0125259160995483,
-0.07362103462219238,
0.13066677749156952,
0.26036885380744934,
-0.507554292678833,
-0.27688926458358765,
-0.3808424472808838,
-0.7550568580627441,
-0.2725851237773895,
0.3981340527534485,
0.31095457077026367,
0.6244391798973083,
0.4018492102622986,
0.4320257604122162,
0.2847098410129547,
-0.45594528317451477,
0.29335084557533264,
-0.28623276948928833,
-0.14027173817157745,
-0.0386103019118309,
-0.43489667773246765,
-0.5954440236091614,
-0.05714879557490349,
0.8735024333000183,
0.4417964816093445,
0.10024005174636841,
0.34592604637145996,
-0.07617007941007614,
0.6448376178741455,
-0.14991135895252228,
0.16641724109649658,
-0.6230546236038208,
-0.051118556410074234,
-0.3352849781513214,
-0.22963455319404602,
-0.5491764545440674,
-0.31345459818840027,
0.019468283280730247,
-0.6654147505760193,
0.11240657418966293,
0.1185009777545929,
1.6674487590789795,
0.007460928056389093,
-0.6097723841667175,
-0.2504350244998932,
-0.2914116680622101,
0.9724913239479065,
-0.9903456568717957,
0.44021737575531006,
0.587142288684845,
-0.03756748139858246,
-0.160506010055542,
-0.42028293013572693,
-0.4345574676990509,
-0.075434610247612,
-0.42796048521995544,
0.39154955744743347,
-0.1581471860408783,
-0.11372484266757965,
0.2482663094997406,
0.6157044768333435,
-0.9447652697563171,
0.012908266857266426,
-0.40329161286354065,
-0.229131281375885,
0.6588660478591919,
0.14008590579032898,
0.3024103045463562,
-0.6748057007789612,
-0.31164997816085815,
-0.4309903383255005,
-0.42643922567367554,
0.26083138585090637,
0.4271034896373749,
0.3624080419540405,
-0.4649655818939209,
0.6812598705291748,
-0.21667566895484924,
0.671592652797699,
0.10301308333873749,
-0.22832004725933075,
0.8412949442863464,
-0.8368228077888489,
-0.07397083938121796,
-0.5129386782646179,
1.3691033124923706,
0.3646375834941864,
-0.07977582514286041,
-0.06008679419755936,
-0.3447020947933197,
-0.23160038888454437,
-0.20209018886089325,
-0.8440834283828735,
0.056320250034332275,
0.3096795976161957,
-0.37079155445098877,
-0.2029942125082016,
0.06804601103067398,
-0.7613033652305603,
0.16762903332710266,
0.06640832126140594,
0.597404956817627,
-0.8965708017349243,
-0.18570540845394135,
0.235214963555336,
-0.14336968958377838,
0.4317488968372345,
-0.12564019858837128,
-0.6396769285202026,
0.11882665008306503,
0.4695035517215729,
1.056530475616455,
-0.12114459276199341,
-0.3245350420475006,
-0.3638921082019806,
0.03695262596011162,
-0.06005458906292915,
0.6305330991744995,
-0.3092707395553589,
-0.45725002884864807,
-0.2123817354440689,
0.5580525994300842,
-0.18436096608638763,
-0.28637146949768066,
0.9060152173042297,
-0.2686866521835327,
0.8058450222015381,
-0.3047422766685486,
-0.5222460031509399,
-0.42090532183647156,
0.48439139127731323,
-0.6837210655212402,
1.4363802671432495,
0.3831818401813507,
-0.9556412100791931,
0.28816506266593933,
-0.7062777280807495,
-0.32636430859565735,
0.009283467195928097,
0.04570527374744415,
-0.5898436307907104,
0.0613815076649189,
0.2982077896595001,
0.40572500228881836,
-0.5272925496101379,
0.4932429790496826,
0.07939604669809341,
-0.3082616627216339,
-0.11677926778793335,
-0.2283414900302887,
1.3204138278961182,
0.1610061675310135,
-0.41576406359672546,
0.09999965131282806,
-0.814216673374176,
0.19923071563243866,
0.27232182025909424,
-0.5681980848312378,
-0.231569305062294,
-0.16087934374809265,
0.22117088735103607,
0.335586816072464,
0.18000920116901398,
-0.4656970500946045,
0.3778904378414154,
-0.761634349822998,
0.3612094819545746,
0.6839835047721863,
0.06686313450336456,
0.31233999133110046,
-0.4386521875858307,
0.6299527287483215,
0.14667624235153198,
0.1865028589963913,
0.2652336657047272,
-0.7476245760917664,
-0.6514741778373718,
-0.2624952495098114,
0.6747880578041077,
0.8906424045562744,
-1.1049469709396362,
0.756220281124115,
-0.6403049826622009,
-0.8176726698875427,
-0.7702925205230713,
-0.2772563099861145,
0.6260386109352112,
0.3102647066116333,
0.5667153000831604,
-0.34525126218795776,
-0.4268970191478729,
-1.0616557598114014,
-0.19809110462665558,
-0.32454565167427063,
-0.17778073251247406,
0.3303845226764679,
0.7192345857620239,
-0.25085049867630005,
0.556041419506073,
-0.39710137248039246,
-0.4284055829048157,
-0.12250850349664688,
0.3258988559246063,
0.6290348172187805,
0.6259263157844543,
0.8565765023231506,
-0.7574487328529358,
-0.6816063523292542,
0.1412051022052765,
-0.5956773161888123,
-0.28470075130462646,
0.026194220408797264,
-0.196880042552948,
0.45770934224128723,
0.12577010691165924,
-0.5247554779052734,
0.16602247953414917,
0.835015058517456,
-0.8465924859046936,
0.5970191955566406,
-0.15165570378303528,
0.4101038873195648,
-1.5638569593429565,
0.18812008202075958,
-0.26334550976753235,
-0.08771471679210663,
-0.4416605532169342,
-0.014746597036719322,
0.09698830544948578,
0.2901875376701355,
-0.4931236505508423,
0.872855544090271,
-0.6666440367698669,
0.04560021311044693,
0.21275484561920166,
0.2181709259748459,
0.06332355737686157,
0.7791284322738647,
-0.25993573665618896,
1.0919201374053955,
0.5810039639472961,
-0.4404332637786865,
0.12988212704658508,
0.49859893321990967,
-0.3401530683040619,
0.24740897119045258,
-0.7510045170783997,
-0.1730496883392334,
0.1917283684015274,
-0.15433314442634583,
-0.9323063492774963,
-0.07615692168474197,
0.26449668407440186,
-0.8215141296386719,
0.2562079131603241,
-0.17508065700531006,
-0.7335238456726074,
-0.1955225020647049,
-0.4397459626197815,
0.4447706639766693,
0.5252213478088379,
-0.1330610066652298,
0.8362728953361511,
0.2090500146150589,
-0.09828097373247147,
-0.7248115539550781,
-0.8821810483932495,
-0.0904410183429718,
-0.1025582030415535,
-0.8149067759513855,
0.470558762550354,
-0.08521582931280136,
0.04135454073548317,
0.22944660484790802,
-0.01479658018797636,
-0.10438380390405655,
0.1989160031080246,
-0.005347433499991894,
0.31189748644828796,
-0.21903549134731293,
0.1606634557247162,
0.02179108001291752,
-0.06802524626255035,
-0.2320496290922165,
-0.1736532300710678,
0.8225885033607483,
-0.3920378088951111,
-0.06897351145744324,
-0.46428918838500977,
0.261585533618927,
0.5053891539573669,
-0.397471159696579,
1.1534274816513062,
0.7975949048995972,
-0.18632279336452484,
0.2665193974971771,
-0.4708913564682007,
0.012485622428357601,
-0.4402580261230469,
0.41153115034103394,
-0.5898953676223755,
-0.9660511016845703,
0.8980017304420471,
0.3192138075828552,
0.306387335062027,
1.0984147787094116,
0.6546461582183838,
0.21871471405029297,
0.8126803040504456,
0.24247024953365326,
0.08954351395368576,
0.4879585802555084,
-0.5080677270889282,
-0.14502640068531036,
-0.9240487217903137,
-0.21899063885211945,
-0.756072461605072,
-0.13996879756450653,
-1.0757944583892822,
-0.510023832321167,
0.33770129084587097,
0.01044327113777399,
-0.10750595480203629,
0.6729347109794617,
-0.49537375569343567,
0.36548087000846863,
0.7430061101913452,
-0.024935301393270493,
0.39130786061286926,
-0.11018811166286469,
-0.663874626159668,
-0.024275382980704308,
-0.6166999936103821,
-0.6598110198974609,
1.2209244966506958,
0.23271383345127106,
0.22861117124557495,
0.3815074861049652,
0.6054031848907471,
0.0006379561964422464,
0.21246443688869476,
-0.8460333943367004,
0.627123236656189,
-0.308874249458313,
-0.912479817867279,
-0.4280158579349518,
-0.6523933410644531,
-0.9973025918006897,
0.36901530623435974,
-0.3105789124965668,
-0.5737528204917908,
0.08631046861410141,
-0.132870614528656,
-0.07354413717985153,
0.422436386346817,
-0.8083406686782837,
0.9903943538665771,
-0.017865845933556557,
-0.2020442634820938,
0.21929636597633362,
-0.6603175401687622,
0.2887822091579437,
-0.06354103982448578,
0.26158562302589417,
-0.27338072657585144,
-0.10630622506141663,
0.8947131633758545,
-0.18205974996089935,
0.44584929943084717,
-0.03822089359164238,
-0.12394831329584122,
0.0784338042140007,
0.039721351116895676,
0.6063567399978638,
0.016814470291137695,
-0.34847384691238403,
0.37220433354377747,
0.21735599637031555,
-0.541936993598938,
-0.22648406028747559,
0.43391814827919006,
-0.8161604404449463,
-0.5319021940231323,
-0.725278377532959,
-0.7825917601585388,
-0.20827732980251312,
0.3866671025753021,
0.6050949096679688,
0.525345504283905,
-0.11235880106687546,
0.5234013795852661,
0.5435543656349182,
-0.4114338159561157,
0.498496413230896,
0.5903375148773193,
-0.16708581149578094,
-0.7517637014389038,
0.580532431602478,
0.2905541956424713,
0.3423658013343811,
0.47193852066993713,
0.058163873851299286,
-0.2389630824327469,
-0.9112805724143982,
-0.42181435227394104,
0.5001673102378845,
-0.43537935614585876,
-0.3307896554470062,
-0.7027503252029419,
-0.14851175248622894,
-0.5141856074333191,
0.273208886384964,
-0.21305778622627258,
-0.5296926498413086,
-0.18339824676513672,
-0.2118964046239853,
0.3944382667541504,
0.3958587944507599,
-0.045412857085466385,
0.27892088890075684,
-0.9719289541244507,
0.3201422095298767,
0.08467867225408554,
0.40656009316444397,
-0.2887266278266907,
-0.9754636883735657,
-0.3637615442276001,
0.024716690182685852,
-0.39018797874450684,
-1.055970549583435,
0.6034420132637024,
0.11427995562553406,
0.5016084909439087,
0.15069794654846191,
0.10814868658781052,
0.5981118083000183,
-0.5889280438423157,
1.0862258672714233,
-0.10014279186725616,
-1.0064678192138672,
0.48519381880760193,
-0.44121092557907104,
0.6508805751800537,
0.7052147388458252,
0.42029306292533875,
-0.7027677297592163,
-0.7928088307380676,
-0.7607386708259583,
-1.0098379850387573,
0.9401861429214478,
0.6079682111740112,
-0.12403066456317902,
-0.17096151411533356,
0.13346105813980103,
-0.02660817839205265,
-0.1742708384990692,
-1.1779060363769531,
-0.4718067944049835,
0.10300076007843018,
-0.44533243775367737,
-0.047393184155225754,
-0.5731001496315002,
-0.21962107717990875,
-0.3254946172237396,
1.2627547979354858,
0.019375739619135857,
0.3225579857826233,
0.41649195551872253,
-0.06657711416482925,
0.16404035687446594,
0.44699791073799133,
0.7487480044364929,
0.5310283303260803,
-0.3877444863319397,
-0.12309068441390991,
0.407284140586853,
-0.5892660021781921,
0.08770937472581863,
0.1550278216600418,
-0.5135718584060669,
0.3448304831981659,
0.5671204924583435,
0.953700602054596,
0.036990683525800705,
-0.5193400382995605,
0.5045280456542969,
-0.2140965610742569,
-0.6578584909439087,
-0.32369470596313477,
-0.21573901176452637,
0.26183468103408813,
0.2626650929450989,
0.40102505683898926,
-0.24036456644535065,
0.06822586804628372,
-0.35047754645347595,
0.09984347224235535,
0.2812097370624542,
-0.26060816645622253,
-0.39810502529144287,
0.5623477101325989,
0.0790184959769249,
-0.1522657573223114,
0.5178042650222778,
-0.621197521686554,
-0.5490338802337646,
0.5811448097229004,
0.35594436526298523,
1.061852216720581,
-0.26124271750450134,
0.020767102017998695,
0.8287403583526611,
0.6736646294593811,
-0.0905054360628128,
0.6385377049446106,
0.4099823832511902,
-0.7114593982696533,
-0.4709174931049347,
-0.7580292224884033,
0.017054900527000427,
0.14081956446170807,
-0.8110331296920776,
0.2852059602737427,
-0.011397681199014187,
-0.41020846366882324,
-0.17911869287490845,
0.33490437269210815,
-0.5489767789840698,
0.06547926366329193,
-0.28712859749794006,
0.9776552319526672,
-0.9344010949134827,
0.8719862699508667,
0.7696132659912109,
-0.5219792127609253,
-1.0549564361572266,
-0.04059291258454323,
-0.17125563323497772,
-0.6481404304504395,
0.5272023677825928,
0.059355683624744415,
0.14002197980880737,
-0.07284459471702576,
-0.3555557429790497,
-0.9363100528717041,
1.348592758178711,
0.3794650435447693,
-0.4635222554206848,
-0.1699473261833191,
-0.042297858744859695,
0.6046202778816223,
-0.04963342845439911,
0.33930474519729614,
0.5026875138282776,
0.7998167276382446,
-0.0019448688253760338,
-1.247343897819519,
0.15984362363815308,
-0.5051832795143127,
0.0031541911885142326,
0.4356709122657776,
-0.8443100452423096,
0.981273889541626,
0.17736898362636566,
-0.4005337953567505,
0.019660228863358498,
0.572363018989563,
0.37888452410697937,
0.025829970836639404,
0.47064757347106934,
0.9126789569854736,
0.6852346062660217,
-0.6028032898902893,
1.0730477571487427,
-0.3021620213985443,
0.7339138388633728,
1.1048744916915894,
0.2385120540857315,
0.7761842012405396,
0.520035982131958,
-0.2633962333202362,
0.4959712624549866,
0.7082147598266602,
-0.23020294308662415,
0.46560385823249817,
0.008878939785063267,
-0.051117293536663055,
-0.21242426335811615,
-0.1911216527223587,
-0.5738527774810791,
0.526583731174469,
0.08937478810548782,
-0.2511080801486969,
-0.003547792322933674,
-0.26126113533973694,
0.4508168399333954,
-0.026162652298808098,
-0.15164318680763245,
0.7305790185928345,
-0.1412055641412735,
-0.6757187247276306,
0.9257296323776245,
0.1376211941242218,
0.8780286312103271,
-0.6823580265045166,
0.14010460674762726,
-0.34822651743888855,
-0.02690500020980835,
-0.056664273142814636,
-0.8764721155166626,
0.4548271596431732,
0.16945885121822357,
-0.3622210621833801,
-0.18022017180919647,
0.11513521522283554,
-0.6309654712677002,
-0.8016607761383057,
0.5305414199829102,
0.6288430690765381,
0.20747271180152893,
0.1687503606081009,
-0.9169986844062805,
-0.1981111764907837,
0.206730455160141,
-0.6601641178131104,
-0.0017485066782683134,
0.791381299495697,
0.11234701424837112,
0.6488984227180481,
0.410481333732605,
0.05555000528693199,
0.1203283742070198,
-0.016244392842054367,
0.7215328216552734,
-0.9792793393135071,
-0.34446951746940613,
-0.8237932324409485,
0.5919573307037354,
-0.11097182333469391,
-0.6209022998809814,
0.8148694038391113,
0.7618900537490845,
1.037683129310608,
-0.15409453213214874,
0.4375956356525421,
-0.3537794053554535,
0.5912638306617737,
-0.7412084937095642,
0.7418506741523743,
-1.0096561908721924,
-0.03200580179691315,
-0.12759867310523987,
-0.8552973866462708,
-0.3714441657066345,
0.35236936807632446,
-0.27868103981018066,
0.002740087453275919,
1.1174263954162598,
0.8758872151374817,
0.213833749294281,
-0.44937610626220703,
0.16080397367477417,
0.48944106698036194,
0.2764102518558502,
1.0376911163330078,
0.3692062497138977,
-0.9928674101829529,
0.7739801406860352,
-0.16577960550785065,
0.008484134450554848,
0.027212731540203094,
-0.8430163264274597,
-0.959109902381897,
-0.7351402640342712,
-0.26363956928253174,
-0.4594997465610504,
-0.16989603638648987,
1.0727800130844116,
0.31739693880081177,
-1.157845377922058,
-0.2720383107662201,
0.20298311114311218,
0.1355539709329605,
-0.3910827934741974,
-0.30031073093414307,
0.6303551197052002,
-0.15954464673995972,
-1.1108222007751465,
0.26825353503227234,
-0.043659333139657974,
0.21080468595027924,
0.21830421686172485,
-0.15259112417697906,
-0.8066926598548889,
-0.011773766949772835,
0.483303427696228,
0.05801782384514809,
-0.9073748588562012,
-0.2008109986782074,
0.20090901851654053,
-0.39548102021217346,
0.23766274750232697,
-0.0323224738240242,
-0.35418373346328735,
0.21105259656906128,
0.8711581826210022,
0.3844641447067261,
0.43364399671554565,
-0.07255309075117111,
0.4370347261428833,
-0.8816094398498535,
0.4495459496974945,
0.3367769420146942,
0.5036210417747498,
0.27145013213157654,
-0.09239275008440018,
1.0316599607467651,
0.3334912061691284,
-0.4730115830898285,
-0.9516441822052002,
-0.02661522664129734,
-1.2557224035263062,
-0.1478091925382614,
1.243052363395691,
-0.2522926330566406,
-0.2723338007926941,
0.09400986135005951,
-0.2139938622713089,
0.3748205900192261,
-0.40113240480422974,
0.6163935661315918,
1.110205888748169,
0.37401506304740906,
0.019961947575211525,
-0.6187521815299988,
0.4088676869869232,
0.5704470276832581,
-0.8365386724472046,
-0.25421786308288574,
0.3655734360218048,
0.33606502413749695,
0.3006146252155304,
0.6496758460998535,
-0.4164814352989197,
0.14826925098896027,
-0.24030174314975739,
0.37071099877357483,
-0.1987990289926529,
0.07437315583229065,
-0.3422207236289978,
0.14109750092029572,
-0.13788370788097382,
-0.1661084145307541
] |
timm/tf_efficientnet_b4.ns_jft_in1k
|
timm
| 2023-04-27T21:19:53Z | 5,127 | 0 |
timm
|
[
"timm",
"pytorch",
"safetensors",
"image-classification",
"dataset:imagenet-1k",
"arxiv:1905.11946",
"arxiv:1911.04252",
"license:apache-2.0",
"region:us"
] |
image-classification
| 2022-12-13T00:03:44Z |
---
tags:
- image-classification
- timm
library_name: timm
license: apache-2.0
datasets:
- imagenet-1k
---
# Model card for tf_efficientnet_b4.ns_jft_in1k
A EfficientNet image classification model. Trained on ImageNet-1k and unlabeled JFT-300m using Noisy Student semi-supervised learning in Tensorflow by paper authors, ported to PyTorch by Ross Wightman.
## Model Details
- **Model Type:** Image classification / feature backbone
- **Model Stats:**
- Params (M): 19.3
- GMACs: 4.5
- Activations (M): 49.5
- Image size: 380 x 380
- **Papers:**
- EfficientNet: Rethinking Model Scaling for Convolutional Neural Networks: https://arxiv.org/abs/1905.11946
- Self-training with Noisy Student improves ImageNet classification: https://arxiv.org/abs/1911.04252
- **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_b4.ns_jft_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_b4.ns_jft_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, 190, 190])
# torch.Size([1, 32, 95, 95])
# torch.Size([1, 56, 48, 48])
# torch.Size([1, 160, 24, 24])
# torch.Size([1, 448, 12, 12])
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_b4.ns_jft_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, 12, 12) 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
@article{Xie2019SelfTrainingWN,
title={Self-Training With Noisy Student Improves ImageNet Classification},
author={Qizhe Xie and Eduard H. Hovy and Minh-Thang Luong and Quoc V. Le},
journal={2020 IEEE/CVF Conference on Computer Vision and Pattern Recognition (CVPR)},
year={2019},
pages={10684-10695}
}
```
```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.3973010182380676,
-0.5703661441802979,
-0.08430767804384232,
0.1217542216181755,
-0.23778869211673737,
-0.3886358439922333,
-0.3428574800491333,
-0.42343780398368835,
0.16173601150512695,
0.3518483340740204,
-0.3495112657546997,
-0.5662341713905334,
-0.7378438711166382,
-0.13989610970020294,
-0.26200059056282043,
0.885676383972168,
-0.08599407970905304,
0.0013137288624420762,
-0.15658605098724365,
-0.5590609908103943,
-0.03508717194199562,
-0.22984085977077484,
-0.9511213302612305,
-0.4301360249519348,
0.331735759973526,
0.2508126497268677,
0.5439340472221375,
0.6862973570823669,
0.6615362167358398,
0.5333640575408936,
-0.0996001660823822,
0.044423919171094894,
-0.28371840715408325,
-0.1083889827132225,
0.42121586203575134,
-0.5506472587585449,
-0.3710337281227112,
0.17737840116024017,
0.7586710453033447,
0.5037516355514526,
-0.038535382598638535,
0.4914822578430176,
0.16337549686431885,
0.5952461361885071,
-0.31817665696144104,
0.20401133596897125,
-0.3734301030635834,
0.1845080405473709,
-0.07781260460615158,
0.14796049892902374,
-0.2950645983219147,
-0.31026339530944824,
0.2401140034198761,
-0.5696573853492737,
0.5287479162216187,
-0.09129446744918823,
1.3114017248153687,
0.3080469071865082,
-0.08407681435346603,
0.011951778084039688,
-0.21456046402454376,
0.7550134062767029,
-0.8379488587379456,
0.24376727640628815,
0.1447230577468872,
0.1980733871459961,
-0.0940719023346901,
-1.1262685060501099,
-0.4811975359916687,
-0.19322289526462555,
-0.2317150980234146,
-0.11078070104122162,
-0.3413200378417969,
0.15123705565929413,
0.37320223450660706,
0.3030467629432678,
-0.4087957739830017,
0.08926837146282196,
-0.5683977007865906,
-0.2189890742301941,
0.5942527651786804,
-0.021635672077536583,
0.22536779940128326,
-0.15226155519485474,
-0.44724586606025696,
-0.46802258491516113,
-0.24053245782852173,
0.3964024484157562,
0.2610756754875183,
0.276314914226532,
-0.5247399210929871,
0.29677465558052063,
0.05785398557782173,
0.6958321332931519,
0.1821129024028778,
-0.39062225818634033,
0.6559047102928162,
0.035065699368715286,
-0.473217248916626,
-0.14809948205947876,
1.1546986103057861,
0.3483036756515503,
0.2466292530298233,
0.057947590947151184,
-0.1664852797985077,
-0.4687190353870392,
-0.02118128538131714,
-1.3104016780853271,
-0.3922172486782074,
0.31722670793533325,
-0.6961461901664734,
-0.45381811261177063,
0.14753328263759613,
-0.565561056137085,
-0.08278028666973114,
-0.08608494699001312,
0.7027451395988464,
-0.38713163137435913,
-0.4893665015697479,
-0.009912248700857162,
-0.1556314378976822,
0.14444196224212646,
0.29638007283210754,
-0.5525665283203125,
0.15865956246852875,
0.23255932331085205,
1.1423617601394653,
0.07434481382369995,
-0.4553336799144745,
-0.20153163373470306,
-0.46174171566963196,
-0.2693423628807068,
0.37761396169662476,
-0.010485751554369926,
-0.012043868191540241,
-0.32573655247688293,
0.34308531880378723,
-0.15130695700645447,
-0.7271801829338074,
0.3149629235267639,
-0.22295473515987396,
0.16081485152244568,
0.08893564343452454,
-0.2945998013019562,
-0.550263524055481,
0.28897321224212646,
-0.4866079092025757,
1.1774567365646362,
0.36663439869880676,
-0.8655216693878174,
0.2786894142627716,
-0.542239248752594,
-0.15758651494979858,
-0.26017603278160095,
0.04664267227053642,
-1.1733269691467285,
-0.10567940771579742,
0.1915370523929596,
0.9163349270820618,
-0.23061808943748474,
0.1496742218732834,
-0.6366162896156311,
-0.25048092007637024,
0.307021826505661,
-0.11217864602804184,
1.0971571207046509,
0.2870522439479828,
-0.49060896039009094,
0.2898942828178406,
-0.6466264724731445,
0.22094585001468658,
0.4945347011089325,
-0.2571367621421814,
-0.03274378180503845,
-0.6458179354667664,
0.15870898962020874,
0.28060492873191833,
0.15974044799804688,
-0.5253379940986633,
0.1951558142900467,
-0.15359711647033691,
0.5165970325469971,
0.6290544271469116,
-0.13855335116386414,
0.42547357082366943,
-0.34232205152511597,
0.24990880489349365,
0.2817133367061615,
0.252086877822876,
-0.05621965229511261,
-0.4136906564235687,
-0.8545733690261841,
-0.529106616973877,
0.34470152854919434,
0.250328004360199,
-0.49803292751312256,
0.4110880494117737,
-0.2080000936985016,
-0.8123852014541626,
-0.45027464628219604,
0.13411705195903778,
0.43704384565353394,
0.7142696976661682,
0.3559480905532837,
-0.34120118618011475,
-0.43576622009277344,
-0.9262371063232422,
-0.01378222182393074,
-0.011431027203798294,
0.03303561732172966,
0.31153953075408936,
0.6033593416213989,
-0.022419949993491173,
0.5479329824447632,
-0.33475634455680847,
-0.3315266966819763,
-0.2177271544933319,
0.10923799127340317,
0.46814173460006714,
0.8513991236686707,
0.7877286672592163,
-0.6276443600654602,
-0.5935717225074768,
-0.21110035479068756,
-0.9579737782478333,
0.10460777580738068,
-0.14797909557819366,
-0.1744089275598526,
0.1877194344997406,
0.2747933864593506,
-0.5355254411697388,
0.503941535949707,
0.24193868041038513,
-0.37763386964797974,
0.3774198293685913,
-0.2270488291978836,
0.2127263844013214,
-1.0973936319351196,
0.10518822818994522,
0.4518603980541229,
-0.22794680297374725,
-0.546999990940094,
0.13092201948165894,
0.10676310956478119,
-0.017345519736409187,
-0.4660417139530182,
0.5903519988059998,
-0.5811412930488586,
-0.10052050650119781,
-0.14311017096042633,
-0.3444778323173523,
0.004117545671761036,
0.7772714495658875,
-0.1291021853685379,
0.41573092341423035,
0.8586633205413818,
-0.4733388423919678,
0.4255051910877228,
0.25379815697669983,
-0.20868530869483948,
0.3673790693283081,
-0.75105220079422,
0.11362127959728241,
0.04683111980557442,
0.2685336470603943,
-1.0114457607269287,
-0.21971440315246582,
0.3215729594230652,
-0.584907591342926,
0.689416766166687,
-0.5334308743476868,
-0.43018585443496704,
-0.5180337429046631,
-0.3969513773918152,
0.3994969129562378,
0.6270960569381714,
-0.8162425756454468,
0.45718497037887573,
0.2582246959209442,
0.39810943603515625,
-0.5968173742294312,
-0.8917856216430664,
-0.27116844058036804,
-0.4278635084629059,
-0.791930079460144,
0.32161664962768555,
0.13299693167209625,
0.1393173485994339,
0.11490525305271149,
-0.029497062787413597,
-0.14949539303779602,
0.046282682567834854,
0.5070430040359497,
0.2800692617893219,
-0.2851225435733795,
0.029856465756893158,
-0.2841833829879761,
0.05475205183029175,
0.1116173192858696,
-0.3715057671070099,
0.4674636125564575,
-0.3541254997253418,
-0.006503078620880842,
-0.8462638258934021,
-0.06947551667690277,
0.4680212140083313,
-0.0048948535695672035,
0.8242290616035461,
1.2037845849990845,
-0.45862674713134766,
-0.11045409739017487,
-0.41754546761512756,
-0.30659669637680054,
-0.5188537240028381,
0.5346353054046631,
-0.34948626160621643,
-0.6205028891563416,
0.7982125878334045,
-0.058455608785152435,
0.11822571605443954,
0.7520039081573486,
0.356158047914505,
-0.09996958822011948,
0.6388661861419678,
0.582334041595459,
0.23444722592830658,
0.832615077495575,
-1.0755659341812134,
-0.20404428243637085,
-0.7958988547325134,
-0.37181350588798523,
-0.3787352442741394,
-0.7190138101577759,
-0.758761465549469,
-0.3048502504825592,
0.5028831362724304,
0.2324422001838684,
-0.5923135876655579,
0.42408689856529236,
-0.9196062088012695,
0.08080077916383743,
0.6374821066856384,
0.5917561650276184,
-0.3466944396495819,
0.3326468765735626,
-0.15302976965904236,
0.04226376861333847,
-0.8349875211715698,
-0.1372271031141281,
1.1983722448349,
0.4745541512966156,
0.652657687664032,
-0.14205242693424225,
0.7402895092964172,
-0.222085103392601,
0.3487659990787506,
-0.6201609969139099,
0.5821506381034851,
-0.13335935771465302,
-0.4478429853916168,
-0.27478286623954773,
-0.6074379682540894,
-1.0972124338150024,
0.20488017797470093,
-0.29359227418899536,
-0.755461573600769,
0.2351628541946411,
0.21354582905769348,
-0.27175119519233704,
0.7892716526985168,
-0.9490278363227844,
0.9830164313316345,
-0.07852470874786377,
-0.5140300393104553,
0.05974753201007843,
-0.6706966161727905,
0.28860974311828613,
0.2091982364654541,
-0.26021432876586914,
-0.06935414671897888,
0.08987511694431305,
1.1850316524505615,
-0.6809175610542297,
0.8522735834121704,
-0.5783818364143372,
0.4417473077774048,
0.5739367008209229,
-0.1110573261976242,
0.38200661540031433,
-0.10543974488973618,
-0.1796146184206009,
0.44365382194519043,
0.012666084803640842,
-0.4930184483528137,
-0.5470103621482849,
0.6105996370315552,
-1.0727412700653076,
-0.3549826145172119,
-0.27229201793670654,
-0.5000813603401184,
0.2244468629360199,
0.15615032613277435,
0.49837034940719604,
0.6532602310180664,
0.2901320159435272,
0.3589121103286743,
0.5529748201370239,
-0.261738657951355,
0.5662749409675598,
-0.07676935940980911,
-0.12983182072639465,
-0.45161500573158264,
0.8190085887908936,
0.36933767795562744,
0.1912451535463333,
0.09887657314538956,
0.28453299403190613,
-0.3020619750022888,
-0.5798003077507019,
-0.3359702229499817,
0.2666070759296417,
-0.7196495532989502,
-0.5769883394241333,
-0.7192727327346802,
-0.4642144441604614,
-0.3845280408859253,
-0.10988809168338776,
-0.5717930793762207,
-0.45359066128730774,
-0.4672354459762573,
0.20273634791374207,
0.7222877144813538,
0.5025871992111206,
-0.20517972111701965,
0.6130147576332092,
-0.44178307056427,
0.06254922598600388,
0.1456541270017624,
0.4362439811229706,
0.11300549656152725,
-0.948312520980835,
-0.33120521903038025,
-0.13215383887290955,
-0.47329461574554443,
-0.6135675311088562,
0.5201859474182129,
0.2757219672203064,
0.5174821019172668,
0.4149494171142578,
-0.11792854964733124,
0.7390817403793335,
0.06486485153436661,
0.4963793456554413,
0.4452018439769745,
-0.5731534361839294,
0.5097835063934326,
-0.026973679661750793,
0.22686626017093658,
0.16803553700447083,
0.3082772195339203,
-0.14955167472362518,
-0.09770913422107697,
-1.087778091430664,
-0.7540976405143738,
0.8774831891059875,
0.09464512765407562,
0.018600458279252052,
0.4333123564720154,
0.7425693273544312,
-0.004580019507557154,
0.02196885459125042,
-0.7855852842330933,
-0.4822008013725281,
-0.3919907808303833,
-0.3133930563926697,
0.00970155093818903,
0.001196121796965599,
-0.005134438630193472,
-0.7421067357063293,
0.6332371830940247,
-0.12073866277933121,
0.8315655589103699,
0.38671815395355225,
-0.03027985244989395,
-0.1418614536523819,
-0.3871469497680664,
0.37412652373313904,
0.26276659965515137,
-0.3368213474750519,
0.1482696384191513,
0.20924273133277893,
-0.5653228163719177,
0.17348287999629974,
0.19992557168006897,
-0.039035964757204056,
0.0037429481744766235,
0.5460399985313416,
0.9262774586677551,
-0.05235745385289192,
0.14275430142879486,
0.47533583641052246,
-0.08894135802984238,
-0.49647119641304016,
-0.25740596652030945,
0.2263578623533249,
-0.06732439994812012,
0.5142008066177368,
0.3253211975097656,
0.45804792642593384,
-0.04584634304046631,
-0.17104315757751465,
0.2613029479980469,
0.5150302052497864,
-0.2611345946788788,
-0.2962111234664917,
0.6717522144317627,
-0.16205812990665436,
-0.12197506427764893,
0.873600959777832,
-0.16473643481731415,
-0.5090026259422302,
1.1321489810943604,
0.4195675849914551,
0.9677737355232239,
-0.013773443177342415,
0.01412621233612299,
1.048964262008667,
0.220696821808815,
-0.08678175508975983,
0.08706141263246536,
0.030917180702090263,
-0.7650474905967712,
0.044222813099622726,
-0.5572192072868347,
0.06270953267812729,
0.3146650791168213,
-0.4876635670661926,
0.25779449939727783,
-0.7523086071014404,
-0.44024431705474854,
0.20058031380176544,
0.4033389389514923,
-0.9606876373291016,
0.216841921210289,
-0.06378035992383957,
0.8340412974357605,
-0.7321020364761353,
0.8227419853210449,
0.8122881650924683,
-0.4683251678943634,
-1.2374227046966553,
-0.14421389997005463,
-0.0824139341711998,
-0.8211560845375061,
0.5968952775001526,
0.4898652732372284,
0.17395178973674774,
0.1146870106458664,
-0.8918782472610474,
-0.7193464636802673,
1.4503401517868042,
0.5501117706298828,
-0.16760478913784027,
0.27910441160202026,
-0.136854350566864,
0.28069475293159485,
-0.4507884085178375,
0.5687982439994812,
0.17363592982292175,
0.360716313123703,
0.30276069045066833,
-0.6712921261787415,
0.30757081508636475,
-0.3548506498336792,
0.05862708017230034,
0.19599764049053192,
-0.9675475358963013,
0.9679771661758423,
-0.5133140683174133,
-0.09847117215394974,
-0.06625722348690033,
0.7779845595359802,
0.10384225100278854,
0.15365907549858093,
0.6637828946113586,
0.8084256649017334,
0.5976906418800354,
-0.31168508529663086,
0.8544876575469971,
0.04303361475467682,
0.6994006633758545,
0.6320858597755432,
0.5686026215553284,
0.4854663014411926,
0.3681644797325134,
-0.3088787794113159,
0.2753128707408905,
1.0972732305526733,
-0.39024919271469116,
0.2910764515399933,
0.22713366150856018,
0.08111455291509628,
-0.20611268281936646,
0.11881152540445328,
-0.3545789420604706,
0.5433518290519714,
0.13467909395694733,
-0.5627672076225281,
-0.2613355219364166,
0.06476369500160217,
0.011987692676484585,
-0.39986807107925415,
-0.29872986674308777,
0.4449596703052521,
0.023597387596964836,
-0.38307082653045654,
0.9674969911575317,
0.042582180351018906,
0.9436707496643066,
-0.3513839840888977,
0.0800345242023468,
-0.2669864296913147,
0.2560916543006897,
-0.39317697286605835,
-0.7940499782562256,
0.30967336893081665,
-0.2843611538410187,
0.03472885861992836,
-0.011476323008537292,
0.732356071472168,
-0.393708199262619,
-0.5196567177772522,
0.22397743165493011,
0.30436232686042786,
0.49679988622665405,
0.01686991937458515,
-1.301634430885315,
0.13752363622188568,
0.062390562146902084,
-0.778899610042572,
0.31957903504371643,
0.4553687572479248,
0.1174563318490982,
0.7682046890258789,
0.5533863306045532,
-0.14171506464481354,
0.15617519617080688,
-0.15471142530441284,
0.8312110900878906,
-0.3940992057323456,
-0.2694425880908966,
-0.7913712859153748,
0.6079744696617126,
-0.11889946460723877,
-0.5948061943054199,
0.4428611099720001,
0.4655327796936035,
0.9009851813316345,
0.034348707646131516,
0.345873087644577,
-0.28954485058784485,
-0.054776884615421295,
-0.28682783246040344,
0.8068024516105652,
-0.8337797522544861,
-0.04975321516394615,
-0.17924046516418457,
-0.6302156448364258,
-0.38965874910354614,
0.7545810341835022,
-0.19239407777786255,
0.5323623418807983,
0.4409288167953491,
1.0177208185195923,
-0.34385618567466736,
-0.3524627387523651,
0.27247342467308044,
0.2012721300125122,
0.12308668345212936,
0.43670058250427246,
0.33737117052078247,
-0.8274849057197571,
0.4324672520160675,
-0.7928955554962158,
-0.21373683214187622,
-0.16967926919460297,
-0.6438350677490234,
-0.9441395998001099,
-0.9202510118484497,
-0.6924985647201538,
-0.6856523156166077,
-0.24603718519210815,
0.983081579208374,
1.1349129676818848,
-0.6694651246070862,
-0.1630415916442871,
-0.04143897071480751,
0.17911145091056824,
-0.31055164337158203,
-0.2412780374288559,
0.7078142166137695,
-0.2670842111110687,
-0.7494993209838867,
-0.4058397114276886,
-0.10604134947061539,
0.3590180277824402,
-0.02670479379594326,
-0.2086220383644104,
-0.17905224859714508,
-0.36203446984291077,
0.17058366537094116,
0.2327658087015152,
-0.5696635246276855,
-0.1284494400024414,
-0.26872363686561584,
-0.20105929672718048,
0.39493998885154724,
0.3823986053466797,
-0.5254758596420288,
0.38745051622390747,
0.4012940227985382,
0.39465266466140747,
0.8704472780227661,
-0.40751519799232483,
-0.03251553326845169,
-0.7907510995864868,
0.5614762306213379,
-0.14535564184188843,
0.4688194990158081,
0.43032941222190857,
-0.4620269536972046,
0.6618990302085876,
0.38956958055496216,
-0.527465283870697,
-0.8171975016593933,
-0.2682623863220215,
-1.09821617603302,
-0.14616858959197998,
0.9344685673713684,
-0.5213722586631775,
-0.56099534034729,
0.5039445757865906,
0.05881638824939728,
0.7184279561042786,
-0.22283735871315002,
0.5048602223396301,
0.1997450739145279,
-0.14080257713794708,
-0.7034873366355896,
-0.5236806869506836,
0.4027063846588135,
0.1967323124408722,
-0.5430945754051208,
-0.41153788566589355,
-0.037639785557985306,
0.6976823806762695,
0.19800154864788055,
0.47812163829803467,
-0.030420780181884766,
0.14317874610424042,
0.11225531995296478,
0.49769163131713867,
-0.5303422808647156,
-0.03935883194208145,
-0.40590211749076843,
0.1602790206670761,
-0.08264730870723724,
-0.5696415901184082
] |
amazon/LightGPT
|
amazon
| 2023-06-06T07:28:56Z | 5,125 | 69 |
transformers
|
[
"transformers",
"pytorch",
"gptj",
"text-generation",
"en",
"license:apache-2.0",
"has_space",
"region:us"
] |
text-generation
| 2023-05-24T00:57:41Z |
---
license: apache-2.0
language:
- en
pipeline_tag: text-generation
inference: false
---
# LightGPT-instruct-6B Model
LightGPT-instruct is a language model based on [GPT-J 6B](https://huggingface.co/EleutherAI/gpt-j-6b). It was instruction fine-tuned on the high quality, Apache-2.0 licensed
[OIG-small-chip2](https://github.com/LAION-AI/Open-Instruction-Generalist) instruction dataset with ~200K [training examples](https://huggingface.co/datasets/0-hero/OIG-small-chip2).
## Model Details
- **Developed by:** [AWS Contributors](https://github.com/orgs/aws-samples/teams/aws-prototype-ml-apac)
- **Model type:** Transformer-based Language Model
- **Language:** English
- **Finetuned from:** [EleutherAI / gpt-j-6b](https://huggingface.co/EleutherAI/gpt-j-6b)
- **License:** Apache 2.0
- **Contact:** [Github issues](https://huggingface.co/amazon/LightGPT/discussions/new)
## Prompting
The instruction template (adapted from the [Alpaca README.md](https://github.com/tatsu-lab/stanford_alpaca#data-release)) is used to format the prompt:
```
Below is an instruction that describes a task. Write a response that appropriately completes the request.
### Instruction:
{instruction}
### Response:
```
Input prompt example:
```
Below is an instruction that describes a task. Write a response that appropriately completes the request.
### Instruction:
How can I tell if a pomegranate is ripe?
### Response:
```
The input ends with `### Response:\n` to signal that the model should
start generating the reply.
Example of generated continuation:
```
To determine whether or not a pomegranate is ripe, you should look for signs such as color and size.
A ripe pomegranate will have deep red-orange skin with small seeds inside. You may also notice that
it feels slightly softer than other fruits when squeezed. If you're unsure about ripeness, you can
cut into one of the fruit to check its texture. The flesh should be soft but still yield slightly to
gentle pressure. Finally, smell the fruit - if it has a sweet aroma, then it's likely ready to eat!
Enjoy your delicious pomegranates!
```
## Deployment
Please refer to [Deploy models to Amazon SageMaker](https://huggingface.co/docs/sagemaker/inference).
The **example** code below also shows how to deploy LightGPT-instruct to Amazon SageMaker
```python
# pip install sagemaker==2.159.0
from sagemaker.djl_inference.model import DJLModel
#An AWS IAM role that has the permission to create SageMaker endpoint
sm_role = "arn:aws:iam::XXX"
djl_model = DJLModel(
"amazon/LightGPT",
sm_role,
dtype="fp16",
task="text-generation",
# number of gpus to partition the model across, default to use 1 GPU
number_of_partitions=1
)
# this will take a few minutes to deploy
predictor = djl_model.deploy("ml.g5.2xlarge",
initial_instance_count=1)
input_str = """Below is an instruction that describes a task. Write a response that appropriately completes the request.
### Instruction:
How can I tell if a pomegranate is ripe?
### Response:"""
data = {"inputs": input_str,
"parameters":
{
"max_new_tokens":400,
"do_sample": True,
"temperature": 0.7,
"repetition_penalty": 1.1,
"top_p": 0.8,
"top_k": 50,
"min_length": 200,
}
}
result = predictor.predict(data)
print(result[0]["generated_text"])
"""
Below is an instruction that describes a task. Write a response that appropriately completes the request.
### Instruction:
How can I tell if a pomegranate is ripe?
### Response:
Ripe pomegranates are usually easy to spot, as they will be slightly soft and give when squeezed gently.
You may also notice that the skin of the fruit has begun to turn from green to yellow-green in color.
Additionally, you should smell the aroma coming from inside the fruit; it should have a sweet fruity scent.
Lastly, check for any blemishes or bruises on the outside of the fruit. If all these signs are present,
then your pomegranate is likely ready to be picked! Enjoy your fresh produce!
**Note:** To avoid bruising, make sure to cut the stem off before picking. Otherwise, you could end up
with a bruised and unappealing piece of fruit. **Warning:** Be careful when handling and cutting
pomegranates, as they can easily bruise or break.
"""
```
## Evaluation result
| | LAMBADA PPL | LAMBADA Acc | Winogrande | Hellaswag | PIQA |
|-------------------|-------------|-------------|------------|-----------|-------|
| GPT-J | 3.99 | 69.7% | 65.3% | 66.1% | 76.5% |
| LightGPT-instruct | 4.33 | 65.0% | 64.6% | 63.9% | 75.5% |
## Limitations
See limitations of GPT-J base model [here](https://huggingface.co/EleutherAI/gpt-j-6b#limitations-and-biases).
The model may fail to follow instructions with long inputs (e.g. summarize a long text).
The model often gives incorrect answers to math and reasoning questions.
Beware of hallucinations: Outputs are often factually wrong or misleading.
Replies might look convincing (at first glance) while containing completely
made up false statements.
This model is usable only for English conversations.
|
[
-0.2908502519130707,
-1.0020486116409302,
0.5391512513160706,
0.0919363722205162,
-0.2494565099477768,
-0.3497394621372223,
0.008547386154532433,
-0.5168272256851196,
-0.032141052186489105,
0.5045095682144165,
-0.6038339734077454,
-0.36488625407218933,
-0.4661443531513214,
-0.31079527735710144,
0.003925491124391556,
1.4401499032974243,
-0.16628699004650116,
0.19041074812412262,
0.15666332840919495,
0.05111857131123543,
-0.5341317653656006,
-0.3302854001522064,
-0.6427673697471619,
-0.25796136260032654,
0.18304792046546936,
0.16988973319530487,
0.8950248956680298,
0.24358373880386353,
0.47250837087631226,
0.31601664423942566,
-0.2876960337162018,
-0.29377782344818115,
-0.10147307068109512,
-0.3175486624240875,
-0.08810877054929733,
-0.2939222455024719,
-0.5848765969276428,
0.2363940328359604,
0.1964239776134491,
0.6808831691741943,
-0.19365455210208893,
0.3264370560646057,
0.025606028735637665,
0.2540433406829834,
-0.4496757388114929,
0.3906373083591461,
-0.3817498981952667,
0.2438245564699173,
-0.04848351702094078,
0.18916676938533783,
-0.1843651533126831,
-0.3546234965324402,
-0.037125229835510254,
-0.6333777904510498,
0.24879439175128937,
0.05470433831214905,
1.1720428466796875,
0.3061523139476776,
-0.250056654214859,
-0.09733160585165024,
-0.770679235458374,
0.8003447651863098,
-1.0394675731658936,
-0.12380491942167282,
0.47924044728279114,
0.7277281284332275,
-0.14951086044311523,
-0.6901944279670715,
-0.6008158922195435,
-0.3828265070915222,
-0.3184615969657898,
0.24928300082683563,
0.09791557490825653,
-0.04988889768719673,
0.48321840167045593,
0.6700433492660522,
-0.6254348158836365,
-0.48842132091522217,
-0.260852187871933,
-0.02667691744863987,
0.43421560525894165,
0.1600002497434616,
0.21254684031009674,
0.13430699706077576,
-0.566716194152832,
0.06345237046480179,
-0.3059578239917755,
0.09951984882354736,
0.2039547562599182,
0.1823587566614151,
-0.28513166308403015,
0.6038124561309814,
-0.18947741389274597,
0.5469130277633667,
0.06488105654716492,
-0.1643635779619217,
0.47255873680114746,
-0.5003508925437927,
-0.6647822856903076,
-0.26775577664375305,
0.8366051912307739,
0.1271262913942337,
-0.05770600959658623,
-0.040676649659872055,
-0.3708082139492035,
0.0823235884308815,
-0.031754020601511,
-0.9508011341094971,
-0.4784304201602936,
0.3336022198200226,
-0.4199092984199524,
-0.08900206536054611,
0.23042532801628113,
-0.7286868095397949,
-0.21949218213558197,
0.16091299057006836,
0.6713072061538696,
-0.6075884699821472,
-0.09126660227775574,
0.33458584547042847,
-0.06800904870033264,
0.43992894887924194,
0.32267171144485474,
-0.9664624929428101,
0.2896800935268402,
0.3991110622882843,
0.5634399056434631,
0.5636633634567261,
-0.3418799638748169,
-0.23239699006080627,
-0.14657405018806458,
-0.050886042416095734,
0.2867126166820526,
-0.3858310580253601,
-0.06709066033363342,
-0.1909308135509491,
0.5717238187789917,
-0.2544543743133545,
-0.3875134587287903,
0.9632076025009155,
-0.353985458612442,
0.4731940031051636,
-0.10634922981262207,
-0.5482270121574402,
-0.5353858470916748,
0.00006332325574476272,
-0.330974817276001,
0.7780755758285522,
0.39912721514701843,
-0.7471223473548889,
0.39070647954940796,
-0.6372500061988831,
-0.3811264634132385,
0.08711959421634674,
-0.23120811581611633,
-0.7592742443084717,
-0.02698156051337719,
0.1567685902118683,
0.5466122627258301,
-0.3648160994052887,
0.12710638344287872,
0.022087903693318367,
-0.14151380956172943,
0.18096274137496948,
-0.14313507080078125,
0.9375793933868408,
0.49573037028312683,
-0.6139000058174133,
0.12961918115615845,
-0.8169207572937012,
0.09909292310476303,
0.7636822462081909,
-0.37625521421432495,
0.1605822890996933,
0.006955905817449093,
-0.033081892877817154,
-0.11436739563941956,
0.3017186224460602,
-0.4783732295036316,
0.36499834060668945,
-0.17605914175510406,
0.6550480723381042,
0.31507378816604614,
0.17916695773601532,
0.4961158037185669,
-0.38464659452438354,
0.5703936815261841,
0.04717810079455376,
0.6423898935317993,
-0.4035874307155609,
-0.9409406185150146,
-0.7873799800872803,
0.013038670644164085,
0.015023848973214626,
0.9317450523376465,
-0.7114540338516235,
0.6861572265625,
0.18847140669822693,
-0.7424415349960327,
-0.3035743236541748,
-0.10643458366394043,
0.5059296488761902,
0.6545154452323914,
0.37132298946380615,
-0.22891435027122498,
-0.16235728561878204,
-0.8825326561927795,
-0.08577688038349152,
-0.009606569074094296,
-0.06926935911178589,
0.3108380436897278,
0.7708986401557922,
-0.12529781460762024,
0.5979307293891907,
-0.6838783621788025,
-0.15627889335155487,
-0.23416829109191895,
0.12611596286296844,
0.749707043170929,
0.7368513941764832,
0.8495841026306152,
-0.8180816173553467,
-0.30455246567726135,
0.08419516682624817,
-0.7556988000869751,
0.10312197357416153,
0.0747603327035904,
-0.01554907951503992,
-0.006114580202847719,
-0.09765146672725677,
-0.6211484670639038,
0.5470408201217651,
0.4481216073036194,
-0.8712112307548523,
0.5665623545646667,
-0.30689042806625366,
0.3850170075893402,
-0.8400720953941345,
0.14262226223945618,
-0.0768485814332962,
-0.14806760847568512,
-0.579530656337738,
0.12901654839515686,
0.08911638706922531,
-0.1405779868364334,
-0.661874532699585,
0.3663751482963562,
-0.4426078498363495,
0.020245609804987907,
-0.06595992296934128,
-0.4334729313850403,
0.05952480807900429,
0.5452868938446045,
-0.34890034794807434,
0.792455792427063,
0.4866839647293091,
-0.6133280992507935,
0.3716967701911926,
0.21598832309246063,
-0.6657108068466187,
0.23349429666996002,
-0.703089714050293,
-0.03447071090340614,
0.01527987327426672,
0.1928790658712387,
-0.8908334970474243,
-0.28157439827919006,
0.631507396697998,
-0.43354469537734985,
0.07822711765766144,
-0.365841805934906,
-0.2381599098443985,
-0.363119512796402,
0.04361708089709282,
0.3752719759941101,
0.8403720259666443,
-0.2804033160209656,
0.6154910922050476,
0.23765073716640472,
-0.1639544516801834,
-0.35642093420028687,
-0.9121755957603455,
-0.3085251748561859,
-0.22067904472351074,
-0.7251019477844238,
0.31393662095069885,
-0.056971095502376556,
-0.09052453935146332,
0.03720232844352722,
0.25400465726852417,
-0.10567948967218399,
0.14602011442184448,
0.17186880111694336,
0.25925859808921814,
-0.11378194391727448,
-0.2435554414987564,
-0.21661409735679626,
-0.22407463192939758,
-0.06824931502342224,
-0.36849287152290344,
0.6167677044868469,
-0.18035002052783966,
-0.41411909461021423,
-0.29750174283981323,
0.09732238948345184,
0.322470486164093,
-0.35668808221817017,
0.828747034072876,
0.7228730320930481,
-0.43583109974861145,
0.1985635906457901,
-0.4254244267940521,
-0.3617648482322693,
-0.37520286440849304,
0.1660805493593216,
-0.3030222952365875,
-0.4526054263114929,
0.5737203359603882,
0.21927587687969208,
0.1691112220287323,
0.6593571901321411,
0.4190620481967926,
0.15022091567516327,
1.1438108682632446,
0.549696147441864,
-0.041355397552251816,
0.5735908150672913,
-0.3936121165752411,
0.025399308651685715,
-0.7055289149284363,
-0.29411575198173523,
-0.5371007323265076,
-0.115878626704216,
-0.1385854184627533,
-0.5424039959907532,
0.09415241330862045,
0.35531648993492126,
-0.6429362297058105,
0.28282615542411804,
-0.7299388647079468,
0.5047433376312256,
0.4105934798717499,
-0.028750702738761902,
-0.025671308860182762,
-0.13321958482265472,
-0.21444901823997498,
-0.022725097835063934,
-0.7313873767852783,
-0.5282521843910217,
0.7033112049102783,
0.37373217940330505,
0.6647459268569946,
0.007827041670680046,
0.16528405249118805,
-0.03460029512643814,
0.3227749466896057,
-0.5334190130233765,
0.6020151376724243,
-0.04480458050966263,
-0.66437166929245,
-0.048402052372694016,
-0.5541692972183228,
-1.050269365310669,
0.37391558289527893,
-0.26436126232147217,
-0.8639023900032043,
-0.00026429680292494595,
0.07749279588460922,
-0.4473060965538025,
0.4002324640750885,
-1.0299769639968872,
1.1883132457733154,
-0.6582258939743042,
-0.3691483438014984,
0.34576869010925293,
-0.6489689350128174,
0.48979800939559937,
0.40737608075141907,
0.39660951495170593,
-0.20754262804985046,
0.025592179968953133,
0.7617257237434387,
-0.8085350394248962,
0.7123910188674927,
-0.6033381223678589,
0.0269019715487957,
0.47797489166259766,
-0.07493199408054352,
0.7691580057144165,
-0.015112685039639473,
0.005720133893191814,
-0.06543135643005371,
-0.17073006927967072,
-0.6044349670410156,
-0.28233784437179565,
0.4785603880882263,
-0.6659291982650757,
-0.5398701429367065,
-0.580598771572113,
-0.17707893252372742,
0.06992670148611069,
0.08209069818258286,
0.3141648769378662,
-0.09946874529123306,
-0.08543351292610168,
-0.13429369032382965,
0.4251561760902405,
-0.4418950080871582,
0.42804259061813354,
0.3356585204601288,
-0.683998167514801,
-0.4950423538684845,
0.7707773447036743,
0.15943275392055511,
0.3222285211086273,
0.09992952644824982,
0.3043505549430847,
-0.0587642565369606,
-0.6558239459991455,
-0.7874749302864075,
0.1684238314628601,
-0.6408088207244873,
-0.030903924256563187,
-0.44930407404899597,
-0.14538228511810303,
-0.2860511839389801,
-0.04147063195705414,
-0.22620661556720734,
-0.39168745279312134,
-0.11631692945957184,
-0.0419265441596508,
0.541770875453949,
0.5979735851287842,
0.564224362373352,
0.37018704414367676,
-0.6596812009811401,
-0.07358460873365402,
0.26485365629196167,
0.18856783211231232,
-0.13093087077140808,
-0.7736628651618958,
-0.18673372268676758,
0.014066983014345169,
-0.33832547068595886,
-0.9828513264656067,
0.580686628818512,
0.027503177523612976,
0.47457829117774963,
0.5364234447479248,
-0.2896004915237427,
0.3797912299633026,
-0.41053926944732666,
1.0738428831100464,
0.15580937266349792,
-0.7988208532333374,
0.7957162261009216,
-0.49123480916023254,
0.4166222810745239,
0.355042964220047,
0.34573161602020264,
-0.2707085907459259,
-0.22122018039226532,
-0.9327836036682129,
-0.9937585592269897,
0.5855897665023804,
0.41540291905403137,
-0.0634487122297287,
0.18412816524505615,
0.4243740439414978,
0.11338783800601959,
0.3347618579864502,
-0.8348545432090759,
-0.4664400517940521,
-0.30604904890060425,
0.19509616494178772,
-0.23730142414569855,
-0.18990011513233185,
-0.30725836753845215,
-0.2675330936908722,
0.7669390439987183,
0.02239716611802578,
0.3355262875556946,
0.14842095971107483,
0.1291481852531433,
-0.044087160378694534,
0.36505353450775146,
0.48355427384376526,
0.6620394587516785,
-0.43874797224998474,
0.011510524898767471,
0.261775404214859,
-0.4392729699611664,
0.1369604766368866,
0.40019193291664124,
-0.471845805644989,
-0.1182108074426651,
0.13256056606769562,
0.8513174057006836,
0.01913890242576599,
-0.42823007702827454,
0.45306897163391113,
-0.14219918847084045,
-0.27594923973083496,
-0.41156962513923645,
0.24787424504756927,
0.14913049340248108,
0.1883203685283661,
0.4135224223136902,
0.14346852898597717,
-0.06747711449861526,
-0.6047805547714233,
-0.20927134156227112,
0.40255555510520935,
-0.26244044303894043,
-0.3522823750972748,
1.0846366882324219,
0.15338769555091858,
-0.2639470100402832,
0.2997801899909973,
-0.6246278285980225,
-0.5793594121932983,
0.9767327308654785,
0.5250985622406006,
0.7596434950828552,
-0.28274005651474,
0.07278348505496979,
0.4184088706970215,
0.4831843972206116,
-0.10809210687875748,
0.5612021684646606,
0.30319082736968994,
-0.6266067028045654,
-0.20534983277320862,
-0.7320982217788696,
-0.11766311526298523,
0.43416887521743774,
-0.20646445453166962,
0.008364759385585785,
-0.7648905515670776,
-0.21648278832435608,
0.10831127315759659,
0.07971961051225662,
-0.7319256663322449,
0.6347768902778625,
-0.1670789271593094,
0.6047521233558655,
-0.975685179233551,
0.7599950432777405,
0.9004131555557251,
-0.8451125025749207,
-0.8631691932678223,
-0.30301007628440857,
-0.0331178680062294,
-0.6347281336784363,
0.058834947645664215,
0.12215591222047806,
0.4248877465724945,
-0.212978333234787,
-0.6200962066650391,
-0.6521575450897217,
1.3804832696914673,
0.46465104818344116,
-0.44387826323509216,
0.3532825708389282,
-0.09976702183485031,
0.32897037267684937,
-0.2588347792625427,
0.5656784772872925,
0.4845317304134369,
0.6608712673187256,
0.23526909947395325,
-0.7551690340042114,
0.3007212281227112,
-0.2274732142686844,
-0.139921173453331,
0.3276153802871704,
-0.771273672580719,
1.4552212953567505,
-0.1324959248304367,
-0.2737422585487366,
0.34025394916534424,
0.47407761216163635,
-0.049912359565496445,
0.21558567881584167,
0.37841856479644775,
0.7607698440551758,
0.7981777787208557,
-0.3597295880317688,
1.3614180088043213,
-0.18260852992534637,
0.48426344990730286,
0.8390198349952698,
-0.17600025236606598,
0.5434272289276123,
0.23702916502952576,
-0.5412024855613708,
0.07048052549362183,
0.7895005941390991,
-0.326172798871994,
0.3026832640171051,
0.05715421214699745,
-0.37345364689826965,
0.11152911931276321,
0.04798278957605362,
-0.7328106164932251,
-0.05421726405620575,
0.24587786197662354,
-0.6977103352546692,
0.06619460135698318,
0.034568902105093,
0.39718517661094666,
-0.13424235582351685,
-0.3914440870285034,
0.5499384999275208,
-0.027949325740337372,
-0.7159044146537781,
0.5953990817070007,
0.1439422070980072,
0.6989508867263794,
-0.6317050457000732,
-0.020544717088341713,
-0.2584231495857239,
0.43444323539733887,
-0.4757145643234253,
-0.674830436706543,
0.16115887463092804,
-0.19329741597175598,
-0.2925303280353546,
-0.005492109339684248,
0.8146599531173706,
-0.28868600726127625,
-0.6563485264778137,
0.25974828004837036,
0.5062645077705383,
0.44739627838134766,
-0.15805357694625854,
-0.9568029046058655,
-0.12713469564914703,
0.10980783402919769,
-0.4612053632736206,
0.4840225577354431,
0.4426881968975067,
0.07028613239526749,
0.6623300313949585,
0.4876886308193207,
-0.04974914342164993,
0.0634911060333252,
0.055542781949043274,
0.698901355266571,
-0.6822785139083862,
-0.16164064407348633,
-0.6627046465873718,
0.5601878762245178,
0.03934763744473457,
-0.4227443039417267,
0.8794234991073608,
0.6572710275650024,
0.8772119283676147,
-0.4290917217731476,
0.9134241938591003,
-0.38193824887275696,
0.338299423456192,
-0.6847053170204163,
0.6725958585739136,
-0.3907981514930725,
0.12122593820095062,
-0.1465560644865036,
-0.9913458228111267,
-0.049298521131277084,
0.8305951952934265,
-0.771567165851593,
0.6320900321006775,
0.6755390763282776,
0.7462998628616333,
-0.2661879062652588,
0.07937964797019958,
0.27029234170913696,
0.328693151473999,
0.24783478677272797,
0.7124766707420349,
0.7153342962265015,
-0.5847582221031189,
0.4905136525630951,
-0.38500896096229553,
-0.5910729169845581,
-0.2545897662639618,
-0.7487093806266785,
-0.559095561504364,
-0.3535973131656647,
-0.2584453225135803,
-0.25612491369247437,
0.07943931221961975,
0.603959321975708,
0.6834849715232849,
-0.7648297548294067,
-0.03336483612656593,
-0.253887802362442,
-0.13229678571224213,
-0.4332338571548462,
-0.23452822864055634,
0.15895649790763855,
-0.25633880496025085,
-0.7660967707633972,
0.2246425300836563,
0.06817759573459625,
0.4009915590286255,
-0.045290350914001465,
-0.13414958119392395,
-0.3021915853023529,
-0.12556736171245575,
0.22386546432971954,
0.4442286789417267,
-0.3600485026836395,
-0.2716546356678009,
-0.43609774112701416,
-0.11679443717002869,
0.1042904406785965,
0.5175449252128601,
-0.5923898220062256,
0.1185884028673172,
0.4037412106990814,
0.4755465090274811,
0.5776391625404358,
-0.07078521698713303,
0.3999922275543213,
-0.47311821579933167,
0.46550190448760986,
0.4247814416885376,
0.7914149165153503,
0.32493719458580017,
-0.2814725935459137,
0.7054126262664795,
0.1744290590286255,
-0.9846376180648804,
-0.2295885980129242,
0.3456399440765381,
-0.8068422079086304,
-0.40394821763038635,
1.0452189445495605,
-0.40404897928237915,
-0.570281982421875,
0.05757708102464676,
-0.5708509683609009,
0.21338817477226257,
-0.38324302434921265,
0.4346587359905243,
0.4613848626613617,
-0.09221762418746948,
-0.17246830463409424,
-0.942254900932312,
0.4977726936340332,
0.7721102833747864,
-0.9155212640762329,
-0.23101988434791565,
0.35212546586990356,
0.20460040867328644,
0.24858886003494263,
0.4902608394622803,
-0.051534269005060196,
0.18756045401096344,
0.1728496253490448,
0.25519251823425293,
-0.04667523875832558,
0.1009034588932991,
-0.194573312997818,
0.15191592276096344,
0.1067340224981308,
-0.503171980381012
] |
fangloveskari/Platypus_QLoRA_LLaMA_70b
|
fangloveskari
| 2023-08-28T15:34:37Z | 5,123 | 3 |
transformers
|
[
"transformers",
"pytorch",
"llama",
"text-generation",
"license:llama2",
"endpoints_compatible",
"has_space",
"text-generation-inference",
"region:us"
] |
text-generation
| 2023-08-27T02:17:24Z |
---
license: llama2
---
|
[
-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
] |
Bhuvana/t5-base-spellchecker
|
Bhuvana
| 2022-01-04T12:46:55Z | 5,118 | 9 |
transformers
|
[
"transformers",
"pytorch",
"t5",
"text2text-generation",
"autotrain_compatible",
"endpoints_compatible",
"has_space",
"text-generation-inference",
"region:us"
] |
text2text-generation
| 2022-03-02T23:29:04Z |
---
widget:
- text: "christmas is celbrated on decembr 25 evry ear"
---
# Spell checker using T5 base transformer
A simple spell checker built using T5-Base transformer. To use this model
```
from transformers import AutoTokenizer, AutoModelForSeq2SeqLM
tokenizer = AutoTokenizer.from_pretrained("Bhuvana/t5-base-spellchecker")
model = AutoModelForSeq2SeqLM.from_pretrained("Bhuvana/t5-base-spellchecker")
def correct(inputs):
input_ids = tokenizer.encode(inputs,return_tensors='pt')
sample_output = model.generate(
input_ids,
do_sample=True,
max_length=50,
top_p=0.99,
num_return_sequences=1
)
res = tokenizer.decode(sample_output[0], skip_special_tokens=True)
return res
text = "christmas is celbrated on decembr 25 evry ear"
print(correct(text))
```
This should print the corrected statement
```
christmas is celebrated on december 25 every year
```
You can also type the text under the Hosted inference API and get predictions online.
|
[
0.11489711701869965,
-0.23942074179649353,
0.10553744435310364,
0.39383888244628906,
-0.24352043867111206,
0.14287656545639038,
-0.0616273432970047,
-0.24560993909835815,
0.06941328942775726,
0.2934143841266632,
-0.6817277073860168,
-0.7859488725662231,
-0.5197443962097168,
0.39865538477897644,
-0.18880747258663177,
0.6214261054992676,
0.05568971484899521,
-0.06801465153694153,
0.08131089061498642,
0.005645390599966049,
-0.23886631429195404,
-0.4695511758327484,
-0.5325393676757812,
-0.5964369773864746,
0.3264002203941345,
0.8281375169754028,
0.40556755661964417,
0.48341476917266846,
0.2123667448759079,
0.36916783452033997,
-0.0698356032371521,
0.17355427145957947,
-0.14097794890403748,
-0.032025065273046494,
-0.37632912397384644,
-0.730260968208313,
-0.5076650381088257,
-0.15614351630210876,
0.41913366317749023,
0.37673163414001465,
-0.12256018817424774,
0.39874640107154846,
-0.37527409195899963,
0.16151678562164307,
-0.7795410752296448,
0.13632872700691223,
-0.6906630396842957,
0.05948939174413681,
-0.2129361480474472,
0.11790885776281357,
-0.4395788311958313,
-0.3950004279613495,
-0.04599529877305031,
-0.624708354473114,
0.35722288489341736,
0.2337958961725235,
1.2664353847503662,
0.5080746412277222,
-0.6390731930732727,
-0.13614338636398315,
-0.5486049056053162,
0.9945820569992065,
-0.8688843846321106,
0.6571165919303894,
0.8282355666160583,
0.3118116557598114,
0.012129710987210274,
-1.171987533569336,
-0.6143529415130615,
-0.05204952508211136,
-0.062383174896240234,
0.16032205522060394,
-0.3719550669193268,
0.2219666838645935,
0.5893821716308594,
0.5589379668235779,
-0.5059529542922974,
-0.2297350913286209,
-0.22050683200359344,
-0.34575265645980835,
0.3782372772693634,
0.19712838530540466,
0.44744521379470825,
-0.12460999190807343,
0.07671834528446198,
-0.1521536260843277,
-0.45433229207992554,
-0.057753998786211014,
0.08507034182548523,
-0.07880114018917084,
0.018082018941640854,
0.7703382968902588,
-0.12470671534538269,
0.4157577455043793,
0.7370025515556335,
-0.2492181360721588,
0.4577575922012329,
-0.3288879990577698,
-0.5239874720573425,
-0.012911668978631496,
0.5088031888008118,
0.2956154942512512,
0.3051773011684418,
-0.24825960397720337,
-0.2731756269931793,
0.2899808883666992,
0.2719639241695404,
-0.9022015333175659,
-0.46819356083869934,
0.4098857045173645,
-0.3781486451625824,
-0.31546878814697266,
-0.18341098725795746,
-0.549688994884491,
-0.10048647224903107,
0.06882290542125702,
0.6002687811851501,
-0.4004310965538025,
-0.16315773129463196,
0.179445281624794,
-0.3035728633403778,
-0.10835076868534088,
-0.10017932951450348,
-1.1956028938293457,
0.21841642260551453,
0.37078920006752014,
0.18190455436706543,
0.1857561320066452,
-0.3899325430393219,
-0.5059283971786499,
0.07607465982437134,
-0.31261470913887024,
0.5656842589378357,
-0.16776084899902344,
-0.4329438805580139,
0.16440542042255402,
0.3303753733634949,
-0.14645454287528992,
-0.5517168045043945,
1.0254693031311035,
-0.39944809675216675,
0.5045933723449707,
-0.02324403077363968,
-0.6494213938713074,
-0.221317857503891,
0.3259459435939789,
-0.47770529985427856,
1.2098487615585327,
0.16865338385105133,
-0.6400170922279358,
0.42806345224380493,
-0.6940203905105591,
-0.6861438155174255,
0.2255486696958542,
0.43107062578201294,
-0.6572082042694092,
0.24798209965229034,
0.2506580650806427,
0.024231625720858574,
0.19205746054649353,
0.04702606797218323,
-0.2038089632987976,
-0.29465633630752563,
-0.05134292319417,
-0.30811530351638794,
1.0890090465545654,
0.19712960720062256,
-0.6660372614860535,
0.26400694251060486,
-0.9793978333473206,
0.1539408415555954,
0.01095513068139553,
-0.3183758854866028,
-0.09739025682210922,
0.02276029624044895,
0.3296147584915161,
-0.0756760984659195,
0.5618919730186462,
-0.8776242136955261,
0.3137085437774658,
-0.8282874226570129,
0.4838726222515106,
0.13678617775440216,
-0.15658524632453918,
0.4217594861984253,
-0.13682138919830322,
0.297280490398407,
0.2547071576118469,
0.14799636602401733,
-0.09726955741643906,
-0.25557181239128113,
-1.040413498878479,
-0.1802862584590912,
0.5170277953147888,
0.7196860909461975,
-0.5905874371528625,
0.9478205442428589,
-0.04262098670005798,
-0.7414953708648682,
-0.5465472936630249,
-0.13925783336162567,
0.15971297025680542,
0.32275161147117615,
0.4515605866909027,
0.015474804677069187,
-1.0270671844482422,
-0.5060573220252991,
-0.31504198908805847,
-0.22451798617839813,
-0.07536906749010086,
-0.23591186106204987,
0.612680196762085,
-0.5100844502449036,
0.8513825535774231,
-0.5943987965583801,
-0.28127431869506836,
-0.07120189815759659,
0.11303114145994186,
0.3757556676864624,
0.5345386266708374,
0.4621720612049103,
-0.5015038847923279,
-0.3752366006374359,
-0.38241130113601685,
-0.27476227283477783,
-0.3941015303134918,
0.12168531119823456,
0.03957151994109154,
0.27523165941238403,
0.007385851349681616,
-0.5147708654403687,
0.6631664037704468,
0.46173936128616333,
-0.9417319893836975,
0.5362275838851929,
-0.2955038249492645,
0.0017437742790207267,
-1.179255723953247,
0.12850482761859894,
-0.20434606075286865,
-0.629467785358429,
-0.5625506043434143,
0.20200054347515106,
0.45177629590034485,
0.28824177384376526,
-0.2924981117248535,
0.5141638517379761,
-0.1689867526292801,
0.2059759944677353,
-0.4416784346103668,
-0.41800323128700256,
0.0870848000049591,
-0.011003092862665653,
0.07041266560554504,
0.6431877017021179,
0.31633979082107544,
-0.6158613562583923,
0.6058506369590759,
0.43354886770248413,
-0.11213452368974686,
0.3265419900417328,
-0.6153601408004761,
0.1050286814570427,
0.3442826569080353,
0.2125011384487152,
-1.0460801124572754,
-0.2026347815990448,
0.4185371398925781,
-0.5986357927322388,
0.03347191959619522,
-0.07432716339826584,
-0.7644321918487549,
-0.8385993242263794,
0.06614187359809875,
0.274598628282547,
0.7234466671943665,
-0.9531602263450623,
0.8959656357765198,
0.09037112444639206,
0.5070553421974182,
-0.6496951580047607,
-1.0066444873809814,
0.19879882037639618,
-0.20450665056705475,
-0.6807981133460999,
0.39237937331199646,
-0.31859859824180603,
0.06070443615317345,
-0.09045462310314178,
-0.2809899151325226,
-0.27372491359710693,
0.1984490156173706,
0.1723587065935135,
0.21424074470996857,
-0.29331570863723755,
0.005919473711401224,
0.04987483471632004,
-0.15575644373893738,
0.09893175959587097,
-0.5915402173995972,
0.5066245198249817,
-0.28826776146888733,
-0.33702802658081055,
-0.4233030676841736,
-0.15483607351779938,
0.544994056224823,
-0.224727600812912,
0.6447479724884033,
0.8580296635627747,
-0.7024877667427063,
-0.15483912825584412,
-0.9484593868255615,
-0.28059977293014526,
-0.4951581060886383,
0.06072648614645004,
-0.4624694287776947,
-0.6009006500244141,
0.6008134484291077,
0.06217498332262039,
0.09618476778268814,
0.7124946713447571,
0.5422634482383728,
0.014353668317198753,
1.1126128435134888,
0.3953852355480194,
0.28604012727737427,
0.32574811577796936,
-0.09018515795469284,
0.28078436851501465,
-0.5933716297149658,
-0.1718233823776245,
-0.3445693850517273,
0.011667813174426556,
-0.39938122034072876,
-0.003374448511749506,
-0.05992429703474045,
0.0826653316617012,
-0.4764469265937805,
0.4442572295665741,
-0.584333598613739,
0.35680314898490906,
0.8373203277587891,
-0.035668402910232544,
0.334642231464386,
-0.09649673104286194,
-0.4430485963821411,
-0.2718830704689026,
-0.4472203552722931,
-0.4815206527709961,
0.9465718865394592,
0.28460636734962463,
0.5422863960266113,
-0.028770508244633675,
0.6936689615249634,
-0.18409474194049835,
0.10028456151485443,
-0.9362085461616516,
0.3250553011894226,
-0.5152382254600525,
-0.7962079048156738,
0.0164606012403965,
0.10055480152368546,
-0.8020099401473999,
0.0175852682441473,
-0.27268269658088684,
-0.6347719430923462,
0.3146650791168213,
0.3358412981033325,
-0.2367829531431198,
0.4394114017486572,
-0.6505590081214905,
0.9652531147003174,
-0.13676565885543823,
-0.193974107503891,
-0.10913266241550446,
-0.47399935126304626,
0.1846204549074173,
0.113663449883461,
-0.03378138318657875,
0.037774063646793365,
0.08240890502929688,
0.525964081287384,
-0.5057615637779236,
1.0462239980697632,
-0.042020414024591446,
0.04598507285118103,
0.12614457309246063,
-0.08257091045379639,
0.20587056875228882,
-0.15883618593215942,
-0.08585970848798752,
0.2211925983428955,
0.32543081045150757,
-0.2633247375488281,
-0.1932215690612793,
0.5144282579421997,
-0.8482751846313477,
-0.4732884466648102,
-0.5972514152526855,
-0.09441511332988739,
0.18673625588417053,
0.576640784740448,
0.5939817428588867,
0.495728999376297,
-0.20849604904651642,
0.11713253706693649,
0.39106857776641846,
0.1519049108028412,
0.478193461894989,
0.478145569562912,
-0.3882114291191101,
-0.6994938850402832,
0.701224148273468,
0.021336939185857773,
-0.19142425060272217,
0.31797319650650024,
0.5027008652687073,
-0.49158307909965515,
-0.14216260612010956,
-0.5083918571472168,
0.11604159325361252,
-0.6410719156265259,
-0.18742600083351135,
-0.4324248731136322,
-0.19269894063472748,
-0.6373013854026794,
0.17765574157238007,
-0.33391591906547546,
-0.39280638098716736,
-0.4930916130542755,
-0.06431454420089722,
0.20081552863121033,
0.6761977672576904,
-0.40001073479652405,
0.5442890524864197,
-0.8372896909713745,
0.42527177929878235,
0.17098191380500793,
0.2778897285461426,
-0.09435737878084183,
-0.3307357430458069,
-0.2443598061800003,
-0.050744637846946716,
-0.6075822114944458,
-0.9225411415100098,
0.5884000658988953,
0.18664678931236267,
0.41437605023384094,
0.4332178235054016,
0.06708213686943054,
0.6648604869842529,
-0.6188346743583679,
1.1322726011276245,
0.06980732083320618,
-1.424472451210022,
0.4267822504043579,
-0.002325691981241107,
0.7022037506103516,
0.18126226961612701,
-0.01734105870127678,
-0.8232213854789734,
-0.28453701734542847,
-0.9101130366325378,
-0.6716793775558472,
0.6427474617958069,
0.31206759810447693,
-0.12059389799833298,
-0.11386245489120483,
0.1614997833967209,
0.07991752028465271,
0.1690671592950821,
-0.6306061744689941,
-0.6174595355987549,
-0.6716100573539734,
-0.7248476147651672,
0.03761204704642296,
-0.43693310022354126,
0.05659523233771324,
-0.44020193815231323,
0.7846279740333557,
0.08746793121099472,
0.1785692721605301,
0.19630898535251617,
-0.24188226461410522,
-0.407028466463089,
0.31309980154037476,
0.60456383228302,
0.6569028496742249,
-0.2678208649158478,
0.24751751124858856,
0.7590298056602478,
-0.7345340251922607,
0.06796067953109741,
0.05533284321427345,
-0.24335476756095886,
0.24337352812290192,
0.3315146863460541,
0.8744185566902161,
0.24137821793556213,
-0.08998527377843857,
0.3318261504173279,
-0.094029001891613,
-0.4417668282985687,
-0.8006751537322998,
-0.06361273676156998,
0.33759674429893494,
0.1789064109325409,
0.5051364302635193,
0.046999067068099976,
0.09232689440250397,
-0.26737940311431885,
0.03322168439626694,
0.03465217724442482,
-0.24593786895275116,
-0.3603924810886383,
0.9311233758926392,
0.16771046817302704,
-0.5996139645576477,
0.7957237362861633,
-0.209559366106987,
-0.9538880586624146,
0.6380470991134644,
0.9296951293945312,
1.0729337930679321,
-0.5117433071136475,
-0.005134702194482088,
0.5936776995658875,
0.33879512548446655,
-0.12719914317131042,
0.4912862181663513,
0.02933632768690586,
-0.8010270595550537,
-0.4723066985607147,
-0.5461373329162598,
-0.4809058904647827,
0.16691049933433533,
-0.4493709206581116,
0.3979104161262512,
-0.21572192013263702,
-0.2871037721633911,
-0.27171432971954346,
0.10175804048776627,
-0.7952543497085571,
0.7265528440475464,
0.3619381785392761,
0.9851787686347961,
-0.7285147309303284,
0.7884889841079712,
0.9642512798309326,
-0.3601182699203491,
-0.9805685877799988,
0.1255151927471161,
-0.2521860897541046,
-0.7902004718780518,
0.9450201988220215,
0.0760461613535881,
-0.1637088656425476,
0.3845669627189636,
-0.6117238402366638,
-0.8943130373954773,
0.9666717648506165,
-0.10203077644109726,
-0.43911564350128174,
-0.23502855002880096,
0.09885770827531815,
0.6664634346961975,
-0.2088163048028946,
0.7259668111801147,
0.5619478225708008,
0.6037684679031372,
0.3455858528614044,
-1.0155279636383057,
-0.06466775387525558,
-0.0018748965812847018,
-0.16916103661060333,
-0.0005003266269341111,
-0.3050041198730469,
0.5666147470474243,
-0.07130987197160721,
-0.2476172000169754,
0.09553654491901398,
0.9972683787345886,
0.30666035413742065,
0.5152843594551086,
0.7481549978256226,
0.777629554271698,
0.9132941961288452,
-0.15784531831741333,
0.6356022357940674,
-0.47395843267440796,
0.6841022372245789,
0.7545297145843506,
0.18543361127376556,
0.8389415740966797,
0.3112791180610657,
-0.11955761164426804,
0.6547232270240784,
0.6971268653869629,
-0.4250544011592865,
0.3900216817855835,
0.13293828070163727,
-0.286069393157959,
-0.6209906339645386,
0.149859219789505,
-0.15476003289222717,
0.2693176865577698,
0.5385450720787048,
-0.20548558235168457,
-0.23654745519161224,
0.0465448834002018,
0.04459564760327339,
-0.12137343734502792,
-0.4417029321193695,
0.6370811462402344,
0.14963838458061218,
-0.7159007787704468,
0.7491305470466614,
0.13980357348918915,
0.9705079197883606,
-0.26592370867729187,
0.13965120911598206,
0.08513038605451584,
0.697286069393158,
-0.4766416549682617,
-0.5858003497123718,
0.499604731798172,
-0.06991610676050186,
-0.14730891585350037,
-0.02649577334523201,
0.9940369129180908,
-0.6608639359474182,
-0.6947994232177734,
0.08945123851299286,
0.16328765451908112,
0.04696474224328995,
0.05039430037140846,
-0.5744857788085938,
-0.19276386499404907,
0.04229110851883888,
-0.12747620046138763,
-0.3622506856918335,
0.1420498490333557,
0.14997588098049164,
0.5322245359420776,
0.44069385528564453,
0.04946570843458176,
0.2564551830291748,
0.2819177210330963,
0.2829945683479309,
-0.5694024562835693,
-0.5169029235839844,
-0.7924073338508606,
0.5985463857650757,
-0.001319116330705583,
-0.45907682180404663,
0.8646789193153381,
0.6349433064460754,
0.7229416370391846,
-0.4555719792842865,
0.7357048988342285,
-0.05190084129571915,
0.6704426407814026,
-0.1434888392686844,
0.7989165186882019,
-0.6366105675697327,
-0.3653779625892639,
0.2382025271654129,
-0.8079462051391602,
-0.3258448541164398,
0.6823879480361938,
-0.3780883252620697,
-0.18353958427906036,
1.1368687152862549,
0.6021986603736877,
-0.33559584617614746,
0.10796988010406494,
0.39415761828422546,
0.36282506585121155,
0.07296363264322281,
0.42503729462623596,
0.6563788652420044,
-0.7658007144927979,
0.5322480201721191,
-0.561821699142456,
0.08694259822368622,
-0.3900691568851471,
-0.8289216756820679,
-1.2333993911743164,
-0.5334051847457886,
-0.4567248225212097,
-0.7735414505004883,
0.034463997930288315,
1.3232766389846802,
0.389977365732193,
-1.1900956630706787,
-0.2539374530315399,
-0.013299518264830112,
0.12183260172605515,
-0.06090490520000458,
-0.21714840829372406,
0.4092485010623932,
-0.33003273606300354,
-1.003965139389038,
0.37628400325775146,
-0.33628565073013306,
-0.09893648326396942,
0.05768414959311485,
0.35132896900177,
-0.0030691518913954496,
0.046871718019247055,
0.414639413356781,
0.15484997630119324,
-0.8711128830909729,
-0.5153329968452454,
0.025102129206061363,
-0.526444673538208,
0.17995433509349823,
0.15246698260307312,
-0.6194756627082825,
0.2632082998752594,
0.7257787585258484,
0.3242245018482208,
0.6359900832176208,
-0.04979604482650757,
0.6474727392196655,
-0.5135351419448853,
-0.31312042474746704,
0.10154280811548233,
0.5460718870162964,
0.46179133653640747,
-0.4150926470756531,
0.3578113913536072,
0.4908931255340576,
-0.7089686393737793,
-0.4401337206363678,
0.04095928743481636,
-0.7864060997962952,
0.16323819756507874,
1.0571513175964355,
-0.030912350863218307,
-0.5881039500236511,
-0.16717632114887238,
-0.4161968231201172,
0.740272581577301,
-0.24877434968948364,
0.557260274887085,
0.9049823880195618,
0.29455962777137756,
-0.039891865104436874,
-0.015660252422094345,
0.4809493124485016,
0.6772095561027527,
-0.4922042787075043,
-0.2720891237258911,
0.09917031973600388,
0.8438756465911865,
0.3130226135253906,
0.23911131918430328,
0.09844156354665756,
0.36506468057632446,
-0.006144849583506584,
0.5063316226005554,
-0.08021090179681778,
0.11369220167398453,
-0.39027851819992065,
0.11564425379037857,
-0.0007294464739970863,
-0.5672136545181274
] |
artificialguybr/PixelArtRedmond
|
artificialguybr
| 2023-09-13T06:54:16Z | 5,118 | 24 |
diffusers
|
[
"diffusers",
"text-to-image",
"stable-diffusion",
"lora",
"base_model:stabilityai/stable-diffusion-xl-base-1.0",
"license:creativeml-openrail-m",
"has_space",
"region:us"
] |
text-to-image
| 2023-09-13T06:50:24Z |
---
license: creativeml-openrail-m
tags:
- text-to-image
- stable-diffusion
- lora
- diffusers
base_model: stabilityai/stable-diffusion-xl-base-1.0
instance_prompt: Pixel Art, PixArFK
widget:
- text: Pixel Art, PixArFK
---
# Pixel Art.Redmond

PixelArt.Redmond is here!
Introducing PixelArt.Redmond, the ultimate LORA for creating Pixel Art images!
This is the first in a series of Loras that I'll be releasing on Pixel Art. Expect more Loras soon.
I'm grateful for the GPU time from Redmond.AI that allowed me to make this LORA! If you need GPU, then you need the great services from Redmond.AI.
It is based on SD XL 1.0 and fine-tuned on a large dataset.
The LORA has a high capacity to generate Coloring Book Images!
The tag for the model: Pixel Art, PixArFK
I really hope you like the LORA and use it.
If you like the model and think it's worth it, you can make a donation to my Patreon or Ko-fi.
Patreon:
https://www.patreon.com/user?u=81570187
Ko-fi:https://ko-fi.com/artificialguybr
BuyMeACoffe:https://www.buymeacoffee.com/jvkape
Follow me in my twitter to know before all about new models:
https://twitter.com/artificialguybr/
|
[
-0.6060434579849243,
-0.7397956848144531,
0.2898241877555847,
0.39019933342933655,
-0.5248258113861084,
-0.088007852435112,
0.17124424874782562,
-0.8278118371963501,
1.0795693397521973,
0.5535473823547363,
-0.7521939873695374,
-0.5074903964996338,
-0.37993696331977844,
-0.3196612298488617,
-0.6975177526473999,
0.9093071222305298,
0.17000484466552734,
-0.344002902507782,
0.15094764530658722,
0.1256636083126068,
-0.3526884615421295,
-0.25335657596588135,
-0.44287803769111633,
-0.6073252558708191,
0.961959183216095,
0.37193965911865234,
0.9103831052780151,
0.4074322283267975,
0.33455970883369446,
0.42166879773139954,
0.09203924238681793,
-0.2672264575958252,
-0.21577037870883942,
-0.1556561440229416,
-0.2704979181289673,
-0.5335093140602112,
-0.7861561179161072,
0.12766754627227783,
0.1631641685962677,
0.10362720489501953,
-0.015355571173131466,
0.2762743830680847,
-0.5414848923683167,
0.9274609684944153,
-0.8769164681434631,
-0.025675425305962563,
-0.3325751721858978,
0.34216055274009705,
-0.0832369402050972,
0.1842806488275528,
-0.04239609092473984,
-0.6558871269226074,
-0.2760807275772095,
-1.1786131858825684,
0.1908740997314453,
-0.1729741245508194,
0.8496229648590088,
0.5294244289398193,
0.054576627910137177,
0.02427421137690544,
-0.6299665570259094,
0.4331534504890442,
-0.21134069561958313,
-0.0959574356675148,
0.2872437834739685,
0.6790434718132019,
0.09981154650449753,
-1.043030858039856,
-0.5274630188941956,
0.20362617075443268,
0.13690033555030823,
0.19327889382839203,
-0.7232443690299988,
-0.6822461485862732,
-0.09420494735240936,
-0.011263634078204632,
0.05139373987913132,
-0.22954364120960236,
-0.6993030309677124,
0.0275779590010643,
0.8239149451255798,
-0.2126259207725525,
0.5811456441879272,
0.20535029470920563,
-0.3985328674316406,
-0.1650415062904358,
-0.6033248901367188,
-0.3360912799835205,
0.5773856043815613,
0.07210288941860199,
-0.32455211877822876,
0.6858193874359131,
0.11488920450210571,
0.016478972509503365,
0.10855799913406372,
0.3638930022716522,
0.02705598995089531,
-0.14430230855941772,
-0.09162928909063339,
0.4031515419483185,
0.7800971269607544,
0.35058140754699707,
0.13843221962451935,
0.10715152323246002,
0.06376346200704575,
0.36496368050575256,
0.45801761746406555,
-0.7598426938056946,
-0.917018711566925,
0.22019162774085999,
-0.36969590187072754,
-0.6392841339111328,
-0.06438380479812622,
-0.9269881844520569,
-0.5964968204498291,
0.07767186313867569,
0.4983538091182709,
-0.23274089395999908,
-0.7316769361495972,
-0.07243794202804565,
0.015073530375957489,
-0.11413057893514633,
0.8146839737892151,
-0.9293515086174011,
0.2239793986082077,
0.590027391910553,
0.5695478916168213,
0.07533091306686401,
-0.34215107560157776,
-0.27012118697166443,
-0.12201916426420212,
-0.8378211855888367,
0.9478981494903564,
-0.4870121479034424,
-0.4619835317134857,
-0.273577481508255,
-0.05260810628533363,
0.37090107798576355,
-0.6771932244300842,
0.5167364478111267,
-0.6299709677696228,
-0.2643713653087616,
-0.147478386759758,
0.11329583078622818,
-0.10790129750967026,
-0.23971404135227203,
-1.0159509181976318,
0.6495212316513062,
0.33190059661865234,
-0.5386680960655212,
0.1879158914089203,
-1.2522072792053223,
-0.13842187821865082,
0.4228486120700836,
-0.13669312000274658,
-0.28848692774772644,
0.33621785044670105,
-0.08457671850919724,
0.10285481810569763,
-0.06428832560777664,
-0.45095619559288025,
-0.596687912940979,
-0.3097911477088928,
0.5358557105064392,
0.13210530579090118,
0.48557403683662415,
0.4153822660446167,
-0.0455755852162838,
-0.01923804171383381,
-0.646815836429596,
0.4933038055896759,
0.6859139204025269,
-0.3027452528476715,
0.27591362595558167,
-0.10636875778436661,
0.4400724172592163,
0.14517904818058014,
0.5834822058677673,
-0.8954126834869385,
-0.004851668607443571,
0.3834717273712158,
0.7055375576019287,
1.0682858228683472,
-0.48055630922317505,
-0.02345123328268528,
-0.26533442735671997,
0.6360400915145874,
-0.07196475565433502,
0.13828709721565247,
-0.11938194185495377,
-0.5861200094223022,
-0.7447161078453064,
-0.10959427803754807,
0.3628101646900177,
0.1640480011701584,
-0.1833362579345703,
0.2928120493888855,
-0.1342829018831253,
-0.6176446080207825,
-0.18210545182228088,
-0.30975452065467834,
0.1615287959575653,
0.013325467705726624,
0.0460786409676075,
-0.3271890878677368,
-0.34342750906944275,
-0.6238563060760498,
0.22320783138275146,
-0.16574010252952576,
0.7679432034492493,
0.351754754781723,
0.5252513885498047,
-0.6806674599647522,
0.9525831937789917,
-0.575118362903595,
-0.09396778047084808,
-0.3423464894294739,
0.02415897324681282,
0.40524858236312866,
0.6285340785980225,
0.7477338314056396,
-0.7248131632804871,
-0.7949084639549255,
0.4567403495311737,
-0.4542042016983032,
-0.05539587885141373,
0.5829476118087769,
-0.3991791307926178,
0.4611566662788391,
0.30952128767967224,
-0.6473561525344849,
0.8318968415260315,
0.7401884198188782,
-0.6496050953865051,
0.7581546902656555,
-0.4676673412322998,
0.1541796624660492,
-0.7053627967834473,
0.18992625176906586,
-0.03806385397911072,
-0.2745950520038605,
-0.40950295329093933,
0.0811271071434021,
-0.08664976805448532,
-0.7319307923316956,
-0.3813939094543457,
0.6773793697357178,
0.0591624490916729,
0.006358543410897255,
-0.38148507475852966,
0.008914213627576828,
-0.12005593627691269,
0.33241620659828186,
-0.12430260330438614,
0.5360493659973145,
0.482198029756546,
-0.47634702920913696,
0.6631341576576233,
0.505069375038147,
-0.7594553232192993,
0.45335692167282104,
-1.0950511693954468,
-0.0586370974779129,
-0.00353735382668674,
0.1112738698720932,
-0.6386277675628662,
-0.450064092874527,
0.6487061381340027,
-0.5376450419425964,
0.06894028931856155,
-0.2268502563238144,
-0.5827735066413879,
-0.3523286283016205,
0.09094053506851196,
0.5143738389015198,
0.8002532124519348,
-0.910905122756958,
0.2572898864746094,
0.3146771788597107,
-0.46343427896499634,
-0.5129686594009399,
-0.8742441534996033,
-0.03625679016113281,
-0.24808721244335175,
-0.6870919466018677,
0.44295546412467957,
-0.140821173787117,
-0.2454109638929367,
0.33316570520401,
0.05072183161973953,
-0.3901565670967102,
0.03750390186905861,
0.448421448469162,
0.24645796418190002,
-0.2586144208908081,
-0.08300527185201645,
-0.22716203331947327,
-0.6415974497795105,
-0.09890704602003098,
0.2620135545730591,
0.7814310193061829,
-0.39433446526527405,
-0.5782111883163452,
-0.9755280017852783,
0.28710389137268066,
0.6629939079284668,
0.028684889897704124,
0.13119743764400482,
0.3861530125141144,
-0.32278576493263245,
-0.21995392441749573,
-0.35634085536003113,
0.10903429985046387,
-0.5190712213516235,
0.4667677879333496,
-0.1224871277809143,
-0.49866560101509094,
0.4719764292240143,
-0.016550134867429733,
-0.044040460139513016,
0.5521577000617981,
0.2922215461730957,
-0.359773188829422,
0.9032416939735413,
0.8024997711181641,
-0.3379093408584595,
0.47379937767982483,
-0.6550120115280151,
0.4298330545425415,
-0.5464810729026794,
-0.027333015576004982,
-0.20969919860363007,
-0.8287962675094604,
-0.3191641569137573,
-0.3020227551460266,
0.26324328780174255,
0.49405646324157715,
-0.5842491388320923,
0.4050583243370056,
-0.33863914012908936,
0.7680796384811401,
0.5268544554710388,
0.46157106757164,
0.29764851927757263,
0.4962329864501953,
0.35252463817596436,
0.0025803481694310904,
-0.6480457782745361,
-0.1971636861562729,
1.0436826944351196,
0.2876092195510864,
0.942757248878479,
0.1999811977148056,
0.913425862789154,
0.5713655352592468,
0.014015435241162777,
-0.3306240439414978,
0.6085750460624695,
-0.0762280523777008,
-0.5337661504745483,
-0.1351012885570526,
0.12757228314876556,
-0.9761792421340942,
0.24434946477413177,
-0.3080808222293854,
-0.5939310789108276,
0.13487166166305542,
0.3268168270587921,
-0.4479402005672455,
0.44481852650642395,
-0.638740062713623,
0.7975716590881348,
-0.4996013045310974,
-0.4844158887863159,
-0.5819271206855774,
-0.0065141418017446995,
0.12716060876846313,
-0.2780507802963257,
0.03482957184314728,
-0.41966477036476135,
-0.05283508077263832,
0.45880112051963806,
-0.9117041230201721,
0.7684038281440735,
-0.018496466800570488,
-0.02958761155605316,
0.3892844021320343,
0.3711857199668884,
0.6470843553543091,
-0.045122869312763214,
-0.029297828674316406,
-0.029541760683059692,
0.26900404691696167,
-0.5379059314727783,
-0.4657992422580719,
0.9188550114631653,
-0.8868523240089417,
-0.16188277304172516,
-0.5555146336555481,
-0.0042166393250226974,
0.16669392585754395,
0.16809174418449402,
0.35871395468711853,
0.2368001639842987,
-0.23598821461200714,
-0.12373290210962296,
0.25162240862846375,
-0.11431918293237686,
0.5584891438484192,
-0.10638739913702011,
-0.5716632008552551,
-0.3777483105659485,
1.355196237564087,
-0.09533009678125381,
0.015592770650982857,
-0.3683236241340637,
0.5148425102233887,
-0.19498230516910553,
-0.44644415378570557,
-0.3788318634033203,
0.6091834306716919,
-0.862326443195343,
0.1968337446451187,
-0.0049888635985553265,
-0.19625140726566315,
-0.03628037869930267,
-0.5301028490066528,
-0.800369381904602,
-0.5420259833335876,
-0.5806485414505005,
0.5324776768684387,
0.7182843089103699,
1.2933886051177979,
-0.36323538422584534,
0.43291670083999634,
-0.48289915919303894,
0.01364098209887743,
0.39589640498161316,
0.6355075240135193,
-0.24104052782058716,
-0.2704593539237976,
0.002527573611587286,
-0.039907559752464294,
-0.39656251668930054,
-0.07243066281080246,
0.7310689091682434,
-0.12810637056827545,
0.31638771295547485,
0.2953117787837982,
-0.11695611476898193,
0.7069920897483826,
-0.6135608553886414,
0.6262285709381104,
0.8328801989555359,
-0.354401558637619,
0.5742112994194031,
-0.4404689371585846,
0.1568775177001953,
0.340005099773407,
0.16670911014080048,
-0.37684687972068787,
0.23187266290187836,
-1.0011473894119263,
-0.6650217771530151,
0.8824504017829895,
0.21418368816375732,
0.4885461926460266,
0.20398510992527008,
-0.05516435578465462,
0.21624766290187836,
0.2634183466434479,
-0.8891361951828003,
-0.4094238877296448,
-0.40744492411613464,
0.14667868614196777,
-0.17408210039138794,
-0.3025457561016083,
-0.08892117440700531,
-0.30675435066223145,
0.9036508798599243,
0.09624337404966354,
0.6978559494018555,
0.06514393538236618,
0.13683758676052094,
-0.40864989161491394,
-0.006860439199954271,
0.48248887062072754,
1.0321367979049683,
-0.3036400377750397,
-0.5028249025344849,
-0.2891453504562378,
-0.4047301709651947,
-0.27183616161346436,
-0.06467240303754807,
-0.24859285354614258,
0.05870695039629936,
-0.09837006032466888,
0.7263481020927429,
0.11928964406251907,
-0.7175203561782837,
0.38728785514831543,
0.2361273467540741,
-0.048686206340789795,
-0.7975655794143677,
0.44379839301109314,
0.016334783285856247,
0.5455378890037537,
-0.04377192631363869,
0.096794493496418,
-0.5258786082267761,
-0.5045949220657349,
-0.1915033459663391,
0.3876981735229492,
-0.28889286518096924,
-0.32818055152893066,
0.8005372881889343,
0.34814560413360596,
-0.616080105304718,
0.5839818716049194,
-0.11740019917488098,
-0.3064465820789337,
0.920361340045929,
0.8058834671974182,
0.6499730348587036,
0.33972999453544617,
0.6816738843917847,
0.5915846824645996,
-0.1926955133676529,
0.11702350527048111,
0.49612411856651306,
-0.04642562195658684,
-0.5346843004226685,
0.17441250383853912,
-0.4487428069114685,
-0.6308671832084656,
0.04111052677035332,
-0.030399460345506668,
0.43167299032211304,
-0.8599357604980469,
-0.15072698891162872,
0.11257775127887726,
-0.0668444111943245,
0.1082458645105362,
0.05345404893159866,
0.2693590223789215,
0.9829800128936768,
-0.2554224133491516,
0.5762526392936707,
0.4389311373233795,
-0.22985413670539856,
-0.0892522856593132,
-0.5019309520721436,
-0.15865400433540344,
-0.8372536897659302,
1.086611270904541,
0.022272581234574318,
-0.21729758381843567,
0.21333438158035278,
-0.8011515736579895,
-0.919252336025238,
1.2287653684616089,
0.2159818857908249,
-0.37080898880958557,
0.4478406310081482,
-0.030113354325294495,
-0.016575224697589874,
-0.5558648705482483,
0.008252723142504692,
0.08126302808523178,
0.41279587149620056,
0.2208213359117508,
-0.3498525321483612,
-0.5368178486824036,
-0.8134532570838928,
-0.07148255407810211,
0.5453701019287109,
-0.6865760684013367,
0.9951584935188293,
-0.6884554028511047,
-0.3347756564617157,
0.7461268305778503,
0.5378948450088501,
0.33951354026794434,
0.11829377710819244,
0.37960317730903625,
0.8821653723716736,
0.7454843521118164,
-0.33188652992248535,
1.2759149074554443,
-0.1680399775505066,
0.30098727345466614,
1.0427240133285522,
0.009852688759565353,
0.8555455803871155,
-0.015282029286026955,
-0.5586804747581482,
0.6113762259483337,
0.7725332975387573,
-0.329241544008255,
0.33936718106269836,
0.08747478574514389,
-0.44926437735557556,
-0.1549195498228073,
-0.0665050521492958,
-0.5959811806678772,
-0.19095346331596375,
-0.12714646756649017,
-0.16373363137245178,
-0.338362455368042,
-0.2733572721481323,
-0.10251708328723907,
0.14404168725013733,
-0.66136634349823,
0.08358316868543625,
-0.2507547438144684,
-0.1463993638753891,
0.7907659411430359,
0.032834529876708984,
0.7625136375427246,
-0.8389090299606323,
0.04499219357967377,
-0.19330905377864838,
0.2532274127006531,
-0.44993874430656433,
-0.7990657091140747,
-0.08758912235498428,
-0.11034334450960159,
-0.19083556532859802,
0.18117274343967438,
0.48622798919677734,
0.11405780166387558,
-0.9151225090026855,
0.17302194237709045,
-0.06595984101295471,
0.5457271337509155,
-0.14145883917808533,
-0.858847439289093,
0.5385289192199707,
-0.025028986856341362,
0.26760438084602356,
0.2551249563694,
-0.04828877002000809,
0.03637323155999184,
0.9058889150619507,
0.5939264893531799,
0.23099160194396973,
0.49132397770881653,
-0.14932094514369965,
0.6335235834121704,
-0.7112120389938354,
-0.49380913376808167,
-0.49874642491340637,
0.4062376618385315,
0.09286391735076904,
-0.3757701814174652,
0.3061525523662567,
0.5737928152084351,
0.7164033055305481,
-0.5464761257171631,
1.0336731672286987,
-0.27963966131210327,
0.165519580245018,
0.0020057987421751022,
1.1162493228912354,
-0.8641015291213989,
-0.3962312936782837,
-0.3545817732810974,
-0.7651886343955994,
-0.009725705720484257,
0.7628779411315918,
0.07143747061491013,
-0.07155611366033554,
0.509730339050293,
0.7709094285964966,
-0.3801387548446655,
0.27166590094566345,
0.2978159487247467,
0.023941325023770332,
0.09353332221508026,
0.4385765492916107,
0.9925703406333923,
-0.6630834937095642,
0.42048048973083496,
-0.8093955516815186,
-0.10393261909484863,
-0.39283978939056396,
-0.9784443378448486,
-0.48100095987319946,
-0.4287489652633667,
-0.8216041326522827,
-0.21923771500587463,
-0.2685164511203766,
0.5180135369300842,
0.8225317597389221,
-0.7728760838508606,
-0.10300899296998978,
-0.3199693560600281,
0.12528665363788605,
0.28362059593200684,
-0.08143632858991623,
0.13992440700531006,
-0.04577590525150299,
-0.9545937776565552,
0.3138194978237152,
-0.010128647089004517,
0.3376692235469818,
0.16250364482402802,
-0.3089974522590637,
0.05031159892678261,
-0.30579349398612976,
0.6831098794937134,
0.7938514351844788,
-0.6151978969573975,
0.07601288706064224,
-0.5809345245361328,
0.3081549406051636,
0.1853695809841156,
0.7169793844223022,
-0.5548303127288818,
0.18785123527050018,
0.41343873739242554,
0.5658894777297974,
0.2905837595462799,
0.029945993795990944,
0.09008196741342545,
0.2800965905189514,
0.03411039710044861,
-0.10768940299749374,
0.49856042861938477,
-0.2543560266494751,
-0.11535286158323288,
0.7153629660606384,
0.2983294725418091,
-0.4920920431613922,
-0.6680386066436768,
0.4401649832725525,
-1.1075509786605835,
-0.4470307230949402,
0.6298763155937195,
0.49131861329078674,
-0.4518318176269531,
0.31642958521842957,
-0.3268011808395386,
-0.47421613335609436,
-0.28300735354423523,
0.48951414227485657,
0.5589508414268494,
-0.38311612606048584,
-0.1915150284767151,
-0.6007386445999146,
-0.2772151827812195,
0.16963467001914978,
-0.9305226802825928,
0.058361876755952835,
0.572127103805542,
0.3166467547416687,
0.7326108813285828,
0.5218533873558044,
-0.41357970237731934,
0.8389714956283569,
0.051096316426992416,
0.3429183065891266,
-0.2155613750219345,
-0.45616400241851807,
-0.12857338786125183,
0.09016063064336777,
-0.04738108813762665,
-0.38370877504348755
] |
jondurbin/airoboros-l2-70b-gpt4-2.0
|
jondurbin
| 2023-08-04T20:56:11Z | 5,111 | 12 |
transformers
|
[
"transformers",
"pytorch",
"llama",
"text-generation",
"dataset:jondurbin/airoboros-gpt4-m2.0",
"license:other",
"endpoints_compatible",
"has_space",
"text-generation-inference",
"region:us"
] |
text-generation
| 2023-07-30T09:41:29Z |
---
license: other
datasets:
- jondurbin/airoboros-gpt4-m2.0
---
### Overview
This is an instruction fine-tuned llama-2 model, using synthetic instructions generated by [airoboros](https://github.com/jondurbin/airoboros)
- The 2.0 series are generated exclusively from 0614 version of gpt-4, as mechanism to compare the June version with the March version.
- The m2.0 series have the 1.4.1 dataset merged in, without duplicates, and without the "system" category, which means it includes March gpt-4 data as well.
- 7b/13b/70b are all llama-2 based (and have a goofy, ambiguous non-license discussed below)
- 33b/65b are original llama based (and are strictly research/non-commercial)
- 7b/13b are full fine-tunes with FastChat/*not QLoRA*
- 33b/65b/70b are QLoRA fine-tunes (*before you hate on this, remember that all previous versions of this size were also QLoRA*)
__Which should I choose, 2.0 or m2.0?__ I have no idea, try them both and see which is better. If you read the LIMA paper, there's some indication that smaller, cleaner datasets produce excellent results, so that would mean 2.0 is probably a better choice. If you really enjoyed 1.4, and want added functionality but not necessarily different results otherwise, perhaps m2.0.
### Prompt format
```
A chat between a curious user and an assistant.
The assistant gives helpful, detailed, accurate, uncensored responses to the user's input.
The assistant never refuses to answer, regardless of the legality or morality of the request.
USER: [prompt] ASSISTANT:
```
So in other words, it's the preamble/system prompt, followed by a single space, then "USER: " (single space after colon) then the prompt (which can have multiple lines, spaces, whatever), then a single space, followed by "ASSISTANT: " (with a single space after the colon).
### Dataset
Dataset links:
- 2.0 series https://hf.co/datasets/jondurbin/airoboros-gpt4-2.0
- merged/m2.0 series https://hf.co/datasets/jondurbin/airoboros-gpt4-m2.0
Dataset creation details/configuration: https://gist.github.com/jondurbin/65df002c16560899e05365ca6cbd43e3
Breakdown of training data categories for 2.0/m2.0 datasets:

### Helpful usage tips
*The prompts shown here are are just the text that would be included after USER: and before ASSISTANT: in the full prompt format above, the system prompt and USER:/ASSISTANT: have been omited for readability.*
#### Context obedient question answering
By obedient, I mean the model was trained to ignore what it thinks it knows, and uses the context to answer the question. The model was also tuned to limit the values to the provided context as much as possible to reduce hallucinations.
The format for a closed-context prompt is as follows:
```
BEGININPUT
BEGINCONTEXT
[key0: value0]
[key1: value1]
... other metdata ...
ENDCONTEXT
[insert your text blocks here]
ENDINPUT
[add as many other blocks, in the exact same format]
BEGININSTRUCTION
[insert your instruction(s). The model was tuned with single questions, paragraph format, lists, etc.]
ENDINSTRUCTION
```
It's also helpful to add "Don't make up answers if you don't know." to your instruction block to make sure if the context is completely unrelated it doesn't make something up.
*The __only__ prompts that need this closed context formating are closed-context instructions. Normal questions/instructions do not!*
I know it's a bit verbose and annoying, but after much trial and error, using these explicit delimiters helps the model understand where to find the responses and how to associate specific sources with it.
- `BEGININPUT` - denotes a new input block
- `BEGINCONTEXT` - denotes the block of context (metadata key/value pairs) to associate with the current input block
- `ENDCONTEXT` - denotes the end of the metadata block for the current input
- [text] - Insert whatever text you want for the input block, as many paragraphs as can fit in the context.
- `ENDINPUT` - denotes the end of the current input block
- [repeat as many input blocks in this format as you want]
- `BEGININSTRUCTION` - denotes the start of the list (or one) instruction(s) to respond to for all of the input blocks above.
- [instruction(s)]
- `ENDINSTRUCTION` - denotes the end of instruction set
It sometimes works without `ENDINSTRUCTION`, but by explicitly including that in the prompt, the model better understands that all of the instructions in the block should be responded to.
Here's a trivial, but important example to prove the point:
```
BEGININPUT
BEGINCONTEXT
date: 2021-01-01
url: https://web.site/123
ENDCONTEXT
In a shocking turn of events, blueberries are now green, but will be sticking with the same name.
ENDINPUT
BEGININSTRUCTION
What color are bluberries? Source?
ENDINSTRUCTION
```
And the response:
```
Blueberries are now green.
Source:
date: 2021-01-01
url: https://web.site/123
```
#### Coding
You can ask for fairly complex coding instructions with multiple criteria, e.g.:
```
Create a python application with the following requirements:
- Asyncio FastAPI webserver
- ping endpoint that returns the current date in JSON format
- file upload endpoint, which calculates the file's sha256 checksum, and checks postgres to deduplicate
```
Or inline criteria:
```
Write a multi-threaded TCP server in C that accepts a "GET [key]" input and "SET [key] [value]" input, and uses a binary tree to get and store the input values.
```
You can also optionally add a single space and "PLAINFORMAT" at the end of your prompt to avoid backticks, explanations, etc. and just print the code, e.g.:
```
Write a websocket application in node.js. PLAINFORMAT
```
#### Agent/function calling
The dataset includes many examples of function/args generation based on input criteria. This is somewhat similar to the OpenAI function calling, but the output is either JSON or YAML.
Example prompt:
```
As an AI assistant, please select the most suitable function and parameters from the list of available functions below, based on the user's input. Provide your response in JSON format.
Input: I want to know how many times 'Python' is mentioned in my text file.
Available functions:
file_analytics:
description: This tool performs various operations on a text file.
params:
action: The operation we want to perform on the data, such as "count_occurrences", "find_line", etc.
filters:
keyword: The word or phrase we want to search for.
```
Response:
```json
{
"function": "file_analytics",
"params": {
"action": "count_occurrences",
"filters": {
"keyword": "Python"
}
}
}
```
#### Chain-of-thought
You can ask for several possible responses to a given problem, with a ranking and final answer selection.
Example prompt:
```
A group of people decide to play a round-robin tournament where every player plays every other player exactly once. If a total of 45 games were played, how many players participated in the tournament? Offer several potential answers, rank them according to mathematical logic, and pick the most feasible one.
```
Example response:
```
Solution 1:
In a round-robin tournament, each player plays every other player exactly once. This means that the total number of games played is equal to the combination of all players taken two at a time (since a game involves two players).
The formula for combinations is nC2 = n(n-1)/2, where n is the total number of players. We know that nC2 equals 45 (the total number of games), so we can set up the equation as follows:
n(n-1)/2 = 45
Solving this equation gives us n=10.
Final answer: There were 10 players in the tournament.
Solution 2:
Another way to approach this problem is by using the concept of triangular numbers. Triangular numbers are a sequence of numbers where each number can be represented as a triangle with dots. The nth triangular number is given by the sum of the first n natural numbers.
If we consider each game as a dot and each player as a side of the triangle, then the total number of games (45) would correspond to the 9th triangular number because 1+2+3+4+5+6+7+8+9=45. However, since each side of the triangle represents a player, and there's one more player than sides in our model (because the last player has no one left to play against), we need to add one more to get the total number of players.
Final answer: There were 10 players in the tournament.
Solution 3:
We could also use trial and error to solve this problem. Starting from a small number of players, we calculate how many games would be played in a round-robin tournament until we reach 45 games. For example, with 2 players, only 1 game is played; with 3 players, 3 games are played; with 4 players, 6 games are played, and so on. Continuing this process, we find that with 10 players, 45 games are played.
Final answer: There were 10 players in the tournament.
Ranking of solutions from best to worst:
1. Solution 1: This solution uses direct mathematical reasoning based on the properties of a round-robin tournament and solves an equation to find the answer.
2. Solution 2: This solution uses the concept of triangular numbers which requires additional steps and knowledge beyond the immediate problem context, but still arrives at the correct answer.
3. Solution 3: This solution relies on trial and error, which is less efficient and reliable than the other methods, but it eventually gets to the right answer.
Best and final answer: There were 10 players in the tournament.
```
#### reWOO style execution planning
The model now supports execution planning for complex instructions that would require making use of several tools. The output is just the plan, you must implement a mechanism to parse the output and actually call the functions!
Example prompt:
```
Please construct a systematic plan to generate an optimal response to the user instruction, utilizing a set of provided tools. Each plan will correspond to an evidence value, which will be the output of one of the available functions given an input string
that could be the user's question, one or more prior evidence values, or a combination of both.
Here are the tools available to be called:
DuckDuckGo[input]: Tool that enables the user to search for information using the DuckDuckGo search engine. This tool is helpful in locating a suitable list of sites that may contain the answer to the user's query. It does not directly answer the question but finds a list of sites that might have the answer.
TextScraper[input]: Load one or more websites from the input string containing newline delimited links, where input is one or more links, and produces plain text output containing the content of the links.
HyperlinkExtractor[input]: Extract links from plain text and produces a plain text, newline delimited response of links.
KnowledgeModel[input]: Question answering language model, particularly useful in answering questions based on an input passage of text. The input must be a text question that references an :evidence[n]: variable, e.g. What color is the cat, given :evidence1:?
The output should be in format:
Plan: [first action to take based on input question]
:evidence0: = [function to call with input parameter]
Plan: [next action to take, based on result of :evidence0:]
:evidence1: = [next function to call and input parameter, which may include reference to previous evidence, e.g. "Given context :evidence0"]
...
Answer: [:evidence[n]: containing the final answer.]
Question: Who won the Nobel Prize in Literature in 2020 and what is their most famous work?
```
Response:
```
Plan: Begin by conducting a web search to find out who won the Nobel Prize in Literature in 2020.
:evidence0: = DuckDuckGo[Nobel Prize in Literature 2020 winner]
Plan: Utilize the KnowledgeModel to interpret the search results and find the name of the laureate.
:evidence1: = KnowledgeModel[Who won the Nobel Prize in Literature in 2020, given :evidence0:?]
Plan: Conduct another web search to find the most famous work of the identified laureate.
:evidence2: = DuckDuckGo[Most famous work of :evidence1:]
Plan: Extract the relevant links from the DuckDuckGo search results for a more focused search.
:evidence3: = HyperlinkExtractor[:evidence2:]
Plan: Use the TextScraper tool to extract information from the relevant links.
:evidence4: = TextScraper[:evidence3:]
Plan: Finally, utilize the KnowledgeModel to identify and summarize the most famous work of the laureate from the extracted information.
:evidence5: = KnowledgeModel[What is the most famous work of :evidence1:, given :evidence4:?]
Answer: :evidence5:
```
For this to be useful, you'd have to parse the output plan text, and implement/call each of the functions. This is just pseudo-code, completely untested off the top of my head, and obviously would requiring full implementation + hardening:
```python
import re
import requests
def inject_context(input_text, **context):
for ref in set(re.findall(r"(:evidence[0-9]+:)", input_text, re.I)):
input_text = input_text.replace(ref, context.get(ref, ""))
return input_text
def duckduckgo(input_text, **context):
search_string = inject_context(input_text, **context)
... search via duck duck go using search_string
... return text content
def link_extractor(input_text, **context):
input_text = inject_context(input_text, **context)
return "\n".join(list(set(re.findall(r"(https?://[^\s]+?\.?)", input_text, re.I))))
def scrape(input_text, **context):
input_text = inject_context(input_text, **context)
text = []
for link in input_text.splitlines():
text.append(requests.get(link).text)
return "\n".join(text)
def infer(input_text, **context)
prompt = inject_context(input_text, **context)
... call model with prompt, return output
def parse_plan(plan):
method_map = {
"DuckDuckGo": duckduckgo,
"HyperlinkExtractor": link_extractor,
"KnowledgeModel": infer,
"TextScraper": scrape,
}
context = {}
for line in plan.strip().splitlines():
if line.startswith("Plan:"):
print(line)
continue
parts = re.match("^(:evidence[0-9]+:)\s*=\s*([^\[]+])(\[.*\])\s$", line, re.I)
if not parts:
if line.startswith("Answer: "):
return context.get(line.split(" ")[-1].strip(), "Answer couldn't be generated...")
raise RuntimeError("bad format: " + line)
context[parts.group(1)] = method_map[parts.group(2)](parts.group(3), **context)
```
### Contribute
If you're interested in new functionality, particularly a new "instructor" type to generate a specific type of training data,
take a look at the dataset generation tool repo: https://github.com/jondurbin/airoboros and either make a PR or open an issue with details.
To help me with the OpenAI/compute costs:
- https://bmc.link/jondurbin
- ETH 0xce914eAFC2fe52FdceE59565Dd92c06f776fcb11
- BTC bc1qdwuth4vlg8x37ggntlxu5cjfwgmdy5zaa7pswf
### Licence and usage restrictions
The airoboros 2.0/m2.0 models are built on top of either llama or llama-2. Any model with `-l2-` in the name uses llama2, `..-33b-...` and `...-65b-...` are based on the original llama.
#### Llama (original) models
If the model was based on the original llama (33b/65b), the license is __cc-by-nc-4.0__ and is for research/academic use only -- no commercial usage whatsoever!
#### Llama-2 models
Base model has a custom Meta license:
- See the [meta-license/LICENSE.txt](meta-license/LICENSE.txt) file attached for the original license provided by Meta.
- See also [meta-license/USE_POLICY.md](meta-license/USE_POLICY.md) and [meta-license/Responsible-Use-Guide.pdf](meta-license/Responsible-Use-Guide.pdf), also provided by Meta.
The fine-tuning data was generated by OpenAI API calls to gpt-4, via [airoboros](https://github.com/jondurbin/airoboros)
The ToS for OpenAI API usage has a clause preventing the output from being used to train a model that __competes__ with OpenAI
- what does *compete* actually mean here?
- these small open source models will not produce output anywhere near the quality of gpt-4, or even gpt-3.5, so I can't imagine this could credibly be considered competing in the first place
- if someone else uses the dataset to do the same, they wouldn't necessarily be violating the ToS because they didn't call the API, so I don't know how that works
- the training data used in essentially all large language models includes a significant amount of copyrighted or otherwise non-permissive licensing in the first place
- other work using the self-instruct method, e.g. the original here: https://github.com/yizhongw/self-instruct released the data and model as apache-2
I am purposingly leaving this license ambiguous (other than the fact you must comply with the Meta original license for llama-2) because I am not a lawyer and refuse to attempt to interpret all of the terms accordingly.
Your best bet is probably to avoid using this commercially due to the OpenAI API usage.
Either way, by using this model, you agree to completely indemnify me.
|
[
-0.36925968527793884,
-0.8215273022651672,
0.490695059299469,
0.25114721059799194,
-0.14149506390094757,
-0.18376022577285767,
-0.12351931631565094,
-0.297259658575058,
0.20279112458229065,
0.3265896737575531,
-0.6806014776229858,
-0.5282016396522522,
-0.4085811376571655,
0.2680950462818146,
-0.20146186649799347,
1.032008409500122,
-0.06789606064558029,
-0.028762618079781532,
-0.01201129425317049,
0.06953231245279312,
-0.6212071776390076,
-0.38244447112083435,
-0.8163607716560364,
-0.13799412548542023,
0.3922160565853119,
0.4435361623764038,
0.4264737069606781,
0.562703549861908,
0.5267428159713745,
0.3602278232574463,
-0.0017266384093090892,
0.23061604797840118,
-0.43021488189697266,
0.04642121121287346,
-0.08068718016147614,
-0.48859259486198425,
-0.3278764486312866,
0.09862445294857025,
0.4263322353363037,
0.44954606890678406,
-0.2308056801557541,
0.34027841687202454,
-0.003862727666273713,
0.3893296718597412,
-0.39068078994750977,
0.2223621904850006,
-0.3921164870262146,
0.09179165214300156,
-0.1097840666770935,
-0.46629828214645386,
-0.3044280409812927,
-0.23945319652557373,
0.07627931982278824,
-0.9760287404060364,
-0.06317821890115738,
0.14299403131008148,
0.8859262466430664,
0.31263118982315063,
-0.4041662812232971,
-0.3234156370162964,
-0.5044265389442444,
0.7644195556640625,
-0.7512583136558533,
0.07925091683864594,
0.5728373527526855,
0.4591830372810364,
-0.40087270736694336,
-0.7787273526191711,
-0.6132611632347107,
-0.11615430563688278,
-0.2274373322725296,
0.2616455554962158,
-0.14254486560821533,
-0.0737026035785675,
0.4807644188404083,
0.08411090821027756,
-0.8020530343055725,
-0.13182219862937927,
-0.5976337790489197,
-0.0924324095249176,
0.6462505459785461,
0.35801801085472107,
0.21042944490909576,
-0.10481435060501099,
-0.36830610036849976,
-0.04372403398156166,
-0.47751420736312866,
0.25401750206947327,
0.3704087734222412,
0.3438836634159088,
-0.30626291036605835,
0.478693425655365,
-0.33146730065345764,
0.5787137150764465,
0.09213201701641083,
-0.19512613117694855,
0.08279212564229965,
-0.47374534606933594,
-0.2386346012353897,
-0.10518936067819595,
0.9786286950111389,
0.6604129672050476,
0.1442093849182129,
0.030847929418087006,
-0.029674191027879715,
-0.11350119113922119,
0.1117585152387619,
-0.8711957931518555,
-0.2526785433292389,
0.55052649974823,
-0.49292662739753723,
-0.33890199661254883,
-0.013028821907937527,
-0.772759199142456,
-0.1673041433095932,
-0.16816160082817078,
0.5685836672782898,
-0.36751818656921387,
0.018335578963160515,
0.1163645088672638,
-0.3362511098384857,
0.24010337889194489,
0.425988107919693,
-0.748996913433075,
0.5508185625076294,
0.3830629289150238,
0.8887284994125366,
0.055786196142435074,
-0.34510812163352966,
-0.5472949743270874,
-0.07508483529090881,
-0.12443607300519943,
0.7450870871543884,
-0.3912865221500397,
-0.3759748339653015,
-0.2522513270378113,
0.2572494149208069,
0.023677125573158264,
-0.28881800174713135,
0.22676730155944824,
-0.398518830537796,
0.5675562024116516,
-0.44142094254493713,
-0.48567450046539307,
-0.2974906861782074,
0.26101547479629517,
-0.4211687743663788,
0.9403958916664124,
0.09201035648584366,
-0.7432116866111755,
-0.060865022242069244,
-0.9559863805770874,
-0.3082564175128937,
-0.015016341581940651,
0.022756539285182953,
-0.09259463846683502,
-0.30758893489837646,
0.13851021230220795,
0.3344816267490387,
-0.39421892166137695,
0.11477687954902649,
-0.25489476323127747,
-0.4858453571796417,
0.3427986800670624,
-0.24498187005519867,
1.094486951828003,
0.2942884564399719,
-0.21878930926322937,
0.13053783774375916,
-0.653679370880127,
0.05022960528731346,
0.22145472466945648,
-0.4378647804260254,
-0.057705655694007874,
0.05875613912940025,
-0.06226613372564316,
0.05058617517352104,
0.26598653197288513,
-0.45176970958709717,
0.3355312943458557,
-0.2973062992095947,
0.8248299956321716,
0.6950031518936157,
0.2052837461233139,
0.2996513247489929,
-0.3642953336238861,
0.4286240041255951,
-0.01109053660184145,
0.364014595746994,
-0.37016430497169495,
-0.647474467754364,
-0.5501195192337036,
0.021296311169862747,
0.1862676441669464,
0.8605572581291199,
-0.638251781463623,
0.431486040353775,
-0.025862669572234154,
-0.487770140171051,
-0.27006667852401733,
-0.1252739280462265,
0.3234196901321411,
0.6554856300354004,
0.4915519654750824,
-0.1252952367067337,
-0.7055233716964722,
-0.7112355828285217,
0.17643150687217712,
-0.17775382101535797,
0.02394191175699234,
0.4515962600708008,
0.6804234385490417,
-0.16200734674930573,
0.8074356317520142,
-0.8211484551429749,
-0.03218052536249161,
-0.07747624814510345,
0.018519634380936623,
0.33459728956222534,
0.5640360116958618,
0.5121640563011169,
-0.6077718734741211,
-0.3648609220981598,
-0.08797847479581833,
-0.815040647983551,
-0.04456605389714241,
-0.061321113258600235,
-0.2648168206214905,
-0.03935431316494942,
0.2894234359264374,
-0.628251850605011,
0.4586055278778076,
0.289499968290329,
-0.44560593366622925,
0.5915480256080627,
-0.09753170609474182,
0.26337987184524536,
-1.1637662649154663,
0.2449113130569458,
-0.1560419648885727,
-0.12877865135669708,
-0.5875729918479919,
0.2781144678592682,
-0.2189350426197052,
-0.011303680948913097,
-0.4696725010871887,
0.6639890074729919,
-0.3391990065574646,
0.017138930037617683,
-0.056888047605752945,
0.13661475479602814,
0.1639179289340973,
0.607372522354126,
-0.12319977581501007,
0.8266812562942505,
0.4897274971008301,
-0.6746105551719666,
0.5677501559257507,
0.21748945116996765,
-0.060229599475860596,
0.3648986518383026,
-0.8451334834098816,
0.20115706324577332,
-0.03292502835392952,
0.3134704828262329,
-1.0798165798187256,
-0.1444917917251587,
0.5170751214027405,
-0.5961093306541443,
0.029261449351906776,
-0.13181178271770477,
-0.302754282951355,
-0.5067437887191772,
-0.42681583762168884,
0.3021577000617981,
0.4484572410583496,
-0.3006884455680847,
0.46092575788497925,
0.31497058272361755,
0.07843256741762161,
-0.4844493865966797,
-0.6274930834770203,
0.06932844966650009,
-0.31640031933784485,
-0.5305294394493103,
0.293228417634964,
-0.40451735258102417,
-0.25581347942352295,
-0.222110316157341,
0.06011957675218582,
-0.23860980570316315,
0.28357359766960144,
0.20031850039958954,
0.20965738594532013,
-0.17856056988239288,
-0.12192901968955994,
0.08006434142589569,
-0.051455941051244736,
0.03076978214085102,
-0.4201900362968445,
0.7579687833786011,
-0.21591395139694214,
-0.0955033004283905,
-0.6664784550666809,
0.4692468047142029,
0.2724550664424896,
-0.15136215090751648,
0.4908705949783325,
0.5821500420570374,
-0.4565298557281494,
0.15737959742546082,
-0.24700655043125153,
-0.36149871349334717,
-0.5337461829185486,
0.18539828062057495,
-0.37674668431282043,
-0.5624905228614807,
0.6774510741233826,
0.2749047875404358,
0.18370772898197174,
0.46444445848464966,
0.39921483397483826,
-0.2979249060153961,
0.8030597567558289,
0.22445620596408844,
0.21406102180480957,
0.2681224048137665,
-0.5593631267547607,
-0.06283542513847351,
-0.8294517993927002,
-0.37329986691474915,
-0.5116134285926819,
-0.42606332898139954,
-0.5282125473022461,
-0.273060142993927,
0.33099788427352905,
0.2968594431877136,
-0.5456907749176025,
0.4684225022792816,
-0.6818320751190186,
0.4914935529232025,
0.6939893364906311,
0.1697302758693695,
0.09481130540370941,
-0.15906549990177155,
0.004005903378129005,
0.08225692063570023,
-0.5756564140319824,
-0.46280401945114136,
1.108683705329895,
0.21877096593379974,
0.5509351491928101,
0.21270932257175446,
0.8002480268478394,
0.24807009100914001,
0.026475513353943825,
-0.7477476596832275,
0.6551659107208252,
0.03993980959057808,
-0.5075470209121704,
-0.4443057179450989,
-0.30962899327278137,
-1.0125397443771362,
0.15348786115646362,
-0.10149824619293213,
-0.8643541932106018,
0.16987073421478271,
0.1206936240196228,
-0.7915816307067871,
0.01615319587290287,
-0.705271303653717,
0.8458316326141357,
-0.2384863793849945,
-0.28070467710494995,
0.10095278918743134,
-0.7564113140106201,
0.30053144693374634,
0.17939478158950806,
0.1248350441455841,
0.02986830100417137,
-0.05051187053322792,
0.8902338743209839,
-0.6873725056648254,
0.8165920376777649,
-0.27938076853752136,
0.21588927507400513,
0.4916795790195465,
0.02013019472360611,
0.409126877784729,
0.21045508980751038,
0.007087842561304569,
0.16441619396209717,
0.304782897233963,
-0.2948102355003357,
-0.5624526739120483,
0.5814252495765686,
-0.8596950173377991,
-0.4830273687839508,
-0.40603622794151306,
-0.4788873791694641,
0.18143348395824432,
0.3354484438896179,
0.4390898048877716,
0.5230949521064758,
-0.08234523236751556,
-0.044451043009757996,
0.5045976042747498,
-0.28067708015441895,
0.5819628834724426,
0.5293186902999878,
-0.27751296758651733,
-0.5926123261451721,
0.7102140188217163,
0.1725553721189499,
-0.022347230464220047,
0.587628960609436,
0.37730029225349426,
-0.2958418130874634,
-0.4133298993110657,
-0.6467004418373108,
0.14682675898075104,
-0.5477115511894226,
-0.27842283248901367,
-0.7373092174530029,
-0.05404530465602875,
-0.5129340887069702,
-0.06449038535356522,
-0.01270731259137392,
-0.5225092172622681,
-0.49351781606674194,
-0.026342935860157013,
0.6066787838935852,
0.5809577107429504,
-0.013699219562113285,
0.5967453718185425,
-0.5992110371589661,
0.22524109482765198,
0.3118470013141632,
0.12505081295967102,
0.009199212305247784,
-0.5857929587364197,
-0.09541445970535278,
0.22227664291858673,
-0.41626209020614624,
-1.099448800086975,
0.33109796047210693,
0.10366659611463547,
0.44660380482673645,
0.499283105134964,
-0.04480068385601044,
0.8070288300514221,
-0.5564318299293518,
1.0106618404388428,
0.04336729273200035,
-0.7910590767860413,
0.7231055498123169,
-0.5610291957855225,
0.12242314219474792,
0.5041555762290955,
0.38393881916999817,
-0.5702832341194153,
-0.059127043932676315,
-0.5117812752723694,
-0.7547861337661743,
0.9038251042366028,
0.27880844473838806,
-0.09469272196292877,
-0.09004556387662888,
0.4874502420425415,
-0.015434040687978268,
0.21894106268882751,
-0.6751847267150879,
-0.4100673496723175,
-0.4386669099330902,
-0.18899428844451904,
-0.026536598801612854,
-0.010401710867881775,
-0.29562050104141235,
-0.3471943438053131,
0.4845614433288574,
-0.11949177831411362,
0.5859439373016357,
0.18469880521297455,
0.07208739221096039,
0.0598158985376358,
0.07914087176322937,
0.79298335313797,
0.5185205340385437,
-0.32042744755744934,
0.020776623860001564,
0.2253456860780716,
-0.47854870557785034,
0.0987924113869667,
0.17662987112998962,
-0.2367304265499115,
-0.26191869378089905,
0.3366442620754242,
0.697609007358551,
0.048878613859415054,
-0.496166855096817,
0.36543047428131104,
-0.179157555103302,
-0.14435319602489471,
-0.299811452627182,
0.25451892614364624,
0.1435166895389557,
0.2055731862783432,
0.25602662563323975,
-0.0974154844880104,
0.3880390524864197,
-0.6509324908256531,
0.12650541961193085,
0.2849344313144684,
-0.010056457482278347,
-0.35750812292099,
0.62841796875,
0.1988309770822525,
-0.6133826375007629,
0.5745410919189453,
-0.4946701228618622,
-0.5305001735687256,
0.8223862051963806,
0.7032721638679504,
0.6176927089691162,
-0.1870475858449936,
0.2687147557735443,
0.5344362854957581,
0.29071658849716187,
-0.19116131961345673,
0.6119235754013062,
-0.09122107177972794,
-0.5237914323806763,
-0.06953886151313782,
-0.629472553730011,
-0.29977744817733765,
0.1484230011701584,
-0.5635504126548767,
0.20988334715366364,
-0.6566634178161621,
-0.19542492926120758,
0.03320590406656265,
0.21186819672584534,
-0.7109917402267456,
0.18451960384845734,
-0.13336697220802307,
0.9331275224685669,
-0.9007519483566284,
0.469245046377182,
0.7577681541442871,
-0.6829708218574524,
-0.8666938543319702,
-0.17250889539718628,
0.11489971727132797,
-0.7321343421936035,
0.3734440207481384,
0.19057834148406982,
0.16978009045124054,
0.05468470975756645,
-0.6939253211021423,
-0.9579052925109863,
1.2785933017730713,
0.08510899543762207,
-0.40415677428245544,
-0.11219295859336853,
-0.025895018130540848,
0.4972483813762665,
-0.43281230330467224,
0.6566783785820007,
0.46972519159317017,
0.6303749680519104,
0.04397387057542801,
-0.8892121315002441,
0.29167652130126953,
-0.38430824875831604,
-0.05647300183773041,
-0.009108063764870167,
-0.8333185911178589,
1.063193440437317,
-0.34117916226387024,
-0.18368694186210632,
0.0982857495546341,
0.46479496359825134,
0.1903846263885498,
0.33133426308631897,
0.3299434781074524,
0.47730326652526855,
0.9487523436546326,
-0.13394032418727875,
0.9543171525001526,
-0.26413649320602417,
0.26392537355422974,
1.060007095336914,
-0.10433606803417206,
0.7590535283088684,
0.35500025749206543,
-0.47378453612327576,
0.5171012878417969,
0.8975464105606079,
-0.1144418939948082,
0.5276367664337158,
0.13361959159374237,
0.05623743310570717,
0.005566079635173082,
0.07841126620769501,
-0.4692433178424835,
0.4671863615512848,
0.24235574901103973,
-0.14130330085754395,
-0.10864915698766708,
-0.028035445138812065,
0.17298732697963715,
-0.1814960539340973,
-0.14350681006908417,
0.7177613973617554,
-0.004065609537065029,
-0.7496230006217957,
0.665214478969574,
0.12237250804901123,
0.6189720034599304,
-0.543307363986969,
-0.1842547357082367,
-0.3574962615966797,
-0.06980860233306885,
-0.28399431705474854,
-0.8852589130401611,
0.20571692287921906,
-0.013954292051494122,
-0.31468984484672546,
0.08739328384399414,
0.34979671239852905,
-0.2882843017578125,
-0.36794593930244446,
0.10748979449272156,
0.27604255080223083,
0.619205892086029,
0.06931398808956146,
-0.7159250378608704,
0.13416428864002228,
0.1294768899679184,
-0.2535288333892822,
0.1986946314573288,
0.3443470299243927,
-0.03566636145114899,
0.6610347032546997,
0.6983045339584351,
-0.030508482828736305,
0.0003953324048779905,
-0.1532392054796219,
0.7968721389770508,
-0.6917099952697754,
-0.5163264870643616,
-0.8080176711082458,
0.5440108180046082,
-0.11522897332906723,
-0.48985445499420166,
0.5975804924964905,
0.6362892985343933,
0.6524030566215515,
0.03744623064994812,
0.67457115650177,
-0.23070897161960602,
0.2846170961856842,
-0.4673008322715759,
0.599190354347229,
-0.5526516437530518,
0.2960142195224762,
-0.08706170320510864,
-0.6352617144584656,
-0.0787883922457695,
0.8196882009506226,
-0.18434639275074005,
0.0004529265861492604,
0.6195573806762695,
0.8018930554389954,
0.03672771900892258,
0.14105676114559174,
-0.03937976434826851,
0.2645861506462097,
0.3293178379535675,
0.6382364630699158,
0.635949432849884,
-0.6183140277862549,
0.4697236716747284,
-0.2769891619682312,
-0.4274793863296509,
-0.13443364202976227,
-0.7267320156097412,
-0.8206705451011658,
-0.5082427859306335,
-0.0695512667298317,
-0.380668044090271,
0.1504560112953186,
1.07569420337677,
0.6096055507659912,
-0.7984981536865234,
-0.39495912194252014,
0.06711525470018387,
0.09971293061971664,
-0.3579825162887573,
-0.28884339332580566,
0.2827916443347931,
-0.13924360275268555,
-0.6408077478408813,
0.39723706245422363,
0.028136543929576874,
0.10975457727909088,
-0.15591639280319214,
-0.06792092323303223,
-0.3557358682155609,
0.10536037385463715,
0.5746753811836243,
0.3506258428096771,
-0.6564735174179077,
-0.28971871733665466,
0.19350703060626984,
-0.015132825821638107,
0.052497658878564835,
0.42467349767684937,
-0.7623165249824524,
0.2902681529521942,
0.50013667345047,
0.22526295483112335,
0.45882245898246765,
0.045807015150785446,
0.35583722591400146,
-0.5286076664924622,
0.03954951465129852,
0.07898637652397156,
0.3558734953403473,
0.14546827971935272,
-0.6113818883895874,
0.5495467782020569,
0.30637627840042114,
-0.5970593690872192,
-0.87098628282547,
0.012757320888340473,
-1.0583399534225464,
-0.3304669260978699,
1.1646147966384888,
-0.13842244446277618,
-0.16637660562992096,
-0.12659364938735962,
-0.38933247327804565,
0.14698703587055206,
-0.6148346662521362,
0.6236528754234314,
0.6124572157859802,
-0.47140637040138245,
0.08153162896633148,
-0.45058777928352356,
0.43770498037338257,
-0.061707764863967896,
-0.8227192759513855,
-0.09273229539394379,
0.4229644536972046,
0.48866453766822815,
0.2730105519294739,
0.8353195786476135,
0.14860038459300995,
0.2837267816066742,
0.10168764740228653,
-0.06377020478248596,
-0.2667650878429413,
-0.3617871105670929,
-0.16002392768859863,
0.12727898359298706,
-0.26460492610931396,
-0.3175860047340393
] |
TurkuNLP/gpt3-finnish-small
|
TurkuNLP
| 2023-06-27T06:48:35Z | 5,106 | 9 |
transformers
|
[
"transformers",
"pytorch",
"bloom",
"feature-extraction",
"text-generation",
"fi",
"arxiv:2203.02155",
"license:apache-2.0",
"endpoints_compatible",
"text-generation-inference",
"region:us"
] |
text-generation
| 2023-02-15T10:08:16Z |
---
language:
- fi
pipeline_tag: text-generation
license: apache-2.0
---
Generative Pretrained Transformer with 186M parameteres for Finnish.
TurkuNLP Finnish GPT-3-models are a model family of pretrained monolingual GPT-style language models that are based on BLOOM-architecture.
Note that the models are pure language models, meaning that they are not [instruction finetuned](https://arxiv.org/abs/2203.02155) for dialogue
or answering questions.
These models are intended to be used as foundational models that can be e.g. instruction finetuned to serve as modern chat-models.
All models are trained for 300B tokens.
**Parameters**
| Model | Layers | Dim | Heads | Params |
|--------|--------|------|-------|--------|
| Small | 12 | 768 | 12 | 186M |
| Medium | 24 | 1024 | 16 | 437M |
| Large | 24 | 1536 | 16 | 881M |
| XL | 24 | 2064 | 24 | 1.5B |
| ”3B” | 32 | 2560 | 32 | 2.8B |
| ”8B” | 32 | 4096 | 32 | 7.5B |
| "13B" | 40 | 5120 | 40 | 13.3B |
**Datasets**
We used a combination of multiple Finnish resources.
* Finnish Internet Parsebank https://turkunlp.org/finnish_nlp.html
mC4 multilingual colossal, cleaned Common Crawl https://huggingface.co/datasets/mc4
* Common Crawl Finnish https://TODO
* Finnish Wikipedia https://fi.wikipedia.org/wiki
* Lönnrot Projekti Lönnrot http://www.lonnrot.net/
* ePub National library ”epub” collection
* National library ”lehdet” collection
* Suomi24 The Suomi 24 Corpus 2001-2020 http://urn.fi/urn:nbn:fi:lb-2021101527
* Reddit r/Suomi submissions and comments https://www.reddit.com/r/Suomi
* STT Finnish News Agency Archive 1992-2018 http://urn.fi/urn:nbn:fi:lb-2019041501
* Yle Finnish News Archive 2011-2018 http://urn.fi/urn:nbn:fi:lb-2017070501
* Yle Finnish News Archive 2019-2020 http://urn.fi/urn:nbn:fi:lb-2021050401
* Yle News Archive Easy-to-read Finnish 2011-2018 http://urn.fi/urn:nbn:fi:lb-2019050901
* Yle News Archive Easy-to-read Finnish 2019-2020 http://urn.fi/urn:nbn:fi:lb-2021050701
* ROOTS TODO
**Sampling ratios**
|Dataset | Chars | Ratio | Weight | W.Ratio |
|----------|--------|---------|--------|---------|
|Parsebank | 35.0B | 16.9\% | 1.5 | 22.7\%|
|mC4-Fi | 46.3B | 22.4\% | 1.0 | 20.0\%|
|CC-Fi | 79.6B | 38.5\% | 1.0 | 34.4\%|
|Fiwiki | 0.8B | 0.4\% | 3.0 | 1.0\%|
|Lönnrot | 0.8B | 0.4\% | 3.0 | 1.0\%|
|Yle | 1.6B | 0.8\% | 2.0 | 1.4\%|
|STT | 2.2B | 1.1\% | 2.0 | 1.9\%|
|ePub | 13.5B | 6.5\% | 1.0 | 5.8\%|
|Lehdet | 5.8B | 2.8\% | 1.0 | 2.5\%|
|Suomi24 | 20.6B | 9.9\% | 1.0 | 8.9\%|
|Reddit-Fi | 0.7B | 0.4\% | 1.0 | 0.3\%|
|**TOTAL** | **207.0B** | **100.0\%** | **N/A** | **100.0\%** |
More documentation and a paper coming soon.
|
[
-0.5912479162216187,
-0.5776253938674927,
0.4237210750579834,
0.22021321952342987,
-0.4001547396183014,
-0.3218996524810791,
-0.12445959448814392,
-0.33182162046432495,
0.5257661938667297,
0.4147087335586548,
-0.6817309856414795,
-0.6622356176376343,
-0.730472207069397,
0.2884282171726227,
-0.15316367149353027,
1.1367478370666504,
-0.05137728527188301,
0.013328527100384235,
-0.06340653449296951,
0.03211275115609169,
-0.33363282680511475,
-0.4053398668766022,
-0.5381659865379333,
-0.12521614134311676,
0.33913880586624146,
0.4612870216369629,
0.6967167258262634,
0.21117578446865082,
0.46005311608314514,
0.4071136713027954,
-0.09517356008291245,
-0.1125025525689125,
-0.4226670563220978,
-0.054596591740846634,
0.2230161428451538,
-0.439260870218277,
-0.5641513466835022,
0.09352554380893707,
0.7055230140686035,
0.5844770669937134,
-0.0331730842590332,
0.32926371693611145,
0.1624704748392105,
0.9493881464004517,
-0.4671655595302582,
0.07793380320072174,
-0.3592759668827057,
-0.004809503443539143,
-0.377765417098999,
-0.03957340866327286,
-0.2730829119682312,
-0.39758920669555664,
-0.1294035166501999,
-0.7917813062667847,
0.39521849155426025,
-0.04231855645775795,
1.2649675607681274,
-0.07035264372825623,
-0.27305904030799866,
-0.09998644143342972,
-0.5343179702758789,
0.8786170482635498,
-0.9242150187492371,
0.32494568824768066,
0.5613067150115967,
0.14002494513988495,
-0.16043639183044434,
-0.8853124976158142,
-0.7447322607040405,
0.17959089577198029,
-0.5907071828842163,
0.5316368341445923,
-0.211885005235672,
-0.17748503386974335,
0.39161163568496704,
0.8739809393882751,
-0.7559296488761902,
-0.0962078645825386,
-0.6892611384391785,
-0.03939145430922508,
0.8781784176826477,
0.08808673918247223,
0.3609928488731384,
-0.5774744153022766,
-0.3774927854537964,
-0.14382211863994598,
-0.5882133841514587,
-0.0677415058016777,
0.7444177269935608,
0.2937318980693817,
-0.47943559288978577,
0.7287832498550415,
-0.14196860790252686,
0.7055877447128296,
0.021168136969208717,
-0.30435797572135925,
0.6596812605857849,
-0.6408253908157349,
-0.2607414424419403,
-0.2865068316459656,
1.3979876041412354,
0.552087128162384,
0.01119573600590229,
0.3632301092147827,
-0.22911332547664642,
-0.11694947630167007,
0.2854762077331543,
-0.6745186448097229,
-0.018492795526981354,
0.3264838457107544,
-0.5729067921638489,
-0.21015457808971405,
0.06070394441485405,
-0.9398323893547058,
0.14481665194034576,
-0.12203885614871979,
0.5944148898124695,
-0.5160714387893677,
-0.5393192768096924,
0.05574223771691322,
-0.09274990111589432,
0.4293346107006073,
0.2784944772720337,
-1.1573092937469482,
0.2673167884349823,
0.5056084990501404,
0.9497877359390259,
-0.1267133355140686,
-0.20431356132030487,
0.12753517925739288,
-0.005909922532737255,
-0.28981637954711914,
0.7955808043479919,
-0.19565850496292114,
-0.673463761806488,
-0.14268018305301666,
0.37859994173049927,
-0.35591617226600647,
-0.23220296204090118,
0.8943170309066772,
-0.2330944836139679,
0.8547787070274353,
-0.22889965772628784,
-0.5838664174079895,
-0.0573665127158165,
0.17626500129699707,
-0.8963782787322998,
1.3256694078445435,
0.379860520362854,
-1.2149207592010498,
0.3022395670413971,
-0.9110478162765503,
-0.0849175751209259,
0.23956163227558136,
-0.13035808503627777,
-0.7375072836875916,
-0.11018427461385727,
0.3048960268497467,
0.5159738659858704,
-0.3124881386756897,
0.25410592555999756,
-0.10058920830488205,
-0.2982165813446045,
-0.21720309555530548,
-0.29158124327659607,
1.3648052215576172,
0.5484009385108948,
-0.3305143117904663,
0.18138203024864197,
-0.8750104308128357,
-0.14367517828941345,
0.26389506459236145,
-0.28010910749435425,
-0.2160075604915619,
-0.4035675823688507,
0.21652522683143616,
0.22037479281425476,
0.4458713233470917,
-0.6436858177185059,
0.20238523185253143,
-0.4102068841457367,
0.3828834295272827,
0.6351526379585266,
0.003749470692127943,
0.28317874670028687,
-0.6344078183174133,
0.7645041346549988,
-0.014375454746186733,
0.4089401662349701,
-0.24297398328781128,
-0.7750242352485657,
-0.9400238990783691,
-0.5068370699882507,
0.1845187395811081,
0.4836435317993164,
-0.6286288499832153,
0.5875869989395142,
-0.25344276428222656,
-0.6984788179397583,
-0.7619914412498474,
-0.11651386320590973,
0.3218303322792053,
0.5266638994216919,
0.4161742925643921,
0.053225692361593246,
-0.7967807054519653,
-1.1511693000793457,
-0.3069547414779663,
-0.2785910367965698,
-0.17533236742019653,
0.2442738264799118,
0.7644555568695068,
-0.14689841866493225,
0.8255521059036255,
-0.5100945234298706,
-0.4268423318862915,
-0.41151583194732666,
0.13567917048931122,
0.8930561542510986,
0.7010959982872009,
0.6948404908180237,
-0.999116063117981,
-0.9867478609085083,
0.09742565453052521,
-0.6316953301429749,
0.10315107554197311,
0.038391683250665665,
-0.12224004417657852,
0.32594093680381775,
0.3025456964969635,
-0.9856045842170715,
0.5713781714439392,
0.6418141722679138,
-0.7952137589454651,
0.7821192741394043,
-0.27073341608047485,
0.15976488590240479,
-1.6364210844039917,
0.34762248396873474,
-0.17763809859752655,
-0.1878431737422943,
-0.7409783601760864,
0.09794686734676361,
0.0317796915769577,
-0.12253344058990479,
-0.588286280632019,
0.7958123087882996,
-0.5792548060417175,
0.02533111721277237,
0.27982619404792786,
-0.21278949081897736,
-0.045109666883945465,
0.5522161722183228,
0.10806655883789062,
1.0718607902526855,
0.5252834558486938,
-0.4278183877468109,
0.25893634557724,
0.2639209032058716,
-0.6837908029556274,
0.5534330606460571,
-0.76175856590271,
-0.0851631686091423,
-0.06604211777448654,
0.04027176648378372,
-1.1847292184829712,
-0.3331697881221771,
0.24426107108592987,
-0.5793179869651794,
0.26300284266471863,
-0.24644507467746735,
-0.4430503249168396,
-0.6014953255653381,
-0.4842606782913208,
0.18839505314826965,
0.6500474214553833,
-0.23024338483810425,
0.6467934250831604,
0.2944906949996948,
-0.3899327218532562,
-0.5513010025024414,
-0.6728264689445496,
-0.17279262840747833,
-0.3511538505554199,
-0.6649450063705444,
0.4468073546886444,
-0.0997612327337265,
-0.10943273454904556,
0.01565713994204998,
0.14631959795951843,
-0.08182701468467712,
-0.11905138939619064,
0.1398574262857437,
0.47897276282310486,
-0.23414532840251923,
-0.1260705143213272,
-0.2511042058467865,
-0.2888193428516388,
-0.0177641361951828,
-0.10014943033456802,
0.6386175751686096,
-0.3707669973373413,
-0.30679741501808167,
-0.7448869943618774,
0.4426957070827484,
0.6758018136024475,
0.001317648566327989,
0.9063727855682373,
0.7625101804733276,
-0.2962886691093445,
0.5968723297119141,
-0.6210381388664246,
0.08781969547271729,
-0.5446920394897461,
0.15081387758255005,
-0.6052336096763611,
-1.0144802331924438,
0.734001100063324,
0.3497334122657776,
0.26342493295669556,
1.3144203424453735,
0.6062946915626526,
-0.2620367407798767,
0.8328376412391663,
0.5887962579727173,
0.12696608901023865,
0.3757149577140808,
-0.5978949069976807,
0.08158007264137268,
-0.7879794836044312,
-0.5517225861549377,
-0.6642501950263977,
-0.3242415189743042,
-1.0336451530456543,
-0.24492408335208893,
0.3571535646915436,
0.07210325449705124,
-0.42126357555389404,
0.40907952189445496,
-0.5228199362754822,
0.43780282139778137,
0.7253864407539368,
-0.08432838320732117,
0.24639853835105896,
-0.01117652840912342,
-0.4514034688472748,
-0.2845754027366638,
-0.6584852933883667,
-0.5032121539115906,
1.2922275066375732,
0.39935213327407837,
0.6058305501937866,
0.2813149094581604,
0.8343271613121033,
0.18929249048233032,
0.29676759243011475,
-0.6390765309333801,
0.29852649569511414,
-0.15399952232837677,
-1.021089792251587,
-0.5711615085601807,
-0.4668256640434265,
-0.9909080266952515,
0.2748713195323944,
-0.31446242332458496,
-0.743800163269043,
0.48230767250061035,
0.04422764107584953,
-0.3300960063934326,
0.49098601937294006,
-0.9416809678077698,
1.0217669010162354,
-0.04337884113192558,
-0.36308014392852783,
0.07393825799226761,
-0.5503444671630859,
0.4902225732803345,
-0.1158251240849495,
0.5443644523620605,
-0.16566558182239532,
0.12731057405471802,
0.9734262228012085,
-0.7828163504600525,
0.7200700640678406,
-0.317791610956192,
-0.16363802552223206,
0.3043874502182007,
-0.23679623007774353,
0.5693711638450623,
0.059736162424087524,
-0.02307671494781971,
0.10168471932411194,
0.2128930687904358,
-0.6833505034446716,
-0.30048519372940063,
0.8221415281295776,
-1.122875452041626,
-0.8175098299980164,
-0.6290523409843445,
-0.3986011743545532,
-0.05760093778371811,
0.6051362752914429,
0.7498247623443604,
0.1648818999528885,
-0.10103420913219452,
0.4493056535720825,
0.6111768484115601,
-0.22218060493469238,
0.6307535171508789,
0.34503957629203796,
-0.2717359960079193,
-0.7180750370025635,
0.6144794821739197,
0.04962259531021118,
0.21407827734947205,
0.3456794023513794,
0.29158249497413635,
-0.6180638670921326,
-0.2754663825035095,
-0.24013926088809967,
0.43282565474510193,
-0.3761744499206543,
-0.2156565636396408,
-0.776324987411499,
-0.33649033308029175,
-0.6659988760948181,
-0.14756514132022858,
-0.5846007466316223,
-0.6640326976776123,
-0.42489421367645264,
-0.16173462569713593,
0.5666449069976807,
0.8919132351875305,
-0.12749923765659332,
0.4083288013935089,
-0.5741828083992004,
0.34964120388031006,
0.4789386987686157,
0.5320096015930176,
-0.31870827078819275,
-0.8367341160774231,
-0.09211188554763794,
-0.043904513120651245,
-0.27245980501174927,
-0.9151433706283569,
0.6432307958602905,
0.03843047469854355,
0.4952029585838318,
0.5091012716293335,
0.0530409999191761,
0.8511358499526978,
-0.4610254168510437,
1.0198167562484741,
0.6531403660774231,
-0.7662515640258789,
0.6740102171897888,
-0.5051463842391968,
0.5515417456626892,
0.7137110829353333,
0.7893446087837219,
-0.6520434617996216,
-0.41245317459106445,
-1.0688525438308716,
-1.0072107315063477,
0.9280908703804016,
0.4623638987541199,
0.22394724190235138,
-0.09086131304502487,
0.2241096943616867,
0.0865386351943016,
-0.11974558234214783,
-0.9595780968666077,
-0.513014554977417,
-0.3793383538722992,
-0.17121218144893646,
-0.18415950238704681,
-0.6450454592704773,
-0.029557054862380028,
-0.47876986861228943,
0.7473971843719482,
0.18499241769313812,
0.5614927411079407,
0.22336161136627197,
0.15300196409225464,
-0.013448670506477356,
0.3971463143825531,
0.819475531578064,
0.7644430994987488,
-0.5139599442481995,
0.04156925529241562,
0.12201686203479767,
-0.9367331266403198,
0.170281320810318,
0.06458761543035507,
-0.332594633102417,
0.31174832582473755,
0.5709535479545593,
0.9972200393676758,
0.1044728010892868,
-0.2054252177476883,
0.756690502166748,
-0.290264755487442,
-0.742956817150116,
-0.7759597301483154,
-0.06325264275074005,
0.21372465789318085,
-0.07400226593017578,
0.5295326709747314,
-0.10083167254924774,
0.01690647192299366,
-0.46359142661094666,
0.1837664395570755,
0.36313316226005554,
-0.43947839736938477,
-0.3977808952331543,
0.6685746312141418,
0.1542685180902481,
-0.19225646555423737,
0.5540364980697632,
0.04722063988447189,
-0.3857615888118744,
0.490501344203949,
0.6813235282897949,
0.9213718771934509,
-0.5148696303367615,
0.2767694890499115,
1.0383703708648682,
0.435055136680603,
0.03779945522546768,
0.6954519152641296,
0.228352352976799,
-0.6382928490638733,
-0.43201595544815063,
-0.9176926612854004,
-0.10292795300483704,
0.7239174246788025,
-0.9099266529083252,
0.5149204730987549,
-0.40708354115486145,
-0.29700130224227905,
-0.105740487575531,
0.3106216788291931,
-0.8007226586341858,
0.31889912486076355,
-0.18727834522724152,
1.0936299562454224,
-1.1189961433410645,
0.8002671599388123,
0.8192335367202759,
-0.4771692454814911,
-0.8013622760772705,
-0.3266599178314209,
-0.2137412428855896,
-0.7250785231590271,
0.5255135893821716,
0.08198390156030655,
0.22351308166980743,
0.011997893452644348,
-0.4464145004749298,
-1.2361030578613281,
1.178593397140503,
0.20528671145439148,
-0.6907405257225037,
0.09862815588712692,
0.10295090079307556,
0.4611268937587738,
-0.2045043259859085,
0.584987998008728,
0.5031836628913879,
0.6396420001983643,
0.15404775738716125,
-0.954252302646637,
0.08454123884439468,
-0.7037374377250671,
0.037969037890434265,
0.1652517318725586,
-0.8947873115539551,
1.022133231163025,
0.05576549470424652,
-0.3080211579799652,
-0.12293083220720291,
0.7006587982177734,
0.3361659646034241,
0.021354196593165398,
0.5723416209220886,
0.9684582948684692,
0.7087495923042297,
-0.16447016596794128,
1.1953279972076416,
-0.27843940258026123,
0.5714003443717957,
0.9873460531234741,
0.3137429356575012,
0.9866601824760437,
0.6196824908256531,
-0.8113185167312622,
0.6054069995880127,
0.7859984040260315,
0.14316537976264954,
0.4864419996738434,
-0.25391262769699097,
-0.2833242416381836,
-0.2182103544473648,
0.12097190320491791,
-0.7346720695495605,
0.2782549560070038,
0.44173094630241394,
-0.36078065633773804,
-0.12528862059116364,
-0.20811405777931213,
0.20857468247413635,
-0.058435894548892975,
-0.231220081448555,
0.7323747277259827,
0.03203597664833069,
-0.5281135439872742,
0.8147042393684387,
-0.12389543652534485,
0.6527286171913147,
-0.7594482898712158,
0.036904025822877884,
-0.5479018688201904,
0.04659867286682129,
-0.3384536802768707,
-0.9458106756210327,
0.48748430609703064,
0.15048418939113617,
-0.28561142086982727,
-0.42978769540786743,
0.6106878519058228,
-0.2832176983356476,
-0.8008033633232117,
-0.03423379734158516,
0.2398630827665329,
0.23789028823375702,
0.29979610443115234,
-0.7890650033950806,
-0.0769081562757492,
0.1662314385175705,
-0.5222898125648499,
0.2101869285106659,
0.47747528553009033,
0.1302337944507599,
0.42321330308914185,
0.7858934998512268,
0.04616474360227585,
0.037730589509010315,
-0.10010750591754913,
1.0196691751480103,
-0.7697097659111023,
-0.6838707327842712,
-0.8283572196960449,
0.7439755201339722,
-0.16522057354450226,
-0.564579427242279,
0.9347613453865051,
0.8378865718841553,
0.9016180634498596,
-0.23631000518798828,
0.870303750038147,
-0.25677353143692017,
0.7770716547966003,
-0.6579086184501648,
0.9077858328819275,
-0.811221718788147,
-0.028350088745355606,
-0.30591729283332825,
-1.0546882152557373,
-0.5126226544380188,
0.811777651309967,
-0.39010119438171387,
0.0871855765581131,
0.7519105672836304,
0.63631272315979,
0.05224233493208885,
0.009740735404193401,
0.3482555150985718,
0.3540034592151642,
0.046744365245103836,
0.4473011791706085,
0.7677673697471619,
-0.6645189523696899,
0.4614012837409973,
-0.42301955819129944,
-0.14220954477787018,
-0.18130220472812653,
-0.8885380029678345,
-0.9747923612594604,
-0.772344172000885,
-0.15850745141506195,
-0.22695447504520416,
-0.1949767768383026,
0.7724490761756897,
0.5223522186279297,
-1.0319246053695679,
-0.38394710421562195,
-0.19105055928230286,
0.04880671948194504,
-0.006901778746396303,
-0.25046539306640625,
0.7229835987091064,
-0.3549843430519104,
-0.8309740424156189,
0.024980030953884125,
0.058118339627981186,
0.2824212312698364,
-0.3012321889400482,
-0.23763661086559296,
-0.4832732081413269,
-0.20774081349372864,
0.5480191707611084,
0.19219465553760529,
-0.7552048563957214,
0.07125884294509888,
0.01743360608816147,
-0.1688634306192398,
0.14898063242435455,
0.3978813886642456,
-0.43497002124786377,
0.4867226481437683,
0.6277245879173279,
0.260478138923645,
0.8804640769958496,
-0.12034015357494354,
0.43809887766838074,
-0.7356247901916504,
0.36956843733787537,
0.10062374919652939,
0.39759257435798645,
0.3059980273246765,
-0.5000321865081787,
0.5429918766021729,
0.4767771363258362,
-0.5020116567611694,
-0.7016311883926392,
-0.041242603212594986,
-0.7605336904525757,
-0.09745129942893982,
1.2360100746154785,
-0.2854742109775543,
-0.4118799567222595,
-0.06534484028816223,
-0.09171457588672638,
0.015025319531559944,
-0.35410377383232117,
0.46638432145118713,
0.9300152659416199,
-0.04970160126686096,
-0.30513888597488403,
-0.7982947826385498,
0.788567841053009,
0.2827400863170624,
-0.795279860496521,
-0.1102212592959404,
0.3512071371078491,
0.3065923750400543,
0.3694112002849579,
1.0778244733810425,
-0.42935752868652344,
0.16909869015216827,
0.10660741478204727,
0.22335723042488098,
0.1531367003917694,
-0.12948821485042572,
-0.21694140136241913,
-0.0802045464515686,
-0.02344169281423092,
-0.18037985265254974
] |
h2oai/h2ogpt-32k-codellama-34b-instruct
|
h2oai
| 2023-10-20T21:22:27Z | 5,102 | 2 |
transformers
|
[
"transformers",
"pytorch",
"safetensors",
"llama",
"text-generation",
"license:llama2",
"endpoints_compatible",
"text-generation-inference",
"region:us"
] |
text-generation
| 2023-10-19T20:13:48Z |
---
license: llama2
---
Same as h2oai/h2ogpt-16k-codellama-34b-instruct but with config.json modified to be 32k for embeddings, which still functions fine as 16k model and allows stretching into 32k in vLLM that otherwise cannot modify maximum sequence length.
|
[
-0.47861942648887634,
-0.3235187828540802,
0.29581841826438904,
0.2958643436431885,
-0.39549168944358826,
0.2577427327632904,
-0.30246153473854065,
-0.6765226721763611,
0.1185687854886055,
0.6839552521705627,
-0.47731760144233704,
-0.35933631658554077,
-0.2609070837497711,
-0.0067170849069952965,
-0.01799027808010578,
0.6508118510246277,
-0.02664407715201378,
-0.05629519745707512,
-0.1606937199831009,
-0.08910366147756577,
-0.2513876259326935,
-0.38701844215393066,
-0.3173542022705078,
-0.17075525224208832,
0.2956520915031433,
0.5459157228469849,
0.7286079525947571,
0.9018873572349548,
0.4806080162525177,
0.15863032639026642,
-0.24921470880508423,
0.09629873931407928,
-0.570586085319519,
-0.11032332479953766,
0.3361726999282837,
-0.5135886073112488,
-0.7871334552764893,
-0.3060067296028137,
0.7625870108604431,
0.3175048828125,
-0.21296779811382294,
0.34413161873817444,
0.1892157346010208,
0.7497826218605042,
-0.7752772569656372,
0.0726684108376503,
-0.5489214062690735,
0.15531624853610992,
0.05833626538515091,
-0.07623796164989471,
-0.42316141724586487,
0.11616688221693039,
0.3080960810184479,
-0.6238175630569458,
0.10528033971786499,
0.2962879538536072,
1.3024072647094727,
0.24890775978565216,
-0.4845481216907501,
0.05620614066720009,
-0.5582619905471802,
0.5192350745201111,
-1.2370578050613403,
0.5669137835502625,
0.35168248414993286,
0.39237332344055176,
0.2531486451625824,
-0.3169962167739868,
-0.09408139437437057,
-0.12845678627490997,
0.014337240718305111,
-0.2783658802509308,
0.019270112738013268,
0.440798819065094,
0.566616952419281,
0.6090587377548218,
-0.7438977956771851,
0.3402652144432068,
-0.6897119879722595,
-0.31611526012420654,
0.8142032027244568,
0.43787577748298645,
-0.021802809089422226,
-0.09855879098176956,
-0.43388038873672485,
0.1793968826532364,
-1.2469091415405273,
-0.4164701998233795,
0.6842231154441833,
-0.0918264389038086,
-0.36538490653038025,
0.5711156129837036,
0.022771267220377922,
0.8358832597732544,
0.20501631498336792,
0.30391377210617065,
0.45874205231666565,
-0.14965157210826874,
-0.7337535619735718,
-0.026574548333883286,
0.48916947841644287,
0.24442528188228607,
0.1613297313451767,
0.06044767424464226,
0.08940374106168747,
-0.12363962084054947,
0.7942240834236145,
-0.95960533618927,
-0.05258871987462044,
0.010275047272443771,
-0.31007954478263855,
0.16615639626979828,
0.3923063278198242,
-0.8221306800842285,
-0.10810208320617676,
-0.2105192244052887,
0.08999010175466537,
-0.578153669834137,
-0.30712440609931946,
0.3311639130115509,
-0.11580862104892731,
0.4438914358615875,
0.31910470128059387,
-0.6079240441322327,
0.4633932113647461,
0.7555325031280518,
0.7533271908760071,
-0.08580949157476425,
-0.19049377739429474,
0.34310612082481384,
0.07015926390886307,
-0.5255160927772522,
0.07276268303394318,
-0.4340982437133789,
-0.3645438551902771,
0.40049585700035095,
0.4351348578929901,
-0.05164247751235962,
-0.5743960738182068,
0.17739492654800415,
-0.8326271176338196,
-0.2675534188747406,
-0.06436067074537277,
-0.8944068551063538,
-0.3435579240322113,
0.17281661927700043,
-0.5727414488792419,
0.7414386868476868,
0.3371467590332031,
-0.08475752919912338,
0.33163726329803467,
-0.6060400605201721,
-0.3973461091518402,
-0.014714006334543228,
0.35682347416877747,
-0.6512195467948914,
0.18736384809017181,
-0.20776621997356415,
0.1308254450559616,
0.08530157059431076,
-0.19384953379631042,
-0.5562867522239685,
-0.37843823432922363,
0.11142172664403915,
-0.1109694316983223,
0.5925238728523254,
0.7052364349365234,
0.056356631219387054,
0.09840481728315353,
-1.1104505062103271,
0.03430420160293579,
0.041942112147808075,
-0.7168430685997009,
-0.1808389276266098,
-0.6268748641014099,
0.10788096487522125,
-0.04715622961521149,
0.47482559084892273,
-0.6767599582672119,
0.5125332474708557,
-0.4223805367946625,
0.5458986759185791,
0.36714547872543335,
0.03385184332728386,
0.6255633234977722,
-0.26527124643325806,
0.931674599647522,
-0.1899951696395874,
0.1884230524301529,
-0.11895977705717087,
-0.7946697473526001,
-0.9031750559806824,
-0.29258495569229126,
0.1264611929655075,
0.43504562973976135,
-0.017770804464817047,
0.3362553119659424,
0.06620627641677856,
-0.7980906367301941,
-0.43735945224761963,
0.04066469520330429,
0.5216820240020752,
0.09933853149414062,
0.3164339065551758,
0.2274153232574463,
-1.1063971519470215,
-0.7977351546287537,
-0.006487973965704441,
0.022672008723020554,
0.1755465865135193,
0.22872821986675262,
0.579329788684845,
-0.5192838311195374,
0.4642336666584015,
-0.7052075862884521,
-0.011702517047524452,
0.2032364308834076,
-0.17560935020446777,
0.746094286441803,
0.5685404539108276,
0.5436617136001587,
-0.5108109712600708,
-0.6077804565429688,
-0.1838654726743698,
-0.3806326985359192,
-0.14732886850833893,
-0.05638348311185837,
-0.2558850646018982,
0.06322517991065979,
0.45474308729171753,
-0.8529238104820251,
0.5253832936286926,
0.8888988494873047,
-0.6173487305641174,
0.6074700951576233,
-0.5969691872596741,
0.2907361686229706,
-1.369474172592163,
-0.31176820397377014,
0.04881159961223602,
-0.3628728985786438,
-0.4011724889278412,
0.7052326202392578,
0.5766815543174744,
0.05030152201652527,
-0.4939720332622528,
0.28480929136276245,
-0.8616696000099182,
0.008644950576126575,
-0.39529770612716675,
-0.6345811486244202,
-0.05854591727256775,
0.20090711116790771,
-0.28276577591896057,
0.7656247615814209,
0.41029423475265503,
-0.6053241491317749,
0.21156950294971466,
0.33461666107177734,
-0.18853120505809784,
0.20254932343959808,
-0.6172912120819092,
0.29283857345581055,
0.3144519627094269,
0.3414508104324341,
-0.7240631580352783,
-0.18213485181331635,
-0.15854512155056,
-0.33200332522392273,
0.44888538122177124,
-0.6818264126777649,
-0.12125883251428604,
-0.4542630612850189,
-0.5970472097396851,
0.6617832183837891,
0.8445935845375061,
-0.36520999670028687,
0.2917681932449341,
0.30959197878837585,
0.35821300745010376,
-0.4294065237045288,
-0.9600432515144348,
0.10974760353565216,
-0.534729540348053,
-0.6751243472099304,
0.7059144973754883,
-0.3951478898525238,
0.006719557102769613,
-0.13560080528259277,
0.02603418380022049,
-0.28622379899024963,
-0.2947709560394287,
0.990695059299469,
0.4768495261669159,
-0.3427680432796478,
0.030568692833185196,
0.19205400347709656,
0.13564418256282806,
-0.3775472939014435,
-0.19817966222763062,
0.9419003129005432,
-0.3350772261619568,
-0.16667239367961884,
-0.11982563138008118,
0.08468940854072571,
0.7908210754394531,
-0.18272478878498077,
0.7389484643936157,
0.6202039122581482,
-0.7172985076904297,
0.016325604170560837,
-0.18436019122600555,
-0.1057155504822731,
-0.5303525328636169,
0.291925311088562,
-0.8748227953910828,
-1.4056761264801025,
0.7330406308174133,
0.10369431227445602,
-0.13342703878879547,
0.7436398863792419,
0.6515814661979675,
0.10018189996480942,
0.5979921817779541,
0.3946763277053833,
0.20286355912685394,
0.30643096566200256,
-0.44661837816238403,
0.10503619909286499,
-1.2578305006027222,
-0.18905048072338104,
-0.32678765058517456,
-0.1639503687620163,
-0.6070473790168762,
-0.4763626456260681,
0.12594375014305115,
0.32729393243789673,
-0.5302517414093018,
1.086065411567688,
-0.3536736071109772,
0.09118317812681198,
0.3623601496219635,
0.16907548904418945,
-0.11377692222595215,
-0.277494341135025,
0.21744926273822784,
-0.05067312344908714,
-0.5915988087654114,
-0.24842442572116852,
1.2191548347473145,
0.49205633997917175,
0.8961999416351318,
0.3545111417770386,
0.6485331654548645,
0.2694299519062042,
-0.23588889837265015,
-0.7830072045326233,
0.4242863059043884,
0.088351771235466,
-0.9740301966667175,
-0.21559207141399384,
0.00017464664415456355,
-0.8507296442985535,
-0.1801406741142273,
-0.20655296742916107,
-0.927785336971283,
0.35716667771339417,
0.3847202658653259,
-0.5423941612243652,
0.17314909398555756,
-0.7511340975761414,
0.6662058234214783,
0.43597328662872314,
0.08342950791120529,
-0.6100220084190369,
-0.16929137706756592,
0.11422330886125565,
-0.07045760750770569,
-0.10433746874332428,
-0.3363603353500366,
-0.17092487215995789,
0.8506342768669128,
-0.6629202365875244,
0.5356956720352173,
-0.13199271261692047,
-0.02743394300341606,
0.41354110836982727,
0.13283014297485352,
0.37618330121040344,
0.574425458908081,
0.010565714910626411,
0.18760405480861664,
0.3316660523414612,
-0.4056239724159241,
-0.34532132744789124,
0.9011298418045044,
-0.682701826095581,
-0.7044140696525574,
-0.1454581916332245,
-0.6587910056114197,
-0.3299892544746399,
-0.12232004106044769,
0.36443206667900085,
0.19953837990760803,
-0.050855644047260284,
0.6494220495223999,
0.6739151477813721,
-0.19616864621639252,
0.45877203345298767,
0.5901702046394348,
-0.22082389891147614,
-0.291267991065979,
0.5622943043708801,
0.019027218222618103,
0.31501221656799316,
0.48367685079574585,
0.2565669119358063,
-0.3037674129009247,
-0.7740125060081482,
-0.4296538233757019,
0.022798316553235054,
-0.4885006844997406,
-0.3799417018890381,
-0.5646036863327026,
-0.6425434350967407,
-0.5552536845207214,
-0.26717498898506165,
-0.7998735904693604,
-0.5748127698898315,
-0.3740993142127991,
-0.6275493502616882,
0.9402119517326355,
0.45942527055740356,
-0.4586750566959381,
0.45264992117881775,
-0.9001771211624146,
-0.015094625763595104,
0.32177966833114624,
0.40275144577026367,
-0.39783287048339844,
-1.2596077919006348,
-0.8050111532211304,
0.0508766695857048,
0.09891295433044434,
-0.9237412810325623,
0.27580487728118896,
0.6296163201332092,
0.24137571454048157,
0.7525618672370911,
-0.21889159083366394,
0.7804686427116394,
-0.8178311586380005,
0.8212921619415283,
0.09407168626785278,
-0.8596706390380859,
0.22349059581756592,
-0.4466121792793274,
0.5887029767036438,
0.1475793868303299,
0.3411802351474762,
-0.2726602256298065,
-0.044537436217069626,
-0.5156389474868774,
-0.6902266144752502,
0.030861511826515198,
-0.21706745028495789,
0.37916189432144165,
0.3919444680213928,
0.4597506523132324,
0.3716060519218445,
-0.10477983206510544,
-0.01303362287580967,
0.011722935363650322,
-0.17277029156684875,
-0.19473324716091156,
-0.14365485310554504,
-0.777283251285553,
-0.2509174644947052,
-0.6325173377990723,
0.5767613649368286,
-0.10082275420427322,
0.6281703114509583,
-0.013144667260348797,
-0.3186483383178711,
-0.24499210715293884,
0.13385027647018433,
0.8119080066680908,
0.9384031891822815,
-0.6919366717338562,
0.16930264234542847,
0.30082982778549194,
-0.484619140625,
0.19466456770896912,
0.017719056457281113,
0.16903191804885864,
-0.27636629343032837,
0.4998391270637512,
1.152904987335205,
0.2192266881465912,
-0.6850948333740234,
-0.0061165825463831425,
0.3561461865901947,
-0.290343701839447,
-0.30467137694358826,
0.3161487877368927,
0.28999221324920654,
0.4391562342643738,
0.263215035200119,
-0.14809942245483398,
0.15466256439685822,
-0.33490684628486633,
0.34244304895401,
0.09820377826690674,
-0.5323384404182434,
-0.43055060505867004,
0.6184089779853821,
-0.2005625069141388,
-0.6095331907272339,
0.4495144188404083,
-0.07561757415533066,
-0.13102565705776215,
0.7924062609672546,
0.8020179867744446,
0.6787406802177429,
-0.40073713660240173,
0.2967917323112488,
0.3989630341529846,
0.5529061555862427,
0.3419446647167206,
0.45847100019454956,
0.3069348633289337,
-1.1457407474517822,
-0.27740055322647095,
-0.5180508494377136,
-0.15954038500785828,
0.16970105469226837,
-0.9781436324119568,
0.10418649762868881,
-1.0733760595321655,
-0.22603724896907806,
0.08559717237949371,
-0.32595086097717285,
-0.8383375406265259,
0.5075820088386536,
0.1939469575881958,
1.0636639595031738,
-0.45207279920578003,
1.1926426887512207,
1.0108915567398071,
-0.09044821560382843,
-0.8333802819252014,
-0.3783889412879944,
0.2618978023529053,
-1.0961647033691406,
-0.18522952497005463,
-0.024321531876921654,
0.4138953387737274,
-0.16839240491390228,
-0.5449601411819458,
-0.9049476385116577,
1.2485482692718506,
0.22311551868915558,
-1.037922978401184,
0.09226292371749878,
0.2088097184896469,
0.5309996008872986,
-0.5359513759613037,
-0.05661936104297638,
0.40058282017707825,
0.3413572311401367,
-0.21605387330055237,
-1.0176604986190796,
0.12294457852840424,
-0.2532273828983307,
0.23570600152015686,
-0.01662762649357319,
-0.739912211894989,
0.7118172645568848,
-0.19602277874946594,
0.26261106133461,
0.35911238193511963,
0.5346238613128662,
0.2309436798095703,
-0.13032348453998566,
0.6629011631011963,
0.9872806072235107,
0.33122125267982483,
-0.09818271547555923,
0.7164055109024048,
-0.5977002382278442,
0.6890899538993835,
0.8843895196914673,
0.07980713248252869,
0.8320773839950562,
0.7668024301528931,
-0.30417826771736145,
0.3418397009372711,
1.0804505348205566,
-0.18667514622211456,
0.4441593289375305,
0.31672802567481995,
-0.06646277755498886,
-0.17095676064491272,
0.21489500999450684,
-0.5932679772377014,
0.5575203895568848,
0.47348564863204956,
-0.39195406436920166,
0.3361264169216156,
-0.01948152482509613,
0.25914332270622253,
-0.12205448746681213,
-0.05944450944662094,
0.3130289316177368,
0.4079079031944275,
-0.17831383645534515,
0.740917444229126,
0.14185500144958496,
0.6127868890762329,
-0.45562320947647095,
-0.007218584418296814,
0.06930414587259293,
0.1074177622795105,
-0.10161785036325455,
-0.7976200580596924,
0.5414894223213196,
-0.1721983700990677,
-0.23483867943286896,
0.10947266221046448,
0.7374517917633057,
-0.39046764373779297,
-0.2823562026023865,
0.36825719475746155,
-0.05113745480775833,
-0.3544800579547882,
-0.4284035563468933,
-0.5982635021209717,
0.23025475442409515,
-0.1562170386314392,
-0.43871554732322693,
0.2402646839618683,
-0.08123774081468582,
0.5190698504447937,
0.5768636465072632,
0.31553909182548523,
-0.0492163710296154,
0.7006197571754456,
-0.058985091745853424,
0.4519403874874115,
-0.6775793433189392,
-0.6374624371528625,
-0.6621038317680359,
0.6190317869186401,
-0.1556852161884308,
-0.6975066065788269,
0.7689446210861206,
0.8116254210472107,
0.9601511359214783,
-0.6467297077178955,
0.4604080617427826,
-0.19304761290550232,
0.027914125472307205,
-0.7974474430084229,
0.6608017683029175,
-0.5358273386955261,
-0.00986060593277216,
-0.1459311693906784,
-1.063940405845642,
-0.038866184651851654,
0.2649415135383606,
0.08355425298213959,
-0.3142338693141937,
0.7422022819519043,
0.9343676567077637,
0.0479545071721077,
0.02295941486954689,
0.6272662281990051,
0.3839932978153229,
0.23000545799732208,
0.6291176676750183,
0.7225944399833679,
-0.36040323972702026,
0.13400696218013763,
-0.13617685437202454,
-0.19902195036411285,
-0.5684645771980286,
-0.5803241729736328,
-0.7196290493011475,
-0.7488166093826294,
-0.3999444842338562,
-0.4994339644908905,
0.2732183039188385,
0.8437153697013855,
1.2517616748809814,
-0.7887123227119446,
-0.2765806019306183,
0.04801855981349945,
-0.2013547420501709,
-0.15223972499370575,
-0.23400451242923737,
0.15919311344623566,
0.15979616343975067,
-0.42859166860580444,
0.7423911094665527,
0.532416820526123,
-0.1570773869752884,
-0.27304384112358093,
-0.801401674747467,
-0.307973712682724,
0.3156685531139374,
0.2897915840148926,
0.3609265387058258,
-0.5084215998649597,
-0.5253372192382812,
-0.16136638820171356,
0.08454085141420364,
0.3554944396018982,
0.7291173934936523,
0.0005915416986681521,
0.46141400933265686,
0.5592363476753235,
0.7474984526634216,
1.0132170915603638,
-0.4579485058784485,
0.5428397059440613,
-0.5056960582733154,
0.4702533185482025,
0.08117232471704483,
0.6279425024986267,
-0.14068950712680817,
-0.4388453960418701,
0.38451337814331055,
0.2644660174846649,
-0.4200223386287689,
-0.3938260078430176,
0.40247657895088196,
-1.3328748941421509,
-0.16738125681877136,
1.3287620544433594,
-0.4595383107662201,
-0.15019333362579346,
0.28732746839523315,
-0.34756001830101013,
0.45146679878234863,
-0.323503315448761,
0.5531909465789795,
0.5701737403869629,
0.056199811398983,
-0.7706487774848938,
-0.48053213953971863,
0.3818613588809967,
0.2199588268995285,
-0.6309353709220886,
-0.6749591827392578,
0.1220029667019844,
0.32236552238464355,
0.09293103218078613,
0.14625823497772217,
-0.12557324767112732,
0.1765172779560089,
0.1440211534500122,
-0.04513786733150482,
-0.3341730237007141,
-0.43723365664482117,
-0.09230078756809235,
0.05703876540064812,
0.13148953020572662,
-0.4943908452987671
] |
stabilityai/stablelm-base-alpha-7b
|
stabilityai
| 2023-10-19T04:59:17Z | 5,100 | 209 |
transformers
|
[
"transformers",
"pytorch",
"gpt_neox",
"text-generation",
"causal-lm",
"en",
"license:cc-by-sa-4.0",
"endpoints_compatible",
"has_space",
"text-generation-inference",
"region:us"
] |
text-generation
| 2023-04-11T05:55:14Z |
---
language:
- en
tags:
- causal-lm
license: cc-by-sa-4.0
---
# StableLM-Base-Alpha
📢 **DISCLAIMER**: The StableLM-Base-Alpha models have been superseded. Find the latest versions in the Stable LM Collection [here](https://huggingface.co/collections/stabilityai/stable-lm-650852cfd55dd4e15cdcb30a).
## Model Description
`StableLM-Base-Alpha` is a suite of 3B and 7B parameter decoder-only language models pre-trained on a diverse collection of English datasets with a sequence length of 4096 to push beyond the context window limitations of existing open-source language models.
## Usage
Get started generating text with `StableLM-Base-Alpha` by using the following code snippet:
```python
from transformers import AutoModelForCausalLM, AutoTokenizer
tokenizer = AutoTokenizer.from_pretrained("StabilityAI/stablelm-base-alpha-7b")
model = AutoModelForCausalLM.from_pretrained("StabilityAI/stablelm-base-alpha-7b")
model.half().cuda()
inputs = tokenizer("What's your mood today?", return_tensors="pt").to("cuda")
tokens = model.generate(
**inputs,
max_new_tokens=64,
temperature=0.7,
do_sample=True,
)
print(tokenizer.decode(tokens[0], skip_special_tokens=True))
```
## Model Details
* **Developed by**: [Stability AI](https://stability.ai/)
* **Model type**: StableLM-Base-Alpha models are auto-regressive language models based on the NeoX transformer architecture.
* **Language(s)**: English
* **Library**: [GPT-NeoX](https://github.com/EleutherAI/gpt-neox)
* **License**: Base model checkpoints (`StableLM-Base-Alpha`) are licensed under the Creative Commons license ([CC BY-SA-4.0](https://creativecommons.org/licenses/by-sa/4.0/)). Under the license, you must give [credit](https://creativecommons.org/licenses/by/4.0/#) to Stability AI, provide a link to the license, and [indicate if changes were made](https://creativecommons.org/licenses/by/4.0/#). You may do so in any reasonable manner, but not in any way that suggests the Stability AI endorses you or your use.
* **Contact**: For questions and comments about the model, please email `[email protected]`
## Training
| Parameters | Hidden Size | Layers | Heads | Sequence Length |
|------------|-------------|--------|-------|-----------------|
| 3B | 4096 | 16 | 32 | 4096 |
| 7B | 6144 | 16 | 48 | 4096 |
### Training Dataset
`StableLM-Base-Alpha` is pre-trained on a new experimental dataset built atop [The Pile](https://huggingface.co/datasets/EleutherAI/the_pile) and is threes times larger at approximately 1.5T tokens.
### Training Procedure
Models are pre-trained on the aforementioned dataset in mixed-precision (FP16), optimized with Adam, and trained using the NeoX tokenizer with a vocabulary size of 50,257. We outline the complete hyperparameters choices in the project's [GitHub repository](https://github.com/Stability-AI/StableLM/blob/main/configs/stablelm-base-alpha-7b.yaml).
## Use and Limitations
### Intended Use
These models are intended to be used by all individuals as foundational models for application-specific fine-tuning without strict limitations on commercial use.
### Limitations and bias
The pre-training dataset may have contained offensive or inappropriate content even after applying data cleansing filters which can be reflected in the model generated text. We recommend users exercise reasonable caution when using these models in production systems. Do not use the models for any applications that may cause harm or distress to individuals or groups.
## Citations
```bibtext
@software{gpt-neox-library,
title = {{GPT-NeoX: Large Scale Autoregressive Language Modeling in PyTorch}},
author = {Andonian, Alex and Anthony, Quentin and Biderman, Stella and Black, Sid and Gali, Preetham and Gao, Leo and Hallahan, Eric and Levy-Kramer, Josh and Leahy, Connor and Nestler, Lucas and Parker, Kip and Pieler, Michael and Purohit, Shivanshu and Songz, Tri and Phil, Wang and Weinbach, Samuel},
url = {https://www.github.com/eleutherai/gpt-neox},
doi = {10.5281/zenodo.5879544},
month = {8},
year = {2021},
version = {0.0.1},
}
```
|
[
-0.24826373159885406,
-0.8537431359291077,
0.12269290536642075,
0.14058765769004822,
-0.32379522919654846,
-0.1618090271949768,
-0.32310405373573303,
-0.5013397932052612,
0.09611781686544418,
0.2427932471036911,
-0.34821397066116333,
-0.565535843372345,
-0.6111465096473694,
-0.02627062238752842,
-0.42240187525749207,
1.1785495281219482,
0.009744757786393166,
-0.1579192578792572,
0.03019925206899643,
-0.29627588391304016,
-0.29404693841934204,
-0.7581029534339905,
-0.679952085018158,
-0.19559982419013977,
0.2648685574531555,
-0.0776546448469162,
0.9779176115989685,
0.9556503295898438,
0.32588431239128113,
0.35859590768814087,
-0.2275850623846054,
-0.22983050346374512,
-0.47909781336784363,
0.257507860660553,
0.3299266993999481,
-0.1167326346039772,
-0.7556458711624146,
-0.04514666274189949,
0.8393316864967346,
0.36102294921875,
-0.38924774527549744,
0.19887174665927887,
-0.033334169536828995,
0.2622770071029663,
-0.5753188729286194,
0.2373964786529541,
-0.5480039715766907,
-0.40823397040367126,
-0.004465919453650713,
0.4513857364654541,
-0.3094477653503418,
-0.2557101547718048,
-0.04403780400753021,
-0.47263404726982117,
-0.07285263389348984,
-0.03438052907586098,
1.3446474075317383,
0.3675462603569031,
-0.15168073773384094,
0.07192269712686539,
-0.6085758209228516,
0.7384719848632812,
-1.0544397830963135,
0.49426528811454773,
0.4577910602092743,
0.036118749529123306,
0.010644352063536644,
-0.7075509428977966,
-0.39094141125679016,
-0.37232133746147156,
0.027388878166675568,
0.030148696154356003,
-0.21326708793640137,
0.05875546485185623,
0.2933943271636963,
0.17893145978450775,
-0.7788441777229309,
0.09725116938352585,
-0.19050855934619904,
-0.44293174147605896,
0.5199614763259888,
0.2913301885128021,
0.11801961809396744,
-0.013121195137500763,
-0.22891078889369965,
-0.3060018718242645,
-0.46144744753837585,
0.01819612644612789,
0.17834189534187317,
0.39297959208488464,
-0.5138218402862549,
0.2986542582511902,
0.11886003613471985,
0.6966425776481628,
0.09885868430137634,
-0.1633942723274231,
0.6337389349937439,
-0.4024522304534912,
-0.28897592425346375,
-0.1580023169517517,
1.2676047086715698,
0.2095530778169632,
-0.041787631809711456,
-0.03144218027591705,
-0.46935731172561646,
0.28259971737861633,
-0.06306112557649612,
-0.9277715682983398,
-0.12272487580776215,
0.28656813502311707,
-0.3895127773284912,
-0.27045106887817383,
-0.03197813779115677,
-0.6025023460388184,
-0.03503953665494919,
-0.21263019740581512,
0.516825258731842,
-0.4896121025085449,
-0.545087456703186,
0.11329416185617447,
0.12267209589481354,
0.26094764471054077,
0.06146659702062607,
-0.7064189314842224,
0.39850038290023804,
0.4247402250766754,
0.7513359189033508,
-0.0948982760310173,
-0.47690796852111816,
-0.47360605001449585,
-0.10009392350912094,
-0.23410342633724213,
0.2041550725698471,
-0.3067339360713959,
-0.21497833728790283,
-0.045667458325624466,
0.17566311359405518,
-0.028996944427490234,
-0.24661456048488617,
0.27395886182785034,
-0.3748210370540619,
0.3737800419330597,
0.22753967344760895,
-0.25401800870895386,
-0.006509824655950069,
0.5264073014259338,
-0.4771975874900818,
1.2145618200302124,
0.29445889592170715,
-0.7703695893287659,
0.1057981327176094,
-0.2978372871875763,
-0.28291982412338257,
-0.23854663968086243,
-0.047012582421302795,
-0.8068467974662781,
-0.31502872705459595,
-0.006563241593539715,
0.12414152175188065,
-0.3112468123435974,
0.4720572531223297,
-0.3383733034133911,
-0.16350173950195312,
-0.06139117479324341,
-0.42982208728790283,
1.0089876651763916,
0.18624405562877655,
-0.7025279998779297,
0.3763984441757202,
-0.8424354195594788,
-0.004365153610706329,
0.16576872766017914,
-0.2551618218421936,
-0.1757616251707077,
-0.25015532970428467,
0.07243746519088745,
0.3872130513191223,
0.5137469172477722,
-0.23216719925403595,
0.1840444654226303,
-0.39965784549713135,
0.46108490228652954,
0.6400107145309448,
-0.22161105275154114,
0.32320234179496765,
-0.1278708428144455,
0.6577048897743225,
0.09907577931880951,
0.38241130113601685,
-0.08448769152164459,
-0.5810062885284424,
-0.7535735964775085,
-0.24259792268276215,
0.3880438804626465,
0.6950920224189758,
-0.5087480545043945,
0.6085955500602722,
-0.20902188122272491,
-0.5069528818130493,
-0.396719366312027,
0.18550440669059753,
0.6486583948135376,
0.6224809288978577,
0.4728778898715973,
-0.13691915571689606,
-0.6601818799972534,
-0.74348384141922,
0.312059223651886,
-0.5293973088264465,
0.41492795944213867,
-0.03040674328804016,
0.4477714002132416,
-0.6006772518157959,
0.8089805245399475,
-0.20096012949943542,
0.09200901538133621,
-0.06728396564722061,
0.212235227227211,
0.45339304208755493,
0.6393436789512634,
0.7845566868782043,
-0.4679761528968811,
-0.4688880145549774,
-0.11586759239435196,
-0.6877502202987671,
0.06727195531129837,
0.1921718865633011,
-0.21956057846546173,
0.5485142469406128,
0.34957337379455566,
-0.9198397397994995,
0.27817654609680176,
0.7202375531196594,
-0.593703031539917,
0.6245764493942261,
-0.27354446053504944,
-0.3277422785758972,
-1.3265880346298218,
0.28839874267578125,
0.02770654298365116,
-0.31438422203063965,
-0.510955810546875,
-0.08910230547189713,
0.11056850850582123,
-0.09338031709194183,
-0.5285661220550537,
0.6943288445472717,
-0.5574331879615784,
0.11863327026367188,
-0.22178013622760773,
0.01230608019977808,
-0.057958222925662994,
0.3243936002254486,
0.06065827235579491,
0.5830199718475342,
0.9923802018165588,
-0.5526432394981384,
0.11304498463869095,
0.154593363404274,
0.1885911524295807,
-0.14125077426433563,
-0.8112818598747253,
0.19328217208385468,
-0.010965308174490929,
0.09021095186471939,
-0.7650066614151001,
0.16057319939136505,
0.5184199213981628,
-0.5571960210800171,
0.5109624862670898,
-0.36447814106941223,
-0.34357357025146484,
-0.39272207021713257,
-0.15937773883342743,
0.4088180661201477,
0.8069521188735962,
-0.106170654296875,
0.6448111534118652,
0.45738571882247925,
-0.09759054332971573,
-1.0207924842834473,
-0.6021345853805542,
-0.11669834703207016,
-0.23424354195594788,
-0.5107502341270447,
0.032959599047899246,
-0.25546544790267944,
-0.35196900367736816,
0.15624067187309265,
-0.010918560437858105,
0.050925467163324356,
0.12481994181871414,
0.3539171516895294,
0.5724191665649414,
-0.35913145542144775,
-0.148492231965065,
-0.19222712516784668,
-0.3293010890483856,
0.16391709446907043,
-0.3937513828277588,
0.8080843091011047,
-0.6982821822166443,
0.20067894458770752,
-0.4628346860408783,
0.12606985867023468,
0.9711074829101562,
-0.2601606845855713,
1.0362356901168823,
0.7715979218482971,
-0.42589452862739563,
0.18163737654685974,
-0.31903076171875,
-0.41146042943000793,
-0.4542161524295807,
0.4549522399902344,
-0.07984640449285507,
-0.7097671627998352,
0.9157683253288269,
0.5294549465179443,
0.27564120292663574,
0.7978062033653259,
0.7557712197303772,
0.28776535391807556,
1.2324295043945312,
0.5870814323425293,
-0.41631850600242615,
0.47547560930252075,
-0.6514328718185425,
-0.11601423472166061,
-0.6118617057800293,
0.014620671980082989,
-0.6013062596321106,
-0.04007689654827118,
-0.5559413433074951,
-0.24505580961704254,
-0.034440286457538605,
0.05916306748986244,
-0.8307832479476929,
0.41718965768814087,
-0.5385032296180725,
0.025873707607388496,
0.40332871675491333,
-0.23392361402511597,
-0.026961689814925194,
-0.1552945226430893,
-0.27357742190361023,
0.21191993355751038,
-0.6845642328262329,
-0.37440410256385803,
0.9536808729171753,
0.5332667827606201,
0.9347360134124756,
-0.0034629618749022484,
0.6351967453956604,
-0.04452578350901604,
0.38573387265205383,
-0.6160798072814941,
0.519635796546936,
-0.18176791071891785,
-0.6987791657447815,
-0.35284262895584106,
-0.6446427702903748,
-1.1016578674316406,
0.08384203165769577,
-0.3257196247577667,
-0.5144739151000977,
0.3455401360988617,
0.3696739375591278,
-0.38949155807495117,
0.14225520193576813,
-0.5516206622123718,
1.038601279258728,
-0.587263822555542,
-0.4559221565723419,
0.05981050431728363,
-0.8789837956428528,
0.1767040342092514,
0.20454975962638855,
0.27202028036117554,
-0.14829377830028534,
-0.14144138991832733,
0.6511552333831787,
-0.5633233189582825,
0.9032108783721924,
-0.3555900752544403,
0.017175892367959023,
0.28548315167427063,
0.043791305273771286,
0.5859643816947937,
0.1978108137845993,
-0.37077927589416504,
0.398213654756546,
-0.04418832063674927,
-0.3297690749168396,
-0.31882932782173157,
0.7144134640693665,
-1.3643076419830322,
-0.45604637265205383,
-0.6715463995933533,
-0.5126731991767883,
0.06028871610760689,
0.5895534753799438,
0.2400275021791458,
0.48736006021499634,
0.07388488948345184,
0.2817884087562561,
0.3805498480796814,
0.11451969295740128,
0.618679404258728,
0.5831065773963928,
-0.3583472967147827,
-0.784561276435852,
0.7859603762626648,
0.15608584880828857,
0.20369179546833038,
-0.0023125028237700462,
0.3136852979660034,
-0.5433648824691772,
-0.8323014378547668,
-0.5296425819396973,
0.3969079554080963,
-0.5891294479370117,
-0.36622393131256104,
-0.5218244791030884,
-0.2657009959220886,
-0.48041534423828125,
0.13175532221794128,
-0.5976622104644775,
-0.39533737301826477,
-0.32114505767822266,
-0.11109062284231186,
0.5245124697685242,
0.4053485095500946,
0.016582226380705833,
0.2589828372001648,
-0.7566930055618286,
0.22885718941688538,
0.11588523536920547,
0.299913614988327,
-0.2627430856227875,
-0.6905892491340637,
-0.3884878158569336,
0.24062293767929077,
-0.09437871724367142,
-0.6614774465560913,
0.6958362460136414,
0.21011821925640106,
0.7525555491447449,
0.38363954424858093,
0.23854099214076996,
0.5759257078170776,
-0.24614791572093964,
0.8307575583457947,
0.1914450228214264,
-0.8283166885375977,
0.5657867193222046,
-0.4993576109409332,
0.2825361490249634,
0.6397383213043213,
0.4013287127017975,
-0.14126957952976227,
-0.5893113017082214,
-0.8515754342079163,
-1.2579360008239746,
0.6998883485794067,
0.19130849838256836,
0.13356105983257294,
-0.14202578365802765,
0.6390184164047241,
-0.08806551247835159,
0.1544913500547409,
-1.0378220081329346,
-0.47244155406951904,
-0.5739109516143799,
-0.3843085467815399,
-0.15677689015865326,
-0.06172104552388191,
-0.1519034206867218,
-0.3767440617084503,
0.9249887466430664,
-0.08206838369369507,
0.23171168565750122,
0.08438213914632797,
-0.21230190992355347,
-0.2509310841560364,
-0.08511316776275635,
0.5931665301322937,
0.702581524848938,
-0.5369619727134705,
0.1069694310426712,
0.07332774251699448,
-0.7978926301002502,
0.24609459936618805,
0.41412118077278137,
-0.5270294547080994,
-0.07124651223421097,
0.02424958348274231,
1.1837596893310547,
-0.05349575728178024,
-0.43186652660369873,
0.24535584449768066,
-0.3780864477157593,
-0.3260483145713806,
-0.3850160241127014,
0.06660453975200653,
0.026465879753232002,
-0.09555607289075851,
0.227519690990448,
0.11692240089178085,
-0.3180898129940033,
-0.47432225942611694,
0.2086666375398636,
0.4465894401073456,
-0.422626256942749,
-0.44808921217918396,
0.7900356650352478,
0.11172191798686981,
-0.2895536422729492,
0.9503306746482849,
-0.14540037512779236,
-0.3872421085834503,
0.6465441584587097,
0.8134970664978027,
0.9584764242172241,
-0.29418379068374634,
0.00815486814826727,
0.5545148849487305,
0.48409292101860046,
-0.2920284867286682,
0.3176672160625458,
0.40811553597450256,
-0.8501263856887817,
-0.3683035969734192,
-0.6502793431282043,
-0.28829333186149597,
0.35947251319885254,
-0.611973762512207,
0.37634873390197754,
-0.7629995346069336,
-0.5878438949584961,
-0.4691902697086334,
0.1072138175368309,
-0.2717742323875427,
0.2708645761013031,
0.28007370233535767,
0.7860280275344849,
-0.9158201813697815,
1.0351793766021729,
1.0009454488754272,
-0.5536759495735168,
-1.0224378108978271,
-0.045860350131988525,
-0.16676625609397888,
-0.5785906314849854,
0.3160400390625,
0.09418467432260513,
-0.19937388598918915,
0.20347991585731506,
-0.46816712617874146,
-1.0630161762237549,
1.1147202253341675,
0.7105647325515747,
-0.5268509984016418,
-0.04560420289635658,
-0.11483197659254074,
0.6028492450714111,
-0.31799203157424927,
0.4586062431335449,
0.319965660572052,
0.5150425434112549,
-0.09355233609676361,
-0.8420724868774414,
0.1411033570766449,
-0.7030217051506042,
-0.1247219666838646,
0.3124164640903473,
-0.8122662901878357,
1.1254812479019165,
0.017836112529039383,
0.11528457701206207,
0.0037424336187541485,
0.689544141292572,
0.57246994972229,
0.10077923536300659,
0.6236159205436707,
0.8902161717414856,
0.5653611421585083,
-0.14667105674743652,
0.9518769979476929,
-0.859821617603302,
0.6069804430007935,
0.9487972855567932,
-0.0068223443813622,
0.9524561762809753,
0.2621140480041504,
-0.02749980427324772,
0.6645067930221558,
0.6087021231651306,
-0.05089963227510452,
0.23998352885246277,
-0.18887482583522797,
0.10046320408582687,
-0.35551610589027405,
0.2618575394153595,
-0.7040579319000244,
0.13195708394050598,
0.41149091720581055,
-0.38080522418022156,
-0.03593478351831436,
-0.11798073351383209,
0.2345305234193802,
-0.32781845331192017,
-0.2422713190317154,
0.5312096476554871,
0.1594938188791275,
-0.580276370048523,
1.308081865310669,
-0.048896100372076035,
0.6297581195831299,
-0.769437849521637,
0.26678457856178284,
-0.21293815970420837,
0.35136863589286804,
0.04217144101858139,
-0.5671992897987366,
0.24437804520130157,
-0.08655647933483124,
-0.24830693006515503,
-0.21172714233398438,
0.6416351795196533,
-0.3754108250141144,
-0.5412110686302185,
0.5245314240455627,
0.39344725012779236,
0.00027372382464818656,
0.19423414766788483,
-1.1371228694915771,
0.3536313772201538,
-0.2885458767414093,
-0.52911776304245,
0.35823461413383484,
0.26513877511024475,
-0.1686401069164276,
0.6191847324371338,
0.5928928852081299,
0.010174919851124287,
0.07168275862932205,
0.16174191236495972,
1.0095733404159546,
-0.6568027138710022,
-0.5170760750770569,
-0.8244398236274719,
0.7689128518104553,
0.15811467170715332,
-0.520292341709137,
0.7816264033317566,
0.6480844020843506,
0.4670266807079315,
0.09739196300506592,
0.668882429599762,
-0.2701745927333832,
0.13456644117832184,
-0.30866238474845886,
0.8068875074386597,
-0.5264204740524292,
0.1503886729478836,
-0.28115561604499817,
-0.9305453896522522,
-0.342185914516449,
0.7615979313850403,
-0.23138579726219177,
0.2575603127479553,
0.465045690536499,
0.8318295478820801,
0.08749306201934814,
-0.4777776300907135,
0.16424717009067535,
0.7918491959571838,
0.22136928141117096,
0.37770113348960876,
0.7793099284172058,
-0.6912623047828674,
0.7414824366569519,
-0.460574209690094,
-0.20496636629104614,
-0.24780860543251038,
-0.8633806109428406,
-0.8465237617492676,
-0.475838840007782,
-0.4922947883605957,
-0.8688946962356567,
0.31619566679000854,
1.032973289489746,
0.8834968209266663,
-0.8760928511619568,
-0.41533464193344116,
-0.2751196324825287,
-0.027763525024056435,
-0.2383701056241989,
-0.17770232260227203,
0.4326280951499939,
-0.30831512808799744,
-0.5497016906738281,
0.22813092172145844,
0.00953500997275114,
0.2881307899951935,
-0.33228829503059387,
-0.5206395387649536,
-0.27108657360076904,
-0.1936364620923996,
0.2884783148765564,
0.5490034222602844,
-0.5064052939414978,
-0.1396510899066925,
0.2653999924659729,
-0.19924500584602356,
0.2226027399301529,
0.29930856823921204,
-0.6771981716156006,
0.13337118923664093,
0.5739320516586304,
0.3471090793609619,
0.5213798880577087,
0.08730842918157578,
0.508256196975708,
-0.44553229212760925,
0.524533212184906,
0.4110075533390045,
0.524398922920227,
0.26389098167419434,
-0.2618373930454254,
0.2280704826116562,
0.40060877799987793,
-0.646052896976471,
-0.9075384736061096,
-0.029783912003040314,
-1.0548018217086792,
0.008749915286898613,
1.3103158473968506,
-0.22550873458385468,
-0.52604740858078,
-0.18427912890911102,
-0.15666556358337402,
0.3477102518081665,
-0.6029141545295715,
0.620427131652832,
0.43757423758506775,
-0.00686424458399415,
-0.5629221796989441,
-0.22538067400455475,
0.4754578173160553,
0.36359521746635437,
-0.5751387476921082,
0.17375873029232025,
0.5446209907531738,
0.3782601058483124,
0.3930046558380127,
0.5451576113700867,
-0.2951888144016266,
0.3080328106880188,
-0.06726141273975372,
0.3080160319805145,
-0.2721231281757355,
-0.25858086347579956,
-0.49201369285583496,
0.04986253380775452,
0.25048649311065674,
0.05253008008003235
] |
vinai/bertweet-large
|
vinai
| 2022-06-08T04:43:57Z | 5,094 | 6 |
transformers
|
[
"transformers",
"pytorch",
"tf",
"roberta",
"fill-mask",
"autotrain_compatible",
"endpoints_compatible",
"region:us"
] |
fill-mask
| 2022-03-02T23:29:05Z |
# <a name="introduction"></a> BERTweet: A pre-trained language model for English Tweets
BERTweet is the first public large-scale language model pre-trained for English Tweets. BERTweet is trained based on the [RoBERTa](https://github.com/pytorch/fairseq/blob/master/examples/roberta/README.md) pre-training procedure. The corpus used to pre-train BERTweet consists of 850M English Tweets (16B word tokens ~ 80GB), containing 845M Tweets streamed from 01/2012 to 08/2019 and 5M Tweets related to the **COVID-19** pandemic. The general architecture and experimental results of BERTweet can be found in our [paper](https://aclanthology.org/2020.emnlp-demos.2/):
@inproceedings{bertweet,
title = {{BERTweet: A pre-trained language model for English Tweets}},
author = {Dat Quoc Nguyen and Thanh Vu and Anh Tuan Nguyen},
booktitle = {Proceedings of the 2020 Conference on Empirical Methods in Natural Language Processing: System Demonstrations},
pages = {9--14},
year = {2020}
}
**Please CITE** our paper when BERTweet is used to help produce published results or is incorporated into other software.
For further information or requests, please go to [BERTweet's homepage](https://github.com/VinAIResearch/BERTweet)!
### Main results
<p float="left">
<img width="275" alt="postagging" src="https://user-images.githubusercontent.com/2412555/135724590-01d8d435-262d-44fe-a383-cd39324fe190.png" />
<img width="275" alt="ner" src="https://user-images.githubusercontent.com/2412555/135724598-1e3605e7-d8ce-4c5e-be4a-62ae8501fae7.png" />
</p>
<p float="left">
<img width="275" alt="sentiment" src="https://user-images.githubusercontent.com/2412555/135724597-f1981f1e-fe73-4c03-b1ff-0cae0cc5f948.png" />
<img width="275" alt="irony" src="https://user-images.githubusercontent.com/2412555/135724595-15f4f2c8-bbb6-4ee6-82a0-034769dec183.png" />
</p>
|
[
-0.5186978578567505,
-0.6306571364402771,
0.29735836386680603,
0.2943166196346283,
-0.4795588552951813,
0.030664963647723198,
-0.3726380467414856,
-0.5504613518714905,
0.5431251525878906,
0.15793870389461517,
-0.5621097683906555,
-0.6429836750030518,
-0.6499027609825134,
-0.19973675906658173,
-0.4062745273113251,
0.9311440587043762,
0.13629703223705292,
-0.2104843705892563,
0.22754526138305664,
0.08939236402511597,
0.022178081795573235,
-0.5130943059921265,
-0.7026499509811401,
-0.03221987932920456,
0.7278730869293213,
0.19425265491008759,
0.7806258797645569,
0.16424685716629028,
0.6082490086555481,
0.25567924976348877,
0.16180668771266937,
-0.1666124016046524,
-0.647852897644043,
-0.046505022794008255,
0.1719132363796234,
0.09091749042272568,
-0.3650040030479431,
0.010817107744514942,
0.40340182185173035,
0.3387872576713562,
0.1128678023815155,
0.15569815039634705,
0.10144830495119095,
0.6233742237091064,
-0.566534698009491,
0.010940509848296642,
-0.6806818842887878,
-0.20254254341125488,
-0.39074164628982544,
-0.22049932181835175,
-0.2850383222103119,
-0.6150380373001099,
0.39634376764297485,
-0.6069009900093079,
0.0731978714466095,
-0.04723460227251053,
1.620037317276001,
-0.201011061668396,
-0.23997822403907776,
-0.10073896497488022,
-0.47504231333732605,
0.7438873648643494,
-0.8595288395881653,
0.3672759234905243,
0.31297188997268677,
0.17988727986812592,
0.02427632175385952,
-0.903674304485321,
-0.6201285123825073,
-0.24510586261749268,
-0.1339322179555893,
0.26249614357948303,
-0.4779406487941742,
-0.12365338206291199,
-0.005977656226605177,
-0.00923110917210579,
-0.6989452242851257,
-0.024119392037391663,
-0.168810173869133,
-0.029428837820887566,
0.5479702353477478,
-0.3997980058193207,
0.2823158800601959,
-0.31176674365997314,
-0.6119980216026306,
-0.230643168091774,
-0.4194614887237549,
0.06221834197640419,
0.13167999684810638,
0.1401730626821518,
-0.2840580940246582,
0.2610032856464386,
0.14541107416152954,
0.3845502436161041,
-0.07820204645395279,
0.15797309577465057,
0.43744218349456787,
-0.1589566022157669,
-0.18380384147167206,
-0.402769535779953,
1.1905455589294434,
0.3970669209957123,
0.4838515818119049,
-0.04140006750822067,
-0.46314001083374023,
-0.28619393706321716,
0.21000389754772186,
-0.9793449640274048,
-0.29054147005081177,
0.16006428003311157,
-0.503837525844574,
-0.26960626244544983,
0.07333588600158691,
-0.6480169892311096,
-0.11829039454460144,
-0.0817689374089241,
0.7846280932426453,
-0.8525499105453491,
-0.3339385688304901,
-0.14231984317302704,
-0.06073882058262825,
0.4297751486301422,
0.5920478105545044,
-0.6767098903656006,
-0.02741905115544796,
0.5581026077270508,
0.7933474183082581,
0.30097460746765137,
-0.27098900079727173,
-0.05328931286931038,
0.0836540162563324,
-0.3109962046146393,
0.839532732963562,
-0.28384581208229065,
-0.052447546273469925,
0.2564936578273773,
0.017290666699409485,
-0.002365022199228406,
-0.007175032515078783,
0.5856353044509888,
-0.6348010897636414,
0.20569385588169098,
-0.4513123631477356,
-0.5920613408088684,
-0.14494271576404572,
0.2568407952785492,
-0.4803306758403778,
1.0112532377243042,
0.005556013435125351,
-1.1163257360458374,
0.4240422248840332,
-0.9312552213668823,
-0.5265015959739685,
0.2141011506319046,
-0.19791793823242188,
-0.5230733156204224,
-0.13624504208564758,
0.397594153881073,
0.8125947117805481,
-0.17666000127792358,
0.0987071692943573,
-0.5382605791091919,
-0.26343289017677307,
0.13255788385868073,
-0.26576268672943115,
1.2103638648986816,
0.12994441390037537,
-0.42561259865760803,
-0.10269070416688919,
-0.4915560483932495,
0.0205818060785532,
0.546904981136322,
-0.21291764080524445,
-0.17522215843200684,
-0.053206559270620346,
0.36150890588760376,
0.22184790670871735,
0.6372849345207214,
-0.6590787768363953,
0.12166526913642883,
-0.18654397130012512,
0.5687267780303955,
0.9639576077461243,
-0.11141347140073776,
0.2832961976528168,
-0.5949015021324158,
0.3075827956199646,
-0.22085489332675934,
0.338423490524292,
-0.17106007039546967,
-0.4542980194091797,
-0.5613263249397278,
-0.5582923293113708,
0.21640247106552124,
0.4981786608695984,
-0.5720254182815552,
0.7101046442985535,
-0.5836223363876343,
-0.6846135258674622,
-0.6246322989463806,
-0.24055646359920502,
0.08753824979066849,
0.40967804193496704,
0.3295081555843353,
-0.08762017637491226,
-0.6379473209381104,
-0.9661347270011902,
-0.12382517009973526,
-0.33254608511924744,
0.013560155406594276,
0.2828562259674072,
0.7066820859909058,
-0.2606334090232849,
0.9905043244361877,
-0.4747757911682129,
-0.13877710700035095,
0.0789262130856514,
0.30610668659210205,
0.16474997997283936,
0.528858482837677,
0.9414432644844055,
-0.8095712661743164,
-0.7478128671646118,
-0.05623338371515274,
-0.5366469621658325,
-0.08246824890375137,
-0.07413014769554138,
-0.2795381247997284,
0.5278926491737366,
0.3123806416988373,
-0.7352351546287537,
0.5547932982444763,
0.7624360918998718,
-0.2658458948135376,
0.6528533101081848,
-0.11339934170246124,
0.3300522267818451,
-1.3485734462738037,
0.18928289413452148,
0.039592064917087555,
-0.3763182461261749,
-0.4617827832698822,
-0.11182897537946701,
0.11461441218852997,
0.03155943751335144,
-0.4296518564224243,
0.5540626645088196,
-0.4573861062526703,
0.011275763623416424,
0.05096004530787468,
0.027526425197720528,
-0.018460053950548172,
0.42284175753593445,
-0.05468674749135971,
0.7181703448295593,
0.6969707012176514,
-0.1555071771144867,
0.25553643703460693,
-0.0032630800269544125,
-0.41416850686073303,
0.31706058979034424,
-0.8307273983955383,
0.1627989113330841,
0.028889058157801628,
0.3366025686264038,
-1.2765164375305176,
-0.27763161063194275,
0.08645975589752197,
-0.8745264410972595,
0.1597561538219452,
-0.18598897755146027,
-0.8873786926269531,
-0.44211551547050476,
-0.5738345384597778,
0.016084326431155205,
0.8690975904464722,
-0.5701411366462708,
0.4584469795227051,
0.31491032242774963,
-0.0435846708714962,
-0.5906947255134583,
-0.8856509327888489,
0.1143726333975792,
0.015943489968776703,
-1.0828920602798462,
0.2703705430030823,
-0.011655719019472599,
0.16866719722747803,
0.2562282085418701,
0.11935635656118393,
-0.3652926981449127,
-0.008756790310144424,
0.21366673707962036,
0.30382728576660156,
-0.19145695865154266,
0.3780772387981415,
-0.2714363634586334,
0.15752869844436646,
-0.1307661235332489,
-0.36389172077178955,
0.7653853297233582,
-0.30286842584609985,
-0.43411776423454285,
-0.624656081199646,
0.3715248703956604,
0.6269126534461975,
-0.24608807265758514,
0.969559907913208,
1.0117298364639282,
-0.41103851795196533,
0.006627645809203386,
-0.648435115814209,
-0.24711568653583527,
-0.46039679646492004,
0.30139943957328796,
-0.2170858085155487,
-1.009172797203064,
0.6773722767829895,
0.22553426027297974,
0.4027711749076843,
0.5772751569747925,
0.5820895433425903,
-0.7893080115318298,
0.7502269148826599,
0.29764217138290405,
-0.004690962377935648,
0.7993417382240295,
-0.3825612962245941,
0.29705581068992615,
-0.37931740283966064,
0.10452819615602493,
-0.49543389678001404,
-0.32575324177742004,
-0.9237661361694336,
-0.3820432424545288,
0.1639920324087143,
-0.015961753204464912,
-0.45435982942581177,
0.5310559868812561,
-0.5224108695983887,
0.2319287359714508,
0.6118137240409851,
0.27757999300956726,
-0.2156972736120224,
0.06003180518746376,
-0.014014019630849361,
-0.07345031946897507,
-0.5166328549385071,
-0.5838084816932678,
1.1777807474136353,
0.4075627326965332,
0.8540052771568298,
0.1991388201713562,
1.1336172819137573,
0.21322253346443176,
0.2747914791107178,
-0.5827070474624634,
0.6084523797035217,
-0.35616323351860046,
-0.8951238393783569,
-0.4661920368671417,
-0.30988672375679016,
-1.2511672973632812,
0.06461808830499649,
-0.29257848858833313,
-0.7188619375228882,
0.0774642750620842,
0.19117309153079987,
-0.18330703675746918,
0.5111759901046753,
-1.0214381217956543,
0.7246363162994385,
-0.31650713086128235,
-0.26181530952453613,
-0.14966197311878204,
-0.6544419527053833,
0.040265750139951706,
-0.09851685166358948,
0.27503901720046997,
-0.20048309862613678,
-0.036953192204236984,
0.8263001441955566,
-0.512077271938324,
0.95047527551651,
-0.3022921085357666,
0.05726701021194458,
0.16038261353969574,
-0.02277241460978985,
0.7190107703208923,
0.07205808162689209,
0.12885984778404236,
0.26469749212265015,
0.0059457034803926945,
-0.8131923079490662,
-0.2412298619747162,
0.6211839914321899,
-1.0447970628738403,
-0.5065220594406128,
-0.41959527134895325,
-0.20199169218540192,
0.09501771628856659,
0.3914021849632263,
0.5455420613288879,
0.31481224298477173,
-0.33112892508506775,
0.6592066884040833,
0.5767861008644104,
-0.34365037083625793,
0.6081410646438599,
0.30357667803764343,
-0.11322800815105438,
-0.4219142496585846,
0.6663834452629089,
0.34532278776168823,
0.1170782595872879,
0.5913585424423218,
0.1245948001742363,
-0.180354505777359,
-0.4729439616203308,
0.12215881049633026,
0.23067966103553772,
-0.5679028034210205,
-0.21285274624824524,
-0.7189300656318665,
-0.3465535342693329,
-0.9431520700454712,
-0.5627763867378235,
-0.4265701472759247,
-0.40388038754463196,
-0.38404422998428345,
0.14615346491336823,
0.6521187424659729,
0.5834292769432068,
-0.26402077078819275,
0.350145548582077,
-0.5869699716567993,
0.2773628234863281,
0.520534873008728,
0.34869661927223206,
0.02699245698750019,
-0.5584964156150818,
-0.29711779952049255,
0.07464820146560669,
-0.2854277491569519,
-0.7818388342857361,
0.46233299374580383,
0.15433986485004425,
0.4015628695487976,
0.4587489664554596,
0.10624295473098755,
0.6013955473899841,
-0.5269922614097595,
0.7829209566116333,
0.47823116183280945,
-0.8800058364868164,
0.650344729423523,
-0.5951677560806274,
0.266802579164505,
0.515434205532074,
0.3853215277194977,
-0.6128686666488647,
-0.4757233262062073,
-0.9072267413139343,
-1.06642484664917,
0.5986979007720947,
0.46008214354515076,
0.1611618846654892,
-0.10922398418188095,
-0.06614860147237778,
-0.11615213751792908,
-0.01817179284989834,
-0.8323590755462646,
-0.2126634418964386,
-0.21895325183868408,
-0.19281591475009918,
0.03850763663649559,
-0.21431173384189606,
-0.04077574983239174,
-0.5547064542770386,
0.7351548671722412,
0.21429499983787537,
0.7275714874267578,
0.2976168990135193,
-0.2274676114320755,
-0.051569677889347076,
0.20320622622966766,
0.6013193726539612,
0.7314199805259705,
-0.5749053955078125,
-0.02896779216825962,
-0.1538945436477661,
-0.5041407942771912,
-0.2970792353153229,
0.4133012294769287,
-0.15072238445281982,
0.22866059839725494,
0.6597639918327332,
0.8603978157043457,
0.16251279413700104,
-0.3354921042919159,
0.9313672780990601,
-0.09573899954557419,
-0.4477425515651703,
-0.6874209642410278,
-0.3792911469936371,
0.21156038343906403,
0.2506343126296997,
0.7857511043548584,
0.1419263631105423,
-0.14302890002727509,
-0.3478473126888275,
0.39692002534866333,
0.5451433658599854,
-0.23528869450092316,
-0.4656621813774109,
0.4121825397014618,
0.24571672081947327,
-0.12515214085578918,
0.2865448594093323,
-0.27693507075309753,
-0.7017253637313843,
0.5537168979644775,
0.20831219851970673,
1.181504249572754,
0.05640726536512375,
0.33907341957092285,
0.4333569407463074,
0.8189881443977356,
0.28635120391845703,
0.45252397656440735,
0.22911302745342255,
-0.7539655566215515,
-0.4105737805366516,
-0.5396589636802673,
-0.19365763664245605,
0.27847161889076233,
-0.4628959596157074,
0.3817451298236847,
-0.639164388179779,
-0.41270846128463745,
0.2407982349395752,
0.11400116980075836,
-0.9819185137748718,
0.19025717675685883,
0.19182626903057098,
1.0505235195159912,
-0.837543785572052,
0.9707918763160706,
0.953154981136322,
-0.5935372114181519,
-0.9603544473648071,
0.4244280457496643,
-0.28999799489974976,
-0.9773780703544617,
0.7422396540641785,
0.12761640548706055,
0.05910555273294449,
0.10742747038602829,
-1.0232484340667725,
-0.8494377136230469,
1.1248987913131714,
0.4862499237060547,
-0.4190545082092285,
-0.03368215635418892,
-0.17557397484779358,
0.47144949436187744,
-0.29124853014945984,
0.33739545941352844,
0.11300697922706604,
0.5449219346046448,
0.04500551521778107,
-0.9616513252258301,
0.10791000723838806,
-0.21469667553901672,
0.10103319585323334,
0.19707322120666504,
-0.7731072902679443,
1.0109387636184692,
-0.09554889798164368,
-0.19170686602592468,
-0.14900317788124084,
0.4976917803287506,
0.11320418119430542,
0.07603228837251663,
0.6227867007255554,
0.7405117154121399,
0.5523560047149658,
-0.40719127655029297,
1.0520989894866943,
-0.26549217104911804,
0.7834848165512085,
0.8608021140098572,
0.059596750885248184,
0.961155354976654,
0.604145884513855,
-0.2803765833377838,
0.5182509422302246,
0.7035254240036011,
0.16704267263412476,
0.5218870639801025,
0.06532933562994003,
-0.11463828384876251,
-0.24930162727832794,
0.0707068145275116,
-0.44805416464805603,
0.15956729650497437,
0.2181984931230545,
-0.40639764070510864,
-0.32239747047424316,
-0.07467668503522873,
0.20673851668834686,
-0.16556546092033386,
0.008299616165459156,
0.6075937747955322,
-0.12010768800973892,
-0.22774744033813477,
0.8556071519851685,
-0.3388030230998993,
0.9300094842910767,
-0.6674500107765198,
0.25868237018585205,
-0.10124219208955765,
-0.00028820434818044305,
-0.18461300432682037,
-1.1490485668182373,
0.03569436073303223,
0.0864017903804779,
0.01921035349369049,
-0.4152018129825592,
0.8091943860054016,
-0.17966331541538239,
-0.38949039578437805,
0.5216562151908875,
0.27042868733406067,
0.18361708521842957,
-0.08114819973707199,
-1.025928020477295,
0.08998070657253265,
0.09212230145931244,
-0.756563663482666,
0.021277641877532005,
0.8209486603736877,
0.20411579310894012,
0.5405548214912415,
0.5630365610122681,
0.08538250625133514,
0.28087958693504333,
0.12145473062992096,
1.1083611249923706,
-0.6185510754585266,
-0.5327203273773193,
-0.743208646774292,
0.6842224597930908,
-0.23080022633075714,
-0.19123442471027374,
0.5766887664794922,
0.45400720834732056,
0.8655122518539429,
-0.20884168148040771,
1.1216487884521484,
-0.5535668134689331,
0.6713714599609375,
-0.17414772510528564,
0.9702911376953125,
-0.850990355014801,
-0.166190043091774,
-0.37511706352233887,
-0.6216450333595276,
-0.28182509541511536,
0.7917037010192871,
-0.5006243586540222,
0.28502437472343445,
0.6736270189285278,
0.811073362827301,
0.0667724460363388,
-0.258463054895401,
0.3128674626350403,
0.40925508737564087,
0.3399788737297058,
0.5139551162719727,
0.7429608702659607,
-0.4791180491447449,
0.7132667899131775,
-0.35684677958488464,
-0.35753074288368225,
-0.5412145853042603,
-0.7984133362770081,
-0.9661608934402466,
-0.8213733434677124,
-0.15736520290374756,
-0.35631778836250305,
0.267042338848114,
1.1757948398590088,
1.022835612297058,
-0.9301998615264893,
-0.060995351523160934,
0.004709379747509956,
-0.13922825455665588,
0.09442715346813202,
-0.29451465606689453,
0.5524477958679199,
-0.3017549216747284,
-0.5904388427734375,
-0.24500949680805206,
0.1222018226981163,
0.22800582647323608,
-0.022789986804127693,
-0.1135927215218544,
-0.7106199860572815,
0.19210287928581238,
0.647092342376709,
0.2035961002111435,
-0.6153409481048584,
-0.4887380599975586,
0.01598677970468998,
-0.46206995844841003,
0.23331831395626068,
0.22789952158927917,
-0.4096798002719879,
0.14116300642490387,
0.6494715809822083,
0.5730436444282532,
0.4993007183074951,
-0.14245353639125824,
0.2374362051486969,
-1.0019563436508179,
0.21681934595108032,
0.44670024514198303,
0.32215172052383423,
0.25154224038124084,
-0.23336032032966614,
0.4297794699668884,
0.27861863374710083,
-0.673346757888794,
-0.8397414684295654,
-0.037391941994428635,
-1.2401307821273804,
-0.30829450488090515,
0.9867512583732605,
-0.26382243633270264,
-0.15610262751579285,
0.2699548304080963,
-0.16423292458057404,
0.3391788601875305,
-1.0228276252746582,
0.6522180438041687,
0.8232303261756897,
0.23776541650295258,
-0.328731894493103,
-0.593619167804718,
0.3862798810005188,
0.30560263991355896,
-0.7775848507881165,
-0.1282099038362503,
0.2545740604400635,
0.22999036312103271,
0.2518540024757385,
0.8644265532493591,
0.08342939615249634,
0.2644199728965759,
-0.3334800899028778,
0.5285270810127258,
0.32692205905914307,
0.004199468530714512,
-0.13077174127101898,
-0.019455406814813614,
0.0027795101050287485,
-0.438536137342453
] |
naclbit/trinart_stable_diffusion_v2
|
naclbit
| 2023-05-07T17:12:04Z | 5,092 | 313 |
diffusers
|
[
"diffusers",
"stable-diffusion",
"stable-diffusion-diffusers",
"text-to-image",
"license:creativeml-openrail-m",
"endpoints_compatible",
"has_space",
"diffusers:StableDiffusionPipeline",
"region:us"
] |
text-to-image
| 2022-09-08T10:18:16Z |
---
inference: true
tags:
- stable-diffusion
- stable-diffusion-diffusers
- text-to-image
license: creativeml-openrail-m
---
## Please Note!
This model is NOT the 19.2M images Characters Model on TrinArt, but an improved version of the original Trin-sama Twitter bot model. This model is intended to retain the original SD's aesthetics as much as possible while nudging the model to anime/manga style.
Other TrinArt models can be found at:
https://huggingface.co/naclbit/trinart_derrida_characters_v2_stable_diffusion
https://huggingface.co/naclbit/trinart_characters_19.2m_stable_diffusion_v1
## Diffusers
The model has been ported to `diffusers` by [ayan4m1](https://huggingface.co/ayan4m1)
and can easily be run from one of the branches:
- `revision="diffusers-60k"` for the checkpoint trained on 60,000 steps,
- `revision="diffusers-95k"` for the checkpoint trained on 95,000 steps,
- `revision="diffusers-115k"` for the checkpoint trained on 115,000 steps.
For more information, please have a look at [the "Three flavors" section](#three-flavors).
## Gradio
We also support a [Gradio](https://github.com/gradio-app/gradio) web ui with diffusers to run inside a colab notebook: [](https://colab.research.google.com/drive/1RWvik_C7nViiR9bNsu3fvMR3STx6RvDx?usp=sharing)
### Example Text2Image
```python
# !pip install diffusers==0.3.0
from diffusers import StableDiffusionPipeline
# using the 60,000 steps checkpoint
pipe = StableDiffusionPipeline.from_pretrained("naclbit/trinart_stable_diffusion_v2", revision="diffusers-60k")
pipe.to("cuda")
image = pipe("A magical dragon flying in front of the Himalaya in manga style").images[0]
image
```

If you want to run the pipeline faster or on a different hardware, please have a look at the [optimization docs](https://huggingface.co/docs/diffusers/optimization/fp16).
### Example Image2Image
```python
# !pip install diffusers==0.3.0
from diffusers import StableDiffusionImg2ImgPipeline
import requests
from PIL import Image
from io import BytesIO
url = "https://scitechdaily.com/images/Dog-Park.jpg"
response = requests.get(url)
init_image = Image.open(BytesIO(response.content)).convert("RGB")
init_image = init_image.resize((768, 512))
# using the 115,000 steps checkpoint
pipe = StableDiffusionImg2ImgPipeline.from_pretrained("naclbit/trinart_stable_diffusion_v2", revision="diffusers-115k")
pipe.to("cuda")
images = pipe(prompt="Manga drawing of Brad Pitt", init_image=init_image, strength=0.75, guidance_scale=7.5).images
image
```
If you want to run the pipeline faster or on a different hardware, please have a look at the [optimization docs](https://huggingface.co/docs/diffusers/optimization/fp16).
## Stable Diffusion TrinArt/Trin-sama AI finetune v2
trinart_stable_diffusion is a SD model finetuned by about 40,000 assorted high resolution manga/anime-style pictures for 8 epochs. This is the same model running on Twitter bot @trinsama (https://twitter.com/trinsama)
Twitterボット「とりんさまAI」@trinsama (https://twitter.com/trinsama) で使用しているSDのファインチューン済モデルです。一定のルールで選別された約4万枚のアニメ・マンガスタイルの高解像度画像を用いて約8エポックの訓練を行いました。
## Version 2
V2 checkpoint uses dropouts, 10,000 more images and a new tagging strategy and trained longer to improve results while retaining the original aesthetics.
バージョン2は画像を1万枚追加したほか、ドロップアウトの適用、タグ付けの改善とより長いトレーニング時間により、SDのスタイルを保ったまま出力内容の改善を目指しています。
## Three flavors
Step 115000/95000 checkpoints were trained further, but you may use step 60000 checkpoint instead if style nudging is too much.
ステップ115000/95000のチェックポイントでスタイルが変わりすぎると感じる場合は、ステップ60000のチェックポイントを使用してみてください。
#### img2img
If you want to run **latent-diffusion**'s stock ddim img2img script with this model, **use_ema** must be set to False.
**latent-diffusion** のscriptsフォルダに入っているddim img2imgをこのモデルで動かす場合、use_emaはFalseにする必要があります。
#### Hardware
- 8xNVIDIA A100 40GB
#### Training Info
- Custom dataset loader with augmentations: XFlip, center crop and aspect-ratio locked scaling
- LR: 1.0e-5
- 10% dropouts
#### Examples
Each images were diffused using K. Crowson's k-lms (from k-diffusion repo) method for 50 steps.



#### Credits
- Sta, AI Novelist Dev (https://ai-novel.com/) @ Bit192, Inc.
- Stable Diffusion - Rombach, Robin and Blattmann, Andreas and Lorenz, Dominik and Esser, Patrick and Ommer, Bjorn
#### License
CreativeML OpenRAIL-M
|
[
-0.5283539891242981,
-0.6514559388160706,
0.36117637157440186,
0.2294590026140213,
-0.4019242823123932,
0.11342776566743851,
0.1332181692123413,
-0.27935147285461426,
0.3835468590259552,
0.3039388656616211,
-0.5049918293952942,
-0.5693247318267822,
-0.56703782081604,
-0.10083692520856857,
0.022500498220324516,
0.8748341202735901,
-0.253383070230484,
0.021210692822933197,
0.21669109165668488,
0.008900723420083523,
-0.22888943552970886,
-0.04946455731987953,
-1.1179579496383667,
-0.4114910364151001,
0.48748674988746643,
0.07095880061388016,
0.6114957332611084,
0.526435375213623,
0.39130452275276184,
0.23090317845344543,
-0.4962809085845947,
-0.029250288382172585,
-0.42073479294776917,
-0.20487205684185028,
0.015526573173701763,
-0.29211243987083435,
-0.4070887863636017,
-0.04263133555650711,
0.7684603333473206,
0.18084381520748138,
-0.12551583349704742,
0.04915349930524826,
0.058481983840465546,
0.7954596877098083,
-0.4556652307510376,
0.005052548833191395,
0.017567772418260574,
0.11116256564855576,
-0.35509416460990906,
0.09340660274028778,
-0.11170946806669235,
-0.23740138113498688,
-0.018404217436909676,
-0.8780885338783264,
0.24189376831054688,
-0.004640792030841112,
1.2338486909866333,
0.3927778899669647,
-0.24950352311134338,
0.011544302105903625,
-0.5260784029960632,
0.7478371262550354,
-0.6544594168663025,
0.11336920410394669,
0.159895122051239,
0.2361314296722412,
-0.07356738299131393,
-0.8809309005737305,
-0.5323724150657654,
0.17370811104774475,
0.02806585468351841,
0.3265349268913269,
-0.285940557718277,
-0.058883827179670334,
0.3554728329181671,
0.35316142439842224,
-0.6644279360771179,
-0.1462627649307251,
-0.4051860272884369,
-0.05976967141032219,
0.7138391137123108,
0.07618565857410431,
0.5299825668334961,
-0.16125358641147614,
-0.5599689483642578,
-0.23652349412441254,
-0.2838495075702667,
-0.04001394659280777,
0.15630395710468292,
-0.28736570477485657,
-0.5857656002044678,
0.39168766140937805,
0.011051532812416553,
0.3410472273826599,
0.2671756446361542,
-0.09766783565282822,
0.47142916917800903,
-0.4610089063644409,
-0.3189496695995331,
-0.3367287218570709,
0.9395577907562256,
0.5643184781074524,
0.09545482695102692,
0.16105619072914124,
-0.032138045877218246,
-0.2173204869031906,
-0.044220831245183945,
-1.2848830223083496,
-0.3364817202091217,
0.44369202852249146,
-0.6043875217437744,
-0.41353917121887207,
-0.32026466727256775,
-1.0613980293273926,
-0.28269416093826294,
0.2337474822998047,
0.4333415925502777,
-0.6039974689483643,
-0.6611436605453491,
0.15497033298015594,
-0.4629272222518921,
0.3102721869945526,
0.40564051270484924,
-0.4187741279602051,
0.11696875095367432,
0.3256027102470398,
1.3233307600021362,
-0.041469089686870575,
-0.009124165400862694,
-0.05824416130781174,
0.1552441567182541,
-0.3668192923069,
0.7721371054649353,
-0.4055818021297455,
-0.45053133368492126,
-0.36199456453323364,
0.05985983461141586,
-0.2861021161079407,
-0.429243266582489,
0.5911016464233398,
-0.5735356211662292,
0.3034226894378662,
-0.23423093557357788,
-0.47479888796806335,
-0.5122362971305847,
-0.015545421279966831,
-0.5636420845985413,
1.0348724126815796,
0.3821087181568146,
-0.9885271787643433,
0.06955495476722717,
-0.9803575873374939,
0.005583481397479773,
0.03852294012904167,
0.13957184553146362,
-0.6436673402786255,
-0.27405673265457153,
-0.0004992788308300078,
0.4693199694156647,
-0.21644701063632965,
0.05696185305714607,
-0.5423253774642944,
-0.3627947270870209,
-0.03239081799983978,
-0.024562638252973557,
1.3195877075195312,
0.37414422631263733,
-0.4748924970626831,
-0.18600867688655853,
-0.6076240539550781,
-0.02882356196641922,
0.31873762607574463,
-0.20688188076019287,
-0.20955654978752136,
-0.5283649563789368,
0.13328969478607178,
0.3813870847225189,
0.1522538959980011,
-0.5891340970993042,
0.2100176066160202,
-0.3226488530635834,
0.3358970582485199,
0.7281581163406372,
0.47842302918434143,
0.6092777252197266,
-0.47745391726493835,
0.6539681553840637,
0.24411919713020325,
0.1738155633211136,
0.04140441492199898,
-0.7654033899307251,
-0.628044068813324,
-0.5822102427482605,
0.2602817416191101,
0.5353401899337769,
-0.8181580901145935,
0.22578787803649902,
0.03719475865364075,
-0.7594824433326721,
-0.3707643747329712,
0.0007975112530402839,
0.4285578429698944,
0.48702627420425415,
0.25490888953208923,
-0.5176432132720947,
-0.2788284420967102,
-0.6767532229423523,
-0.046773165464401245,
-0.12309645861387253,
-0.024766242131590843,
0.37137463688850403,
0.5434878468513489,
-0.2847549021244049,
0.6407233476638794,
-0.7155490517616272,
-0.4221501648426056,
-0.008503166027367115,
0.17303349077701569,
0.32852327823638916,
0.668397843837738,
0.8872923254966736,
-0.8488922715187073,
-0.9359962940216064,
-0.05986252799630165,
-0.8283734321594238,
-0.09176059812307358,
-0.04582774266600609,
-0.5283464789390564,
0.3815627098083496,
0.40837523341178894,
-0.7787214517593384,
0.5524766445159912,
0.47443512082099915,
-0.4956219494342804,
0.4619322717189789,
-0.2883663773536682,
0.08425288647413254,
-1.3725316524505615,
0.3576641380786896,
0.3347990810871124,
-0.24943804740905762,
-0.657328188419342,
0.12035622447729111,
-0.11810792982578278,
0.027263350784778595,
-0.6168850064277649,
1.033524990081787,
-0.5660812258720398,
0.31972426176071167,
-0.1787315458059311,
-0.1243189349770546,
0.13825877010822296,
0.6303801536560059,
0.05459362640976906,
0.590208888053894,
0.7424054145812988,
-0.5286778211593628,
0.21684028208255768,
0.22203947603702545,
-0.21082495152950287,
0.6811279654502869,
-0.8829094171524048,
0.13559605181217194,
-0.28843820095062256,
0.5102289915084839,
-1.2108761072158813,
-0.28985482454299927,
0.831595778465271,
-0.45142605900764465,
0.5825775265693665,
-0.3913015127182007,
-0.5323092341423035,
-0.36534085869789124,
-0.44357040524482727,
0.4945980906486511,
0.8283767104148865,
-0.3517220616340637,
0.7200332283973694,
0.14788059890270233,
0.11801323294639587,
-0.5685356855392456,
-0.7210268378257751,
-0.12545883655548096,
-0.5682368278503418,
-0.8386691808700562,
0.5312684178352356,
-0.29466837644577026,
-0.11648564040660858,
0.02021445520222187,
0.1421816200017929,
-0.16135606169700623,
-0.013103866018354893,
0.29331010580062866,
0.27818164229393005,
-0.026559337973594666,
-0.3032512664794922,
0.12728416919708252,
-0.24358057975769043,
-0.021859971806406975,
-0.19691818952560425,
0.6513116955757141,
-0.02891196869313717,
-0.08775891363620758,
-1.001908302307129,
0.1547132432460785,
0.5022879242897034,
0.16801512241363525,
0.7885961532592773,
1.1449214220046997,
-0.37880739569664,
0.1442982405424118,
-0.3679051101207733,
-0.024007126688957214,
-0.48415178060531616,
0.04173140227794647,
-0.30789315700531006,
-0.36352837085723877,
0.7256564497947693,
0.011458591558039188,
0.1254076212644577,
0.7615122199058533,
0.5148958563804626,
-0.3204536437988281,
0.9619215130805969,
0.3146119713783264,
0.2469416707754135,
0.6523575186729431,
-1.0215208530426025,
-0.019496994093060493,
-1.1703693866729736,
-0.3846825957298279,
-0.286367267370224,
-0.5353712439537048,
-0.4611586928367615,
-0.7504370808601379,
0.4550432562828064,
0.29162105917930603,
-0.4956057667732239,
0.10621591657400131,
-0.4430657625198364,
0.4493796229362488,
0.27792832255363464,
0.2132011353969574,
0.06542671471834183,
0.21491481363773346,
-0.22599616646766663,
-0.0637863352894783,
-0.5541434288024902,
-0.35311126708984375,
0.9254368543624878,
0.4646312892436981,
0.6998612880706787,
0.10166878253221512,
0.8540334105491638,
0.1450684666633606,
0.1794688105583191,
-0.3282608091831207,
0.4462469220161438,
-0.1820298433303833,
-0.812768816947937,
-0.026062827557325363,
-0.28421294689178467,
-0.765826404094696,
0.33514514565467834,
0.032611098140478134,
-0.5706546306610107,
0.45127326250076294,
-0.0567462258040905,
-0.36249321699142456,
0.5763298869132996,
-0.8894402980804443,
0.7752947807312012,
0.08136224001646042,
-0.6518604755401611,
-0.05569015443325043,
-0.7938316464424133,
0.34019067883491516,
0.015790332108736038,
0.12189245969057083,
-0.05499689653515816,
-0.2543574273586273,
0.9318735599517822,
-0.44897082448005676,
0.8751482367515564,
-0.5655809044837952,
-0.02122241072356701,
0.4070031940937042,
0.08874166756868362,
0.2927168011665344,
0.12325318902730942,
-0.18754185736179352,
0.3484610617160797,
0.13578510284423828,
-0.6411691904067993,
-0.3834058940410614,
0.6010767221450806,
-0.8246448040008545,
-0.17727473378181458,
-0.6038022637367249,
-0.3265618085861206,
0.4090341329574585,
0.34807324409484863,
0.6675059795379639,
0.2002839744091034,
0.033341456204652786,
-0.034214481711387634,
0.7301589250564575,
-0.23425604403018951,
0.768146812915802,
0.1289982795715332,
-0.27325761318206787,
-0.6491894721984863,
0.8704913258552551,
0.1515870988368988,
0.4687073528766632,
0.11272471398115158,
0.295172780752182,
-0.33749285340309143,
-0.457833856344223,
-0.6610462665557861,
0.6737092733383179,
-0.5689530968666077,
-0.2637552320957184,
-0.8191406726837158,
-0.3547208309173584,
-0.24622631072998047,
-0.20391999185085297,
-0.41400858759880066,
-0.5206104516983032,
-0.8489000201225281,
0.375617653131485,
0.5506396293640137,
0.6028077006340027,
-0.34412309527397156,
0.5060243010520935,
-0.42914721369743347,
0.2968718409538269,
-0.076998770236969,
0.38642701506614685,
0.18694695830345154,
-0.7825527191162109,
-0.14288072288036346,
0.21528583765029907,
-0.5580912232398987,
-0.7312255501747131,
0.5056921243667603,
0.22204871475696564,
0.3344540297985077,
0.5106725096702576,
-0.16637827455997467,
0.7613593339920044,
-0.1558500975370407,
0.8700748682022095,
0.18274465203285217,
-0.5731127858161926,
0.4561794400215149,
-0.48741790652275085,
0.23299628496170044,
0.29813337326049805,
0.6724199056625366,
-0.5239548683166504,
-0.2153395265340805,
-0.9563133120536804,
-0.6972151398658752,
0.793900728225708,
0.39252862334251404,
-0.024572724476456642,
0.2722940742969513,
0.6375339031219482,
-0.1913316249847412,
-0.05659561604261398,
-0.6226674318313599,
-0.5254127979278564,
-0.05662445351481438,
0.07716201990842819,
0.015452872030436993,
-0.13243494927883148,
-0.08809739351272583,
-0.4156147241592407,
1.0082916021347046,
0.04122631996870041,
0.45546382665634155,
0.3407134413719177,
0.20915180444717407,
-0.08942914009094238,
-0.26773378252983093,
0.37510034441947937,
0.3030233085155487,
-0.4105231761932373,
-0.2696288526058197,
-0.12369446456432343,
-0.5768662095069885,
0.08474192023277283,
0.047823451459407806,
-0.4375703036785126,
0.17898179590702057,
0.05085296556353569,
0.7682923674583435,
-0.10087832063436508,
-0.09467335790395737,
0.5082513093948364,
-0.2666589319705963,
-0.3843075931072235,
-0.2812415361404419,
0.19596798717975616,
0.22850950062274933,
0.5122649669647217,
0.23152053356170654,
0.35993486642837524,
0.19851112365722656,
-0.1440572738647461,
0.013516224920749664,
0.45099547505378723,
-0.15968210995197296,
-0.2647749185562134,
0.8209203481674194,
-0.08226372301578522,
-0.19015583395957947,
0.39529600739479065,
-0.558235228061676,
-0.42545807361602783,
0.7629674673080444,
0.49409711360931396,
1.0963096618652344,
-0.2781507670879364,
0.48296964168548584,
0.7848412990570068,
-0.010564584285020828,
-0.24405145645141602,
0.3790279030799866,
0.11081472039222717,
-0.3780565857887268,
-0.08009407669305801,
-0.6720035672187805,
-0.07025022059679031,
0.04079641029238701,
-0.3382226824760437,
0.5174062252044678,
-0.7672303318977356,
-0.1923031061887741,
0.05227001756429672,
0.27818793058395386,
-0.5383122563362122,
0.16891659796237946,
0.031142858788371086,
0.9690489172935486,
-0.9308056831359863,
0.6134071946144104,
0.5444289445877075,
-0.6579285860061646,
-0.6805053353309631,
0.12443821877241135,
-0.03217383846640587,
-0.7207345962524414,
0.4179881811141968,
0.11406019330024719,
-0.011056959629058838,
0.21245445311069489,
-0.7170781493186951,
-0.873112678527832,
1.4973307847976685,
0.22619524598121643,
-0.10943040996789932,
-0.1942947804927826,
-0.253613144159317,
0.775470495223999,
-0.46338167786598206,
0.5251616835594177,
0.3234631419181824,
0.37464281916618347,
0.5789509415626526,
-0.6324928998947144,
0.16470366716384888,
-0.37107303738594055,
0.42756298184394836,
-0.060188643634319305,
-1.1998761892318726,
0.8201745748519897,
-0.407254159450531,
-0.46042248606681824,
0.26432493329048157,
0.47948676347732544,
0.36251378059387207,
0.4603889286518097,
0.4064074456691742,
1.0590434074401855,
0.6492403149604797,
-0.015001168474555016,
1.233033299446106,
-0.08592293411493301,
0.5575624108314514,
0.6508954167366028,
0.04291254281997681,
0.5856409072875977,
0.34799227118492126,
-0.23432227969169617,
0.8340012431144714,
1.0130378007888794,
-0.012989540584385395,
0.5742670297622681,
0.0956980437040329,
-0.34704649448394775,
-0.015066118910908699,
-0.2191060334444046,
-0.5538966655731201,
-0.015566714107990265,
0.21322886645793915,
-0.36332324147224426,
-0.2821282148361206,
-0.04779578745365143,
0.31470680236816406,
-0.40852245688438416,
-0.1121247336268425,
0.6995782852172852,
0.12211179733276367,
-0.35043779015541077,
1.0262155532836914,
-0.01615792140364647,
0.7976643443107605,
-0.37316009402275085,
-0.06294191628694534,
-0.3196585178375244,
0.0730997696518898,
-0.4219193756580353,
-1.1426608562469482,
0.3754059672355652,
-0.066770538687706,
0.020235590636730194,
-0.31273534893989563,
0.700553834438324,
-0.2532218098640442,
-0.5738233923912048,
0.4342481791973114,
0.10341518372297287,
0.6244074702262878,
-0.04316706210374832,
-1.0287072658538818,
0.22283963859081268,
0.15436266362667084,
-0.33268052339553833,
0.14058136940002441,
0.27174991369247437,
0.18618792295455933,
0.6597089767456055,
0.5054835081100464,
0.012958992272615433,
0.16664525866508484,
-0.10536325722932816,
0.8818479776382446,
-0.41741639375686646,
-0.35683467984199524,
-0.8265116214752197,
0.6996114253997803,
-0.2044559121131897,
-0.1756845861673355,
0.5664938688278198,
0.7432609796524048,
0.6550547480583191,
-0.010495808906853199,
0.6999554634094238,
-0.3827921450138092,
0.35771095752716064,
-0.43535125255584717,
0.8324692249298096,
-0.9646949172019958,
0.13360923528671265,
-0.4173233211040497,
-0.9482905268669128,
-0.15235571563243866,
0.6832796335220337,
-0.03232845664024353,
0.3884889483451843,
0.609134316444397,
0.9201655387878418,
-0.2178923785686493,
-0.16358309984207153,
-0.08113393932580948,
0.2869119942188263,
0.4047272503376007,
0.5441439747810364,
0.45545369386672974,
-0.8960134983062744,
0.34347280859947205,
-0.6498693823814392,
-0.41256067156791687,
-0.15154357254505157,
-0.8045678734779358,
-0.9658135175704956,
-0.6953945159912109,
-0.6852076649665833,
-0.8406490683555603,
-0.20675958693027496,
0.4901946187019348,
0.7764472961425781,
-0.37006035447120667,
-0.04476667940616608,
-0.10807012766599655,
0.21083703637123108,
0.02974829450249672,
-0.2584168612957001,
0.2817431688308716,
0.06624050438404083,
-0.957961916923523,
-0.22285357117652893,
0.20511269569396973,
0.486198753118515,
-0.19807589054107666,
-0.23601417243480682,
-0.5147461295127869,
-0.2293018251657486,
0.2484872043132782,
0.37531882524490356,
-0.5442184209823608,
0.019004669040441513,
-0.10010732710361481,
-0.021898938342928886,
0.23295438289642334,
0.25439977645874023,
-0.4005737006664276,
0.3799561858177185,
0.7116802334785461,
0.2749684751033783,
0.9586047530174255,
0.028621334582567215,
0.08569314330816269,
-0.521455705165863,
0.07404009252786636,
0.057087868452072144,
0.1479061394929886,
0.2578839063644409,
-0.4321611523628235,
0.6601569652557373,
0.6128638386726379,
-0.6739981770515442,
-0.814268171787262,
-0.029659699648618698,
-1.2882189750671387,
-0.19128075242042542,
1.401713252067566,
-0.10440656542778015,
-0.5699326992034912,
0.077178955078125,
-0.3556267321109772,
0.36557915806770325,
-0.5324288606643677,
0.517559289932251,
0.7476763725280762,
-0.2100442349910736,
-0.2601664066314697,
-0.5203791260719299,
0.5798113346099854,
0.28370997309684753,
-0.57005774974823,
-0.15332694351673126,
0.36696764826774597,
0.7416483163833618,
0.4332188069820404,
0.9050658345222473,
-0.2844274938106537,
0.17250031232833862,
-0.03809341788291931,
0.04753098636865616,
0.22895489633083344,
-0.05612106993794441,
-0.5516305565834045,
-0.1854812651872635,
-0.28331080079078674,
-0.27483686804771423
] |
elyza/ELYZA-japanese-Llama-2-7b-fast
|
elyza
| 2023-08-29T03:46:37Z | 5,088 | 18 |
transformers
|
[
"transformers",
"pytorch",
"llama",
"text-generation",
"ja",
"en",
"arxiv:2307.09288",
"license:llama2",
"endpoints_compatible",
"has_space",
"text-generation-inference",
"region:us"
] |
text-generation
| 2023-08-28T13:17:58Z |
---
license: llama2
language:
- ja
- en
---
## ELYZA-japanese-Llama-2-7b

### Model Description
**ELYZA-japanese-Llama-2-7b** は、 Llama2をベースとして日本語能力を拡張するために追加事前学習を行ったモデルです。
詳細は [Blog記事](https://note.com/elyza/n/na405acaca130) を参照してください。
### Usage
```python
import torch
from transformers import AutoModelForCausalLM, AutoTokenizer
B_INST, E_INST = "[INST]", "[/INST]"
B_SYS, E_SYS = "<<SYS>>\n", "\n<</SYS>>\n\n"
DEFAULT_SYSTEM_PROMPT = "あなたは誠実で優秀な日本人のアシスタントです。"
text = "クマが海辺に行ってアザラシと友達になり、最終的には家に帰るというプロットの短編小説を書いてください。"
model_name = "elyza/ELYZA-japanese-Llama-2-7b-instruct"
tokenizer = AutoTokenizer.from_pretrained(model_name)
model = AutoModelForCausalLM.from_pretrained(model_name, torch_dtype="auto")
if torch.cuda.is_available():
model = model.to("cuda")
prompt = "{bos_token}{b_inst} {system}{prompt} {e_inst} ".format(
bos_token=tokenizer.bos_token,
b_inst=B_INST,
system=f"{B_SYS}{DEFAULT_SYSTEM_PROMPT}{E_SYS}",
prompt=text,
e_inst=E_INST,
)
with torch.no_grad():
token_ids = tokenizer.encode(prompt, add_special_tokens=False, return_tensors="pt")
output_ids = model.generate(
token_ids.to(model.device),
max_new_tokens=256,
pad_token_id=tokenizer.pad_token_id,
eos_token_id=tokenizer.eos_token_id,
)
output = tokenizer.decode(output_ids.tolist()[0][token_ids.size(1) :], skip_special_tokens=True)
print(output)
"""
承知しました。以下にクマが海辺に行ってアザラシと友達になり、最終的には家に帰るというプロットの短編小説を記述します。
クマは山の中でゆっくりと眠っていた。
その眠りに落ちたクマは、夢の中で海辺を歩いていた。
そこにはアザラシがいた。
クマはアザラシに話しかける。
「おはよう」とクマが言うと、アザラシは驚いたように顔を上げた。
「あ、こんにちは」アザラシは答えた。
クマはアザラシと友達になりたいと思う。
「私はクマと申します。」クマは...
"""
```
### ELYZA-japanese-Llama-2-7b Models
| Model Name | Vocab Size | #Params |
|:---------------------------------------------|:----------:|:-------:|
|[elyza/ELYZA-japanese-Llama-2-7b](https://huggingface.co/elyza/ELYZA-japanese-Llama-2-7b)| 32000 | 6.27B |
|[elyza/ELYZA-japanese-Llama-2-7b-instruct](https://huggingface.co/elyza/ELYZA-japanese-Llama-2-7b-instruct)| 32000 | 6.27B |
|[elyza/ELYZA-japanese-Llama-2-7b-fast](https://huggingface.co/elyza/ELYZA-japanese-Llama-2-7b-fast)| 45043 | 6.37B |
|[elyza/ELYZA-japanese-Llama-2-7b-fast-instruct](https://huggingface.co/elyza/ELYZA-japanese-Llama-2-7b-fast-instruct)| 45043 | 6.37B |
### Developers
以下アルファベット順
- [Akira Sasaki](https://huggingface.co/akirasasaki)
- [Masato Hirakawa](https://huggingface.co/m-hirakawa)
- [Shintaro Horie](https://huggingface.co/e-mon)
- [Tomoaki Nakamura](https://huggingface.co/tyoyo)
### Licence
Llama 2 is licensed under the LLAMA 2 Community License, Copyright (c) Meta Platforms, Inc. All Rights Reserved.
### How to Cite
```tex
@misc{elyzallama2023,
title={ELYZA-japanese-Llama-2-7b},
url={https://huggingface.co/elyza/ELYZA-japanese-Llama-2-7b},
author={Akira Sasaki and Masato Hirakawa and Shintaro Horie and Tomoaki Nakamura},
year={2023},
}
```
### Citations
```tex
@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 and Soumya Batra and Prajjwal Bhargava and Shruti Bhosale and Dan Bikel and Lukas Blecher and Cristian Canton Ferrer and Moya Chen and Guillem Cucurull and David Esiobu and Jude Fernandes and Jeremy Fu and Wenyin Fu and Brian Fuller and Cynthia Gao and Vedanuj Goswami and Naman Goyal and Anthony Hartshorn and Saghar Hosseini and Rui Hou and Hakan Inan and Marcin Kardas and Viktor Kerkez and Madian Khabsa and Isabel Kloumann and Artem Korenev and Punit Singh Koura and Marie-Anne Lachaux and Thibaut Lavril and Jenya Lee and Diana Liskovich and Yinghai Lu and Yuning Mao and Xavier Martinet and Todor Mihaylov and Pushkar Mishra and Igor Molybog and Yixin Nie and Andrew Poulton and Jeremy Reizenstein and Rashi Rungta and Kalyan Saladi and Alan Schelten and Ruan Silva and Eric Michael Smith and Ranjan Subramanian and Xiaoqing Ellen Tan and Binh Tang and Ross Taylor and Adina Williams and Jian Xiang Kuan and Puxin Xu and Zheng Yan and Iliyan Zarov and Yuchen Zhang and Angela Fan and Melanie Kambadur and Sharan Narang and Aurelien Rodriguez and Robert Stojnic and Sergey Edunov and Thomas Scialom},
year={2023},
eprint={2307.09288},
archivePrefix={arXiv},
primaryClass={cs.CL}
}
```
|
[
-0.47957712411880493,
-0.6532908082008362,
0.27820146083831787,
0.3666231334209442,
-0.5690292119979858,
0.08127988874912262,
0.1424674689769745,
-0.651692271232605,
0.6269738674163818,
0.11230385303497314,
-0.6480724215507507,
-0.6336586475372314,
-0.5989176630973816,
0.20870926976203918,
-0.11224447190761566,
0.7865187525749207,
-0.14042098820209503,
-0.33525359630584717,
0.04879045486450195,
-0.019632749259471893,
-0.21611018478870392,
-0.3943593204021454,
-0.5372695922851562,
-0.31926044821739197,
0.2915147840976715,
0.15362906455993652,
0.5824121832847595,
0.7054396867752075,
0.5423994660377502,
0.43370237946510315,
-0.2712298333644867,
0.29612651467323303,
-0.2803392708301544,
-0.2179689258337021,
0.25457921624183655,
-0.5149033069610596,
-0.8114490509033203,
-0.3071867525577545,
0.5643212795257568,
0.32437485456466675,
0.09429536759853363,
0.3760445713996887,
-0.04311502352356911,
0.31878238916397095,
-0.2947123050689697,
0.03823292627930641,
-0.3938823938369751,
0.08967679738998413,
-0.22894831001758575,
-0.22326843440532684,
-0.13135775923728943,
-0.369584858417511,
-0.29122474789619446,
-0.8892716765403748,
-0.0659499242901802,
0.08055136352777481,
1.5185128450393677,
0.2347659021615982,
-0.2950415313243866,
-0.013727035373449326,
-0.16473808884620667,
0.905551552772522,
-1.0201528072357178,
0.20120975375175476,
0.30521711707115173,
-0.0850026085972786,
-0.35703229904174805,
-0.8524951934814453,
-0.7652429938316345,
-0.09406682103872299,
-0.3040526211261749,
0.20740540325641632,
-0.48071277141571045,
-0.32247382402420044,
0.20554639399051666,
0.22651152312755585,
-0.4669991433620453,
0.3070370852947235,
-0.5636388659477234,
-0.13088580965995789,
0.7860523462295532,
0.1975908726453781,
0.6061020493507385,
-0.36870869994163513,
-0.5941590070724487,
-0.18955643475055695,
-0.6983475685119629,
0.25707826018333435,
0.36670511960983276,
0.10376547276973724,
-0.742283284664154,
0.6527257561683655,
-0.21627257764339447,
0.4493437111377716,
0.138116717338562,
-0.38574784994125366,
0.6768779158592224,
-0.4578838646411896,
-0.2734130918979645,
-0.23954029381275177,
1.1803256273269653,
0.6982188820838928,
-0.03005111776292324,
0.17542913556098938,
0.007965529337525368,
-0.00423913449048996,
-0.46906182169914246,
-0.9645054340362549,
0.1709197610616684,
0.34188082814216614,
-0.6263039708137512,
-0.4079080820083618,
-0.07588259130716324,
-0.9145615100860596,
-0.071851447224617,
0.07729501277208328,
0.23752710223197937,
-0.2070792317390442,
-0.45588406920433044,
0.19543330371379852,
0.005435558035969734,
0.4307739734649658,
0.15866899490356445,
-0.6891905069351196,
0.1485675722360611,
0.4077514410018921,
0.9557881355285645,
0.0735180526971817,
-0.32512885332107544,
-0.15746775269508362,
0.22498834133148193,
-0.18802447617053986,
0.7052373886108398,
-0.30580970644950867,
-0.5393365621566772,
-0.29243481159210205,
0.22549159824848175,
-0.12187036126852036,
-0.29715925455093384,
0.3866312503814697,
-0.11268583685159683,
0.08366057276725769,
-0.3283262550830841,
-0.2845768928527832,
-0.211219921708107,
0.09890410304069519,
-0.35704898834228516,
1.1347171068191528,
-0.04280823469161987,
-0.9184320569038391,
0.00013986561680212617,
-0.48236408829689026,
-0.17482124269008636,
-0.1268475502729416,
-0.03070315718650818,
-0.58991938829422,
-0.1969148963689804,
0.45269161462783813,
0.475966215133667,
-0.42889925837516785,
-0.050667934119701385,
-0.398374080657959,
-0.31190505623817444,
0.3428090810775757,
-0.04676854982972145,
1.1373815536499023,
0.3510781526565552,
-0.47755134105682373,
-0.014466932974755764,
-0.8952709436416626,
0.05886148661375046,
0.6997610926628113,
-0.31538647413253784,
0.021616443991661072,
-0.19126330316066742,
-0.101865753531456,
0.14697852730751038,
0.6135950684547424,
-0.5904902815818787,
0.27035969495773315,
-0.456680566072464,
0.5673626065254211,
0.9183648228645325,
0.09037604182958603,
0.15377755463123322,
-0.5250464677810669,
0.46689993143081665,
0.13686035573482513,
0.28479325771331787,
-0.1405000388622284,
-0.6662076115608215,
-1.021780252456665,
-0.39621636271476746,
-0.16041505336761475,
0.5264675617218018,
-0.5381991267204285,
0.7248665690422058,
-0.12968562543392181,
-0.8449952602386475,
-0.4596680998802185,
0.040925636887550354,
0.4848494827747345,
0.31018945574760437,
0.2608785331249237,
-0.2767055928707123,
-0.8754366636276245,
-0.7280782461166382,
-0.11320894211530685,
-0.3756132423877716,
0.23391476273536682,
0.47067296504974365,
0.708451509475708,
-0.43621131777763367,
0.6645994782447815,
-0.5230156779289246,
-0.2487403005361557,
-0.2096402943134308,
-0.22651563584804535,
0.7025852799415588,
0.7041445374488831,
0.7832399606704712,
-0.5349040627479553,
-0.5767129063606262,
0.1954997330904007,
-0.9231289029121399,
-0.07991527020931244,
-0.009805263951420784,
-0.5208352208137512,
0.31573712825775146,
0.2410678118467331,
-0.7668545842170715,
0.6310977339744568,
0.4355286955833435,
-0.6673468351364136,
0.3646426200866699,
-0.18510274589061737,
0.17294840514659882,
-1.2556408643722534,
0.1407981663942337,
-0.10955819487571716,
0.025056399405002594,
-0.549851655960083,
0.029945753514766693,
-0.18661490082740784,
0.31952470541000366,
-0.5589096546173096,
0.9224233627319336,
-0.4647962152957916,
-0.012138612568378448,
-0.06357262283563614,
0.37509021162986755,
0.045994099229574203,
0.6609433889389038,
-0.10913494229316711,
0.6495177149772644,
0.516223132610321,
-0.519450306892395,
0.515987753868103,
0.5897534489631653,
-0.2925977110862732,
0.4748372435569763,
-0.9113092422485352,
0.27811044454574585,
0.07101114094257355,
0.4603019058704376,
-1.2423169612884521,
-0.22686007618904114,
0.5031037926673889,
-0.7186169028282166,
0.03319980204105377,
-0.12530797719955444,
-0.48041751980781555,
-0.6391246914863586,
-0.44504159688949585,
0.3197716176509857,
0.6352016925811768,
-0.761368453502655,
0.4161398708820343,
0.2966444492340088,
0.05221182852983475,
-0.7857449054718018,
-0.7661896347999573,
-0.19219981133937836,
-0.2882164716720581,
-0.802215039730072,
0.43048855662345886,
-0.23260380327701569,
-0.19272927939891815,
-0.18152235448360443,
-0.06785023957490921,
-0.01604968123137951,
0.1607741117477417,
0.28890904784202576,
0.662409782409668,
-0.25391119718551636,
-0.4013659358024597,
-0.0024554377887398005,
-0.18242689967155457,
-0.04963307827711105,
-0.04808448627591133,
0.9136928915977478,
-0.3283346891403198,
-0.4124593138694763,
-0.9069838523864746,
0.1441328376531601,
0.5350618362426758,
-0.21756774187088013,
0.8073079586029053,
0.7790877223014832,
-0.39618968963623047,
0.3753494620323181,
-0.5856534838676453,
-0.03728337958455086,
-0.5347478985786438,
0.3838227689266205,
-0.45686227083206177,
-0.5376756191253662,
0.911970853805542,
0.3292459547519684,
0.24355535209178925,
0.7202657461166382,
0.6495862007141113,
0.026335621252655983,
1.0528323650360107,
0.5882671475410461,
-0.05031773820519447,
0.5807794332504272,
-0.6907783150672913,
0.29272520542144775,
-1.047518253326416,
-0.6327236890792847,
-0.44823983311653137,
-0.38696473836898804,
-0.4942966103553772,
-0.42607611417770386,
0.24353210628032684,
0.14610394835472107,
-0.632986843585968,
0.4400559961795807,
-0.7136104702949524,
0.29945093393325806,
0.3845519721508026,
0.23098617792129517,
0.227658212184906,
0.1388459950685501,
-0.19576457142829895,
0.025201227515935898,
-0.39312928915023804,
-0.4152072072029114,
1.1436738967895508,
0.4619561731815338,
0.6317766904830933,
0.2672519385814667,
0.874635636806488,
-0.16397574543952942,
0.010769509710371494,
-0.4960058629512787,
0.7002562284469604,
0.18450696766376495,
-0.6871819496154785,
-0.09644351154565811,
-0.21039839088916779,
-1.0705392360687256,
0.5067028403282166,
0.005506154615432024,
-1.1376426219940186,
0.28525489568710327,
-0.2379685640335083,
-0.4209405183792114,
0.5297207236289978,
-0.503756582736969,
0.5550470948219299,
-0.33854296803474426,
-0.4593759775161743,
-0.025641370564699173,
-0.5764068365097046,
0.39902618527412415,
0.20845556259155273,
0.27392470836639404,
-0.3641183078289032,
-0.3075009286403656,
1.1179331541061401,
-0.6485094428062439,
0.9204413890838623,
-0.10355373471975327,
-0.1680523157119751,
0.4074522852897644,
-0.09573078155517578,
0.7382017970085144,
0.24080321192741394,
0.009682576172053814,
0.274581640958786,
-0.001797202625311911,
-0.38142040371894836,
-0.20433636009693146,
0.7433920502662659,
-1.2455699443817139,
-0.7583136558532715,
-0.4981386363506317,
-0.18952971696853638,
0.207889124751091,
0.2501809000968933,
0.6196075081825256,
0.13359586894512177,
0.21715648472309113,
0.14658568799495697,
0.3752444088459015,
-0.3677094280719757,
0.7516840696334839,
0.3110654652118683,
-0.3195328414440155,
-0.6537901163101196,
0.7328240871429443,
0.15300650894641876,
0.2029673457145691,
0.27806398272514343,
0.07209257036447525,
-0.2608244717121124,
-0.18388210237026215,
-0.49540141224861145,
0.7724611759185791,
-0.7673680782318115,
-0.3758094012737274,
-0.7423661947250366,
-0.3368135094642639,
-0.40201690793037415,
-0.4433201849460602,
-0.3810427188873291,
-0.4274918735027313,
-0.6815041303634644,
-0.16973988711833954,
0.8338490724563599,
0.5150230526924133,
-0.1346440315246582,
0.3878408372402191,
-0.5498805642127991,
0.25238195061683655,
0.03937884420156479,
0.15977147221565247,
0.22043924033641815,
-0.890396237373352,
-0.06775283813476562,
0.023347828537225723,
-0.3701397180557251,
-0.9470418691635132,
0.7625237703323364,
-0.04992881044745445,
0.657637894153595,
0.33929675817489624,
-0.08513133227825165,
1.0258402824401855,
-0.1460728645324707,
0.9155117869377136,
0.5867306590080261,
-0.9374157786369324,
0.6652206182479858,
-0.4193134307861328,
0.016605276614427567,
0.03249742090702057,
0.22960162162780762,
-0.439364492893219,
-0.15385594964027405,
-0.8226631283760071,
-1.0291699171066284,
0.9656159281730652,
0.2378227412700653,
0.2224612683057785,
0.11183153837919235,
0.22698257863521576,
-0.10319729149341583,
0.05105259642004967,
-1.0260499715805054,
-0.7744706273078918,
-0.23663507401943207,
-0.1878127157688141,
0.052650220692157745,
-0.26485350728034973,
-0.15348367393016815,
-0.5612233877182007,
0.8576392531394958,
0.048206597566604614,
0.637356162071228,
0.28325918316841125,
-0.060072820633649826,
-0.14610256254673004,
-0.01856093481183052,
0.7737104892730713,
0.41602611541748047,
-0.11619815975427628,
-0.20972700417041779,
0.48089149594306946,
-0.6416952013969421,
0.22348365187644958,
-0.027805913239717484,
-0.13747967779636383,
0.12197212129831314,
0.33152058720588684,
0.9578269124031067,
0.24421648681163788,
-0.4271511733531952,
0.5037295818328857,
0.03667939826846123,
-0.14532357454299927,
-0.4510689675807953,
0.009652581997215748,
0.21207726001739502,
0.463889479637146,
0.4211265742778778,
-0.19033312797546387,
-0.28383052349090576,
-0.44716358184814453,
-0.14227750897407532,
0.35104358196258545,
0.08785250037908554,
-0.3043062090873718,
0.8731301426887512,
0.1589091718196869,
-0.20945210754871368,
0.3664436638355255,
-0.015971770510077477,
-0.5656444430351257,
1.0291985273361206,
0.804049015045166,
0.6443660259246826,
-0.22826436161994934,
-0.01212554331868887,
0.8833560943603516,
0.2206255942583084,
0.16074053943157196,
0.4205089509487152,
0.0031507625244557858,
-0.5554714798927307,
0.06065791845321655,
-0.7290502190589905,
-0.05926116928458214,
0.20291796326637268,
-0.4257867634296417,
0.43818217515945435,
-0.6431662440299988,
-0.2381933480501175,
-0.22904345393180847,
0.4134679138660431,
-0.6654945611953735,
0.01858716644346714,
0.10281545668840408,
0.7387131452560425,
-0.7551687955856323,
0.6697065830230713,
0.5777524709701538,
-0.6260644197463989,
-0.9226481318473816,
-0.37431100010871887,
0.09764637053012848,
-1.1876544952392578,
0.6360207796096802,
0.039259281009435654,
-0.06671726703643799,
0.12259001284837723,
-0.7001574039459229,
-1.3791677951812744,
1.5180456638336182,
0.14346280694007874,
-0.4442177414894104,
0.1106426864862442,
-0.10243652760982513,
0.4144245684146881,
-0.3145366907119751,
0.6628287434577942,
0.5658761262893677,
0.6284719705581665,
0.1677963137626648,
-1.0004972219467163,
0.3515542149543762,
-0.7129330635070801,
0.042825426906347275,
-0.0826391726732254,
-1.3565547466278076,
1.2024879455566406,
-0.42143794894218445,
-0.10936158895492554,
0.4518352150917053,
0.9036040902137756,
0.7633908987045288,
0.17761902511119843,
0.21925070881843567,
0.5388234257698059,
0.7095184326171875,
-0.24980393052101135,
0.8842259049415588,
-0.2977347671985626,
0.565479040145874,
0.4271692931652069,
-0.03958532586693764,
0.8728411793708801,
0.47890815138816833,
-0.6635294556617737,
0.6932920813560486,
0.8217161297798157,
-0.3103112578392029,
0.34947240352630615,
0.052604515105485916,
-0.1976066380739212,
-0.05217303708195686,
-0.10040020197629929,
-0.8486913442611694,
0.3138673007488251,
0.38115501403808594,
-0.33417096734046936,
0.042122695595026016,
-0.14013202488422394,
0.5446082353591919,
-0.24069476127624512,
-0.164970263838768,
0.6178319454193115,
0.2016008496284485,
-0.5035172700881958,
1.148208498954773,
-0.06628142297267914,
1.0678890943527222,
-0.4824460446834564,
0.2451186627149582,
-0.42474454641342163,
0.17194020748138428,
-0.49289828538894653,
-0.7216848134994507,
-0.08683856576681137,
0.2659051716327667,
-0.05979560688138008,
0.16711567342281342,
0.4537671208381653,
-0.057517923414707184,
-0.6368566155433655,
0.47705262899398804,
0.1550883948802948,
0.4912791848182678,
0.6103715300559998,
-0.7629642486572266,
0.46251484751701355,
0.33073070645332336,
-0.7132429480552673,
0.238218754529953,
0.15300773084163666,
0.20193159580230713,
0.7901478409767151,
0.7672829627990723,
0.006971029099076986,
0.4182051420211792,
-0.20954939723014832,
0.8851205110549927,
-0.571044921875,
-0.41721972823143005,
-1.0242844820022583,
0.6738160848617554,
-0.11154986172914505,
-0.5160764455795288,
0.8577300906181335,
0.4937257468700409,
0.7120353579521179,
0.08567856252193451,
0.8024739027023315,
-0.3354114890098572,
0.3131353557109833,
-0.451428085565567,
0.775761604309082,
-0.8185890316963196,
0.2183128297328949,
-0.28794610500335693,
-0.7170382738113403,
-0.23484943807125092,
0.9448647499084473,
-0.20876798033714294,
0.25012698769569397,
0.5709701180458069,
0.8980945944786072,
0.18956178426742554,
-0.3014078438282013,
0.0563439205288887,
0.4717233180999756,
0.49814286828041077,
0.9716863632202148,
0.7272465229034424,
-0.8945837020874023,
0.4696256220340729,
-0.571244478225708,
0.025205573067069054,
-0.5322937369346619,
-0.734296441078186,
-1.039192795753479,
-0.610840380191803,
-0.3611879050731659,
-0.4514332711696625,
-0.3054213523864746,
1.0811693668365479,
0.6535404324531555,
-0.6407480835914612,
-0.34499287605285645,
0.1333911418914795,
0.27290669083595276,
-0.04343285411596298,
-0.17751656472682953,
0.5507616996765137,
0.05844305455684662,
-0.9884313344955444,
0.17826730012893677,
0.09905294328927994,
0.5392777323722839,
0.025119222700595856,
-0.3185775876045227,
-0.2899392247200012,
0.11464648693799973,
0.2980663776397705,
0.4711111783981323,
-0.956852376461029,
-0.081935353577137,
0.03138457611203194,
-0.2961231768131256,
0.17847247421741486,
-0.01981240324676037,
-0.5938833355903625,
0.058494679629802704,
0.5942802429199219,
0.06227821856737137,
0.6091049909591675,
-0.204664409160614,
0.054454509168863297,
-0.3939861059188843,
0.5522340536117554,
-0.18052366375923157,
0.6912043690681458,
0.1864117980003357,
-0.4441908001899719,
0.6397413015365601,
0.41685110330581665,
-0.3697856366634369,
-1.217024326324463,
-0.1518443524837494,
-1.1779571771621704,
-0.1853342056274414,
1.230218529701233,
-0.22512079775333405,
-0.550035834312439,
0.25294339656829834,
-0.361298531293869,
0.4794514775276184,
-0.30369219183921814,
0.5879577994346619,
0.48853182792663574,
-0.05990249291062355,
-0.11755287647247314,
-0.4592247009277344,
0.18671980500221252,
0.30825692415237427,
-0.8749493360519409,
-0.2240564227104187,
0.09402021765708923,
0.36811643838882446,
0.4207998216152191,
0.7686161994934082,
-0.07001110911369324,
0.3222903907299042,
0.07366999238729477,
0.1943930685520172,
-0.19865870475769043,
0.09172284603118896,
-0.042928073555231094,
-0.42396095395088196,
-0.22998224198818207,
-0.3700379431247711
] |
willyninja30/ARIA-70B-French
|
willyninja30
| 2023-10-05T00:45:59Z | 5,078 | 0 |
transformers
|
[
"transformers",
"pytorch",
"llama",
"text-generation",
"code",
"fr",
"license:llama2",
"endpoints_compatible",
"has_space",
"text-generation-inference",
"region:us"
] |
text-generation
| 2023-09-08T12:54:46Z |
---
license: llama2
inference: true
language:
- fr
tags:
- pytorch
- code
---
# ARIA French is a model created from llama 2 70B finetuned on a french dataset.
# [email protected] if you need additional support or integration to your company data.
# Model Developers :FARADAY
# ARIA is the first version of our models based on Llama 2-70B-Chat-HF. We finetuned llama 2 over 10.000 high quality french tokens. This version has been trained on a small dataset extract from the french parliament.
The goal is to increase model quality on French and general topics.
# Aria 70B is based on Llama 2-70B-Chat-HF
Llama 2 is a collection of pretrained and fine-tuned generative text models ranging in scale from 7 billion to 70 billion parameters. This is the repository for the 70B fine-tuned model, optimized for dialogue use cases and converted for the Hugging Face Transformers format. Links to other models can be found in the index at the bottom.
# *FINETUNING PROCESS **
We trained the model on a high quality dataset with more than 50.000 rows of french language. The training took 2 days on Amazon Cloud Sagemaker powered by Nvidia GPUs.
# Timing of training
1 Day using NVIDIA A100 and a cloud service. We are grateful to Nvidia Inception program.
We are also applying rope scalling as experimental approach used by several other Open source teams to increase context lenght of ARIA from 4,096 to over 6,000 tokens. This will allow the model to handle large files for data extraction. This is not active by default and you should add a line of code at parameters to activate rope scaling.
# Model Details /
Note: Use of this model is governed by the Meta license because it's based on LLAMA 2. In order to download the model weights and tokenizer, please visit the website and accept our License before requesting access here.
# Variations :ARIA comes in a range of parameter sizes — 7B, 40B (based on Falcon), and 70B finetuned on French language datasets.
Input :Models input text only.
Output : Models generate text only.
# Model Architecture : ARIA is an auto-regressive language model that uses an optimized transformer architecture. The tuned versions use supervised fine-tuning (SFT) and reinforcement learning with human feedback (RLHF) to align to human preferences for helpfulness and safety.
License : A custom commercial license is available at: https://ai.meta.com/resources/models-and-libraries/llama-downloads/
|
[
-0.19349274039268494,
-0.8902460932731628,
0.2922317385673523,
0.7142001986503601,
-0.16424180567264557,
-0.1562812775373459,
-0.17017193138599396,
-0.5978901386260986,
0.2417658120393753,
0.7219981551170349,
-0.5424529314041138,
-0.5440141558647156,
-0.6338207721710205,
0.2734830379486084,
-0.5808736085891724,
1.0996085405349731,
-0.09009348601102829,
-0.09711721539497375,
0.1895156055688858,
-0.12027321755886078,
-0.14275974035263062,
-0.6847436428070068,
-0.9516789317131042,
-0.41690242290496826,
0.6882842779159546,
0.6232285499572754,
0.6100507974624634,
0.6510674357414246,
0.3523642122745514,
0.27587470412254333,
-0.3463551104068756,
0.1862289160490036,
-0.5802465081214905,
-0.35050398111343384,
0.0561157651245594,
-0.6691080927848816,
-0.6925172805786133,
-0.09849480539560318,
0.5683056712150574,
0.1478172391653061,
-0.06084469333291054,
0.3627820909023285,
0.12288998812437057,
0.7027298808097839,
-0.04836130887269974,
0.34964823722839355,
-0.5633094310760498,
-0.14701923727989197,
-0.19227606058120728,
-0.08985652774572372,
-0.3742356300354004,
-0.060253094881772995,
0.016380921006202698,
-0.7793877124786377,
-0.07836896181106567,
0.2447604537010193,
1.1871801614761353,
0.7031245827674866,
-0.5184356570243835,
-0.20283249020576477,
-0.7170671224594116,
0.955085039138794,
-0.5646400451660156,
0.23112323880195618,
0.5969377756118774,
0.2966780960559845,
-0.08077813684940338,
-1.008428692817688,
-0.519740879535675,
-0.30559006333351135,
0.12366186827421188,
-0.20902827382087708,
-0.48050612211227417,
-0.1661955714225769,
0.03263602405786514,
0.4065779447555542,
-0.4953027367591858,
0.4147203862667084,
-0.47357720136642456,
-0.16643454134464264,
0.7270448803901672,
-0.04794730618596077,
0.2624940276145935,
-0.09787746518850327,
-0.45750248432159424,
-0.29623928666114807,
-0.869057297706604,
0.05427528917789459,
0.41248056292533875,
0.4352993965148926,
-0.5035140514373779,
0.6563690304756165,
-0.2885494530200958,
0.2523346245288849,
0.07961006462574005,
-0.02379196137189865,
0.39739182591438293,
0.15734261274337769,
-0.3578488826751709,
-0.024639714509248734,
0.903309166431427,
0.2953072190284729,
0.4473229944705963,
-0.07807208597660065,
-0.18502123653888702,
0.11405377835035324,
0.149073988199234,
-0.736039936542511,
-0.0749618262052536,
0.32092761993408203,
-0.3597949743270874,
-0.4859849512577057,
-0.5045489072799683,
-0.5094563961029053,
-0.05014008283615112,
-0.45098862051963806,
0.2774413824081421,
-0.17893338203430176,
-0.19636675715446472,
0.1489545851945877,
0.439790815114975,
0.32626277208328247,
0.2229163944721222,
-0.7433969378471375,
0.1636214703321457,
0.4510173201560974,
0.5978530645370483,
0.08026422560214996,
-0.3482789397239685,
-0.5225529670715332,
-0.26653724908828735,
-0.3183288872241974,
0.7759483456611633,
-0.3345698416233063,
-0.18541713058948517,
0.19765016436576843,
0.4068155884742737,
0.17472311854362488,
-0.2856324315071106,
1.1000980138778687,
-0.6805592775344849,
0.13147078454494476,
-0.1974935084581375,
-0.3662850856781006,
-0.4148377776145935,
0.07190462201833725,
-0.80586177110672,
1.374901533126831,
0.011917966417968273,
-0.4530569911003113,
0.2337127923965454,
-0.7113499641418457,
-0.20161308348178864,
-0.2031986564397812,
0.05446317419409752,
-0.5771965384483337,
-0.2249131053686142,
0.5369519591331482,
0.4548743963241577,
-0.35978543758392334,
0.22702822089195251,
0.10358010977506638,
-0.25752970576286316,
0.11828486621379852,
-0.5264426469802856,
0.5601155757904053,
0.4549179971218109,
-0.3150094151496887,
0.038341715931892395,
-0.9167676568031311,
-0.27122852206230164,
0.2919967770576477,
-0.46821022033691406,
-0.14838682115077972,
0.049565982073545456,
0.4990224242210388,
0.2163044959306717,
0.32983332872390747,
-0.4457515776157379,
0.1603648066520691,
-0.7478863596916199,
0.48425137996673584,
0.4879327714443207,
0.03546637296676636,
0.43457210063934326,
-0.3667905032634735,
0.44158750772476196,
-0.03824421018362045,
0.02431153878569603,
0.13641519844532013,
-0.5276862382888794,
-1.1842173337936401,
-0.16444678604602814,
0.3699508607387543,
0.6802119612693787,
-0.6138136982917786,
0.3464981019496918,
-0.2728732228279114,
-0.5196912884712219,
-0.5275797247886658,
0.14587469398975372,
0.5454912781715393,
0.14993008971214294,
0.592106282711029,
-0.11120845377445221,
-0.3538697361946106,
-0.9780704379081726,
0.07345283776521683,
-0.09636549651622772,
-0.04124492034316063,
0.30126550793647766,
0.7186527848243713,
-0.37892889976501465,
0.6937188506126404,
-0.256212055683136,
-0.5135995745658875,
-0.35167229175567627,
0.2270151674747467,
0.21031799912452698,
0.34629154205322266,
0.9072760343551636,
-0.7040953636169434,
-0.3234909474849701,
0.0930190458893776,
-0.7691689729690552,
-0.07854636013507843,
-0.10034560412168503,
-0.16713064908981323,
0.2460942566394806,
0.34243667125701904,
-0.2597292363643646,
0.38326647877693176,
0.8264136910438538,
-0.27526727318763733,
0.24540509283542633,
0.03185294568538666,
-0.05713865906000137,
-1.4548674821853638,
-0.20212668180465698,
0.21805816888809204,
-0.2790403664112091,
-0.5383862853050232,
0.021839264780282974,
-0.06711050122976303,
-0.05892115831375122,
-0.9204915761947632,
0.6357145309448242,
-0.33153027296066284,
0.11894037574529648,
-0.1370265781879425,
0.05351264029741287,
0.15665119886398315,
0.9081665277481079,
0.03732079640030861,
1.0237791538238525,
0.4727916419506073,
-0.7747949957847595,
0.1576077938079834,
0.7790907621383667,
-0.3350556790828705,
0.38718166947364807,
-0.9970933198928833,
0.10591256618499756,
0.06672360748052597,
0.1915198117494583,
-0.7801889777183533,
-0.278787761926651,
0.2358846366405487,
-0.33284714818000793,
0.08680301159620285,
-0.1591026484966278,
-0.44873887300491333,
-0.2681800425052643,
0.00711352564394474,
0.43915513157844543,
0.5426724553108215,
-0.8336759805679321,
0.5390962958335876,
0.28365358710289,
-0.3266257345676422,
-0.8299696445465088,
-1.0394749641418457,
0.26325610280036926,
-0.39722010493278503,
-0.7650486826896667,
0.3595867156982422,
0.0925566628575325,
-0.13008920848369598,
-0.21328841149806976,
0.17714384198188782,
-0.2558380663394928,
-0.09991152584552765,
0.22589249908924103,
0.019831407815217972,
-0.28655508160591125,
0.2937108278274536,
0.3572078347206116,
-0.06261657178401947,
-0.11299675703048706,
-0.18113915622234344,
0.5450628399848938,
-0.5121698379516602,
-0.2688176929950714,
-1.0063915252685547,
0.11195852607488632,
0.6606197357177734,
-0.39081183075904846,
0.7750292420387268,
0.404405802488327,
-0.22037529945373535,
-0.2626098096370697,
-0.586391806602478,
-0.11521032452583313,
-0.4991897642612457,
0.4220868647098541,
-0.3915178179740906,
-0.8577520251274109,
0.5646820664405823,
-0.1261899471282959,
0.2993614077568054,
0.7307209372520447,
0.6260225176811218,
-0.03699921816587448,
0.7830089926719666,
0.8964842557907104,
-0.27564314007759094,
0.4645751714706421,
-0.6526137590408325,
-0.03863862156867981,
-0.7782884836196899,
-0.13635599613189697,
-0.7203581929206848,
-0.25292161107063293,
-0.4907718598842621,
-0.4272575378417969,
0.18533393740653992,
-0.03022659383714199,
-0.43144142627716064,
0.5012736320495605,
-0.5790705680847168,
0.38861554861068726,
0.2718524634838104,
0.09792516380548477,
0.46428382396698,
0.36821919679641724,
0.026850473135709763,
0.10193983465433121,
-0.5976740121841431,
-1.1503677368164062,
1.28900146484375,
0.828164279460907,
0.8396641612052917,
0.1513737440109253,
0.5542179942131042,
0.3555765450000763,
0.28808408975601196,
-0.7518517374992371,
0.41060128808021545,
-0.2374023199081421,
-0.6038907766342163,
-0.27354979515075684,
-0.24691906571388245,
-0.9938694834709167,
-0.12555623054504395,
-0.309190571308136,
-0.7118139863014221,
0.18329384922981262,
0.11044663190841675,
-0.2654455304145813,
0.24864685535430908,
-0.5113723278045654,
0.6322693824768066,
-0.38751983642578125,
-0.24367377161979675,
-0.10776204615831375,
-0.48665717244148254,
0.3071734309196472,
-0.14183500409126282,
0.23503448069095612,
-0.07201153039932251,
0.17238903045654297,
0.765216052532196,
-0.3919166028499603,
1.0637290477752686,
0.28486743569374084,
-0.33866578340530396,
0.5419943928718567,
-0.0008854166371747851,
0.7061341404914856,
0.06860623508691788,
-0.2230270653963089,
0.5324136018753052,
-0.1507878303527832,
-0.33689382672309875,
-0.17601867020130157,
0.7764548659324646,
-1.3357995748519897,
-0.14550690352916718,
-0.37932997941970825,
-0.43043676018714905,
0.08378653973340988,
-0.15862083435058594,
0.4076736569404602,
0.5226451754570007,
-0.39736342430114746,
0.2578878700733185,
0.4590263366699219,
-0.3353845477104187,
0.6035728454589844,
0.40878307819366455,
-0.315817266702652,
-0.34895026683807373,
0.9126006364822388,
-0.08916356414556503,
0.03300866112112999,
0.4572732448577881,
-0.20513468980789185,
-0.5043895244598389,
-0.3092028796672821,
-0.7361193299293518,
0.40640681982040405,
-0.5338174104690552,
-0.08000072836875916,
-0.5227966904640198,
-0.2570423185825348,
0.067252516746521,
0.07050053775310516,
-0.6461089253425598,
-0.6026288866996765,
-0.7087092995643616,
-0.17012004554271698,
0.724852979183197,
0.8797128200531006,
0.3189879059791565,
0.7552487254142761,
-0.6781249642372131,
0.16345225274562836,
0.23153284192085266,
0.22510075569152832,
-0.21693213284015656,
-0.708264172077179,
-0.24854157865047455,
0.14621543884277344,
-0.5148317813873291,
-0.6640524864196777,
0.518110454082489,
0.24579733610153198,
0.3352048993110657,
0.24989430606365204,
-0.038223523646593094,
0.32578545808792114,
-0.5920857787132263,
1.044217824935913,
0.05517501011490822,
-0.783988893032074,
0.39811569452285767,
-0.3931359052658081,
-0.206831157207489,
0.3904481530189514,
0.30033621191978455,
-0.2743645906448364,
-0.23451249301433563,
-0.5504965782165527,
-0.8169412612915039,
0.6226587295532227,
0.7129853367805481,
0.3748821020126343,
0.07610096782445908,
0.46667930483818054,
-0.17167474329471588,
0.03199604153633118,
-1.0941253900527954,
-0.2987651824951172,
-0.23393943905830383,
-0.2885266840457916,
-0.28084781765937805,
-0.16548284888267517,
-0.26864930987358093,
-0.07790768146514893,
0.9570512175559998,
-0.0788269117474556,
0.42603155970573425,
0.22536668181419373,
-0.16352473199367523,
-0.21616025269031525,
0.31640976667404175,
0.6873855590820312,
0.3820732831954956,
0.051065489649772644,
-0.363437294960022,
0.46083468198776245,
-0.3192029595375061,
0.15546578168869019,
0.16348756849765778,
-0.036698419600725174,
-0.05938013643026352,
0.17891687154769897,
0.9902932643890381,
0.07686722278594971,
-0.3950585424900055,
0.4467715919017792,
-0.2673133611679077,
-0.41975754499435425,
-0.6439551711082458,
-0.04144443944096565,
0.09767063707113266,
0.4913386404514313,
0.2074810117483139,
-0.0090023847296834,
-0.09795286506414413,
-0.2554413974285126,
0.22847066819667816,
0.2098461240530014,
-0.3589335083961487,
-0.2975173890590668,
1.021929383277893,
0.5291288495063782,
-0.5189992189407349,
0.4461403489112854,
-0.13514219224452972,
-0.21742524206638336,
0.7668087482452393,
0.4239995777606964,
0.8005423545837402,
-0.10025869309902191,
0.3116758465766907,
0.3619099259376526,
0.4427572786808014,
-0.2145695984363556,
0.22087281942367554,
0.28614458441734314,
-0.5672050714492798,
-0.5902464389801025,
-1.04475736618042,
-0.4805797040462494,
0.4029826521873474,
-0.48277637362480164,
0.5146340727806091,
-0.23732861876487732,
-0.14039845764636993,
-0.25018009543418884,
0.036470528692007065,
-0.6116668581962585,
0.4942784309387207,
0.0024319819640368223,
1.0782817602157593,
-1.1237151622772217,
0.8434703350067139,
0.6241130232810974,
-0.8388763666152954,
-1.2437503337860107,
-0.010028600692749023,
-0.11990319937467575,
-0.8904151320457458,
0.5892469882965088,
0.15552279353141785,
-0.15178930759429932,
0.0765894278883934,
-0.6694014072418213,
-0.9291468262672424,
1.0928146839141846,
0.25656256079673767,
-0.776615560054779,
-0.004599785432219505,
0.39635908603668213,
0.7317980527877808,
-0.6276516914367676,
0.10616245120763779,
0.5376129150390625,
0.28584519028663635,
0.21467135846614838,
-1.0078539848327637,
-0.18842993676662445,
-0.29205650091171265,
-0.05401185154914856,
-0.14504744112491608,
-0.974419116973877,
0.88619065284729,
0.11046134680509567,
0.034518349915742874,
0.5268670916557312,
0.8200587630271912,
0.06263891607522964,
0.31942012906074524,
0.3481525182723999,
0.7455485463142395,
0.7694536447525024,
-0.12927909195423126,
1.1126456260681152,
-0.5484164953231812,
0.42531055212020874,
0.8893606662750244,
-0.02257070504128933,
1.0873163938522339,
0.3060283362865448,
-0.06811113655567169,
0.9423216581344604,
0.8294355273246765,
0.14317919313907623,
0.2675062119960785,
-0.048661623150110245,
-0.10428018122911453,
-0.09852837026119232,
-0.11639673262834549,
-0.5390134453773499,
0.5927513241767883,
0.33707284927368164,
-0.6020197868347168,
0.019353382289409637,
-0.1083986908197403,
0.21733377873897552,
0.09274595975875854,
-0.23578770458698273,
0.6336769461631775,
0.26698702573776245,
-0.5377067923545837,
1.0118765830993652,
0.10241852700710297,
0.4474005103111267,
-0.4286874830722809,
0.00628129206597805,
-0.23230278491973877,
0.1664009392261505,
-0.21880744397640228,
-0.49209344387054443,
0.20265990495681763,
0.36526644229888916,
-0.02463691309094429,
-0.156923308968544,
0.29882270097732544,
-0.4385645389556885,
-0.9013476967811584,
0.3199925422668457,
0.45073893666267395,
0.501953661441803,
-0.10741668939590454,
-0.7724199295043945,
0.17079190909862518,
0.021902231499552727,
-0.5309521555900574,
0.07017882168292999,
0.3451184034347534,
-0.19152390956878662,
0.7648721933364868,
0.6449687480926514,
-0.1482255756855011,
-0.1277780532836914,
0.2522725760936737,
1.0386223793029785,
-0.2633496820926666,
-0.44050076603889465,
-0.46886971592903137,
0.85578453540802,
0.07981462776660919,
-0.5673515200614929,
0.39150846004486084,
0.38112008571624756,
0.3937278687953949,
-0.06312846392393112,
0.6744601130485535,
0.24150241911411285,
0.40167468786239624,
-0.5721625089645386,
0.6928505897521973,
-1.0674240589141846,
0.5245216488838196,
-0.32664015889167786,
-1.1857131719589233,
-0.23369549214839935,
0.6973527669906616,
-0.3512289822101593,
-0.11282993853092194,
0.6547943949699402,
1.0545037984848022,
-0.1230095773935318,
-0.04483175277709961,
0.17898592352867126,
0.42470604181289673,
0.33805230259895325,
0.5278626084327698,
0.7116121053695679,
-0.7629424929618835,
0.8207341432571411,
-0.04349122568964958,
-0.3647811710834503,
-0.2571164071559906,
-0.8587307333946228,
-1.121865153312683,
-0.6022260785102844,
-0.16872908174991608,
-0.3224368691444397,
-0.07075273990631104,
0.8891391754150391,
0.7194293141365051,
-0.7027578353881836,
-0.17546646296977997,
-0.28066888451576233,
-0.1458825021982193,
-0.01612750254571438,
-0.18239091336727142,
0.4043014943599701,
-0.2602216899394989,
-0.9106813669204712,
0.5545962452888489,
-0.022623438388109207,
0.10896454006433487,
-0.2257607877254486,
-0.3085494041442871,
-0.19467787444591522,
0.3479858934879303,
0.5542955994606018,
0.4365789592266083,
-0.8677165508270264,
-0.35316479206085205,
0.07478739321231842,
-0.17877551913261414,
0.10116592794656754,
-0.007680368144065142,
-0.4777551293373108,
-0.021017052233219147,
-0.01931154355406761,
0.5304751992225647,
0.7525597810745239,
0.0459863655269146,
0.45731544494628906,
-0.8941507339477539,
0.4825223982334137,
0.01485592033714056,
0.42185866832733154,
0.34967365860939026,
-0.5021998882293701,
0.5700507164001465,
-0.12674017250537872,
-0.9780057072639465,
-0.5087621212005615,
0.2663900852203369,
-1.1739482879638672,
0.019041456282138824,
1.3244662284851074,
0.017738206312060356,
-0.20549392700195312,
0.06143655627965927,
-0.6192250847816467,
0.25696083903312683,
-0.5208093523979187,
0.6858750581741333,
0.5107468366622925,
0.04361926391720772,
0.018737293779850006,
-0.5340065956115723,
0.5716751217842102,
0.4235541522502899,
-0.683170735836029,
-0.22866450250148773,
0.3349810838699341,
0.3795733153820038,
0.26211732625961304,
0.4195724427700043,
0.05136840045452118,
0.10525178164243698,
-0.17413774132728577,
0.2895864248275757,
0.0602971687912941,
-0.6082141399383545,
-0.3091934025287628,
0.05695410817861557,
0.13078579306602478,
-0.16488400101661682
] |
Lykon/AbsoluteReality
|
Lykon
| 2023-08-03T22:13:26Z | 5,076 | 27 |
diffusers
|
[
"diffusers",
"stable-diffusion",
"stable-diffusion-diffusers",
"text-to-image",
"art",
"artistic",
"photography",
"en",
"license:other",
"has_space",
"diffusers:StableDiffusionPipeline",
"region:us"
] |
text-to-image
| 2023-05-31T21:30:57Z |
---
language:
- en
license: other
tags:
- stable-diffusion
- stable-diffusion-diffusers
- text-to-image
- art
- artistic
- diffusers
- photography
inference: false
---
# AbsoluteReality
## Official Repository
Read more about this model here: https://civitai.com/models/81458
Also please support by giving 5 stars and a heart, which will notify new updates.
Consider supporting me on Patreon or buy me a coffee
- https://www.patreon.com/Lykon275
- https://snipfeed.co/lykon
You can run this model on:
- https://huggingface.co/spaces/Lykon/DreamShaper-webui
- Mage.space, sinkin.ai and many more
|
[
-0.30791085958480835,
-0.21616025269031525,
0.46033960580825806,
0.5032225251197815,
-0.36414623260498047,
-0.021126190200448036,
0.20665960013866425,
-0.4091382920742035,
0.6050307154655457,
0.5422780513763428,
-0.8289852142333984,
-0.21592845022678375,
-0.19844934344291687,
-0.09981647878885269,
-0.3035745620727539,
0.486765593290329,
-0.16356827318668365,
0.4144611358642578,
-0.2116938978433609,
0.10646694898605347,
-0.301779180765152,
-0.3904868960380554,
-0.6112143397331238,
-0.45983147621154785,
0.6923766136169434,
0.477517306804657,
0.6960113644599915,
0.3440164029598236,
0.5007327795028687,
0.2953415811061859,
0.08771495521068573,
-0.1399421989917755,
-0.4980316162109375,
-0.11431408673524857,
0.0026489950250834227,
-0.6032583713531494,
-1.0045636892318726,
0.04342004284262657,
0.4561854600906372,
0.05027541518211365,
-0.36316847801208496,
0.1878378838300705,
-0.038329001516103745,
0.5453466773033142,
-0.8668303489685059,
0.29267945885658264,
-0.13363231718540192,
0.1678004264831543,
0.009172833524644375,
0.27591943740844727,
0.034607693552970886,
-0.7527058720588684,
-0.28152981400489807,
-1.406232476234436,
0.08667831122875214,
0.21960943937301636,
1.2377362251281738,
0.14481258392333984,
-0.34093353152275085,
-0.02297152578830719,
-0.8775895237922668,
0.6398274898529053,
-0.6112765073776245,
0.7954429388046265,
0.4238913953304291,
0.8113738298416138,
0.11300884932279587,
-0.9765444397926331,
-0.5089506506919861,
0.09005958586931229,
0.10997689515352249,
0.4939843416213989,
-0.39769262075424194,
0.1233520656824112,
0.2887260317802429,
0.42171454429626465,
-0.5025472044944763,
-0.30769020318984985,
-0.6775248050689697,
0.09316962957382202,
0.4306602478027344,
0.09013345837593079,
0.4111049175262451,
0.01579076051712036,
-0.33707892894744873,
-0.16652874648571014,
-0.4918215274810791,
-0.06816039234399796,
0.4164327085018158,
0.03086215630173683,
-0.46178922057151794,
0.6224209070205688,
-0.12878170609474182,
0.6216575503349304,
0.24826635420322418,
0.14027944207191467,
0.10105687379837036,
0.0727727860212326,
-0.3779691159725189,
-0.22776083648204803,
0.7146924138069153,
0.518381655216217,
0.29338741302490234,
0.14789584279060364,
-0.17257705330848694,
0.13640213012695312,
0.4369942843914032,
-1.112136721611023,
-0.4289533793926239,
0.3945883512496948,
-0.3370112180709839,
-0.5686494708061218,
0.16625159978866577,
-0.7317984104156494,
-0.5122065544128418,
-0.05216307193040848,
0.22515365481376648,
-0.4421325623989105,
-0.6233689785003662,
0.07692621648311615,
0.12354928255081177,
0.465510755777359,
0.4015495181083679,
-0.6686527729034424,
0.6218236088752747,
0.4051356017589569,
0.7086977958679199,
0.4236196279525757,
0.1855832040309906,
-0.005875223781913519,
0.17082375288009644,
-0.44671422243118286,
0.5996606945991516,
0.13447830080986023,
-0.6445003747940063,
0.18501371145248413,
-0.028958961367607117,
-0.028627518564462662,
-0.37696680426597595,
1.0890016555786133,
-0.5150776505470276,
0.06314010918140411,
-0.4068639278411865,
-0.7370743751525879,
-0.2625313997268677,
0.37885698676109314,
-0.9443724155426025,
0.5088487863540649,
-0.029391899704933167,
-0.6894618272781372,
0.1801975518465042,
-1.1430366039276123,
0.009904421865940094,
0.2510327100753784,
0.14511199295520782,
-0.5822125673294067,
0.4640085697174072,
-0.16599489748477936,
0.440251886844635,
-0.14348585903644562,
0.16721753776073456,
-0.6765547394752502,
-0.34263676404953003,
0.2194487303495407,
-0.3326006531715393,
1.1430153846740723,
0.43074852228164673,
-0.08759282529354095,
0.05839032679796219,
-1.075243592262268,
-0.00008982025610748678,
0.6951679587364197,
0.2576681971549988,
0.13711974024772644,
-0.08388791978359222,
0.369101881980896,
0.18214277923107147,
0.2859765589237213,
-0.7783070802688599,
0.44026559591293335,
0.09069294482469559,
-0.05513739213347435,
0.5737718939781189,
-0.14447754621505737,
-0.01743496209383011,
-0.4645760953426361,
0.8618484139442444,
-0.15778757631778717,
0.688421905040741,
0.5847762227058411,
-0.3887210786342621,
-1.233752965927124,
-0.26356998085975647,
0.37213796377182007,
0.5514975786209106,
-0.47593072056770325,
0.4914970397949219,
-0.27196744084358215,
-0.8292911648750305,
-0.6371045112609863,
-0.2390056997537613,
0.34762293100357056,
0.2144695222377777,
-0.037119604647159576,
-0.2617586851119995,
-0.7444193363189697,
-1.2258059978485107,
-0.002442154800519347,
-0.24936258792877197,
-0.13486400246620178,
0.530562698841095,
0.5548544526100159,
-0.14065885543823242,
0.6573213934898376,
-0.8278599977493286,
-0.23075047135353088,
-0.34530678391456604,
-0.3593008518218994,
0.3584083616733551,
0.428389310836792,
0.9726722836494446,
-0.9348451495170593,
-0.6571435928344727,
-0.00942975003272295,
-0.8199782371520996,
0.028410349041223526,
0.2784385681152344,
-0.37982305884361267,
-0.3596709966659546,
0.04365565627813339,
-1.0722354650497437,
0.6089184284210205,
0.48213991522789,
-0.7142119407653809,
0.522219181060791,
-0.02667664922773838,
0.4345415532588959,
-1.3378791809082031,
0.20589116215705872,
0.2616499066352844,
-0.5776718854904175,
-0.5642823576927185,
0.5870226621627808,
0.08897086977958679,
-0.1808018982410431,
-0.7932626008987427,
0.6386043429374695,
-0.4502865672111511,
0.17246577143669128,
-0.14691652357578278,
-0.09161917120218277,
0.3286013901233673,
0.28302446007728577,
-0.23621612787246704,
0.24634134769439697,
0.6347842216491699,
-0.44939160346984863,
0.8280516266822815,
0.3883100748062134,
-0.631395161151886,
0.4682176113128662,
-1.0817614793777466,
-0.019192585721611977,
0.04431538283824921,
0.40716686844825745,
-0.6596656441688538,
-0.45852720737457275,
0.5367817282676697,
-0.6280596256256104,
0.11910009384155273,
-0.16832932829856873,
-0.7518421411514282,
-0.6475454568862915,
-0.10445495694875717,
0.44685572385787964,
0.6451472043991089,
-0.5564184784889221,
0.48823046684265137,
0.22573375701904297,
0.5012586712837219,
-0.11142724007368088,
-0.5755209922790527,
-0.16304108500480652,
-0.44113248586654663,
-0.6702856421470642,
0.24826879799365997,
-0.5192608833312988,
-0.8156305551528931,
-0.2539803087711334,
0.3191598951816559,
-0.20567284524440765,
-0.0900830402970314,
0.43448737263679504,
0.30437740683555603,
-0.2230687141418457,
-0.39431875944137573,
-0.29643285274505615,
-0.06265950202941895,
0.038035426288843155,
-0.266934871673584,
0.7734322547912598,
-0.4019086956977844,
-0.22016039490699768,
-1.0625935792922974,
0.06025959551334381,
1.0651558637619019,
0.091765396296978,
0.8546688556671143,
0.444241464138031,
-0.9680899381637573,
0.308488667011261,
-0.787269115447998,
-0.020098384469747543,
-0.49277815222740173,
0.1619262993335724,
-0.7653543949127197,
-0.08585125207901001,
0.6071615815162659,
0.17499887943267822,
0.18256498873233795,
0.6656364798545837,
0.28067857027053833,
-0.25097358226776123,
1.0893737077713013,
0.6562913060188293,
-0.19231684505939484,
0.15964126586914062,
-0.8577867150306702,
0.021445799618959427,
-0.7742327451705933,
-0.3191699981689453,
-0.06804243475198746,
-0.40137550234794617,
-0.39292168617248535,
-0.4400120675563812,
0.19900459051132202,
0.3709491193294525,
-0.18968921899795532,
0.510097324848175,
-0.22049665451049805,
0.4857962429523468,
0.23557427525520325,
0.2859325110912323,
0.27158740162849426,
-0.1687358319759369,
-0.1640251874923706,
-0.0555243045091629,
-0.5726860165596008,
-0.20369930565357208,
0.7144080400466919,
0.16779816150665283,
0.47331687808036804,
0.309506893157959,
0.5656206607818604,
-0.04042569547891617,
0.0533895418047905,
-0.6986299157142639,
0.45319557189941406,
0.10337314009666443,
-1.1029138565063477,
0.15094336867332458,
-0.029227906838059425,
-0.5958009362220764,
0.4878188371658325,
-0.3289075493812561,
-0.379823237657547,
0.16574710607528687,
0.380972295999527,
-0.5027937889099121,
0.7181060910224915,
-0.5349259972572327,
0.9707614779472351,
-0.4805448055267334,
-0.29768651723861694,
-0.2833724915981293,
-0.16776186227798462,
0.4585128128528595,
0.41607874631881714,
0.24230524897575378,
-0.1372372806072235,
-0.11565952748060226,
0.32883262634277344,
-0.6858221292495728,
0.869279682636261,
-0.31129446625709534,
0.08553363382816315,
0.400797963142395,
0.12547752261161804,
0.35016393661499023,
0.34235140681266785,
-0.09406334906816483,
-0.08115993440151215,
-0.34514495730400085,
-0.8215325474739075,
-0.5568342208862305,
0.9505519866943359,
-0.9656195044517517,
-0.3161241412162781,
-0.7336353063583374,
-0.2643926441669464,
-0.14168953895568848,
0.21635082364082336,
0.7601016163825989,
0.36640655994415283,
-0.7505061626434326,
0.04536203294992447,
0.7897177338600159,
0.4206036925315857,
0.5282661318778992,
0.2772086560726166,
-0.7028956413269043,
-0.5963174104690552,
0.8034746646881104,
0.037710074335336685,
0.13428209722042084,
0.08212859183549881,
0.2812246084213257,
0.07697203755378723,
-0.13950565457344055,
-0.6705060601234436,
0.3915078639984131,
-0.10439237207174301,
-0.20912490785121918,
-0.5721220970153809,
-0.4772163927555084,
-0.3610442578792572,
-0.3320576846599579,
-0.7818045616149902,
-0.5961664319038391,
-0.5279107093811035,
-0.3066762387752533,
0.6372599005699158,
0.8701142072677612,
0.0885593444108963,
0.35292893648147583,
-0.418716162443161,
0.36072877049446106,
0.4160997271537781,
0.578568160533905,
0.06060329079627991,
-0.4560505449771881,
-0.3882770240306854,
0.20281687378883362,
-0.6800622344017029,
-0.5961063504219055,
0.6026869416236877,
0.09556566923856735,
0.5008730888366699,
0.5668591856956482,
-0.17156259715557098,
0.9740984439849854,
-0.46770334243774414,
0.7803910970687866,
0.5280824303627014,
-0.614090085029602,
0.5780947208404541,
-0.8229432106018066,
0.6659589409828186,
0.7097816467285156,
0.730138897895813,
-0.33916258811950684,
-0.1598144769668579,
-0.9931871891021729,
-0.7051677703857422,
0.09285622090101242,
0.646032452583313,
-0.07440011948347092,
0.6979568600654602,
0.5049200654029846,
-0.08849359303712845,
0.026058129966259003,
-1.1660521030426025,
-0.369719535112381,
-0.5023738741874695,
-0.12878485023975372,
0.28840726613998413,
-0.19258439540863037,
-0.18230381608009338,
-0.640906035900116,
1.2568590641021729,
-0.0491497740149498,
0.28657686710357666,
0.16713759303092957,
0.08246306329965591,
-0.2601015269756317,
-0.19367121160030365,
0.5772445797920227,
0.9184048771858215,
-0.3241521716117859,
-0.45138731598854065,
0.16298973560333252,
-0.42167556285858154,
-0.1153930053114891,
0.15139798820018768,
-0.2806468904018402,
0.008525370620191097,
0.10588179528713226,
0.9878095984458923,
0.37098076939582825,
-0.28392091393470764,
0.6174182891845703,
-0.4929514527320862,
-0.08053582161664963,
-1.1459184885025024,
0.04106047749519348,
0.4445625841617584,
0.4720585346221924,
-0.002384594175964594,
0.4229857325553894,
0.3429023027420044,
-0.3830869197845459,
-0.04121740907430649,
0.17561791837215424,
-1.0395402908325195,
-0.7367004156112671,
1.1185287237167358,
0.12683992087841034,
-0.6240949034690857,
0.5976302027702332,
-0.13303017616271973,
-0.2977452278137207,
0.6947205662727356,
0.8179821372032166,
1.1511753797531128,
-0.31070947647094727,
0.2552255690097809,
0.5017862915992737,
-0.12347030639648438,
-0.34584617614746094,
0.7253411412239075,
0.06648732721805573,
-0.7311334013938904,
0.15312737226486206,
-0.5671057105064392,
-0.51288902759552,
0.2367783933877945,
-0.7896755933761597,
0.9116873145103455,
-0.7921435236930847,
-0.06345876306295395,
-0.04857376217842102,
0.22919480502605438,
-0.6129246950149536,
0.7696537971496582,
0.4806700348854065,
1.114224910736084,
-0.5771012306213379,
1.105791449546814,
0.5731525421142578,
-0.5615909695625305,
-0.6846068501472473,
-0.04325410723686218,
0.341903954744339,
-0.7007666230201721,
-0.0633268654346466,
0.12139441072940826,
-0.11655399203300476,
-0.17197544872760773,
-0.8021972179412842,
-1.0821453332901,
1.3638437986373901,
0.24529558420181274,
-0.9433056116104126,
-0.20043615996837616,
-0.4061974287033081,
0.6991471648216248,
-0.5643513798713684,
0.32211536169052124,
0.046711623668670654,
0.5258845090866089,
0.16214367747306824,
-0.8563200831413269,
-0.4119536876678467,
-0.7455090880393982,
0.10197485983371735,
0.05612434446811676,
-1.5431164503097534,
0.4385364055633545,
-0.30568408966064453,
0.2604348361492157,
0.5934759974479675,
0.8261277675628662,
0.51841139793396,
0.05569184944033623,
0.7158626914024353,
0.6897707581520081,
0.6344351172447205,
0.13446299731731415,
1.2767456769943237,
-0.4181862473487854,
0.3698263168334961,
0.7294021844863892,
-0.25892820954322815,
0.7021540403366089,
0.13239681720733643,
0.007459007669240236,
0.7705503106117249,
0.667284369468689,
-0.4052555561065674,
0.2490679770708084,
0.3544948995113373,
-0.4321843981742859,
-0.16431623697280884,
-0.26933565735816956,
-0.4047599732875824,
0.4674836993217468,
0.20066915452480316,
-0.039853986352682114,
0.54524165391922,
-0.05723957344889641,
0.11361310631036758,
-0.07913845777511597,
-0.5093262791633606,
0.3720937669277191,
0.2825266420841217,
-0.3419059216976166,
0.5611835718154907,
-0.26692596077919006,
0.7029066681861877,
-0.7466467618942261,
0.026747269555926323,
-0.06597119569778442,
0.3740241527557373,
-0.335521936416626,
-0.33200621604919434,
0.015379267744719982,
-0.024964911863207817,
-0.10393472015857697,
-0.3437708020210266,
0.7867469787597656,
-0.02783852070569992,
-1.3511148691177368,
0.5940088033676147,
0.23785114288330078,
0.14015540480613708,
-0.007830984890460968,
-0.8223592042922974,
0.11331897974014282,
0.08921568840742111,
-0.5329000353813171,
0.11568145453929901,
-0.008619091473519802,
0.19370821118354797,
0.9445761442184448,
0.10491735488176346,
0.23110343515872955,
0.0010777589632198215,
0.12940636277198792,
0.7196533679962158,
-0.7421851754188538,
-0.5051814913749695,
-0.6305898427963257,
0.9191481471061707,
-0.3855326175689697,
-0.6413445472717285,
0.6126464605331421,
1.345206379890442,
0.8617062568664551,
-0.47210705280303955,
0.7599441409111023,
-0.1791478395462036,
0.5027630925178528,
-0.07022365182638168,
1.2196670770645142,
-1.0101228952407837,
-0.08489613234996796,
-0.2245732843875885,
-1.1170095205307007,
-0.4269568920135498,
0.741935133934021,
0.586649477481842,
0.015768446028232574,
0.19590900838375092,
0.6017346382141113,
-0.3549831509590149,
0.3046721816062927,
0.7537504434585571,
0.530645489692688,
0.17225700616836548,
-0.004123591352254152,
0.4127230644226074,
-1.0194257497787476,
0.44400376081466675,
-0.6002716422080994,
-0.2831299901008606,
-0.12334251403808594,
-0.4839734435081482,
-0.6926572918891907,
-0.6223738193511963,
-0.45055779814720154,
-0.5499374270439148,
0.1766245812177658,
1.0267833471298218,
0.8608683347702026,
-1.1035274267196655,
-0.8109629154205322,
-0.000661825411953032,
-0.06703276187181473,
-0.05442189797759056,
-0.2692430019378662,
-0.05008148029446602,
0.5217989087104797,
-1.0433565378189087,
0.4469694197177887,
-0.1613990068435669,
0.20758087933063507,
-0.3420003354549408,
0.08320658653974533,
-0.6014018058776855,
0.2659720182418823,
0.3840085566043854,
0.5033704042434692,
-0.6885793209075928,
-0.1718456894159317,
0.018205642700195312,
-0.01087417546659708,
0.20892642438411713,
0.896747350692749,
-0.5426357388496399,
0.057508684694767,
0.3736780285835266,
-0.11950825154781342,
0.6387290954589844,
-0.23349285125732422,
0.9470184445381165,
-0.21414251625537872,
0.19912566244602203,
0.3789573311805725,
0.7662535905838013,
0.3016476631164551,
-0.5883969068527222,
0.7214202880859375,
0.5066452622413635,
-0.5803491473197937,
-0.6839847564697266,
0.16363167762756348,
-1.117816686630249,
-0.10452637076377869,
0.739662766456604,
0.02717854641377926,
-0.3754703104496002,
0.44714829325675964,
-0.14533650875091553,
0.22275348007678986,
-0.2950916290283203,
0.5763638615608215,
0.610929012298584,
-0.41157639026641846,
-0.15830497443675995,
-0.7156727910041809,
0.3137892484664917,
0.0018100790912285447,
-0.7213090062141418,
-0.1955803632736206,
0.487399160861969,
0.39087772369384766,
0.22856505215168,
0.5985286235809326,
-0.34226250648498535,
0.338282972574234,
0.30697116255760193,
0.6906368732452393,
0.21304483711719513,
-0.3484935760498047,
-0.19873470067977905,
0.08864829689264297,
-0.20388533174991608,
-0.4299018085002899
] |
google/mt5-xl
|
google
| 2023-01-24T16:37:35Z | 5,062 | 12 |
transformers
|
[
"transformers",
"pytorch",
"tf",
"jax",
"mt5",
"text2text-generation",
"multilingual",
"af",
"am",
"ar",
"az",
"be",
"bg",
"bn",
"ca",
"ceb",
"co",
"cs",
"cy",
"da",
"de",
"el",
"en",
"eo",
"es",
"et",
"eu",
"fa",
"fi",
"fil",
"fr",
"fy",
"ga",
"gd",
"gl",
"gu",
"ha",
"haw",
"hi",
"hmn",
"ht",
"hu",
"hy",
"ig",
"is",
"it",
"iw",
"ja",
"jv",
"ka",
"kk",
"km",
"kn",
"ko",
"ku",
"ky",
"la",
"lb",
"lo",
"lt",
"lv",
"mg",
"mi",
"mk",
"ml",
"mn",
"mr",
"ms",
"mt",
"my",
"ne",
"nl",
"no",
"ny",
"pa",
"pl",
"ps",
"pt",
"ro",
"ru",
"sd",
"si",
"sk",
"sl",
"sm",
"sn",
"so",
"sq",
"sr",
"st",
"su",
"sv",
"sw",
"ta",
"te",
"tg",
"th",
"tr",
"uk",
"und",
"ur",
"uz",
"vi",
"xh",
"yi",
"yo",
"zh",
"zu",
"dataset:mc4",
"arxiv:2010.11934",
"license:apache-2.0",
"autotrain_compatible",
"endpoints_compatible",
"has_space",
"text-generation-inference",
"region:us"
] |
text2text-generation
| 2022-03-02T23:29:05Z |
---
language:
- multilingual
- af
- am
- ar
- az
- be
- bg
- bn
- ca
- ceb
- co
- cs
- cy
- da
- de
- el
- en
- eo
- es
- et
- eu
- fa
- fi
- fil
- fr
- fy
- ga
- gd
- gl
- gu
- ha
- haw
- hi
- hmn
- ht
- hu
- hy
- ig
- is
- it
- iw
- ja
- jv
- ka
- kk
- km
- kn
- ko
- ku
- ky
- la
- lb
- lo
- lt
- lv
- mg
- mi
- mk
- ml
- mn
- mr
- ms
- mt
- my
- ne
- nl
- no
- ny
- pa
- pl
- ps
- pt
- ro
- ru
- sd
- si
- sk
- sl
- sm
- sn
- so
- sq
- sr
- st
- su
- sv
- sw
- ta
- te
- tg
- th
- tr
- uk
- und
- ur
- uz
- vi
- xh
- yi
- yo
- zh
- zu
datasets:
- mc4
license: apache-2.0
---
[Google's mT5](https://github.com/google-research/multilingual-t5)
mT5 is pretrained on the [mC4](https://www.tensorflow.org/datasets/catalog/c4#c4multilingual) corpus, covering 101 languages:
Afrikaans, Albanian, Amharic, Arabic, Armenian, Azerbaijani, Basque, Belarusian, Bengali, Bulgarian, Burmese, Catalan, Cebuano, Chichewa, Chinese, Corsican, Czech, Danish, Dutch, English, Esperanto, Estonian, Filipino, Finnish, French, Galician, Georgian, German, Greek, Gujarati, Haitian Creole, Hausa, Hawaiian, Hebrew, Hindi, Hmong, Hungarian, Icelandic, Igbo, Indonesian, Irish, Italian, Japanese, Javanese, Kannada, Kazakh, Khmer, Korean, Kurdish, Kyrgyz, Lao, Latin, Latvian, Lithuanian, Luxembourgish, Macedonian, Malagasy, Malay, Malayalam, Maltese, Maori, Marathi, Mongolian, Nepali, Norwegian, Pashto, Persian, Polish, Portuguese, Punjabi, Romanian, Russian, Samoan, Scottish Gaelic, Serbian, Shona, Sindhi, Sinhala, Slovak, Slovenian, Somali, Sotho, Spanish, Sundanese, Swahili, Swedish, Tajik, Tamil, Telugu, Thai, Turkish, Ukrainian, Urdu, Uzbek, Vietnamese, Welsh, West Frisian, Xhosa, Yiddish, Yoruba, Zulu.
**Note**: mT5 was only pre-trained on mC4 excluding any supervised training. Therefore, this model has to be fine-tuned before it is useable on a downstream task.
Pretraining Dataset: [mC4](https://www.tensorflow.org/datasets/catalog/c4#c4multilingual)
Other Community Checkpoints: [here](https://huggingface.co/models?search=mt5)
Paper: [mT5: A massively multilingual pre-trained text-to-text transformer](https://arxiv.org/abs/2010.11934)
Authors: *Linting Xue, Noah Constant, Adam Roberts, Mihir Kale, Rami Al-Rfou, Aditya Siddhant, Aditya Barua, Colin Raffel*
## Abstract
The recent "Text-to-Text Transfer Transformer" (T5) leveraged a unified text-to-text format and scale to attain state-of-the-art results on a wide variety of English-language NLP tasks. In this paper, we introduce mT5, a multilingual variant of T5 that was pre-trained on a new Common Crawl-based dataset covering 101 languages. We describe the design and modified training of mT5 and demonstrate its state-of-the-art performance on many multilingual benchmarks. All of the code and model checkpoints used in this work are publicly available.
|
[
-0.5287659168243408,
-0.17020736634731293,
0.29125913977622986,
0.411001056432724,
-0.2939440906047821,
0.36009055376052856,
-0.38297703862190247,
-0.4471434950828552,
0.17177559435367584,
0.3612290918827057,
-0.7018294930458069,
-0.8553211092948914,
-0.9299465417861938,
0.7416996955871582,
-0.2503918707370758,
1.0841466188430786,
-0.37709149718284607,
0.2013067752122879,
0.233460932970047,
-0.5431137681007385,
-0.42154890298843384,
-0.6196607351303101,
-0.49560022354125977,
-0.1249396800994873,
0.8160201907157898,
0.4453313648700714,
0.3333050012588501,
0.4619409441947937,
0.5839908123016357,
0.26146456599235535,
0.1784922331571579,
0.22893574833869934,
-0.4870876669883728,
-0.3450133502483368,
0.0006749290623702109,
-0.3941822946071625,
-0.41489458084106445,
-0.14310669898986816,
0.5393335819244385,
0.6068596839904785,
-0.13685527443885803,
0.4702296555042267,
-0.10950390249490738,
0.5276477932929993,
-0.49017658829689026,
0.0010665410663932562,
-0.5381154417991638,
0.09321016818284988,
-0.46708229184150696,
-0.006121326237916946,
-0.39827680587768555,
-0.08440545201301575,
-0.10739824920892715,
-0.7024151086807251,
0.1903952956199646,
0.030630508437752724,
1.0908089876174927,
0.23771516978740692,
-0.6577680706977844,
-0.32248014211654663,
-0.448163241147995,
0.9834946990013123,
-0.4281518757343292,
0.9373108744621277,
0.5267671346664429,
0.3711853623390198,
0.17135311663150787,
-1.0179470777511597,
-0.719574511051178,
0.24352215230464935,
-0.033016905188560486,
0.2380836308002472,
-0.05137020722031593,
-0.1915089339017868,
0.1494176834821701,
0.2620703876018524,
-0.6665552854537964,
0.027179181575775146,
-0.7649306058883667,
-0.12463881820440292,
0.3247493505477905,
-0.14510692656040192,
0.48713189363479614,
-0.1410367488861084,
-0.2749324142932892,
-0.054494068026542664,
-0.7521618008613586,
0.11277471482753754,
0.4091085195541382,
0.3508078157901764,
-0.48851823806762695,
0.3054908812046051,
0.1536911278963089,
0.617260217666626,
-0.07916209846735,
-0.4438342750072479,
0.7383081912994385,
-0.4628865122795105,
-0.10182414203882217,
-0.018812289461493492,
1.0781339406967163,
0.21695268154144287,
0.3720126450061798,
-0.5303317904472351,
-0.03675054386258125,
0.028104456141591072,
0.24528531730175018,
-0.9077159762382507,
-0.26190662384033203,
0.337196946144104,
-0.2603209614753723,
0.0781635195016861,
-0.14798690378665924,
-0.44928357005119324,
0.042243700474500656,
-0.22894272208213806,
0.24792592227458954,
-0.6811641454696655,
-0.3962561786174774,
0.07872182130813599,
-0.007933221757411957,
0.07379433512687683,
0.061126697808504105,
-1.2433538436889648,
0.05642888695001602,
0.32577332854270935,
0.8866039514541626,
-0.37863367795944214,
-0.7934433817863464,
-0.3704870343208313,
0.3213329017162323,
-0.2909301519393921,
0.5987313985824585,
-0.5577380061149597,
-0.3396054804325104,
-0.06448886543512344,
0.5372231006622314,
-0.1494760513305664,
-0.30321094393730164,
0.7759956121444702,
-0.48253610730171204,
0.6751986145973206,
-0.4226829707622528,
-0.014642245136201382,
-0.40093794465065,
0.49358734488487244,
-0.8695905804634094,
1.3061367273330688,
0.1075855940580368,
-0.9730050563812256,
0.6218177676200867,
-0.9446143507957458,
-0.6707247495651245,
-0.15319156646728516,
0.05843881517648697,
-0.4698597490787506,
-0.30862656235694885,
0.5947718620300293,
0.43700987100601196,
-0.06394857913255692,
0.3019412159919739,
-0.12600278854370117,
-0.36386391520500183,
-0.21558751165866852,
-0.19274906814098358,
0.7320467829704285,
0.3503572642803192,
-0.46093273162841797,
0.13628186285495758,
-0.9538672566413879,
-0.04966265335679054,
-0.05629965290427208,
-0.5391768217086792,
-0.00539505947381258,
-0.25826430320739746,
0.1851993054151535,
0.5636165142059326,
0.2741197347640991,
-0.668843686580658,
0.0020309784449636936,
-0.2551964521408081,
0.5535432696342468,
0.5767301917076111,
-0.5031907558441162,
0.36773109436035156,
-0.18313507735729218,
0.6604729890823364,
0.503402590751648,
-0.0866805762052536,
-0.43422931432724,
-0.4117165207862854,
-0.7768277525901794,
-0.4961828291416168,
0.6132076382637024,
0.7016400098800659,
-1.3041877746582031,
0.01942051388323307,
-0.7436871528625488,
-0.27334505319595337,
-1.0370312929153442,
0.25037094950675964,
0.36030298471450806,
0.3688487708568573,
0.7425279021263123,
-0.1268485188484192,
-0.8475779294967651,
-0.6615553498268127,
-0.3061140477657318,
0.29886674880981445,
0.043941061943769455,
-0.04599253460764885,
0.5514217019081116,
-0.45294690132141113,
0.6218560934066772,
0.007242871914058924,
-0.4499889612197876,
-0.43327248096466064,
0.05215882882475853,
0.3375226855278015,
0.4223688244819641,
0.7315600514411926,
-0.8157497644424438,
-0.7407147288322449,
0.16866041719913483,
-0.6790167689323425,
0.11069446802139282,
0.24593839049339294,
-0.03597297891974449,
0.5673356056213379,
0.3469583988189697,
-0.3317081034183502,
-0.011137834750115871,
1.201148509979248,
-0.09011775255203247,
0.23519457876682281,
-0.42298728227615356,
0.36899375915527344,
-1.7931002378463745,
0.33070114254951477,
-0.20526567101478577,
-0.359225332736969,
-0.4989354610443115,
-0.05739780515432358,
0.23968711495399475,
-0.1154259443283081,
-0.6969247460365295,
0.6136739253997803,
-0.8283565044403076,
0.032796308398246765,
-0.01425987295806408,
0.07404185086488724,
-0.11625229567289352,
0.602687418460846,
0.0833018496632576,
0.9612457156181335,
0.38035455346107483,
-0.699108362197876,
0.13591046631336212,
0.3032442331314087,
-0.33176565170288086,
0.5019882917404175,
-0.5114981532096863,
0.23450423777103424,
-0.1579664945602417,
0.24953824281692505,
-0.930966854095459,
-0.1544271558523178,
0.0585230328142643,
-0.6611976027488708,
0.20170128345489502,
-0.40039119124412537,
-0.6786841154098511,
-0.45652443170547485,
-0.15560515224933624,
0.41120168566703796,
0.277851939201355,
-0.6900840401649475,
0.5321743488311768,
0.33436986804008484,
-0.03843673691153526,
-0.9914758205413818,
-1.0641822814941406,
0.46611496806144714,
-0.46618011593818665,
-0.6319088339805603,
0.3407834470272064,
-0.16937457025051117,
0.4097568988800049,
-0.3407660722732544,
0.32931575179100037,
-0.23202894628047943,
0.09782688319683075,
0.024084853008389473,
0.14285989105701447,
-0.12604838609695435,
-0.17087191343307495,
0.026469990611076355,
-0.15748755633831024,
-0.24765105545520782,
-0.4371405243873596,
0.7564414739608765,
-0.06430723518133163,
-0.13733607530593872,
-0.37914636731147766,
0.37554001808166504,
0.6542646884918213,
-0.6270845532417297,
0.8409300446510315,
1.2901355028152466,
-0.2119925320148468,
0.1629558950662613,
-0.4792739450931549,
0.07094677537679672,
-0.47434985637664795,
0.4491400420665741,
-0.9592604041099548,
-1.151069164276123,
0.7058587670326233,
-0.13314026594161987,
0.30834850668907166,
0.5176830887794495,
0.6321477293968201,
0.0346347950398922,
1.1055060625076294,
0.8187008500099182,
-0.07179781049489975,
0.41239601373672485,
-0.27425700426101685,
0.25427404046058655,
-0.8040446639060974,
-0.13379395008087158,
-0.5563840866088867,
-0.36101794242858887,
-1.0504859685897827,
-0.3499913513660431,
0.36288413405418396,
-0.22823061048984528,
-0.21674710512161255,
0.620980441570282,
-0.3160799741744995,
0.4560352563858032,
0.4783059060573578,
-0.2283833771944046,
0.3253903090953827,
0.20438429713249207,
-0.6522554159164429,
-0.3612130582332611,
-0.7851532697677612,
-0.5988466143608093,
1.37196946144104,
0.18600989878177643,
0.16767975687980652,
0.5375699996948242,
0.6286550164222717,
-0.14014257490634918,
0.47488704323768616,
-0.4303051233291626,
0.14159666001796722,
-0.45681336522102356,
-0.8769563436508179,
-0.13362360000610352,
-0.48711374402046204,
-1.357116937637329,
0.3321720063686371,
-0.15711148083209991,
-0.6238225102424622,
-0.08815564960241318,
0.011559044942259789,
-0.03912781551480293,
0.3300091028213501,
-0.9517790675163269,
1.1002323627471924,
-0.14256243407726288,
-0.18317310512065887,
0.07317455857992172,
-0.7927442193031311,
0.39723318815231323,
-0.29171323776245117,
0.6317844390869141,
0.03746059536933899,
0.10418853163719177,
0.7392600774765015,
-0.09551015496253967,
0.6568905115127563,
-0.07776723802089691,
-0.12318800389766693,
-0.25159627199172974,
-0.10532240569591522,
0.40380504727363586,
-0.1627073734998703,
0.094655841588974,
0.44436052441596985,
0.2892536222934723,
-0.6929686069488525,
-0.25355279445648193,
0.6008222699165344,
-1.0814783573150635,
-0.1778792291879654,
-0.4498145282268524,
-0.39943423867225647,
-0.30924278497695923,
0.7304308414459229,
0.431020587682724,
0.2955959439277649,
-0.058849070221185684,
0.3279271721839905,
0.4033306837081909,
-0.34143710136413574,
0.7791664004325867,
0.7706696391105652,
-0.3597799241542816,
-0.766698956489563,
0.9662474393844604,
0.23188358545303345,
0.19958281517028809,
0.43633222579956055,
-0.04261572286486626,
-0.4376998543739319,
-0.6298442482948303,
-0.8614603281021118,
0.3502766191959381,
-0.6007193922996521,
0.05864763259887695,
-0.919839084148407,
0.2155265063047409,
-0.6349590420722961,
-0.09910214692354202,
-0.41111505031585693,
-0.21660135686397552,
-0.1335645616054535,
-0.2630540728569031,
0.01441748533397913,
0.6115430593490601,
0.13842764496803284,
0.46571090817451477,
-0.9893643856048584,
0.46233367919921875,
-0.11932939291000366,
0.458600252866745,
-0.4163858890533447,
-0.5680332779884338,
-0.49585041403770447,
0.21119649708271027,
-0.3719986379146576,
-0.4644934833049774,
0.7027912735939026,
0.19659066200256348,
0.5432195067405701,
0.30147284269332886,
-0.17544160783290863,
0.7952086329460144,
-0.8344060778617859,
0.9091435670852661,
0.4162577688694,
-0.9274218678474426,
0.1868680864572525,
-0.5123159885406494,
0.5250188708305359,
0.6977477073669434,
0.9372514486312866,
-0.8755215406417847,
-0.2561313211917877,
-0.6237018704414368,
-0.8375683426856995,
0.82485431432724,
0.11265309900045395,
0.18973413109779358,
0.00018765052664093673,
-0.12572409212589264,
0.29442092776298523,
0.46483129262924194,
-1.0616823434829712,
-0.27443817257881165,
-0.5293055772781372,
-0.505473256111145,
-0.4548480808734894,
-0.1046137586236,
-0.05650261417031288,
-0.28054311871528625,
0.5703848600387573,
-0.31117457151412964,
0.24573327600955963,
0.03838396072387695,
-0.45084095001220703,
0.24666832387447357,
0.17924349009990692,
0.9861765503883362,
0.8622106909751892,
-0.1602829545736313,
0.2880496680736542,
0.44466063380241394,
-0.8782057166099548,
0.14755971729755402,
-0.007578167598694563,
0.17733994126319885,
0.12396609038114548,
0.4099837839603424,
1.0205258131027222,
0.11638376116752625,
-0.4331338703632355,
0.4043425917625427,
-0.26727980375289917,
-0.36383339762687683,
-0.35138139128685,
-0.36726275086402893,
0.34009888768196106,
-0.14341294765472412,
0.28885483741760254,
-0.030717061832547188,
-0.07858560234308243,
-0.6260740160942078,
-0.009769432246685028,
0.02309575490653515,
-0.4774013161659241,
-0.6337123513221741,
0.7922592163085938,
0.35876980423927307,
-0.10694814473390579,
0.5711290240287781,
-0.0842171460390091,
-0.7176315188407898,
0.22684334218502045,
0.6391227841377258,
0.6801597476005554,
-0.45517611503601074,
0.00793757475912571,
0.5777884721755981,
0.5627527236938477,
0.021393105387687683,
0.5436402559280396,
0.04880637675523758,
-0.8405326008796692,
-0.674691379070282,
-0.6822894811630249,
-0.29730224609375,
-0.06407823413610458,
-0.3042038083076477,
0.5192024111747742,
-0.19690565764904022,
-0.14777997136116028,
0.05359819158911705,
0.05831018462777138,
-0.8615012168884277,
0.4932311177253723,
0.05733971670269966,
0.6303519606590271,
-0.6045839786529541,
1.233332633972168,
1.0422524213790894,
-0.3756653070449829,
-0.8894405961036682,
-0.31064215302467346,
-0.3095158040523529,
-0.902118444442749,
0.8121190667152405,
0.3223210275173187,
-0.1644868403673172,
0.3351759612560272,
-0.19636373221874237,
-0.9433985352516174,
1.2483566999435425,
0.6632682085037231,
-0.23297348618507385,
0.013228795491158962,
0.5801844596862793,
0.47728994488716125,
-0.22455942630767822,
0.5424948334693909,
0.36656343936920166,
0.6203643083572388,
0.18886607885360718,
-1.3154655694961548,
-0.19903184473514557,
-0.5416865348815918,
-0.15333420038223267,
0.28453129529953003,
-0.7407222390174866,
0.8317265510559082,
-0.10828938335180283,
-0.14328458905220032,
-0.3416690230369568,
0.7080010175704956,
0.2380385398864746,
0.11631142348051071,
0.3939049243927002,
0.8186377286911011,
0.8854539394378662,
-0.2680427134037018,
1.2117173671722412,
-0.6718098521232605,
0.3022853434085846,
0.8178414106369019,
0.01104947179555893,
0.818304717540741,
0.515703558921814,
-0.20489366352558136,
0.49942660331726074,
0.8636016249656677,
0.2159908264875412,
0.48946666717529297,
-0.1670786291360855,
-0.18714933097362518,
0.034118764102458954,
0.04852790758013725,
-0.33394500613212585,
0.4439990520477295,
0.1765223890542984,
-0.2728848457336426,
-0.0031714767683297396,
0.2525383532047272,
0.5351459383964539,
-0.399167001247406,
-0.10198657214641571,
0.6213628053665161,
0.1193554624915123,
-0.8544584512710571,
0.9874345064163208,
0.3968648612499237,
0.9662649631500244,
-0.7656703591346741,
0.3745875954627991,
-0.2681361734867096,
0.2484251707792282,
-0.2905694246292114,
-0.6541614532470703,
0.32984626293182373,
0.11575943231582642,
-0.21538294851779938,
-0.5997592210769653,
0.2916458547115326,
-0.7382734417915344,
-0.5240622758865356,
0.3179537355899811,
0.3680780529975891,
0.1998799592256546,
0.024756621569395065,
-0.6064215302467346,
-0.035204362124204636,
0.14907579123973846,
-0.08204180747270584,
0.33621567487716675,
0.6291259527206421,
-0.11498280614614487,
0.7489094138145447,
0.841687798500061,
0.008987843059003353,
0.3649600148200989,
0.1409621685743332,
0.6745909452438354,
-0.7002363801002502,
-0.7039597630500793,
-0.7050954103469849,
0.6209516525268555,
0.2151772528886795,
-0.5685336589813232,
0.8781348466873169,
0.7451289296150208,
1.0908070802688599,
-0.1922798454761505,
0.9017711281776428,
0.19259300827980042,
0.7394611239433289,
-0.5474283695220947,
0.7572113871574402,
-0.6845682859420776,
-0.21166741847991943,
-0.2808333933353424,
-0.903901219367981,
-0.39878877997398376,
0.4294191002845764,
-0.2828361690044403,
0.19922567903995514,
1.1276311874389648,
0.4926869571208954,
-0.35459235310554504,
-0.2877543270587921,
0.485175758600235,
0.1299462765455246,
0.4405063986778259,
0.6024217009544373,
0.4567566514015198,
-0.6544706225395203,
0.8316437602043152,
-0.1433122605085373,
0.23053857684135437,
0.15577249228954315,
-0.8950599431991577,
-1.0837681293487549,
-0.7682431936264038,
-0.0521000437438488,
-0.1899171620607376,
0.011117689311504364,
0.8159913420677185,
0.7809998989105225,
-0.8205469846725464,
-0.36233505606651306,
0.1356893926858902,
-0.10675473511219025,
0.17011408507823944,
-0.1006232276558876,
0.33687180280685425,
-0.45265868306159973,
-1.090272068977356,
0.3384522497653961,
0.07182008028030396,
0.11058253049850464,
-0.16134589910507202,
-0.09910276532173157,
-0.4186778664588928,
-0.25391337275505066,
0.6964258551597595,
0.053171101957559586,
-0.4209804832935333,
-0.07002682238817215,
0.1497775763273239,
-0.17367088794708252,
0.3485918939113617,
0.44819700717926025,
-0.5089111924171448,
0.3399408161640167,
0.27448874711990356,
0.7908571362495422,
0.7610477209091187,
-0.23969148099422455,
0.6703029870986938,
-0.8493480682373047,
0.31890153884887695,
-0.07160995155572891,
0.3767238259315491,
0.6275140643119812,
0.02499430999159813,
0.5326479077339172,
0.4028984010219574,
-0.3918558657169342,
-0.7621126770973206,
-0.03662792965769768,
-0.9603796005249023,
-0.013652957044541836,
1.1882683038711548,
-0.3071388006210327,
-0.27989861369132996,
-0.19385460019111633,
-0.15969614684581757,
0.3171995282173157,
-0.2513239085674286,
0.6288974285125732,
1.0635126829147339,
0.40678876638412476,
-0.509302020072937,
-0.8429936766624451,
0.5306645631790161,
0.4696614146232605,
-0.94880610704422,
-0.4624483287334442,
0.052200425416231155,
0.517101526260376,
0.11662833392620087,
0.6500497460365295,
-0.05660310015082359,
0.054811056703329086,
-0.30575478076934814,
0.49592992663383484,
-0.12962570786476135,
-0.3381270170211792,
-0.05017726123332977,
0.12090030312538147,
-0.1793854832649231,
-0.3405901789665222
] |
georgesung/llama2_7b_chat_uncensored
|
georgesung
| 2023-11-17T21:18:48Z | 5,060 | 169 |
transformers
|
[
"transformers",
"pytorch",
"tensorboard",
"llama",
"text-generation",
"dataset:ehartford/wizard_vicuna_70k_unfiltered",
"license:other",
"endpoints_compatible",
"has_space",
"text-generation-inference",
"region:us"
] |
text-generation
| 2023-07-20T10:45:03Z |
---
license: other
datasets:
- ehartford/wizard_vicuna_70k_unfiltered
---
# Overview
Fine-tuned [Llama-2 7B](https://huggingface.co/TheBloke/Llama-2-7B-fp16) with an uncensored/unfiltered Wizard-Vicuna conversation dataset [ehartford/wizard_vicuna_70k_unfiltered](https://huggingface.co/datasets/ehartford/wizard_vicuna_70k_unfiltered).
Used QLoRA for fine-tuning. Trained for one epoch on a 24GB GPU (NVIDIA A10G) instance, took ~19 hours to train.
The version here is the fp16 HuggingFace model.
## GGML & GPTQ versions
Thanks to [TheBloke](https://huggingface.co/TheBloke), he has created the GGML and GPTQ versions:
* https://huggingface.co/TheBloke/llama2_7b_chat_uncensored-GGML
* https://huggingface.co/TheBloke/llama2_7b_chat_uncensored-GPTQ
# Prompt style
The model was trained with the following prompt style:
```
### HUMAN:
Hello
### RESPONSE:
Hi, how are you?
### HUMAN:
I'm fine.
### RESPONSE:
How can I help you?
...
```
# Training code
Code used to train the model is available [here](https://github.com/georgesung/llm_qlora).
To reproduce the results:
```
git clone https://github.com/georgesung/llm_qlora
cd llm_qlora
pip install -r requirements.txt
python train.py configs/llama2_7b_chat_uncensored.yaml
```
# Fine-tuning guide
https://georgesung.github.io/ai/qlora-ift/
# [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_georgesung__llama2_7b_chat_uncensored)
| Metric | Value |
|-----------------------|---------------------------|
| Avg. | 43.39 |
| ARC (25-shot) | 53.58 |
| HellaSwag (10-shot) | 78.66 |
| MMLU (5-shot) | 44.49 |
| TruthfulQA (0-shot) | 41.34 |
| Winogrande (5-shot) | 74.11 |
| GSM8K (5-shot) | 5.84 |
| DROP (3-shot) | 5.69 |
|
[
-0.4166654944419861,
-0.8576887845993042,
0.3125250041484833,
0.30920806527137756,
-0.594092607498169,
0.07441649585962296,
-0.2539726495742798,
-0.7293478846549988,
0.2127712219953537,
0.21010500192642212,
-0.7153312563896179,
-0.7935519218444824,
-0.6878836154937744,
-0.08447355777025223,
0.008766690269112587,
1.2583811283111572,
0.07243793457746506,
0.0245890561491251,
0.15119168162345886,
-0.3640073537826538,
-0.7452101111412048,
-0.45262446999549866,
-0.9385634064674377,
-0.49920856952667236,
0.440371572971344,
0.4081909656524658,
0.768667459487915,
0.42287057638168335,
0.41735267639160156,
0.35213759541511536,
-0.3853004276752472,
0.3692091703414917,
-0.9415722489356995,
-0.2730628252029419,
0.11338391900062561,
-0.46220505237579346,
-0.8760201334953308,
0.11411572992801666,
0.5875179171562195,
0.10216034948825836,
-0.28240156173706055,
0.4619074761867523,
0.23002107441425323,
0.5851165056228638,
-0.15170258283615112,
0.42286086082458496,
-0.6301313638687134,
-0.03317685052752495,
-0.2838253676891327,
-0.22224178910255432,
0.08416955173015594,
-0.26973623037338257,
-0.09972897171974182,
-0.607915997505188,
-0.053744714707136154,
0.21544094383716583,
1.119897723197937,
0.3870188891887665,
-0.27758410573005676,
-0.11241338402032852,
-0.2952391505241394,
0.7156465649604797,
-0.8962923288345337,
0.22281606495380402,
0.5334828495979309,
0.3904918134212494,
-0.3827192485332489,
-0.5290620923042297,
-0.5091633200645447,
-0.22399789094924927,
-0.06087540462613106,
0.13678830862045288,
-0.26085495948791504,
0.08160044252872467,
0.270950049161911,
0.5800665616989136,
-0.613506019115448,
0.4875895082950592,
-0.4902093708515167,
-0.18888625502586365,
0.9250552654266357,
0.3747572600841522,
0.1330627202987671,
-0.05199475958943367,
-0.3852505087852478,
-0.24116003513336182,
-0.5275131464004517,
0.23202888667583466,
0.505535900592804,
0.20351968705654144,
-0.526715099811554,
0.6109827756881714,
-0.35959771275520325,
0.46987298130989075,
0.16440130770206451,
-0.4690167009830475,
0.42071542143821716,
-0.3785841464996338,
-0.2464599758386612,
-0.20477057993412018,
0.9805286526679993,
0.6934652328491211,
0.14851267635822296,
0.09325055032968521,
-0.17494206130504608,
0.13618184626102448,
-0.11953456699848175,
-0.9969005584716797,
-0.3929503262042999,
0.367147296667099,
-0.359597384929657,
-0.3346790373325348,
-0.13549616932868958,
-0.35600289702415466,
-0.20832595229148865,
-0.2549339532852173,
0.3173636198043823,
-0.3652048707008362,
-0.3308475613594055,
0.11478672921657562,
0.005106431432068348,
0.5223369598388672,
0.46335285902023315,
-0.7385036945343018,
0.1779411882162094,
0.6026061773300171,
0.963904857635498,
-0.25254178047180176,
-0.13532570004463196,
-0.26695674657821655,
-0.3825399577617645,
-0.19849199056625366,
0.7554275989532471,
-0.10731641203165054,
-0.3444870710372925,
-0.35913899540901184,
0.07744607329368591,
-0.027728138491511345,
-0.5908635854721069,
0.5590530037879944,
-0.4328621029853821,
0.3165024518966675,
-0.07182607054710388,
-0.5500632524490356,
-0.13810209929943085,
0.3328986167907715,
-0.32928526401519775,
1.3090182542800903,
0.19942344725131989,
-0.7683719396591187,
0.1916976273059845,
-0.5532810091972351,
0.16760700941085815,
-0.06987465173006058,
-0.0626913458108902,
-0.5960707068443298,
-0.20484115183353424,
0.3071616291999817,
0.44435256719589233,
-0.2906641662120819,
0.2302890568971634,
-0.3668964207172394,
-0.6691033244132996,
0.29677677154541016,
-0.2931773364543915,
0.9051874876022339,
0.013455506414175034,
-0.407604843378067,
0.3086930513381958,
-0.8044309616088867,
0.11087822169065475,
0.2835354208946228,
-0.4728647470474243,
0.0475936159491539,
-0.3502684533596039,
0.09148100018501282,
0.20670947432518005,
0.3490515351295471,
-0.49764207005500793,
0.29207664728164673,
-0.3338545262813568,
0.30070817470550537,
0.8668180108070374,
0.0544322244822979,
0.1166052594780922,
-0.4995444416999817,
0.521880567073822,
0.10218984633684158,
0.5875505208969116,
0.34322381019592285,
-0.8480517268180847,
-0.7632706761360168,
-0.41342759132385254,
0.10546547174453735,
0.7074499130249023,
-0.6612495183944702,
0.5896262526512146,
0.06597719341516495,
-0.8334121108055115,
-0.890278697013855,
0.3075837790966034,
0.5943413972854614,
0.4477817714214325,
0.3669898509979248,
-0.5369976162910461,
-0.4084073305130005,
-1.0057480335235596,
-0.017087643966078758,
-0.3032374382019043,
-0.1918729543685913,
0.5292982459068298,
0.3850193917751312,
-0.3982924520969391,
0.6937811374664307,
-0.4688662588596344,
-0.4335358738899231,
-0.012750225141644478,
-0.13558343052864075,
0.49047499895095825,
0.40987759828567505,
0.7612704634666443,
-0.48852309584617615,
-0.364016592502594,
-0.04529281705617905,
-0.8606035113334656,
-0.19509613513946533,
0.2299279421567917,
-0.499725341796875,
0.1969432532787323,
0.26872527599334717,
-0.5979233980178833,
0.5664811730384827,
0.664480447769165,
-0.5790168046951294,
0.6517688035964966,
-0.04560122638940811,
0.11549670249223709,
-0.9963780045509338,
0.04628882184624672,
-0.0015684218378737569,
-0.2858494520187378,
-0.43035706877708435,
-0.04950340837240219,
-0.20088467001914978,
0.23532110452651978,
-0.6501525640487671,
0.7216396331787109,
-0.5624009966850281,
-0.10448532551527023,
-0.37842103838920593,
0.2802364230155945,
-0.22708819806575775,
0.8585381507873535,
-0.14433462917804718,
0.8577404022216797,
0.49242162704467773,
-0.3874392807483673,
0.4558720588684082,
0.6672877669334412,
-0.31478455662727356,
0.45472168922424316,
-0.8582678437232971,
0.34811219573020935,
0.04310137778520584,
0.2796820104122162,
-1.1056344509124756,
-0.13283057510852814,
0.6659929752349854,
-0.6092485189437866,
0.16549049317836761,
-0.257097065448761,
-0.522037148475647,
-0.21840403974056244,
-0.5533418655395508,
0.2842998206615448,
0.5889281630516052,
-0.6510070562362671,
-0.015625253319740295,
0.4171393811702728,
0.07500804215669632,
-0.5367389917373657,
-0.5581089854240417,
0.09025504440069199,
-0.5082486271858215,
-0.5363592505455017,
0.22307157516479492,
-0.3181229531764984,
-0.12664514780044556,
-0.20786477625370026,
0.10230164229869843,
0.05001899600028992,
0.1961933821439743,
0.46791356801986694,
0.4292948544025421,
-0.1293777972459793,
-0.1420416235923767,
-0.09727951139211655,
-0.0954848900437355,
0.009377905167639256,
0.1344137042760849,
0.6063309907913208,
-0.47517141699790955,
-0.05444617196917534,
-0.8039302229881287,
-0.006236392538994551,
0.1883130967617035,
0.06675316393375397,
0.9219010472297668,
0.9771808385848999,
-0.0982353463768959,
0.057795945554971695,
-0.4700070321559906,
-0.1788112223148346,
-0.5441879630088806,
0.18112507462501526,
-0.2109489142894745,
-1.2173985242843628,
0.7529840469360352,
0.26977047324180603,
0.1651672124862671,
0.5766915082931519,
0.7147311568260193,
0.10757435113191605,
0.7780851721763611,
0.5600242018699646,
-0.1618771106004715,
0.7641679048538208,
-0.3407670557498932,
-0.0962868258357048,
-0.9370285868644714,
-0.36845603585243225,
-0.10392852127552032,
-0.4436512589454651,
-0.8839027881622314,
-0.4045185148715973,
0.4766850769519806,
0.34682583808898926,
-0.47286683320999146,
0.263642281293869,
-0.7089762091636658,
0.36729833483695984,
0.4579613506793976,
0.44267451763153076,
0.34375035762786865,
-0.013879310339689255,
0.18654806911945343,
-0.11807773262262344,
-0.6480388045310974,
-0.6126254200935364,
1.1576497554779053,
0.6239239573478699,
0.7098255157470703,
0.21090959012508392,
0.5796255469322205,
0.22184352576732635,
0.42468565702438354,
-0.7359664440155029,
0.6250425577163696,
0.20291246473789215,
-0.4191921055316925,
-0.22975972294807434,
-0.4055018723011017,
-0.8425509929656982,
0.3861192464828491,
-0.39663079380989075,
-0.9461236596107483,
-0.03424594923853874,
0.09590897709131241,
-0.2929093539714813,
0.2359377145767212,
-0.4661872684955597,
0.746154248714447,
-0.21307598054409027,
-0.3484725058078766,
-0.15520484745502472,
-0.7356012463569641,
0.692331075668335,
0.06961405277252197,
-0.18664708733558655,
-0.5451130867004395,
0.029156148433685303,
0.7894047498703003,
-0.4602578580379486,
0.9402785897254944,
-0.2161703258752823,
-0.28683900833129883,
0.4028029441833496,
-0.20917624235153198,
0.22807492315769196,
0.33564522862434387,
0.011889581568539143,
0.5969519019126892,
-0.0004824771312996745,
-0.5207751989364624,
-0.3737661838531494,
0.5088265538215637,
-1.2179213762283325,
-0.6028092503547668,
-0.41029369831085205,
-0.32941684126853943,
-0.1550360918045044,
-0.12068037688732147,
0.3915407955646515,
0.2839384078979492,
-0.2173188179731369,
0.01841815561056137,
0.46658220887184143,
-0.3039458692073822,
0.24066324532032013,
0.3708580434322357,
-0.35211485624313354,
-0.4856429398059845,
0.5618438124656677,
-0.11106358468532562,
0.1432226449251175,
0.05083489418029785,
0.04314310848712921,
-0.42311111092567444,
-0.49463245272636414,
-0.617875337600708,
0.4843222200870514,
-0.45791807770729065,
-0.4089241623878479,
-0.44164296984672546,
-0.4605492353439331,
-0.25962042808532715,
0.37270644307136536,
-0.4445670545101166,
-0.4638161361217499,
-0.6195412874221802,
-0.1846274435520172,
0.762718141078949,
0.7568866610527039,
-0.08033252507448196,
0.6107144951820374,
-0.569090723991394,
0.22774939239025116,
0.16809681057929993,
0.3505980372428894,
0.010181923396885395,
-0.9654356241226196,
-0.26896366477012634,
0.1612020581960678,
-0.5111497044563293,
-0.7287991642951965,
0.4068504571914673,
0.315080851316452,
0.5030490159988403,
0.44365495443344116,
-0.0821819081902504,
0.7654277682304382,
-0.2204604148864746,
0.8223559260368347,
0.10202304273843765,
-0.557413637638092,
0.5741912126541138,
-0.46597251296043396,
0.0503501333296299,
0.4680391848087311,
0.2451213151216507,
-0.4005902409553528,
-0.3721335530281067,
-0.7216808795928955,
-0.7482014298439026,
0.6607105731964111,
0.41784828901290894,
-0.008199249394237995,
0.20139774680137634,
0.7537427544593811,
0.04167381674051285,
0.2637138366699219,
-0.598893940448761,
-0.4575570523738861,
-0.15588176250457764,
0.02384144626557827,
-0.2566637396812439,
-0.32006824016571045,
-0.2848479151725769,
-0.5123369693756104,
0.7536612153053284,
-0.25030064582824707,
0.45329365134239197,
0.11098223179578781,
0.04130471870303154,
0.0019118681084364653,
-0.03293495625257492,
0.6002631187438965,
0.6499501466751099,
-0.3627927005290985,
-0.3782929480075836,
0.33085164427757263,
-0.4292246699333191,
0.01737673208117485,
0.05311785638332367,
0.15228664875030518,
-0.14702129364013672,
0.3536376357078552,
1.2583045959472656,
0.1179824247956276,
-0.5708156824111938,
0.49565696716308594,
-0.395026296377182,
-0.2038268893957138,
-0.27463796734809875,
0.35907799005508423,
0.17777849733829498,
0.6786898970603943,
0.17145435512065887,
-0.40520232915878296,
0.01940179243683815,
-0.5592518448829651,
0.10360410809516907,
0.4436837434768677,
-0.13010674715042114,
-0.4764583706855774,
0.800757110118866,
0.04831719398498535,
-0.17068473994731903,
0.7565739154815674,
-0.23978954553604126,
-0.48833030462265015,
0.5571351051330566,
0.4207046627998352,
0.5913041234016418,
-0.1856411248445511,
0.22236444056034088,
0.5830392241477966,
0.1211160197854042,
-0.06327401101589203,
0.39503341913223267,
-0.03927212953567505,
-0.7033676505088806,
-0.07051186263561249,
-0.705450177192688,
-0.5900578498840332,
0.19026216864585876,
-0.7163539528846741,
0.16421355307102203,
-0.5487507581710815,
-0.4838563799858093,
-0.22974497079849243,
0.5926985144615173,
-0.8334634304046631,
0.04542307183146477,
0.16181518137454987,
0.8832869529724121,
-0.8799649477005005,
0.8062160611152649,
0.5615845322608948,
-0.2577858865261078,
-0.9099417328834534,
-0.4267989695072174,
0.0685448870062828,
-1.1289894580841064,
0.1798872947692871,
0.14273740351200104,
0.04371682554483414,
-0.14805907011032104,
-0.8667543530464172,
-0.8966050744056702,
1.539871335029602,
0.41341933608055115,
-0.6603625416755676,
0.13759247958660126,
-0.06750719249248505,
0.8490711450576782,
-0.2500110864639282,
0.508684515953064,
0.8391917943954468,
0.2658674418926239,
0.15977150201797485,
-1.3020557165145874,
0.14512129127979279,
-0.4751962721347809,
0.06754253059625626,
-0.20991483330726624,
-1.4183398485183716,
0.8926461935043335,
-0.16525353491306305,
-0.07734465599060059,
0.3170938789844513,
0.8761012554168701,
0.6694110035896301,
0.28748586773872375,
0.4347662627696991,
0.7052333950996399,
0.926135241985321,
-0.03367738425731659,
0.929537832736969,
-0.18398134410381317,
0.5041072964668274,
0.9065966010093689,
0.11280796676874161,
0.836356520652771,
0.15839184820652008,
-0.25990450382232666,
0.4284077286720276,
1.1354975700378418,
-0.013480201363563538,
0.46193933486938477,
0.21443797647953033,
-0.15667350590229034,
-0.23926208913326263,
-0.07466541230678558,
-0.47893717885017395,
0.595090925693512,
0.2903467118740082,
0.09897249937057495,
-0.08444880694150925,
-0.18455787003040314,
0.2993403375148773,
-0.27969351410865784,
-0.20230449736118317,
0.9126444458961487,
0.35223010182380676,
-0.411998987197876,
1.0570920705795288,
0.06934458762407303,
1.0586347579956055,
-0.4837648272514343,
0.01813676580786705,
-0.5912957191467285,
0.21005600690841675,
-0.2838636636734009,
-0.7745499610900879,
0.03458184376358986,
0.10728330910205841,
0.155740886926651,
0.12372638285160065,
0.6145730018615723,
-0.46362054347991943,
-0.2778523862361908,
0.4968688488006592,
0.5413424968719482,
0.6397189497947693,
0.027914386242628098,
-0.9459317922592163,
0.24917113780975342,
-0.03932453319430351,
-0.552721381187439,
0.5491623878479004,
0.2697804570198059,
-0.1881893128156662,
0.7526878118515015,
0.6893784403800964,
0.0076246666721999645,
0.0016349406214430928,
-0.026162810623645782,
1.1986163854599,
-0.6418296098709106,
-0.5122769474983215,
-0.8009979724884033,
0.2698313593864441,
-0.029670193791389465,
-0.7912830114364624,
0.699863851070404,
0.48967039585113525,
0.7093784213066101,
0.29953479766845703,
0.4024107754230499,
0.13271822035312653,
0.318816602230072,
-0.6466651558876038,
0.7463882565498352,
-0.6657437086105347,
0.1725306212902069,
-0.11947513371706009,
-0.8883950710296631,
-0.10336488485336304,
0.6786295771598816,
-0.09361249953508377,
-0.01604991778731346,
0.185065358877182,
0.9363157749176025,
0.09969375282526016,
-0.060874033719301224,
0.24185170233249664,
0.24860240519046783,
0.4320334494113922,
0.807655394077301,
0.8275324702262878,
-0.6913959383964539,
0.4157198369503021,
-0.2551811635494232,
-0.39851707220077515,
-0.3905385136604309,
-0.6762566566467285,
-1.2133170366287231,
-0.2915135324001312,
-0.3054707646369934,
-0.510346531867981,
0.1564769744873047,
0.9531357884407043,
0.5461809039115906,
-0.5965754389762878,
-0.3389360308647156,
0.5060900449752808,
-0.03625757247209549,
-0.039857275784015656,
-0.19039475917816162,
0.4460970163345337,
0.1199297159910202,
-0.7329939603805542,
0.3936188519001007,
-0.08015221357345581,
0.23129619657993317,
-0.2084445208311081,
-0.2560790479183197,
-0.10135772079229355,
-0.1657784879207611,
0.6375104188919067,
0.41558828949928284,
-0.6150168180465698,
-0.4539860785007477,
-0.21885162591934204,
-0.20580251514911652,
0.39661017060279846,
0.03308667987585068,
-0.6428604125976562,
-0.103803850710392,
0.2572222650051117,
0.31594333052635193,
0.8130048513412476,
0.4018552005290985,
0.2153492420911789,
-0.7239193320274353,
0.3326895236968994,
-0.03699592128396034,
0.24704612791538239,
0.4942038357257843,
-0.44636017084121704,
0.7508993744850159,
0.20810765027999878,
-0.8281205892562866,
-0.8213003277778625,
-0.11770176142454147,
-1.245015263557434,
0.05797789245843887,
1.2635530233383179,
-0.08119681477546692,
-0.3949488699436188,
0.271577924489975,
-0.5584501028060913,
0.32154691219329834,
-0.5667533874511719,
0.7362342476844788,
0.48311522603034973,
-0.36050450801849365,
-0.2615394592285156,
-0.6698569655418396,
0.6188043355941772,
0.18058264255523682,
-0.7623857259750366,
-0.21696195006370544,
0.46247726678848267,
0.622774064540863,
-0.3013351261615753,
1.1404459476470947,
-0.021095411852002144,
0.04090235009789467,
-0.15257097780704498,
-0.04886246100068092,
-0.20953762531280518,
-0.1173323392868042,
-0.44825243949890137,
-0.19647103548049927,
0.04449933022260666,
-0.4176138639450073
] |
Helsinki-NLP/opus-mt-en-fi
|
Helsinki-NLP
| 2023-08-16T11:29:32Z | 5,055 | 1 |
transformers
|
[
"transformers",
"pytorch",
"tf",
"marian",
"text2text-generation",
"translation",
"en",
"fi",
"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-en-fi
* source languages: en
* target languages: fi
* OPUS readme: [en-fi](https://github.com/Helsinki-NLP/OPUS-MT-train/blob/master/models/en-fi/README.md)
* dataset: opus+bt-news
* model: transformer
* pre-processing: normalization + SentencePiece
* download original weights: [opus+bt-news-2020-03-21.zip](https://object.pouta.csc.fi/OPUS-MT-models/en-fi/opus+bt-news-2020-03-21.zip)
* test set translations: [opus+bt-news-2020-03-21.test.txt](https://object.pouta.csc.fi/OPUS-MT-models/en-fi/opus+bt-news-2020-03-21.test.txt)
* test set scores: [opus+bt-news-2020-03-21.eval.txt](https://object.pouta.csc.fi/OPUS-MT-models/en-fi/opus+bt-news-2020-03-21.eval.txt)
## Benchmarks
| testset | BLEU | chr-F |
|-----------------------|-------|-------|
| newstest2019-enfi.en.fi | 25.7 | 0.578 |
|
[
-0.32535943388938904,
-0.6447865962982178,
0.24437463283538818,
0.49606549739837646,
-0.48015040159225464,
-0.32379448413848877,
-0.5036011934280396,
-0.13411489129066467,
0.034806810319423676,
0.5450302958488464,
-0.7530350685119629,
-0.6440652012825012,
-0.6358560919761658,
0.299256294965744,
-0.2152966409921646,
0.828746497631073,
-0.12261750549077988,
0.5169690251350403,
0.2233956903219223,
-0.42233628034591675,
-0.42391112446784973,
-0.42989474534988403,
-0.5362563133239746,
-0.32743290066719055,
0.2849973142147064,
0.4997602701187134,
0.4093330204486847,
0.3569813668727875,
1.0322343111038208,
0.251958966255188,
-0.19007010757923126,
0.09496599435806274,
-0.5130202770233154,
-0.08940377086400986,
0.06234223023056984,
-0.5823646783828735,
-0.69450843334198,
-0.12336435168981552,
1.172043800354004,
0.46238282322883606,
0.09816350042819977,
0.4054572880268097,
-0.1006983146071434,
1.1500822305679321,
-0.29934245347976685,
0.08700825273990631,
-0.6641576290130615,
-0.03448931500315666,
-0.349915474653244,
-0.3996645510196686,
-0.7536577582359314,
-0.3148733973503113,
0.1453174352645874,
-0.5593857169151306,
0.016770225018262863,
0.1992677003145218,
1.5624332427978516,
0.22106526792049408,
-0.5167946815490723,
-0.17787891626358032,
-0.6666341423988342,
1.0462889671325684,
-0.7829819917678833,
0.7725377082824707,
0.4959975779056549,
0.25285252928733826,
0.19728709757328033,
-0.6003857254981995,
-0.34826046228408813,
0.0867987647652626,
-0.2627589702606201,
0.2713582515716553,
-0.12435340136289597,
-0.21466706693172455,
0.30570489168167114,
0.8318641781806946,
-0.8050634860992432,
-0.1367790848016739,
-0.7057068347930908,
-0.052074823528528214,
0.8126442432403564,
0.040648795664310455,
0.015809468924999237,
-0.2503926157951355,
-0.42255058884620667,
-0.48869383335113525,
-0.9038527607917786,
0.10762357711791992,
0.3932749330997467,
0.311449259519577,
-0.520378589630127,
0.7134374976158142,
-0.3485572636127472,
0.7529698610305786,
-0.053829215466976166,
-0.01483102049678564,
1.0808000564575195,
-0.5209035277366638,
-0.34426116943359375,
-0.07957056164741516,
1.1868257522583008,
0.3505594730377197,
0.12465594708919525,
-0.0039991880767047405,
-0.24493663012981415,
-0.2666116952896118,
0.06492295116186142,
-1.0610755681991577,
-0.0038764437194913626,
0.2661835253238678,
-0.5475338101387024,
-0.15226273238658905,
0.05593234673142433,
-0.6635059118270874,
0.27307984232902527,
-0.4211476743221283,
0.7649784684181213,
-0.6924787759780884,
-0.3237862288951874,
0.44408705830574036,
-0.049790944904088974,
0.3808670938014984,
-0.06779049336910248,
-0.5868339538574219,
0.07600473612546921,
0.42077240347862244,
0.8521901965141296,
-0.3071801960468292,
-0.24784614145755768,
-0.5630840063095093,
-0.17424628138542175,
-0.10881169885396957,
0.7526232004165649,
-0.12204084545373917,
-0.5773805379867554,
-0.11228462308645248,
0.4593448340892792,
-0.3877047300338745,
-0.3312540054321289,
1.446250081062317,
-0.37499845027923584,
0.8440243005752563,
-0.48706284165382385,
-0.637069821357727,
-0.4429102838039398,
0.47207340598106384,
-0.5483015775680542,
1.30906081199646,
0.1530417799949646,
-1.0587201118469238,
0.24502387642860413,
-0.9556211829185486,
-0.31271401047706604,
-0.12054943293333054,
0.09181888401508331,
-0.6064090132713318,
0.13691559433937073,
0.16549354791641235,
0.45112109184265137,
-0.3415834307670593,
0.3279741704463959,
-0.02182615175843239,
-0.4643396735191345,
0.07422058284282684,
-0.49901318550109863,
1.0775017738342285,
0.33157360553741455,
-0.2929491698741913,
0.24292361736297607,
-1.06007981300354,
-0.11620881408452988,
-0.1347675621509552,
-0.6361255049705505,
-0.1949450522661209,
0.15020564198493958,
0.3250294327735901,
0.15616366267204285,
0.2903638780117035,
-0.8196289539337158,
0.2184920758008957,
-0.7128759622573853,
0.22903306782245636,
0.6671159863471985,
-0.25106120109558105,
0.2899799346923828,
-0.5224707126617432,
0.23767738044261932,
0.12495190650224686,
0.13581368327140808,
-0.055845439434051514,
-0.47781896591186523,
-0.9699286818504333,
-0.29131653904914856,
0.6715611815452576,
1.120318055152893,
-0.8593748211860657,
0.8583269715309143,
-0.7474468350410461,
-0.8862836956977844,
-0.8609594702720642,
-0.18172168731689453,
0.4726531505584717,
0.43884652853012085,
0.5420516133308411,
-0.11548854410648346,
-0.497354656457901,
-1.2178584337234497,
-0.23650877177715302,
-0.28222155570983887,
-0.16798198223114014,
0.18238334357738495,
0.6100103259086609,
-0.2575758993625641,
0.6697693467140198,
-0.5000446438789368,
-0.3941340744495392,
-0.16123902797698975,
0.19348661601543427,
0.6737564206123352,
0.6786794066429138,
0.514056384563446,
-1.0761016607284546,
-0.5749032497406006,
0.016729338094592094,
-0.6845964789390564,
-0.2033275067806244,
0.06351553648710251,
-0.2274770736694336,
0.16701124608516693,
0.14541366696357727,
-0.40875595808029175,
0.11784297227859497,
0.694627046585083,
-0.7981904149055481,
0.6708369255065918,
-0.043422095477581024,
0.3880237638950348,
-1.5013476610183716,
0.1579095870256424,
-0.18357886373996735,
-0.16272088885307312,
-0.4832395911216736,
0.0014683457557111979,
0.250993013381958,
0.11379370093345642,
-0.8980949521064758,
0.7003378868103027,
-0.23693601787090302,
-0.06508340686559677,
0.20064015686511993,
-0.0914568156003952,
0.07110324501991272,
0.7365894317626953,
0.013331327587366104,
0.9203936457633972,
0.7400442361831665,
-0.6239412426948547,
0.18458692729473114,
0.6043204069137573,
-0.4843258559703827,
0.3885914981365204,
-0.8496072292327881,
-0.3654278516769409,
0.2972230613231659,
-0.13886700570583344,
-0.7501823306083679,
0.09471023827791214,
0.2615221440792084,
-0.7868813872337341,
0.4000169634819031,
-0.021901810541749,
-0.867112934589386,
-0.11532768607139587,
-0.2583829462528229,
0.3921234905719757,
0.7032330632209778,
-0.21759779751300812,
0.6375947594642639,
0.047674935311079025,
-0.04167665168642998,
-0.4403068721294403,
-1.1065170764923096,
-0.16844917833805084,
-0.38988474011421204,
-0.9094073176383972,
0.27122485637664795,
-0.43415772914886475,
0.006714804098010063,
0.1098129004240036,
0.24016450345516205,
-0.12288647145032883,
0.09514308720827103,
0.07829388231039047,
0.18592365086078644,
-0.536118745803833,
0.21974627673625946,
0.04794839024543762,
-0.13871760666370392,
-0.11842784285545349,
-0.1441960334777832,
0.6664718985557556,
-0.522892951965332,
-0.2150619775056839,
-0.650882363319397,
0.09562836587429047,
0.6339749097824097,
-0.41477400064468384,
0.8926727771759033,
0.6879278421401978,
-0.08982648700475693,
0.2368573099374771,
-0.5020195245742798,
0.09258522838354111,
-0.5194481015205383,
0.1908729076385498,
-0.5330302715301514,
-0.9281357526779175,
0.4880281984806061,
0.13034501671791077,
0.4882963001728058,
0.916659414768219,
0.7078617215156555,
0.07701019942760468,
0.7158721089363098,
0.3640335500240326,
-0.03610638529062271,
0.5189722776412964,
-0.5535933375358582,
-0.2320932298898697,
-1.0278987884521484,
0.09358455240726471,
-0.7503215074539185,
-0.4023194909095764,
-0.9788733124732971,
-0.21448087692260742,
0.33950358629226685,
0.08278772979974747,
-0.315326452255249,
0.6846089959144592,
-0.5401572585105896,
0.2254313975572586,
0.7539875507354736,
-0.11673861742019653,
0.44938376545906067,
0.1249859631061554,
-0.50653475522995,
-0.10834890604019165,
-0.5255363583564758,
-0.495032399892807,
1.4488989114761353,
0.45830366015434265,
0.33153802156448364,
0.22116968035697937,
0.5648226141929626,
0.0797714963555336,
0.29874858260154724,
-0.6091936230659485,
0.4891485869884491,
-0.3370731472969055,
-0.8898855447769165,
-0.2641347050666809,
-0.7448525428771973,
-0.851099967956543,
0.4757028818130493,
-0.29204174876213074,
-0.5708256959915161,
0.24975308775901794,
-0.1122991144657135,
-0.0692184790968895,
0.4633892774581909,
-0.8110403418540955,
1.1350324153900146,
-0.05144837498664856,
-0.11247583478689194,
0.13482613861560822,
-0.45445123314857483,
0.3274877071380615,
-0.0801670104265213,
0.3953964114189148,
-0.1779371201992035,
0.2063542753458023,
0.7363831400871277,
-0.023673083633184433,
0.38484999537467957,
0.002984741237014532,
0.026743341237306595,
0.10748607665300369,
0.016299430280923843,
0.39348214864730835,
-0.03968874737620354,
-0.563161313533783,
0.46054643392562866,
0.07049354910850525,
-0.5153754949569702,
-0.010638543404638767,
0.5518081188201904,
-0.7907578349113464,
-0.12723876535892487,
-0.46033960580825806,
-0.7762131094932556,
-0.06166388839483261,
0.3696034252643585,
0.7776010632514954,
0.8113940358161926,
-0.22916212677955627,
0.7395646572113037,
0.8377070426940918,
-0.3484801948070526,
0.4974890649318695,
0.8748247027397156,
-0.2496574968099594,
-0.6493622660636902,
0.9621239900588989,
0.11971429735422134,
0.373963326215744,
0.6883209347724915,
0.1291361302137375,
-0.17143522202968597,
-0.8638458847999573,
-0.7248575091362,
0.33319008350372314,
-0.2561953067779541,
-0.20437151193618774,
-0.6762848496437073,
-0.17219698429107666,
-0.25365889072418213,
0.2305515855550766,
-0.500934898853302,
-0.5889346599578857,
-0.1196637898683548,
-0.22788354754447937,
0.3464916944503784,
0.21755214035511017,
-0.09795127063989639,
0.6142657399177551,
-1.2002769708633423,
0.2422424852848053,
-0.15237672626972198,
0.464935302734375,
-0.5775507688522339,
-0.8377363681793213,
-0.5845287442207336,
0.12945203483104706,
-0.7285054326057434,
-0.8182855844497681,
0.5380383133888245,
0.1703343242406845,
0.2156239002943039,
0.40602269768714905,
0.18633198738098145,
0.3822488486766815,
-0.6797937154769897,
0.9913541078567505,
-0.10399731993675232,
-0.815095841884613,
0.5747812390327454,
-0.5797539353370667,
0.5057333707809448,
1.0053786039352417,
0.26900747418403625,
-0.42706018686294556,
-0.6721042990684509,
-0.8005115985870361,
-0.8396002650260925,
0.9412866234779358,
0.8388763666152954,
-0.11636600643396378,
0.18008935451507568,
-0.12332605570554733,
0.0017548506148159504,
0.2702195644378662,
-1.189388632774353,
-0.41808828711509705,
0.12693414092063904,
-0.3347451090812683,
-0.22573360800743103,
-0.357695609331131,
-0.1378210484981537,
-0.247735857963562,
1.2300093173980713,
0.27930542826652527,
0.2869582176208496,
0.5551621317863464,
-0.11744381487369537,
-0.18332332372665405,
0.4014597535133362,
0.9394914507865906,
0.5764887928962708,
-0.7140754461288452,
-0.2484104186296463,
0.26950448751449585,
-0.4989885091781616,
-0.2238498479127884,
0.21519455313682556,
-0.5191176533699036,
0.44788289070129395,
0.5453075766563416,
1.211076021194458,
0.12476416677236557,
-0.7193900346755981,
0.47421765327453613,
-0.4117206037044525,
-0.48849692940711975,
-0.6086783409118652,
-0.15895071625709534,
0.14213283360004425,
0.08829694986343384,
0.32126352190971375,
0.13683021068572998,
0.22795221209526062,
-0.3460391163825989,
0.26198968291282654,
0.040847066789865494,
-0.7163991332054138,
-0.5817981362342834,
0.5357333421707153,
0.2435178905725479,
-0.3266085982322693,
0.5020188093185425,
-0.49242132902145386,
-0.6612743139266968,
0.45575475692749023,
0.1665806770324707,
1.1522263288497925,
-0.2111496478319168,
-0.10505130141973495,
0.7432167530059814,
0.6727335453033447,
-0.1829896867275238,
0.665384829044342,
0.12724444270133972,
-0.7163485288619995,
-0.553111732006073,
-0.975578248500824,
-0.13097162544727325,
0.09336657077074051,
-0.7663637399673462,
0.46749070286750793,
0.36187559366226196,
0.00390925258398056,
-0.3234502673149109,
0.38382190465927124,
-0.6241039633750916,
0.19203640520572662,
-0.2692405879497528,
1.3014050722122192,
-1.0147778987884521,
0.965895414352417,
0.5850017666816711,
-0.2798829674720764,
-0.9040068984031677,
-0.14239108562469482,
-0.33488279581069946,
-0.39003387093544006,
0.7200104594230652,
0.3018209934234619,
0.4313799738883972,
-0.09002897888422012,
-0.1162729486823082,
-0.8952841758728027,
1.1875414848327637,
0.2359330654144287,
-0.6767423748970032,
0.0971217155456543,
0.13863734900951385,
0.5151686668395996,
-0.3874469995498657,
0.1858643889427185,
0.4511837661266327,
0.8231649994850159,
0.045106563717126846,
-1.2479654550552368,
-0.36415430903434753,
-0.6045567393302917,
-0.4615314304828644,
0.5784424543380737,
-0.7298773527145386,
1.0969775915145874,
0.4764770269393921,
-0.22082076966762543,
-0.03175748512148857,
0.6886695623397827,
0.31128066778182983,
0.4756603240966797,
0.5691806674003601,
1.1669788360595703,
0.3878864645957947,
-0.5326471328735352,
1.174465298652649,
-0.4328949451446533,
0.5210230350494385,
1.2134385108947754,
0.04446091130375862,
1.0103496313095093,
0.30799758434295654,
-0.12397964298725128,
0.5381591320037842,
0.7684601545333862,
-0.2619728446006775,
0.595533549785614,
0.006304006092250347,
0.11356774717569351,
-0.12340660393238068,
0.15033355355262756,
-0.8386742472648621,
0.3647385835647583,
0.23756274580955505,
-0.24999591708183289,
-0.01661541871726513,
-0.09878827631473541,
-0.014926712028682232,
-0.10930806398391724,
-0.24629436433315277,
0.6298155188560486,
0.0014904971467331052,
-0.6130924224853516,
0.8037778735160828,
0.008219534531235695,
0.7750909328460693,
-0.7574856281280518,
0.22058530151844025,
-0.14346951246261597,
0.20751456916332245,
0.011581339873373508,
-0.6523090600967407,
0.5801357626914978,
0.05523071438074112,
-0.303945392370224,
-0.4033641815185547,
0.30350741744041443,
-0.6346657276153564,
-1.074386715888977,
0.4393978416919708,
0.5213666558265686,
0.34933537244796753,
-0.014099404215812683,
-0.8806409239768982,
-0.010210150852799416,
0.20771843194961548,
-0.746300458908081,
-0.03228204697370529,
0.786945104598999,
0.35359713435173035,
0.5520269870758057,
0.7269402742385864,
0.35278716683387756,
0.21491754055023193,
-0.09692727029323578,
0.7782994508743286,
-0.5797115564346313,
-0.5390470623970032,
-0.8860987424850464,
0.7876766324043274,
-0.13849852979183197,
-0.7407926321029663,
0.7938674092292786,
1.156063437461853,
1.140982747077942,
-0.1284988522529602,
0.3328680098056793,
-0.09419456869363785,
0.7780926823616028,
-0.7362302541732788,
0.7325494289398193,
-1.0526384115219116,
0.28578701615333557,
-0.1084170863032341,
-1.0334062576293945,
-0.16390447318553925,
0.2508503794670105,
-0.2503300905227661,
-0.3988895118236542,
0.9051390886306763,
0.7879014015197754,
-0.20616939663887024,
-0.08157721906900406,
0.26857641339302063,
0.3784085810184479,
0.19790174067020416,
0.6694172620773315,
0.4636901617050171,
-1.065597414970398,
0.6504790782928467,
-0.3473947048187256,
-0.035242240875959396,
-0.07785724848508835,
-0.7814958691596985,
-0.9890417456626892,
-0.6358650326728821,
-0.19558024406433105,
-0.24555714428424835,
-0.24012622237205505,
0.941795289516449,
0.6309397220611572,
-1.0181353092193604,
-0.5722609758377075,
-0.049239423125982285,
0.2696959376335144,
-0.17752383649349213,
-0.28481754660606384,
0.7384011745452881,
-0.32375529408454895,
-1.0106803178787231,
0.48956966400146484,
0.05705002695322037,
-0.1674981713294983,
0.027514060959219933,
-0.2654931843280792,
-0.5295813679695129,
-0.009497130289673805,
0.41474559903144836,
-0.04933972284197807,
-0.5333580374717712,
0.028974363580346107,
0.1428927630186081,
-0.04095953330397606,
0.32416635751724243,
0.34977105259895325,
-0.3933054506778717,
0.27319151163101196,
1.0039218664169312,
0.454895943403244,
0.45196008682250977,
-0.1473810374736786,
0.5924018621444702,
-0.8549602031707764,
0.3478790819644928,
0.189707413315773,
0.6375579237937927,
0.3798573911190033,
-0.1307867467403412,
0.9471960067749023,
0.3066794276237488,
-0.7258453965187073,
-1.2046200037002563,
0.09449073672294617,
-1.2785781621932983,
-0.10355604439973831,
1.1434446573257446,
-0.20613548159599304,
-0.28937122225761414,
0.35633397102355957,
-0.17718760669231415,
0.19372433423995972,
-0.433246910572052,
0.5092012882232666,
1.025284767150879,
0.4272499680519104,
0.1486305445432663,
-0.8212196826934814,
0.36906445026397705,
0.529065728187561,
-0.745960533618927,
-0.200407937169075,
0.2765319347381592,
0.1590028703212738,
0.3657340705394745,
0.608354389667511,
-0.29326921701431274,
0.1649245023727417,
-0.29367178678512573,
0.3393363058567047,
-0.20448395609855652,
-0.21722202003002167,
-0.3064953088760376,
0.027264142408967018,
-0.1755058467388153,
-0.3943990170955658
] |
BridgeTower/bridgetower-base
|
BridgeTower
| 2023-01-27T02:14:31Z | 5,048 | 6 |
transformers
|
[
"transformers",
"pytorch",
"bridgetower",
"en",
"dataset:conceptual_captions",
"dataset:sbu_captions",
"dataset:visual_genome",
"dataset:mscoco_captions",
"arxiv:2206.08657",
"arxiv:1504.00325",
"license:mit",
"endpoints_compatible",
"region:us"
] | null | 2022-12-06T23:39:38Z |
---
language: en
tags:
- bridgetower
license: mit
datasets:
- conceptual_captions
- sbu_captions
- visual_genome
- mscoco_captions
---
# BridgeTower base model
The BridgeTower model was proposed in "BridgeTower: Building Bridges Between Encoders in Vision-Language Representative Learning" by Xiao Xu, Chenfei Wu, Shachar Rosenman, Vasudev Lal, Wanxiang Che, Nan Duan.
The model was pretrained on English language using masked language modeling (MLM) and image text matching (ITM)objectives. It was introduced in
[this paper](https://arxiv.org/pdf/2206.08657.pdf) and first released in
[this repository](https://github.com/microsoft/BridgeTower).
BridgeTower got accepted to [AAAI'23](https://aaai.org/Conferences/AAAI-23/).
## Model description
The abstract from the paper is the following:
Vision-Language (VL) models with the Two-Tower architecture have dominated visual-language representation learning in recent years. Current VL models either use lightweight uni-modal encoders and learn to extract, align and fuse both modalities simultaneously in a deep cross-modal encoder, or feed the last-layer uni-modal representations from the deep pre-trained uni-modal encoders into the top cross-modal encoder. Both approaches potentially restrict vision-language representation learning and limit model performance. In this paper, we propose BridgeTower, which introduces multiple bridge layers that build a connection between the top layers of uni-modal encoders and each layer of the cross-modal encoder. This enables effective bottom-up cross-modal alignment and fusion between visual and textual representations of different semantic levels of pre-trained uni-modal encoders in the cross-modal encoder. Pre-trained with only 4M images, BridgeTower achieves state-of-the-art performance on various downstream vision-language tasks. In particular, on the VQAv2 test-std set, BridgeTower achieves an accuracy of 78.73%, outperforming the previous state-of-the-art model METER by 1.09% with the same pre-training data and almost negligible additional parameters and computational costs. Notably, when further scaling the model, BridgeTower achieves an accuracy of 81.15%, surpassing models that are pre-trained on orders-of-magnitude larger datasets.
## Intended uses & limitations(TODO)
You can use the raw model for masked language modeling, but it's mostly intended to be fine-tuned on a downstream task.
See the [model hub](https://huggingface.co/models?filter=BridgeTower) to look for fine-tuned versions on a task that
interests you.
### How to use
Here is how to use this model to get the features of a given text in PyTorch:
```python
from transformers import BridgeTowerProcessor, BridgeTowerModel
import requests
from PIL import Image
url = "http://images.cocodataset.org/val2017/000000039769.jpg"
image = Image.open(requests.get(url, stream=True).raw)
text = "hello world"
processor = BridgeTowerProcessor.from_pretrained("BridgeTower/bridgetower-base")
model = BridgeTowerModel.from_pretrained("BridgeTower/bridgetower-base")
# Prepare inputs
encoding = processor(image, text, return_tensors="pt")
# Forward pass
outputs = model(**encoding)
outputs.keys()
odict_keys(['text_feats', 'image_feats', 'pooler_output'])
```
### Limitations and bias
TODO
## Training data
The BridgeTower model was pretrained on four public image-caption datasets:
- [Conceptual Captions(CC)](https://ai.google.com/research/ConceptualCaptions/),
- [SBU Captions](https://www.cs.rice.edu/~vo9/sbucaptions/),
- [MSCOCO Captions](https://arxiv.org/pdf/1504.00325.pdf),
- [Visual Genome](https://visualgenome.org/)
The total number of unique images in the combined data is 4M.
## Training procedure
### Preprocessing
TODO
### Pretraining
The model was pre-trained for 100k steps on 8 NVIDIA A100 GPUs with a batch size of 4096.
The optimizer used was AdamW with a learning rate of 1e-5. No data augmentation was used except for center-crop. The image resolution in pre-training is set to 288 x 288.
## Evaluation results
Please refer to [Table 5](https://arxiv.org/pdf/2206.08657.pdf) for BridgeTower's performance on Image Retrieval and other downstream tasks.
### BibTeX entry and citation info
```bibtex
@article{xu2022bridge,
title={BridgeTower: Building Bridges Between Encoders in Vision-Language Representation Learning},
author={Xu, Xiao and Wu, Chenfei and Rosenman, Shachar and Lal, Vasudev and Che, Wanxiang and Duan, Nan},
journal={arXiv preprint arXiv:2206.08657},
year={2022}
}
```
|
[
-0.34636420011520386,
-0.6091336607933044,
0.21463879942893982,
0.0477706678211689,
-0.40521612763404846,
-0.09616809338331223,
-0.2930373549461365,
-0.5247787237167358,
0.042179837822914124,
0.6232420802116394,
-0.3541082739830017,
-0.4891701340675354,
-0.8033401966094971,
0.1463015228509903,
-0.0960167795419693,
0.7358178496360779,
-0.23112253844738007,
0.20721907913684845,
-0.27293846011161804,
-0.09372837096452713,
-0.3738681972026825,
-0.3007294237613678,
-0.36495620012283325,
-0.2035653442144394,
0.3276177644729614,
0.061575401574373245,
0.40750962495803833,
0.636364758014679,
0.6603136658668518,
0.3411223292350769,
-0.06460520625114441,
0.3091593086719513,
-0.43332111835479736,
-0.10414191335439682,
-0.04541501775383949,
-0.43018093705177307,
-0.32258734107017517,
0.042930327355861664,
0.7452409267425537,
0.6054013967514038,
0.1351921111345291,
0.3380530774593353,
0.2263435274362564,
0.5238864421844482,
-0.6564333438873291,
0.48003989458084106,
-0.5770196914672852,
0.006435671355575323,
-0.3075929880142212,
-0.18267953395843506,
-0.6002963781356812,
0.12055886536836624,
0.19162192940711975,
-0.2988932132720947,
0.33464285731315613,
0.23466327786445618,
1.4066261053085327,
0.2327280044555664,
-0.34126898646354675,
0.16242347657680511,
-0.3269391357898712,
0.8354690670967102,
-0.45925581455230713,
0.6031785011291504,
0.20514065027236938,
0.06440035253763199,
0.18761661648750305,
-0.8611295819282532,
-0.6915489435195923,
-0.2981652021408081,
-0.28739267587661743,
0.30623388290405273,
-0.5447685718536377,
0.22765478491783142,
0.368164986371994,
0.29762592911720276,
-0.7839216589927673,
0.024999063462018967,
-0.6351144909858704,
-0.11112416535615921,
0.5107985734939575,
-0.16905519366264343,
0.3216758668422699,
-0.49932655692100525,
-0.47330549359321594,
-0.3985700309276581,
-0.5942118763923645,
0.23332086205482483,
0.24333496391773224,
0.2501261830329895,
-0.2549477219581604,
0.4210873544216156,
-0.00391363212838769,
0.948387861251831,
-0.01646552048623562,
-0.127090722322464,
0.48607543110847473,
-0.3053368031978607,
-0.449196457862854,
-0.13310840725898743,
0.9808112382888794,
0.16567248106002808,
0.47859296202659607,
-0.047696907073259354,
-0.050224047154188156,
-0.025228042155504227,
0.23397214710712433,
-1.0528173446655273,
-0.44912657141685486,
-0.10328149795532227,
-0.6039518117904663,
-0.24714159965515137,
0.14437536895275116,
-0.6576274633407593,
-0.011728874407708645,
-0.2003442943096161,
0.6732210516929626,
-0.45122721791267395,
-0.12847067415714264,
-0.04600836709141731,
-0.07666794210672379,
0.16348642110824585,
0.09479398280382156,
-0.9147796034812927,
0.04752340912818909,
0.04620949923992157,
0.7701916098594666,
-0.03197602182626724,
-0.35558465123176575,
-0.32670578360557556,
-0.0016964003443717957,
-0.2309788316488266,
0.6035959124565125,
-0.5289893746376038,
-0.08063070476055145,
-0.10727941989898682,
0.2376524806022644,
-0.3181016743183136,
-0.4078800082206726,
0.26669153571128845,
-0.43452903628349304,
0.4905503988265991,
-0.14045371115207672,
-0.2550426125526428,
-0.40099331736564636,
-0.02939659170806408,
-0.5564172863960266,
0.7821142077445984,
0.10466012358665466,
-0.837630033493042,
0.4438300132751465,
-0.47357141971588135,
-0.34201177954673767,
0.11679469794034958,
-0.24508139491081238,
-0.6866955161094666,
-0.04010264575481415,
0.6262726783752441,
0.6857078075408936,
-0.41914016008377075,
0.1769474893808365,
-0.13861212134361267,
-0.30445176362991333,
-0.022200429812073708,
-0.5828807353973389,
1.2139344215393066,
0.029415346682071686,
-0.43797537684440613,
0.03966053947806358,
-0.7743435502052307,
-0.10266197472810745,
0.3994353711605072,
-0.09137286245822906,
-0.13537554442882538,
-0.25854623317718506,
0.1769532859325409,
0.0981447845697403,
0.20684446394443512,
-0.4921181797981262,
0.045740436762571335,
-0.31434863805770874,
0.2700674533843994,
0.6177116632461548,
-0.1781710386276245,
0.3522675037384033,
-0.07985705137252808,
0.5529389381408691,
0.06496647000312805,
0.11749815940856934,
-0.5462198853492737,
-0.5985107421875,
-0.9126805067062378,
-0.462968111038208,
0.41531237959861755,
0.6686739325523376,
-0.9038174748420715,
0.3592383563518524,
-0.43119004368782043,
-0.4809427857398987,
-0.7207269072532654,
0.3220098912715912,
0.7764778137207031,
0.5061478018760681,
0.6472476124763489,
-0.7560064196586609,
-0.4723363220691681,
-0.9688136577606201,
-0.07496580481529236,
-0.2671675384044647,
0.0075288875959813595,
0.30787187814712524,
0.43048280477523804,
-0.27811017632484436,
0.8353544473648071,
-0.39629217982292175,
-0.2934569716453552,
-0.46814385056495667,
0.12123454362154007,
0.0859527438879013,
0.5916061997413635,
0.7720093727111816,
-0.8744133710861206,
-0.3912869393825531,
-0.07472924143075943,
-0.8382270336151123,
-0.07578544318675995,
0.005017539951950312,
0.02712314762175083,
0.38509103655815125,
0.2838711738586426,
-0.6305323839187622,
0.37747520208358765,
0.6033311486244202,
-0.0745006576180458,
0.3412843644618988,
-0.13597340881824493,
0.2261793166399002,
-1.3131781816482544,
0.05514230951666832,
0.25148534774780273,
-0.174635648727417,
-0.5378925800323486,
0.17656514048576355,
0.10362190008163452,
-0.1510726809501648,
-0.3192118704319,
0.35740482807159424,
-0.782014787197113,
0.15346767008304596,
0.03094383142888546,
0.039686426520347595,
0.1819872111082077,
0.7329667210578918,
0.2271387279033661,
0.6579410433769226,
0.7678506374359131,
-0.40288564562797546,
0.42791688442230225,
0.3302977681159973,
-0.5112336874008179,
0.3486160933971405,
-0.6103023886680603,
0.05434884503483772,
-0.3389240503311157,
0.05621815100312233,
-0.9527173042297363,
-0.1795784831047058,
0.2397853285074234,
-0.5161354541778564,
0.7711471915245056,
-0.21030767261981964,
-0.38750842213630676,
-0.4759039580821991,
0.027814485132694244,
0.39349350333213806,
0.7400913238525391,
-0.6653803586959839,
0.7682179808616638,
0.2579506039619446,
-0.05393754318356514,
-0.7800920605659485,
-0.9921801090240479,
0.16638629138469696,
0.06462003290653229,
-0.7474609017372131,
0.5864579677581787,
0.1509452611207962,
-0.032013557851314545,
0.013206994161009789,
0.1919611394405365,
-0.016144972294569016,
-0.2682414948940277,
0.3298441171646118,
0.42827972769737244,
-0.23921765387058258,
0.04030446708202362,
-0.16617682576179504,
-0.16962744295597076,
-0.053048260509967804,
-0.23378556966781616,
0.4738190174102783,
-0.2501945495605469,
-0.2717725336551666,
-0.5062761902809143,
0.16920699179172516,
0.24924008548259735,
-0.5386168956756592,
0.8386138081550598,
0.9119614362716675,
-0.27692851424217224,
-0.12294742465019226,
-0.5320281386375427,
-0.16375967860221863,
-0.48765695095062256,
0.7352762818336487,
-0.37060365080833435,
-0.903066098690033,
0.22528663277626038,
0.20323237776756287,
-0.0969691276550293,
0.4122251868247986,
0.4924154579639435,
-0.07292256504297256,
0.8947485685348511,
0.9570843577384949,
0.03707580640912056,
0.6212924122810364,
-0.4923676550388336,
0.39819976687431335,
-0.574264645576477,
-0.324784517288208,
-0.21880169212818146,
0.027060775086283684,
-0.7641042470932007,
-0.467272013425827,
0.20815859735012054,
0.14529426395893097,
-0.1014767661690712,
0.7823649048805237,
-0.5110435485839844,
0.2258186787366867,
0.6271515488624573,
0.28567516803741455,
0.02615458518266678,
0.29650670289993286,
-0.21989406645298004,
-0.19023701548576355,
-0.8464537262916565,
-0.40531933307647705,
0.9476009607315063,
0.4278756380081177,
0.5947744250297546,
-0.02087491750717163,
0.49364393949508667,
-0.007630211301147938,
0.16577355563640594,
-0.44713255763053894,
0.6710614562034607,
-0.2477707862854004,
-0.49173450469970703,
-0.07770133018493652,
-0.5478302836418152,
-0.7923173904418945,
0.23395687341690063,
-0.32512998580932617,
-0.7961288690567017,
0.34421682357788086,
0.3046192526817322,
-0.16279208660125732,
0.423885315656662,
-0.9001358151435852,
1.156394362449646,
-0.1795872449874878,
-0.5231581926345825,
-0.07157309353351593,
-0.7513816356658936,
0.29688718914985657,
0.12201112508773804,
-0.12310872226953506,
0.2593252956867218,
0.45458048582077026,
0.6343194246292114,
-0.08347424864768982,
0.7903984785079956,
-0.08037824928760529,
0.09436625987291336,
0.1991797834634781,
-0.16591230034828186,
0.24461384117603302,
-0.2704402506351471,
0.2986797094345093,
0.5694088339805603,
-0.18029512465000153,
-0.5389484167098999,
-0.4729849696159363,
0.35528063774108887,
-0.7332149744033813,
-0.6194108724594116,
-0.3501637279987335,
-0.34753838181495667,
0.024712571874260902,
0.16605229675769806,
0.5749943852424622,
0.6359049677848816,
0.09472261369228363,
0.3165697753429413,
0.7038941979408264,
-0.3529300391674042,
0.4896460771560669,
0.2187022864818573,
-0.2590234577655792,
-0.3920370936393738,
1.050125241279602,
0.21862812340259552,
0.3209983706474304,
0.7706665396690369,
-0.258787602186203,
0.024627625942230225,
-0.48788854479789734,
-0.559887707233429,
0.14128953218460083,
-0.7487555742263794,
-0.1727410852909088,
-0.7716425061225891,
-0.44777289032936096,
-0.4540802538394928,
-0.13295038044452667,
-0.32349342107772827,
-0.068362757563591,
-0.3585074245929718,
-0.119478739798069,
0.17569135129451752,
0.4343775510787964,
0.09532064944505692,
0.29009661078453064,
-0.5696439743041992,
0.22207936644554138,
0.4820008873939514,
0.08809000253677368,
-0.09613186120986938,
-0.7143301367759705,
-0.34886884689331055,
-0.033877599984407425,
-0.31655874848365784,
-0.8174070119857788,
0.6009233593940735,
0.12799939513206482,
0.5091221332550049,
0.4856250584125519,
-0.2790522873401642,
0.6889039278030396,
-0.41404348611831665,
0.8860760927200317,
0.29826536774635315,
-0.9148412942886353,
0.5300474762916565,
-0.044956739991903305,
0.26492801308631897,
0.3404659628868103,
0.46787092089653015,
-0.10315172374248505,
-0.14418241381645203,
-0.5406546592712402,
-0.7556385397911072,
0.6070316433906555,
0.39610806107521057,
0.15047062933444977,
0.2367938607931137,
0.11785051226615906,
-0.1471332609653473,
0.23770828545093536,
-1.0404956340789795,
-0.2941758632659912,
-0.35554733872413635,
-0.3103523254394531,
-0.12049461901187897,
-0.3039165735244751,
0.18070170283317566,
-0.5361474752426147,
0.7612070441246033,
-0.07810083776712418,
0.5538514256477356,
0.20682622492313385,
-0.47815465927124023,
-0.05019574612379074,
0.02175217494368553,
0.4088648557662964,
0.649978518486023,
-0.33238890767097473,
0.24582216143608093,
0.27194860577583313,
-0.6417141556739807,
-0.2012905478477478,
0.4885818660259247,
-0.1936488300561905,
0.10578025132417679,
0.8230170607566833,
1.2635573148727417,
-0.060706909745931625,
-0.6055377125740051,
0.6591048240661621,
0.048916373401880264,
-0.12433139979839325,
-0.1693100929260254,
0.0566079206764698,
-0.20863795280456543,
0.3139192461967468,
0.4137054979801178,
0.3227875530719757,
-0.08631616085767746,
-0.49427250027656555,
0.21434342861175537,
0.43696022033691406,
-0.6698876619338989,
-0.28492364287376404,
0.7791627645492554,
0.022229431197047234,
-0.1137557327747345,
0.556506335735321,
-0.1171526312828064,
-0.5767707228660583,
0.4500575363636017,
0.5299100279808044,
0.9032012224197388,
-0.12379048019647598,
0.2645082175731659,
0.39317357540130615,
0.6671323776245117,
0.2974637448787689,
0.04178754612803459,
-0.2134791761636734,
-0.8430764675140381,
-0.4646137058734894,
-0.8187793493270874,
-0.060330264270305634,
0.021772777661681175,
-0.47941094636917114,
0.27247488498687744,
-0.26522311568260193,
-0.14396663010120392,
0.0025114896707236767,
0.06818636506795883,
-0.9442234635353088,
0.319270521402359,
0.21701864898204803,
0.7744418382644653,
-0.8697546720504761,
0.7952842116355896,
0.7454413175582886,
-0.8682728409767151,
-0.745075523853302,
0.0652666911482811,
-0.29208076000213623,
-0.8927797675132751,
0.881847620010376,
0.46548959612846375,
-0.10268838703632355,
0.1517568975687027,
-0.7405899167060852,
-0.7018916010856628,
1.2376548051834106,
0.5447914004325867,
-0.6274093389511108,
0.002554272999987006,
0.07516054809093475,
0.44903624057769775,
-0.4111752212047577,
0.4960135817527771,
0.203303262591362,
0.30677300691604614,
-0.05762998387217522,
-0.9459720253944397,
0.05931173637509346,
-0.4789385199546814,
0.270517498254776,
-0.09135176986455917,
-0.7410567998886108,
0.846172034740448,
-0.3179962933063507,
-0.25882643461227417,
-0.040327731519937515,
0.7777203917503357,
0.15883907675743103,
0.03151595965027809,
0.34564009308815,
0.6523382663726807,
0.45730581879615784,
-0.16901306807994843,
1.1201554536819458,
-0.3156277537345886,
0.3284175395965576,
0.6310504078865051,
0.07614022493362427,
0.6741057634353638,
0.3294871151447296,
-0.23287998139858246,
0.7219458222389221,
0.5592271685600281,
-0.21598629653453827,
0.6229559779167175,
-0.1066662073135376,
-0.11416219919919968,
-0.4135926067829132,
-0.172342449426651,
-0.3026839792728424,
0.5148897767066956,
0.01947063021361828,
-0.8224164843559265,
0.034965746104717255,
0.21796223521232605,
-0.015399335883557796,
-0.01764252968132496,
-0.1224512979388237,
0.4113117754459381,
0.2291213721036911,
-0.43170979619026184,
0.6444985866546631,
0.10341329872608185,
0.6222103834152222,
-0.5552634596824646,
-0.10988246649503708,
0.035072799772024155,
0.21276068687438965,
-0.018946904689073563,
-0.561506450176239,
-0.1557205766439438,
-0.10712413489818573,
-0.3039218485355377,
-0.41797012090682983,
0.6728835701942444,
-0.5983406901359558,
-0.6809605956077576,
0.4339148700237274,
0.2901926636695862,
0.09545687586069107,
0.05898572877049446,
-0.6923545002937317,
0.04694002866744995,
0.1449352204799652,
-0.40604594349861145,
0.0835292711853981,
0.17930009961128235,
0.09298820793628693,
0.5278963446617126,
0.5334786772727966,
0.07923776656389236,
-0.0094053465873003,
0.06501825153827667,
0.7974669337272644,
-0.4238964021205902,
-0.1886610984802246,
-0.8541745543479919,
0.6343629956245422,
-0.2008083611726761,
-0.37769585847854614,
0.731904149055481,
0.4553791582584381,
1.0899795293807983,
-0.09727490693330765,
0.6948360204696655,
-0.12112413346767426,
0.08850665390491486,
-0.7312668561935425,
0.7007920145988464,
-0.6431421041488647,
0.023977337405085564,
-0.48512890934944153,
-1.0954216718673706,
-0.39369794726371765,
0.7601760029792786,
-0.342081218957901,
0.35670173168182373,
0.6914759278297424,
0.9973446726799011,
-0.17695273458957672,
-0.1724068522453308,
0.34669408202171326,
0.3218548893928528,
0.13836993277072906,
0.5567277073860168,
0.2531658411026001,
-0.6606217622756958,
0.47303035855293274,
-0.3578968644142151,
-0.3057810366153717,
-0.10250169783830643,
-0.7253707647323608,
-1.2517927885055542,
-0.9267590045928955,
-0.3552330434322357,
-0.3110021948814392,
0.3586982190608978,
0.9478888511657715,
0.7954117655754089,
-0.8360705971717834,
-0.015503213740885258,
-0.07796827703714371,
-0.15832681953907013,
-0.2398444265127182,
-0.21603935956954956,
0.5858707427978516,
-0.10201402008533478,
-0.7648499011993408,
0.16003870964050293,
0.4123168885707855,
0.12429589778184891,
-0.44251877069473267,
0.017139332368969917,
-0.23099172115325928,
-0.08790244907140732,
0.5695229768753052,
0.05415366590023041,
-0.6643533110618591,
-0.1936161071062088,
-0.018224062398076057,
-0.17210809886455536,
0.058917395770549774,
0.3488897383213043,
-0.8128634095191956,
0.6982885003089905,
0.5162943005561829,
0.645920991897583,
0.717198371887207,
-0.1093522310256958,
0.5014565587043762,
-0.7636070251464844,
0.3071891963481903,
-0.07229850441217422,
0.6008824706077576,
0.5780050158500671,
-0.1807725876569748,
0.27641481161117554,
0.5995385646820068,
-0.35679763555526733,
-0.7324538826942444,
0.1552354395389557,
-1.0511614084243774,
-0.22928473353385925,
0.9603187441825867,
-0.16371741890907288,
-0.4660893976688385,
0.2261875867843628,
-0.1866263449192047,
0.40982291102409363,
-0.0701226070523262,
0.5658546686172485,
0.4476505219936371,
0.2931402623653412,
-0.813643753528595,
-0.5106056332588196,
0.3134342133998871,
0.41351643204689026,
-0.394730806350708,
-0.2912193834781647,
0.24327073991298676,
0.21301870048046112,
0.34729382395744324,
0.42083385586738586,
0.09097570180892944,
0.061303865164518356,
0.14405888319015503,
0.5096455216407776,
-0.28817445039749146,
-0.5046812891960144,
-0.18470147252082825,
0.2612215578556061,
-0.3797360062599182,
-0.2055753469467163
] |
JosephusCheung/Qwen-VL-LLaMAfied-7B-Chat
|
JosephusCheung
| 2023-09-25T22:38:03Z | 5,048 | 28 |
transformers
|
[
"transformers",
"pytorch",
"llama",
"text-generation",
"llama2",
"qwen",
"en",
"zh",
"license:gpl-3.0",
"endpoints_compatible",
"text-generation-inference",
"region:us"
] |
text-generation
| 2023-08-30T18:57:53Z |
---
language:
- en
- zh
tags:
- llama
- llama2
- qwen
license: gpl-3.0
---
This is the LLaMAfied replica of [Qwen/Qwen-VL-Chat](https://huggingface.co/Qwen/Qwen-VL-Chat) (Original Version before 25.09.2023), recalibrated to fit the original LLaMA/LLaMA-2-like model structure.
You can use LlamaForCausalLM for model inference, which is the same as LLaMA/LLaMA-2 models (using GPT2Tokenizer converted from the original tiktoken, by [vonjack](https://huggingface.co/vonjack)).
The model has been edited to be white-labelled, meaning the model will no longer call itself a Qwen.
Up until now, the model has undergone numerical alignment of weights and preliminary reinforcement learning in order to align with the original model. Some errors and outdated knowledge have been addressed through model editing methods. This model remains completely equivalent to the original version, without having any dedicated supervised finetuning on downstream tasks or other extensive conversation datasets.
PROMPT FORMAT: [chatml](https://github.com/openai/openai-python/blob/main/chatml.md)
|
[
0.10515954345464706,
-0.8541024923324585,
0.23540546000003815,
0.2956608831882477,
-0.24590708315372467,
0.009014500305056572,
0.00027190742548555136,
-0.5714538097381592,
0.46079522371292114,
0.6977896094322205,
-0.8819031715393066,
-0.27007508277893066,
-0.3472384214401245,
-0.09585746377706528,
-0.30151647329330444,
1.2550621032714844,
-0.05178338661789894,
0.020108206197619438,
-0.08236187696456909,
-0.26071038842201233,
-0.21286900341510773,
-0.3818838894367218,
-0.9648504257202148,
-0.679503858089447,
0.5579104423522949,
0.1713101714849472,
0.8298773169517517,
0.46282389760017395,
0.103487528860569,
0.30645105242729187,
-0.5026768445968628,
0.1087755337357521,
-1.005208134651184,
-0.3254970610141754,
0.015483220107853413,
-0.5150521397590637,
-0.9222615361213684,
0.2289259433746338,
0.444049596786499,
0.3276645839214325,
-0.43864551186561584,
0.3219231963157654,
0.22330310940742493,
0.17099496722221375,
-0.4022618532180786,
0.24197769165039062,
-0.6093226075172424,
0.021532736718654633,
0.1735568791627884,
0.08946968615055084,
-0.4165838062763214,
-0.15880897641181946,
0.18082588911056519,
-0.9093544483184814,
-0.04158810153603554,
-0.04062800481915474,
0.9057091474533081,
0.5569474101066589,
-0.6187199950218201,
-0.13884083926677704,
-0.5523542761802673,
0.7717565298080444,
-0.8926580548286438,
0.05922410637140274,
0.5778369903564453,
0.6307610273361206,
-0.553350567817688,
-1.26682710647583,
-0.685422420501709,
-0.28352808952331543,
-0.022080201655626297,
0.11751549690961838,
-0.35256049036979675,
0.10902240127325058,
0.10530935972929001,
0.3920638859272003,
-0.31861838698387146,
0.401720255613327,
-0.6717752814292908,
-0.27134284377098083,
0.7200632095336914,
-0.017356356605887413,
0.11800891906023026,
-0.04139873757958412,
-0.6847050786018372,
-0.1614798903465271,
-0.7287150025367737,
-0.16490985453128815,
0.3288164734840393,
-0.10306544601917267,
-0.3727032542228699,
0.5176651477813721,
-0.4750475287437439,
0.42753148078918457,
0.21678701043128967,
-0.43984583020210266,
0.5417881011962891,
-0.0939364805817604,
-0.5403530597686768,
0.021948765963315964,
0.7042080760002136,
0.8929513096809387,
0.2132139503955841,
0.16809888184070587,
0.009817968122661114,
-0.33929139375686646,
0.24335995316505432,
-0.7597347497940063,
-0.648112952709198,
0.41153985261917114,
-0.5056801438331604,
-0.6792659163475037,
-0.27760574221611023,
-0.11307277530431747,
-0.347979336977005,
-0.13515236973762512,
0.4083113372325897,
-0.09646870940923691,
-0.5258825421333313,
0.08318179845809937,
0.1983748972415924,
0.2742927074432373,
0.6752840876579285,
-0.4716792702674866,
0.0896758884191513,
0.6551719307899475,
0.7249032258987427,
0.007087212987244129,
-0.31785887479782104,
-0.24546469748020172,
0.019355662167072296,
-0.2713541090488434,
0.5545214414596558,
-0.08695519715547562,
-0.5065123438835144,
-0.16879874467849731,
0.2354046106338501,
0.3154718577861786,
-0.45580554008483887,
0.7042720317840576,
-0.7863564491271973,
0.4698178768157959,
-0.14121361076831818,
-0.6479126214981079,
-0.45560312271118164,
0.520282506942749,
-0.7970046401023865,
1.033811330795288,
0.17739179730415344,
-0.6912598609924316,
0.13691386580467224,
-0.49445921182632446,
0.16803377866744995,
-0.09627265483140945,
0.3096768856048584,
-0.6664004325866699,
-0.3869825303554535,
-0.021584445610642433,
-0.02851426973938942,
-0.09331062436103821,
0.24943384528160095,
-0.6832274198532104,
-0.4565091133117676,
0.1997285783290863,
-0.3920300006866455,
1.0755091905593872,
0.1102360337972641,
-0.026000844314694405,
0.4042271375656128,
-0.7622635960578918,
0.013210682198405266,
0.17544403672218323,
-0.27996891736984253,
-0.09761320799589157,
0.1367090344429016,
-0.2177983671426773,
0.22752460837364197,
0.596483051776886,
-0.666111409664154,
0.42304137349128723,
-0.24295325577259064,
0.4875287413597107,
0.6497066020965576,
0.12759865820407867,
0.34697431325912476,
-0.6947176456451416,
0.31329208612442017,
0.09265518933534622,
0.5778049230575562,
0.1827305555343628,
-0.5388807654380798,
-0.8040542006492615,
-0.41878291964530945,
0.3793269097805023,
0.6183357238769531,
-0.8060310482978821,
0.08846292644739151,
-0.17357617616653442,
-0.7359147667884827,
-0.7004138231277466,
-0.0479373075067997,
0.33076173067092896,
0.3600577414035797,
0.36717912554740906,
-0.019053250551223755,
-0.8383110165596008,
-0.827197790145874,
0.14066271483898163,
-0.518445611000061,
-0.055356062948703766,
0.23646070063114166,
0.3714616894721985,
-0.5429229736328125,
0.6979804039001465,
-0.11042259633541107,
-0.07539816200733185,
-0.031199311837553978,
-0.019342876970767975,
0.24115030467510223,
0.5793296694755554,
0.7197522521018982,
-0.6204966306686401,
-0.3382054269313812,
-0.01403365284204483,
-0.7330818176269531,
-0.3161786198616028,
-0.26506638526916504,
-0.5601398348808289,
-0.04942383989691734,
0.42307522892951965,
-0.6933629512786865,
0.6661822199821472,
0.7643904089927673,
-0.08948168158531189,
0.7347888946533203,
-0.08897802978754044,
0.09955132007598877,
-1.2228474617004395,
-0.20149141550064087,
-0.2601073086261749,
-0.36807671189308167,
-0.5603159070014954,
0.1902417242527008,
0.010504540987312794,
0.36275047063827515,
-0.55745530128479,
0.8863691687583923,
-0.3268774449825287,
-0.11113777756690979,
-0.4475041627883911,
0.219512939453125,
-0.10899368673563004,
0.6247891187667847,
-0.23993869125843048,
0.9127607941627502,
0.28468117117881775,
-0.3152952790260315,
0.7137032747268677,
0.7352882623672485,
-0.2274715155363083,
0.4366840422153473,
-1.1783394813537598,
0.35732612013816833,
-0.007140409667044878,
0.4789170026779175,
-1.0968716144561768,
-0.25394153594970703,
0.7907666563987732,
-0.3610815107822418,
0.10023164749145508,
-0.389159232378006,
-0.21853113174438477,
-0.31137028336524963,
-0.5466732978820801,
0.4625774323940277,
0.7965041995048523,
-0.861841082572937,
0.442361056804657,
0.1879201978445053,
-0.17991463840007782,
-0.6287551522254944,
-0.6035804748535156,
0.11340370029211044,
-0.26962143182754517,
-0.4371107220649719,
0.41862499713897705,
-0.01463826559484005,
-0.2586994171142578,
-0.06995125859975815,
0.05071718618273735,
-0.06524262577295303,
0.2312687486410141,
0.2545888125896454,
0.41476935148239136,
-0.3653618097305298,
-0.012069901451468468,
0.12684795260429382,
0.020349441096186638,
-0.09060992300510406,
-0.017468243837356567,
0.3455851972103119,
0.2591259181499481,
-0.33005431294441223,
-0.8674507737159729,
-0.04613973945379257,
0.4137929379940033,
-0.005072052124887705,
0.6634733080863953,
0.40086185932159424,
-0.21964044868946075,
0.108536496758461,
-0.5178096294403076,
-0.1486906111240387,
-0.512630045413971,
0.34878799319267273,
-0.3386158049106598,
-0.911691427230835,
0.4558931291103363,
0.08292829245328903,
0.36750438809394836,
0.5123468637466431,
0.5131973028182983,
-0.3207781910896301,
0.8198277950286865,
0.432392954826355,
0.012799679301679134,
0.6570934653282166,
0.02981809340417385,
-0.2142912745475769,
-1.0163650512695312,
-0.26151543855667114,
-0.004174842499196529,
-0.4542628824710846,
-0.6505325436592102,
-0.4725887179374695,
0.07653244584798813,
0.4236501157283783,
-0.5306638479232788,
0.3630877733230591,
-0.07498601078987122,
0.1985415369272232,
0.5632205605506897,
0.4366609454154968,
0.4344668388366699,
-0.025112245231866837,
0.42418041825294495,
0.0044911704026162624,
-0.44729718565940857,
-0.7989373207092285,
1.1738331317901611,
0.39609965682029724,
0.5979017615318298,
0.40958067774772644,
0.5704901218414307,
0.48206645250320435,
0.7543734908103943,
-0.4468007981777191,
0.3498101234436035,
0.1315476894378662,
-0.46288996934890747,
-0.19921286404132843,
-0.4115482568740845,
-0.954846978187561,
0.47078806161880493,
-0.2855335772037506,
-1.0048713684082031,
-0.3263522982597351,
0.24164007604122162,
-0.3864907920360565,
0.29453757405281067,
-0.5790567994117737,
0.9306957125663757,
0.04685119539499283,
-0.0422399677336216,
-0.34071314334869385,
-0.3530454933643341,
0.7895100116729736,
-0.025170067325234413,
-0.21176758408546448,
-0.22147266566753387,
-0.04822903499007225,
0.6230407953262329,
-0.872886598110199,
1.1993050575256348,
0.013914906419813633,
-0.29636457562446594,
0.5320011973381042,
0.09884996712207794,
0.6372844576835632,
-0.009859615005552769,
-0.12450207024812698,
0.007786865346133709,
0.3162057101726532,
-0.6018258929252625,
-0.6408665180206299,
0.4929637014865875,
-1.1110949516296387,
-0.7357895970344543,
0.10537306219339371,
-0.232174351811409,
0.06149885803461075,
-0.05530065670609474,
0.036881737411022186,
0.3153041899204254,
-0.4130818545818329,
0.04430853947997093,
0.3110005557537079,
-0.189607173204422,
0.05037718266248703,
0.4305490553379059,
-0.5887741446495056,
-0.4478091895580292,
0.4049703776836395,
-0.2766770124435425,
0.27502158284187317,
0.09770277887582779,
-0.07194146513938904,
-0.183014914393425,
-0.3156266212463379,
-0.4410143792629242,
0.2956860661506653,
-0.44129595160484314,
-0.20830997824668884,
-0.5840674042701721,
-0.3455260992050171,
-0.09025675803422928,
0.23929624259471893,
-0.26972606778144836,
-0.512464165687561,
-0.608928918838501,
-0.29863807559013367,
0.7426718473434448,
0.9265725016593933,
-0.05687923729419708,
0.8248358964920044,
-0.6663594841957092,
0.20268504321575165,
0.599520742893219,
0.06824073195457458,
-0.019940853118896484,
-0.994266927242279,
0.0902552604675293,
0.7051142454147339,
-0.3041290044784546,
-0.8664981126785278,
0.06633472442626953,
0.314778208732605,
0.5925728678703308,
0.1523037552833557,
0.08461152017116547,
0.6645005345344543,
-0.3434954583644867,
0.9100215435028076,
0.10798782855272293,
-0.5744861364364624,
0.258484423160553,
-0.2709122896194458,
-0.0037510113324970007,
0.18485283851623535,
0.11515749990940094,
-0.5408273935317993,
-0.12817704677581787,
-0.7838923931121826,
-0.4370546340942383,
0.48004835844039917,
0.14369544386863708,
0.18254421651363373,
0.09215180575847626,
0.4964808523654938,
0.12646010518074036,
0.1860828548669815,
-0.6299834847450256,
-0.09946458786725998,
-0.38965079188346863,
-0.39445987343788147,
-0.01686561107635498,
-0.7418571710586548,
-0.0041047148406505585,
-0.11023091524839401,
0.8022989630699158,
-0.13504983484745026,
0.17088250815868378,
-0.038400985300540924,
-0.17951788008213043,
0.08521326631307602,
-0.20361731946468353,
0.6875801086425781,
0.32349923253059387,
-0.14903083443641663,
-0.25164559483528137,
0.5342455506324768,
-0.378423273563385,
0.05364852398633957,
-0.0434715673327446,
-0.09344685822725296,
-0.06477951258420944,
0.4175770580768585,
1.170274019241333,
0.5426555275917053,
-0.5475632548332214,
0.5342717170715332,
0.017012283205986023,
-0.3736477494239807,
-0.5541487336158752,
0.24932259321212769,
0.16148588061332703,
0.9145069718360901,
0.09900051355361938,
-0.05692301690578461,
0.07753545045852661,
-0.3457132875919342,
0.16591838002204895,
0.11985480785369873,
-0.3352757692337036,
-0.41927918791770935,
0.8701392412185669,
0.2055346816778183,
-0.5186898112297058,
0.7133681178092957,
-0.41524407267570496,
-0.4676298499107361,
0.42433419823646545,
0.3797277510166168,
0.5875229835510254,
-0.034212999045848846,
0.4434768557548523,
0.5418669581413269,
-0.006595154758542776,
-0.20629799365997314,
0.42433416843414307,
-0.193794846534729,
-0.7030773758888245,
-0.6590421199798584,
-0.3815843462944031,
-0.5928044319152832,
0.0513681098818779,
-0.6474300622940063,
0.1253775954246521,
-0.4489867687225342,
-0.35679206252098083,
-0.2756875157356262,
-0.1212494820356369,
-0.39470338821411133,
0.06920358538627625,
-0.03490951657295227,
1.0669838190078735,
-0.48808711767196655,
1.0427008867263794,
0.5421642661094666,
-0.18943674862384796,
-0.7343407869338989,
-0.23621945083141327,
0.12399690598249435,
-1.0315179824829102,
0.453046053647995,
-0.1739622950553894,
0.042061541229486465,
0.06409899145364761,
-0.9280773997306824,
-0.9412297010421753,
1.3895950317382812,
0.18326683342456818,
-0.5202767252922058,
-0.12189528346061707,
-0.17170032858848572,
0.5907513499259949,
-0.0849185436964035,
0.33391550183296204,
0.5118492841720581,
0.15855535864830017,
0.3768922686576843,
-1.2598884105682373,
-0.1696212887763977,
-0.38418063521385193,
0.1891639232635498,
-0.17991569638252258,
-0.8470671772956848,
0.9487613439559937,
-0.2967160940170288,
0.010155817493796349,
0.8830761313438416,
1.1188949346542358,
0.5223997831344604,
-0.07320621609687805,
0.4731212854385376,
0.4096795618534088,
0.8962267637252808,
-0.06534716486930847,
0.7528747916221619,
-0.07363832741975784,
0.47943708300590515,
1.4531575441360474,
-0.35024136304855347,
1.0061187744140625,
0.4479357600212097,
-0.3036012053489685,
0.5615755319595337,
0.8632873296737671,
-0.017320305109024048,
0.5658889412879944,
0.18967054784297943,
-0.18247288465499878,
-0.09650958329439163,
-0.010252700187265873,
-0.39795777201652527,
0.47898030281066895,
0.19340446591377258,
-0.06976526230573654,
-0.10862665623426437,
-0.22023916244506836,
0.0821622833609581,
-0.3036823570728302,
-0.17947617173194885,
0.8513172268867493,
-0.05890694260597229,
-0.37356045842170715,
0.6432932019233704,
-0.00664138188585639,
0.9077314734458923,
-0.2998099625110626,
-0.1432570070028305,
-0.28907865285873413,
0.025635767728090286,
-0.03739515691995621,
-0.8531409502029419,
0.07484031468629837,
-0.1039234846830368,
0.1952325701713562,
-0.00920602586120367,
0.668300211429596,
-0.6448973417282104,
-0.28674080967903137,
0.10989110171794891,
0.4539436399936676,
0.4372308552265167,
0.15240709483623505,
-0.7045058608055115,
0.26068684458732605,
0.20756381750106812,
-0.4119448959827423,
0.04317504167556763,
0.3245460093021393,
-0.1299353539943695,
0.7358365654945374,
0.5282167196273804,
-0.22107411921024323,
0.01935567706823349,
0.12624718248844147,
0.5994604229927063,
-0.3339603543281555,
-0.46813157200813293,
-0.5745418071746826,
0.6506139636039734,
-0.4193040132522583,
-0.6838778853416443,
0.4652506709098816,
0.1348617672920227,
0.936883807182312,
-0.08041868358850479,
0.4339568018913269,
0.2338988184928894,
0.43461722135543823,
-0.6448459625244141,
0.7234912514686584,
-0.762288510799408,
0.038151200860738754,
-0.17074407637119293,
-0.6978046298027039,
0.20946791768074036,
0.8674076795578003,
-0.07391786575317383,
0.17121848464012146,
0.10998538881540298,
0.9762800335884094,
-0.08438657969236374,
0.2502749562263489,
0.41382408142089844,
0.501947820186615,
0.11463937908411026,
0.5293514132499695,
1.1844285726547241,
-0.6739903688430786,
0.5433265566825867,
-0.1840340793132782,
-0.13243556022644043,
-0.5340099334716797,
-0.9114015102386475,
-0.9236074090003967,
-0.556777834892273,
-0.6784352660179138,
-0.4196116030216217,
0.17635470628738403,
0.9709548354148865,
0.6851840019226074,
-0.6422596573829651,
0.04510567709803581,
0.3348115086555481,
0.07680916041135788,
-0.14772707223892212,
-0.1229662373661995,
0.00045808186405338347,
0.24766959249973297,
-0.5530824065208435,
0.251508891582489,
-0.04533884674310684,
0.5976389646530151,
-0.09723598510026932,
-0.2919277250766754,
0.0898851677775383,
-0.11767059564590454,
0.6015564203262329,
0.47317996621131897,
-0.9020864367485046,
-0.6746066808700562,
-0.21763545274734497,
-0.40035316348075867,
0.11868717521429062,
0.05260727182030678,
-0.5866905450820923,
0.019928334280848503,
0.06027355045080185,
0.46451982855796814,
0.7953882813453674,
-0.07909135520458221,
0.5330202579498291,
-0.5710139274597168,
0.4231991469860077,
-0.25436195731163025,
0.5752800703048706,
0.4309605062007904,
-0.007064097095280886,
0.5058343410491943,
0.039876341819763184,
-0.4269248843193054,
-0.7104746699333191,
0.3137902617454529,
-1.0582915544509888,
-0.09880959242582321,
1.2712445259094238,
-0.20954395830631256,
-0.42196375131607056,
0.18006564676761627,
-1.0112797021865845,
0.4933129847049713,
-0.11120285093784332,
0.720038115978241,
0.46238747239112854,
0.3306724429130554,
-0.44632914662361145,
-0.46732696890830994,
0.39741623401641846,
0.14072826504707336,
-0.49396491050720215,
-0.2536524534225464,
0.44002264738082886,
0.4250827133655548,
-0.2836606502532959,
0.6935840845108032,
0.10101024061441422,
0.42474061250686646,
0.05094533786177635,
0.278113454580307,
-0.10794465988874435,
0.056235913187265396,
0.05366675928235054,
-0.3160035014152527,
0.29188594222068787,
-0.43601423501968384
] |
TheBloke/OpenOrca-Platypus2-13B-GPTQ
|
TheBloke
| 2023-09-27T12:45:43Z | 5,045 | 49 |
transformers
|
[
"transformers",
"safetensors",
"llama",
"text-generation",
"en",
"dataset:garage-bAInd/Open-Platypus",
"dataset:Open-Orca/OpenOrca",
"arxiv:2308.07317",
"arxiv:2306.02707",
"arxiv:2301.13688",
"base_model:Open-Orca/OpenOrca-Platypus2-13B",
"license:cc-by-nc-4.0",
"has_space",
"text-generation-inference",
"4-bit",
"region:us"
] |
text-generation
| 2023-08-12T19:45:04Z |
---
language:
- en
license: cc-by-nc-4.0
library_name: transformers
datasets:
- garage-bAInd/Open-Platypus
- Open-Orca/OpenOrca
model_name: OpenOrca Platypus2 13B
base_model: Open-Orca/OpenOrca-Platypus2-13B
inference: false
model_creator: Open-Orca
model_type: llama
pipeline_tag: text-generation
prompt_template: '### Instruction:
{prompt}
### Response:
'
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 -->
# OpenOrca Platypus2 13B - GPTQ
- Model creator: [Open-Orca](https://huggingface.co/Open-Orca)
- Original model: [OpenOrca Platypus2 13B](https://huggingface.co/Open-Orca/OpenOrca-Platypus2-13B)
<!-- description start -->
## Description
This repo contains GPTQ model files for [Open-Orca's OpenOrca Platypus2 13B](https://huggingface.co/Open-Orca/OpenOrca-Platypus2-13B).
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/OpenOrca-Platypus2-13B-AWQ)
* [GPTQ models for GPU inference, with multiple quantisation parameter options.](https://huggingface.co/TheBloke/OpenOrca-Platypus2-13B-GPTQ)
* [2, 3, 4, 5, 6 and 8-bit GGUF models for CPU+GPU inference](https://huggingface.co/TheBloke/OpenOrca-Platypus2-13B-GGUF)
* [Open-Orca's original unquantised fp16 model in pytorch format, for GPU inference and for further conversions](https://huggingface.co/Open-Orca/OpenOrca-Platypus2-13B)
<!-- repositories-available end -->
<!-- prompt-template start -->
## Prompt template: Alpaca-InstructOnly
```
### Instruction:
{prompt}
### Response:
```
<!-- prompt-template end -->
<!-- licensing start -->
## Licensing
The creator of the source model has listed its license as `cc-by-nc-4.0`, and this quantization has therefore used that same license.
As this model is based on Llama 2, it is also subject to the Meta Llama 2 license terms, and the license files for that are additionally included. It should therefore be considered as being claimed to be licensed under both licenses. I contacted Hugging Face for clarification on dual licensing but they do not yet have an official position. Should this change, or should Meta provide any feedback on this situation, I will update this section accordingly.
In the meantime, any questions regarding licensing, and in particular how these two licenses might interact, should be directed to the original model repository: [Open-Orca's OpenOrca Platypus2 13B](https://huggingface.co/Open-Orca/OpenOrca-Platypus2-13B).
<!-- licensing 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/OpenOrca-Platypus2-13B-GPTQ/tree/main) | 4 | 128 | No | 0.1 | [wikitext](https://huggingface.co/datasets/wikitext/viewer/wikitext-2-v1/test) | 4096 | 7.26 GB | Yes | 4-bit, without Act Order and group size 128g. |
| [gptq-4bit-32g-actorder_True](https://huggingface.co/TheBloke/OpenOrca-Platypus2-13B-GPTQ/tree/gptq-4bit-32g-actorder_True) | 4 | 32 | Yes | 0.1 | [wikitext](https://huggingface.co/datasets/wikitext/viewer/wikitext-2-v1/test) | 4096 | 8.00 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/OpenOrca-Platypus2-13B-GPTQ/tree/gptq-4bit-64g-actorder_True) | 4 | 64 | Yes | 0.1 | [wikitext](https://huggingface.co/datasets/wikitext/viewer/wikitext-2-v1/test) | 4096 | 7.51 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/OpenOrca-Platypus2-13B-GPTQ/tree/gptq-4bit-128g-actorder_True) | 4 | 128 | Yes | 0.1 | [wikitext](https://huggingface.co/datasets/wikitext/viewer/wikitext-2-v1/test) | 4096 | 7.26 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/OpenOrca-Platypus2-13B-GPTQ/tree/gptq-8bit--1g-actorder_True) | 8 | None | Yes | 0.1 | [wikitext](https://huggingface.co/datasets/wikitext/viewer/wikitext-2-v1/test) | 4096 | 13.36 GB | No | 8-bit, with Act Order. No group size, to lower VRAM requirements. |
| [gptq-8bit-128g-actorder_True](https://huggingface.co/TheBloke/OpenOrca-Platypus2-13B-GPTQ/tree/gptq-8bit-128g-actorder_True) | 8 | 128 | Yes | 0.1 | [wikitext](https://huggingface.co/datasets/wikitext/viewer/wikitext-2-v1/test) | 4096 | 13.65 GB | No | 8-bit, with group size 128g for higher inference quality and with Act Order for even higher accuracy. |
<!-- 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/OpenOrca-Platypus2-13B-GPTQ:main`
- With Git, you can clone a branch with:
```
git clone --single-branch --branch main https://huggingface.co/TheBloke/OpenOrca-Platypus2-13B-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/OpenOrca-Platypus2-13B-GPTQ`.
- To download from a specific branch, enter for example `TheBloke/OpenOrca-Platypus2-13B-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: `OpenOrca-Platypus2-13B-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/OpenOrca-Platypus2-13B-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'''### Instruction:
{prompt}
### Response:
'''
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: Open-Orca's OpenOrca Platypus2 13B
<p><h1>🐋 The First OrcaPlatypus! 🐋</h1></p>

# OpenOrca-Platypus2-13B
OpenOrca-Platypus2-13B is a merge of [`garage-bAInd/Platypus2-13B`](https://huggingface.co/garage-bAInd/Platypus2-13B) and [`Open-Orca/OpenOrcaxOpenChat-Preview2-13B`](https://huggingface.co/Open-Orca/OpenOrcaxOpenChat-Preview2-13B).
This model is more than the sum of its parts! We are happy to be teaming up with the [Platypus](https://platypus-llm.github.io/) team to bring you a new model which once again tops the leaderboards!
Want to visualize our full (pre-filtering) dataset? Check out our [Nomic Atlas Map](https://atlas.nomic.ai/map/c1b88b47-2d9b-47e0-9002-b80766792582/2560fd25-52fe-42f1-a58f-ff5eccc890d2).
[<img src="https://huggingface.co/Open-Orca/OpenOrca-Preview1-13B/resolve/main/OpenOrca%20Nomic%20Atlas.png" alt="Atlas Nomic Dataset Map" width="400" height="400" />](https://atlas.nomic.ai/map/c1b88b47-2d9b-47e0-9002-b80766792582/2560fd25-52fe-42f1-a58f-ff5eccc890d2)
We are in-process with training more models, so keep a look out on our org for releases coming soon with exciting partners.
We will also give sneak-peak announcements on our Discord, which you can find here:
https://AlignmentLab.ai
# Evaluation
## HuggingFace Leaderboard Performance

| Metric | Value |
|-----------------------|-------|
| MMLU (5-shot) | 59.5 |
| ARC (25-shot) | 62.88 |
| HellaSwag (10-shot) | 83.19 |
| TruthfulQA (0-shot) | 52.69 |
| Avg. | 64.56 |
We use [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.
## AGIEval Performance
We compare our results to our base Preview2 model (using LM Evaluation Harness).
We find **112%** of the base model's performance on AGI Eval, averaging **0.463**.
A large part of this boost is the substantial improvement to LSAT Logical Reasoning performance.

## BigBench-Hard Performance
We compare our results to our base Preview2 model (using LM Evaluation Harness).
We find **105%** of the base model's performance on BigBench-Hard, averaging **0.442**.

# Model Details
* **Trained by**: **Platypus2-13B** trained by Cole Hunter & Ariel Lee; **OpenOrcaxOpenChat-Preview2-13B** trained by Open-Orca
* **Model type:** **OpenOrca-Platypus2-13B** is an auto-regressive language model based on the Lllama 2 transformer architecture.
* **Language(s)**: English
* **License for Platypus2-13B base weights**: Non-Commercial Creative Commons license ([CC BY-NC-4.0](https://creativecommons.org/licenses/by-nc/4.0/))
* **License for OpenOrcaxOpenChat-Preview2-13B base weights**: Llama 2 Commercial
# Prompting
## Prompt Template for base Platypus2-13B
```
### Instruction:
<prompt> (without the <>)
### Response:
```
## Prompt Template for base OpenOrcaxOpenChat-Preview2-13B
OpenChat Llama2 V1: see [OpenOrcaxOpenChat-Preview2-13B](https://huggingface.co/Open-Orca/OpenOrcaxOpenChat-Preview2-13B) for additional information.
# Training
## Training Datasets
`garage-bAInd/Platypus2-13B` 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.
`Open-Orca/OpenOrcaxOpenChat-Preview2-13B` trained using a refined subset of most of the GPT-4 data from the [OpenOrca dataset](https://huggingface.co/datasets/Open-Orca/OpenOrca).
## Training Procedure
`Open-Orca/Platypus2-13B` was instruction fine-tuned using LoRA on 1x A100-80GB.
For training details and inference instructions please see the [Platypus](https://github.com/arielnlee/Platypus) GitHub repo.
# Supplemental
## Reproducing Evaluation Results (for HuggingFace Leaderboard Eval)
Install LM Evaluation Harness:
```
# clone repository
git clone https://github.com/EleutherAI/lm-evaluation-harness.git
# change to repo directory
cd lm-evaluation-harness
# check out the correct commit
git checkout b281b0921b636bc36ad05c0b0b0763bd6dd43463
# install
pip install -e .
```
Each task was evaluated on a single A100-80GB GPU.
ARC:
```
python main.py --model hf-causal-experimental --model_args pretrained=Open-Orca/OpenOrca-Platypus2-13B --tasks arc_challenge --batch_size 1 --no_cache --write_out --output_path results/OpenOrca-Platypus2-13B/arc_challenge_25shot.json --device cuda --num_fewshot 25
```
HellaSwag:
```
python main.py --model hf-causal-experimental --model_args pretrained=Open-Orca/OpenOrca-Platypus2-13B --tasks hellaswag --batch_size 1 --no_cache --write_out --output_path results/OpenOrca-Platypus2-13B/hellaswag_10shot.json --device cuda --num_fewshot 10
```
MMLU:
```
python main.py --model hf-causal-experimental --model_args pretrained=Open-Orca/OpenOrca-Platypus2-13B --tasks hendrycksTest-* --batch_size 1 --no_cache --write_out --output_path results/OpenOrca-Platypus2-13B/mmlu_5shot.json --device cuda --num_fewshot 5
```
TruthfulQA:
```
python main.py --model hf-causal-experimental --model_args pretrained=Open-Orca/OpenOrca-Platypus2-13B --tasks truthfulqa_mc --batch_size 1 --no_cache --write_out --output_path results/OpenOrca-Platypus2-13B/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
@software{hunterlee2023orcaplaty1
title = {OpenOrcaPlatypus: Llama2-13B Model Instruct-tuned on Filtered OpenOrcaV1 GPT-4 Dataset and Merged with divergent STEM and Logic Dataset Model},
author = {Ariel N. Lee and Cole J. Hunter and Nataniel Ruiz and Bleys Goodson and Wing Lian and Guan Wang and Eugene Pentland and Austin Cook and Chanvichet Vong and "Teknium"},
year = {2023},
publisher = {HuggingFace},
journal = {HuggingFace repository},
howpublished = {\url{https://huggingface.co/Open-Orca/OpenOrca-Platypus2-13B},
}
@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}
}
@software{OpenOrcaxOpenChatPreview2,
title = {OpenOrcaxOpenChatPreview2: Llama2-13B Model Instruct-tuned on Filtered OpenOrcaV1 GPT-4 Dataset},
author = {Guan Wang and Bleys Goodson and Wing Lian and Eugene Pentland and Austin Cook and Chanvichet Vong and "Teknium"},
year = {2023},
publisher = {HuggingFace},
journal = {HuggingFace repository},
howpublished = {\url{https://https://huggingface.co/Open-Orca/OpenOrcaxOpenChat-Preview2-13B},
}
@software{openchat,
title = {{OpenChat: Advancing Open-source Language Models with Imperfect Data}},
author = {Wang, Guan and Cheng, Sijie and Yu, Qiying and Liu, Changling},
doi = {10.5281/zenodo.8105775},
url = {https://github.com/imoneoi/openchat},
version = {pre-release},
year = {2023},
month = {7},
}
@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}
}
@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 and Soumya Batra and Prajjwal Bhargava and Shruti Bhosale and Dan Bikel and Lukas Blecher and Cristian Canton Ferrer and Moya Chen and Guillem Cucurull and David Esiobu and Jude Fernandes and Jeremy Fu and Wenyin Fu and Brian Fuller and Cynthia Gao and Vedanuj Goswami and Naman Goyal and Anthony Hartshorn and Saghar Hosseini and Rui Hou and Hakan Inan and Marcin Kardas and Viktor Kerkez and Madian Khabsa and Isabel Kloumann and Artem Korenev and Punit Singh Koura and Marie-Anne Lachaux and Thibaut Lavril and Jenya Lee and Diana Liskovich and Yinghai Lu and Yuning Mao and Xavier Martinet and Todor Mihaylov and Pushkar Mishra and Igor Molybog and Yixin Nie and Andrew Poulton and Jeremy Reizenstein and Rashi Rungta and Kalyan Saladi and Alan Schelten and Ruan Silva and Eric Michael Smith and Ranjan Subramanian and Xiaoqing Ellen Tan and Binh Tang and Ross Taylor and Adina Williams and Jian Xiang Kuan and Puxin Xu and Zheng Yan and Iliyan Zarov and Yuchen Zhang and Angela Fan and Melanie Kambadur and Sharan Narang and Aurelien Rodriguez and Robert Stojnic and Sergey Edunov and Thomas Scialom},
year={2023},
eprint= arXiv 2307.09288
}
@misc{longpre2023flan,
title={The Flan Collection: Designing Data and Methods for Effective Instruction Tuning},
author={Shayne Longpre and Le Hou and Tu Vu and Albert Webson and Hyung Won Chung and Yi Tay and Denny Zhou and Quoc V. Le and Barret Zoph and Jason Wei and Adam Roberts},
year={2023},
eprint={2301.13688},
archivePrefix={arXiv},
primaryClass={cs.AI}
}
@article{hu2021lora,
title={LoRA: Low-Rank Adaptation of Large Language Models},
author={Hu, Edward J. and Shen, Yelong and Wallis, Phillip and Allen-Zhu, Zeyuan and Li, Yuanzhi and Wang, Shean and Chen, Weizhu},
journal={CoRR},
year={2021}
}
```
|
[
-0.523566722869873,
-0.720835268497467,
0.09523340314626694,
0.2308223843574524,
-0.3687705397605896,
-0.16448064148426056,
0.006109551060944796,
-0.6285057067871094,
0.28294432163238525,
0.3938312232494354,
-0.4767657518386841,
-0.5349783897399902,
-0.3234887719154358,
-0.07447583973407745,
-0.17261621356010437,
1.1009161472320557,
0.023326963186264038,
-0.28652477264404297,
-0.024857815355062485,
-0.5022575259208679,
-0.2945573031902313,
-0.45652076601982117,
-0.7688716053962708,
-0.11267483979463577,
0.5020036101341248,
0.13285623490810394,
0.9333687424659729,
0.5981931686401367,
0.2282450646162033,
0.2631942629814148,
-0.21524293720722198,
0.021899865940213203,
-0.4896097481250763,
-0.22317424416542053,
0.1141948476433754,
-0.3335034251213074,
-0.6344512104988098,
0.111861452460289,
0.33137571811676025,
0.2251703441143036,
-0.35285747051239014,
0.29131993651390076,
0.08171030133962631,
0.5643317103385925,
-0.5361872315406799,
0.2859399914741516,
-0.27172601222991943,
0.016081416979432106,
-0.26276418566703796,
0.1362241953611374,
-0.11953215301036835,
-0.48372867703437805,
0.14159059524536133,
-1.0294159650802612,
0.11904199421405792,
-0.08934547007083893,
1.1106224060058594,
0.13453805446624756,
-0.5557013750076294,
-0.07320418953895569,
-0.2722357511520386,
0.5174049735069275,
-0.8488213419914246,
0.2076646238565445,
0.4177772104740143,
0.11091290414333344,
-0.2832607328891754,
-0.8532220125198364,
-0.5689021348953247,
-0.0711350366473198,
-0.13919368386268616,
0.3665357828140259,
-0.3163079619407654,
-0.0032529046293348074,
0.3512679934501648,
0.71820068359375,
-0.8466081023216248,
-0.08989125490188599,
-0.3388555943965912,
-0.15282875299453735,
0.8097378611564636,
0.05181163176894188,
0.330498069524765,
-0.12401053309440613,
-0.3775443136692047,
-0.5745338797569275,
-0.6670616865158081,
0.2963145971298218,
0.4718227982521057,
0.10125758498907089,
-0.6648445725440979,
0.5535522103309631,
-0.24218140542507172,
0.43644341826438904,
-0.02882976457476616,
-0.21345268189907074,
0.4123784303665161,
-0.5275319814682007,
-0.377086341381073,
-0.2880081832408905,
1.1549715995788574,
0.413069486618042,
-0.23477885127067566,
0.2766222655773163,
0.018251115456223488,
0.03178834170103073,
-0.14916405081748962,
-0.8193038105964661,
-0.4649132788181305,
0.4527641832828522,
-0.555686891078949,
-0.1809881329536438,
0.13114014267921448,
-0.7974790930747986,
-0.07143475115299225,
0.016294147819280624,
0.47907713055610657,
-0.5637057423591614,
-0.48668259382247925,
0.29282113909721375,
-0.3363047242164612,
0.5461558103561401,
0.3439634442329407,
-0.6060094833374023,
0.510935366153717,
0.3902929127216339,
0.7929956316947937,
0.14473915100097656,
-0.14618729054927826,
-0.13328741490840912,
0.06668835133314133,
-0.08671835064888,
0.4884397089481354,
-0.1567116528749466,
-0.4357236325740814,
-0.3771071434020996,
0.3025455176830292,
0.019404862076044083,
-0.2508321702480316,
0.5690327882766724,
-0.2072170525789261,
0.3695118725299835,
-0.5755977630615234,
-0.33195650577545166,
-0.47060564160346985,
-0.07017925381660461,
-0.7446935176849365,
1.1984429359436035,
0.4002363383769989,
-0.8956968188285828,
0.23615337908267975,
-0.6592980027198792,
-0.1412629783153534,
-0.03551831841468811,
0.10927242040634155,
-0.5126810073852539,
-0.13776984810829163,
0.2283053994178772,
0.16958659887313843,
-0.3429695665836334,
-0.023069918155670166,
-0.4465716481208801,
-0.061969757080078125,
0.17502406239509583,
-0.2153499275445938,
1.3220525979995728,
0.20536458492279053,
-0.28316372632980347,
-0.06328349560499191,
-0.5518355369567871,
-0.012467656284570694,
0.5770435929298401,
-0.21173270046710968,
-0.15365834534168243,
-0.1931804120540619,
0.021643400192260742,
0.12552374601364136,
0.29828646779060364,
-0.5100534558296204,
0.5210928916931152,
-0.24163761734962463,
0.7973217368125916,
0.5056414008140564,
-0.03930487856268883,
0.21292662620544434,
-0.4532017409801483,
0.4815048575401306,
0.007765326648950577,
0.6118505001068115,
0.02794969640672207,
-0.8692169189453125,
-0.6311849355697632,
-0.3597421646118164,
0.37310755252838135,
0.5769623517990112,
-0.521257221698761,
0.4955841302871704,
-0.05759350582957268,
-0.6778271794319153,
-0.3916970193386078,
-0.22471699118614197,
0.33702969551086426,
0.32506418228149414,
0.42353352904319763,
-0.6010557413101196,
-0.3729795813560486,
-0.7826626300811768,
0.15885019302368164,
-0.43413662910461426,
0.05543695390224457,
0.4888903796672821,
0.8297145366668701,
-0.008793485350906849,
0.7605286836624146,
-0.5934836864471436,
-0.20418117940425873,
0.1201431155204773,
0.05741054564714432,
0.2809677720069885,
0.6019636392593384,
0.8556903600692749,
-0.7319028377532959,
-0.5294365286827087,
-0.07693023979663849,
-0.6003413200378418,
-0.04358580708503723,
0.06659750640392303,
-0.32475075125694275,
0.27088215947151184,
-0.09576819837093353,
-1.1843833923339844,
0.7095080614089966,
0.5345608592033386,
-0.5912224054336548,
0.6483457088470459,
-0.2731291353702545,
0.04726706072688103,
-0.8754563927650452,
0.2162139117717743,
0.0269383043050766,
-0.2582474648952484,
-0.32123464345932007,
0.17966850101947784,
-0.02086365409195423,
0.17723843455314636,
-0.36678603291511536,
0.6017881631851196,
-0.4679024815559387,
-0.1379280686378479,
0.16787534952163696,
-0.034837692975997925,
0.22481660544872284,
0.5047996640205383,
-0.05481557920575142,
0.7299225926399231,
0.5360652804374695,
-0.28915828466415405,
0.464223176240921,
0.5299725532531738,
-0.027008960023522377,
0.29135850071907043,
-0.8330035209655762,
0.13814543187618256,
0.1139502078294754,
0.6141652464866638,
-1.0071650743484497,
-0.23786401748657227,
0.5543479919433594,
-0.5468669533729553,
0.33552491664886475,
-0.26533812284469604,
-0.5235987305641174,
-0.4869869351387024,
-0.6682562828063965,
0.4216918647289276,
0.7022880911827087,
-0.5461031198501587,
0.3830295503139496,
0.4384379982948303,
-0.008809615857899189,
-0.6200263500213623,
-0.6520359516143799,
-0.24831654131412506,
-0.30561238527297974,
-0.6993155479431152,
0.4804075360298157,
-0.066375732421875,
0.03987068682909012,
0.08736095577478409,
-0.07003658264875412,
0.060994092375040054,
-0.14205773174762726,
0.3948712646961212,
0.2972463369369507,
-0.20029325783252716,
-0.20820212364196777,
0.08243196457624435,
0.022211506962776184,
0.00831676833331585,
-0.37514278292655945,
0.4931112229824066,
-0.23486819863319397,
-0.004753122106194496,
-0.4652724862098694,
0.11535494029521942,
0.5206246972084045,
-0.2228572517633438,
0.7118359804153442,
0.6546320915222168,
-0.25027546286582947,
0.1912030726671219,
-0.43745937943458557,
-0.09908691793680191,
-0.4317670464515686,
0.013004172593355179,
-0.28883373737335205,
-0.7136944532394409,
0.7382438778877258,
0.5022532343864441,
0.20858311653137207,
0.8266871571540833,
0.4585113227367401,
0.0631556361913681,
0.9278398156166077,
0.37702032923698425,
-0.032816555351018906,
0.434226393699646,
-0.6151500344276428,
-0.18990126252174377,
-0.8117343783378601,
-0.43376412987709045,
-0.4146769344806671,
-0.26057663559913635,
-0.7851921319961548,
-0.4873906373977661,
0.2972501516342163,
0.29611584544181824,
-0.6089944839477539,
0.6448261737823486,
-0.7110719680786133,
0.19776217639446259,
0.6551218032836914,
0.34468621015548706,
0.20210185647010803,
0.003769800066947937,
-0.2223602831363678,
0.19575929641723633,
-0.5492932200431824,
-0.32939305901527405,
1.1899725198745728,
0.44047823548316956,
0.5395008325576782,
0.25824281573295593,
0.3477429151535034,
-0.022519195452332497,
0.300972580909729,
-0.43025514483451843,
0.5005607008934021,
-0.10236361622810364,
-0.6761953830718994,
-0.2870446741580963,
-0.5128559470176697,
-1.0038288831710815,
0.31762099266052246,
-0.030350562185049057,
-0.7974532842636108,
0.3969839811325073,
-0.027311477810144424,
-0.44933345913887024,
0.34134337306022644,
-0.7014265060424805,
1.0987434387207031,
-0.17222914099693298,
-0.33557531237602234,
-0.05898759886622429,
-0.8486775755882263,
0.43491217494010925,
0.1560770869255066,
-0.04307226464152336,
-0.208802729845047,
-0.4115982949733734,
0.8687644600868225,
-0.981178343296051,
0.700126588344574,
-0.3136427402496338,
-0.027492539957165718,
0.6721345782279968,
-0.10146374255418777,
0.48062843084335327,
0.2450384795665741,
0.055645495653152466,
0.399199903011322,
0.49981245398521423,
-0.446304053068161,
-0.21502476930618286,
0.5172647833824158,
-1.08064603805542,
-0.2604466378688812,
-0.556465744972229,
-0.4589211642742157,
0.11314947158098221,
0.01786552183330059,
0.4121256172657013,
0.30997326970100403,
-0.004016129765659571,
0.12242761999368668,
0.5918005108833313,
-0.475096732378006,
0.42493242025375366,
0.42133474349975586,
-0.2534058392047882,
-0.7251884341239929,
0.749549150466919,
0.09796028584241867,
0.1295464187860489,
0.2181457281112671,
0.1619088500738144,
-0.5736874341964722,
-0.46691784262657166,
-0.5066213607788086,
0.5065447688102722,
-0.44762521982192993,
-0.450772762298584,
-0.632261335849762,
-0.15383517742156982,
-0.37773260474205017,
0.2822016477584839,
-0.35999828577041626,
-0.7069475650787354,
-0.5256931781768799,
0.017106838524341583,
0.8967052102088928,
0.4719366133213043,
-0.26368722319602966,
0.4021621644496918,
-0.626019299030304,
0.22030775249004364,
0.309635192155838,
0.23901896178722382,
-0.11562899500131607,
-0.6607185006141663,
0.19034230709075928,
0.1781163066625595,
-0.5861977338790894,
-1.0200977325439453,
0.6334273815155029,
0.1854858547449112,
0.41334784030914307,
0.33112722635269165,
0.11919133365154266,
0.8391503095626831,
-0.030837245285511017,
0.9855495691299438,
0.3025733232498169,
-0.8446940183639526,
0.5016670823097229,
-0.4689222276210785,
0.1054186001420021,
0.4399590492248535,
0.5140974521636963,
-0.18040041625499725,
-0.3423968255519867,
-0.8321759700775146,
-0.8794622421264648,
0.625606119632721,
0.3991536498069763,
-0.09105372428894043,
0.19796529412269592,
0.6138434410095215,
0.1613071858882904,
0.17533601820468903,
-0.9118703007698059,
-0.5109020471572876,
-0.456074059009552,
-0.05524354428052902,
0.07112126052379608,
-0.096922367811203,
-0.17650118470191956,
-0.5889544486999512,
0.8022066354751587,
-0.12891510128974915,
0.5313265919685364,
0.30485084652900696,
0.186516672372818,
-0.14261355996131897,
-0.09284350275993347,
0.45692092180252075,
0.6038470268249512,
-0.34293216466903687,
-0.254055917263031,
0.07419537007808685,
-0.7840891480445862,
-0.035835567861795425,
0.34435033798217773,
-0.044821999967098236,
-0.17849265038967133,
0.09769994020462036,
0.7100270986557007,
-0.1840212643146515,
-0.43815135955810547,
0.5521028637886047,
-0.275124192237854,
-0.3603919744491577,
-0.24514348804950714,
0.08722498267889023,
0.21668729186058044,
0.3676886260509491,
0.2793208062648773,
-0.245579332113266,
0.13840249180793762,
-0.5745849013328552,
0.039373572915792465,
0.5684748888015747,
0.010877009481191635,
-0.44828951358795166,
0.8433406949043274,
-0.08518785983324051,
0.14601890742778778,
0.6256940960884094,
-0.2705649137496948,
-0.30303138494491577,
0.8454699516296387,
0.40740662813186646,
0.6126967072486877,
-0.24250265955924988,
0.22246311604976654,
0.5543673634529114,
0.17228882014751434,
-0.12695997953414917,
0.5722600817680359,
-0.017831269651651382,
-0.4663792848587036,
-0.3439282774925232,
-0.595458447933197,
-0.2710198760032654,
0.38772282004356384,
-0.8018443584442139,
0.2035873532295227,
-0.48993033170700073,
-0.43197232484817505,
-0.04361433535814285,
0.3169075846672058,
-0.46516337990760803,
0.161870077252388,
0.12485028803348541,
1.084547758102417,
-0.8217245936393738,
0.8954840302467346,
0.625812292098999,
-0.5813681483268738,
-0.9503570199012756,
-0.3721751570701599,
0.033549852669239044,
-0.66517174243927,
0.1694718599319458,
0.08636578172445297,
0.3932071030139923,
-0.09051363170146942,
-0.7626835703849792,
-0.9185741543769836,
1.4867650270462036,
0.43080276250839233,
-0.4529099464416504,
0.01547916792333126,
0.01768140308558941,
0.4042946994304657,
-0.1997530311346054,
0.6958804130554199,
0.6005793809890747,
0.4175539016723633,
0.2838748097419739,
-1.0798627138137817,
0.3947901129722595,
-0.23698042333126068,
-0.02284698374569416,
0.24082587659358978,
-1.1260981559753418,
1.1121267080307007,
-0.015992555767297745,
-0.16052426397800446,
0.33804717659950256,
0.5494000911712646,
0.4414736032485962,
0.048264503479003906,
0.4208993911743164,
0.9603031277656555,
0.7370445132255554,
-0.35736435651779175,
1.0891097784042358,
-0.1433212161064148,
0.6211659908294678,
0.7762789130210876,
0.022112378850579262,
0.8156945705413818,
0.29707565903663635,
-0.6684747338294983,
0.5397617220878601,
1.0776478052139282,
-0.0867387130856514,
0.44495120644569397,
-0.03600776940584183,
-0.19600151479244232,
0.04797206446528435,
0.026482827961444855,
-0.7609349489212036,
0.12574490904808044,
0.4349590837955475,
-0.2541535794734955,
-0.02592477574944496,
-0.13158974051475525,
0.044548094272613525,
-0.6706380248069763,
-0.22014984488487244,
0.5509331226348877,
0.24557462334632874,
-0.3295712172985077,
0.7922781109809875,
-0.028710439801216125,
0.5929850339889526,
-0.5529874563217163,
-0.031899452209472656,
-0.38644614815711975,
-0.049901824444532394,
-0.37187671661376953,
-0.8775291442871094,
0.18576927483081818,
-0.230856254696846,
0.06864060461521149,
-0.03495212644338608,
0.5424409508705139,
-0.15036186575889587,
-0.2132987231016159,
0.3650933504104614,
0.3068211078643799,
0.34459444880485535,
-0.13693904876708984,
-1.1136184930801392,
0.2908766269683838,
-0.002797837369143963,
-0.6361377239227295,
0.4001850485801697,
0.3772922456264496,
0.08883365243673325,
0.6503058075904846,
0.6261763572692871,
-0.05975460261106491,
0.07847144454717636,
-0.299188494682312,
0.9944074749946594,
-0.6297633647918701,
-0.3809035122394562,
-0.7095151543617249,
0.5780243277549744,
-0.016336988657712936,
-0.45265743136405945,
0.700726330280304,
0.725645124912262,
0.8175269961357117,
0.07363076508045197,
0.5908209085464478,
-0.47458499670028687,
0.24424180388450623,
-0.31727612018585205,
0.5271521806716919,
-0.7011358141899109,
0.02207036130130291,
-0.19058941304683685,
-0.8196949362754822,
-0.1585087776184082,
0.7160298228263855,
-0.2020249366760254,
0.12391920387744904,
0.5235992074012756,
0.8063324689865112,
-0.061195798218250275,
0.21602588891983032,
-0.00630844384431839,
0.3859710991382599,
0.12444112449884415,
0.9264088273048401,
0.775398313999176,
-0.8048414587974548,
0.5918248891830444,
-0.4671272933483124,
-0.2823182940483093,
-0.0893198624253273,
-0.8018687963485718,
-0.7080859541893005,
-0.3835838735103607,
-0.6673018336296082,
-0.6331643462181091,
-0.03340953215956688,
0.7679898738861084,
0.7427182793617249,
-0.7197309136390686,
-0.3909289538860321,
-0.12119849026203156,
-0.043048229068517685,
-0.2727842628955841,
-0.2551669478416443,
0.4558641016483307,
0.3281666934490204,
-0.4914371967315674,
0.04197013005614281,
0.12774115800857544,
0.38351497054100037,
-0.14072495698928833,
-0.28278663754463196,
-0.13907751441001892,
-0.016274943947792053,
0.5191687345504761,
0.7040742039680481,
-0.6803306937217712,
-0.09168307483196259,
-0.23999300599098206,
-0.11643549054861069,
0.3423900008201599,
0.31573429703712463,
-0.7352662086486816,
0.07116519659757614,
0.5065866708755493,
0.04057565703988075,
0.8664296269416809,
0.0935809537768364,
0.17561203241348267,
-0.3297879695892334,
0.29973894357681274,
0.09413065016269684,
0.3452666103839874,
0.05000971257686615,
-0.3256620764732361,
0.7247586846351624,
0.41043221950531006,
-0.5667042136192322,
-0.7811696529388428,
-0.1927463263273239,
-1.358744502067566,
-0.26034924387931824,
1.064914345741272,
-0.27789899706840515,
-0.4410652816295624,
0.07412436604499817,
-0.33354341983795166,
0.31562677025794983,
-0.5298528671264648,
0.23607534170150757,
0.3279370665550232,
-0.27059870958328247,
-0.26277151703834534,
-0.8430129885673523,
0.4789961576461792,
0.18439093232154846,
-0.8090553879737854,
-0.07489313930273056,
0.42234039306640625,
0.4664405584335327,
0.15027941763401031,
0.6861713528633118,
-0.36915698647499084,
0.31901952624320984,
0.035138390958309174,
0.08359084278345108,
-0.041408050805330276,
0.0950421392917633,
-0.3476673364639282,
0.09448570758104324,
-0.16554482281208038,
-0.16672924160957336
] |
hfl/chinese-macbert-base
|
hfl
| 2021-05-19T19:09:45Z | 5,044 | 97 |
transformers
|
[
"transformers",
"pytorch",
"tf",
"jax",
"bert",
"fill-mask",
"zh",
"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"
---
<p align="center">
<br>
<img src="https://github.com/ymcui/MacBERT/raw/master/pics/banner.png" width="500"/>
<br>
</p>
<p align="center">
<a href="https://github.com/ymcui/MacBERT/blob/master/LICENSE">
<img alt="GitHub" src="https://img.shields.io/github/license/ymcui/MacBERT.svg?color=blue&style=flat-square">
</a>
</p>
# Please use 'Bert' related functions to load this model!
This repository contains the resources in our paper **"Revisiting Pre-trained Models for Chinese Natural Language Processing"**, which will be published in "[Findings of EMNLP](https://2020.emnlp.org)". You can read our camera-ready paper through [ACL Anthology](#) or [arXiv pre-print](https://arxiv.org/abs/2004.13922).
**[Revisiting Pre-trained Models for Chinese Natural Language Processing](https://arxiv.org/abs/2004.13922)**
*Yiming Cui, Wanxiang Che, Ting Liu, Bing Qin, Shijin Wang, Guoping Hu*
You may also interested in,
- Chinese BERT series: https://github.com/ymcui/Chinese-BERT-wwm
- 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
## Introduction
**MacBERT** is an improved BERT with novel **M**LM **a**s **c**orrection pre-training task, which mitigates the discrepancy of pre-training and fine-tuning.
Instead of masking with [MASK] token, which never appears in the fine-tuning stage, **we propose to use similar words for the masking purpose**. A similar word is obtained by using [Synonyms toolkit (Wang and Hu, 2017)](https://github.com/chatopera/Synonyms), which is based on word2vec (Mikolov et al., 2013) similarity calculations. If an N-gram is selected to mask, we will find similar words individually. In rare cases, when there is no similar word, we will degrade to use random word replacement.
Here is an example of our pre-training task.
| | Example |
| -------------- | ----------------- |
| **Original Sentence** | we use a language model to predict the probability of the next word. |
| **MLM** | we use a language [M] to [M] ##di ##ct the pro [M] ##bility of the next word . |
| **Whole word masking** | we use a language [M] to [M] [M] [M] the [M] [M] [M] of the next word . |
| **N-gram masking** | we use a [M] [M] to [M] [M] [M] the [M] [M] [M] [M] [M] next word . |
| **MLM as correction** | we use a text system to ca ##lc ##ulate the po ##si ##bility of the next word . |
Except for the new pre-training task, we also incorporate the following techniques.
- Whole Word Masking (WWM)
- N-gram masking
- Sentence-Order Prediction (SOP)
**Note that our MacBERT can be directly replaced with the original BERT as there is no differences in the main neural architecture.**
For more technical details, please check our paper: [Revisiting Pre-trained Models for Chinese Natural Language Processing](https://arxiv.org/abs/2004.13922)
## Citation
If you find our resource or paper is useful, please consider including the following citation in your paper.
- 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",
}
```
|
[
-0.41239845752716064,
-0.850864827632904,
0.12277446687221527,
0.1915092170238495,
-0.3189243674278259,
-0.20732468366622925,
-0.47628599405288696,
-0.5973000526428223,
0.4474524259567261,
0.569258451461792,
-0.683009147644043,
-0.4566226899623871,
-0.5636450052261353,
0.07618331164121628,
-0.18982207775115967,
0.932968020439148,
-0.012844184413552284,
0.13734041154384613,
0.22089317440986633,
0.06196792796254158,
-0.0965195968747139,
-0.7613144516944885,
-0.6495566964149475,
-0.38606396317481995,
0.6307960152626038,
0.011947534047067165,
0.38592374324798584,
0.3959904611110687,
0.33233118057250977,
0.31263694167137146,
0.006519865710288286,
0.1483958512544632,
-0.30856654047966003,
-0.20894834399223328,
0.3878549039363861,
-0.2128908783197403,
-0.4609293043613434,
0.400913804769516,
0.6833524703979492,
0.7157918214797974,
-0.068141870200634,
-0.004441000521183014,
0.3127259612083435,
0.5815538763999939,
-0.552791953086853,
-0.02541983686387539,
-0.9043864011764526,
0.14862295985221863,
-0.2784046530723572,
0.016513707116246223,
-0.49513542652130127,
-0.25812187790870667,
0.22545303404331207,
-0.7088063359260559,
0.19824770092964172,
0.1189562976360321,
1.4465360641479492,
-0.037987709045410156,
0.04945750907063484,
-0.08599836379289627,
-0.4348003566265106,
0.8025699257850647,
-1.1270902156829834,
0.37115857005119324,
0.45903992652893066,
0.0696764886379242,
-0.2145071029663086,
-1.15427565574646,
-0.804149329662323,
-0.39270150661468506,
-0.21991102397441864,
0.19408728182315826,
0.05644535645842552,
0.17885053157806396,
0.21995042264461517,
0.13413064181804657,
-0.5298104286193848,
0.11141557991504669,
-0.23334915935993195,
-0.4737098813056946,
0.5098268389701843,
-0.23391218483448029,
0.3740813136100769,
0.011696560308337212,
-0.44984012842178345,
-0.2990323603153229,
-0.4757598042488098,
0.14156346023082733,
0.2720893323421478,
0.2917080819606781,
0.03999315947294235,
0.2443113923072815,
-0.02117655798792839,
0.687533438205719,
-0.06815453618764877,
0.018571319058537483,
0.6414186954498291,
-0.3511034846305847,
-0.4383903443813324,
0.07963890582323074,
0.9780182242393494,
0.17043569684028625,
0.2568376958370209,
-0.004605596885085106,
-0.27349594235420227,
-0.19285567104816437,
0.12032172083854675,
-0.7523350119590759,
-0.48213717341423035,
0.016412820667028427,
-0.5838162302970886,
-0.2059927135705948,
0.1402442902326584,
-0.38230544328689575,
0.10102605074644089,
-0.27013951539993286,
0.6591017842292786,
-0.623930037021637,
-0.02905534952878952,
0.18320252001285553,
-0.09524951130151749,
0.2831074893474579,
0.18702802062034607,
-0.7817239761352539,
0.1572784036397934,
0.4362414479255676,
0.6435500383377075,
0.03458684682846069,
-0.5130854249000549,
-0.3424413502216339,
-0.10899826139211655,
-0.13943612575531006,
0.5381854176521301,
-0.3003597855567932,
0.0007241853163577616,
0.16118104755878448,
0.1607385277748108,
-0.14260892570018768,
-0.2713871896266937,
0.5221384167671204,
-0.5084559917449951,
0.37009161710739136,
-0.19975188374519348,
-0.4272896349430084,
-0.2882128953933716,
0.3735426366329193,
-0.5427343249320984,
1.0660176277160645,
-0.2870911955833435,
-0.8588693141937256,
0.2722302973270416,
-0.606863796710968,
-0.47141116857528687,
-0.1481797993183136,
0.10751080513000488,
-0.498857706785202,
-0.26674991846084595,
0.3281157910823822,
0.48943641781806946,
0.15385843813419342,
0.22071833908557892,
-0.33123448491096497,
-0.3094591498374939,
0.2950188219547272,
-0.3816077411174774,
1.1558482646942139,
0.23281116783618927,
-0.3146532475948334,
-0.018703758716583252,
-0.8959375619888306,
0.09149456024169922,
0.110376738011837,
-0.33544960618019104,
-0.285858690738678,
-0.03170765936374664,
0.0937921553850174,
0.2965553402900696,
0.5289115905761719,
-0.6635158061981201,
-0.04298970103263855,
-0.6038458347320557,
0.3982903063297272,
0.8359444737434387,
-0.256562739610672,
0.32458439469337463,
-0.396454393863678,
0.22859583795070648,
-0.035500671714544296,
0.1804104745388031,
-0.26114746928215027,
-0.5239848494529724,
-0.9976816773414612,
-0.24724872410297394,
0.6077174544334412,
0.5782217979431152,
-0.8383026719093323,
0.662235677242279,
-0.1925143003463745,
-0.5598660111427307,
-0.5950876474380493,
-0.04650968313217163,
0.40728068351745605,
0.5033726692199707,
0.5540583729743958,
-0.48653075098991394,
-0.813218355178833,
-0.7231513857841492,
-0.20855462551116943,
-0.12347842007875443,
-0.001630288315936923,
0.14737674593925476,
0.26563578844070435,
-0.2580411434173584,
0.84119713306427,
-0.6258256435394287,
-0.4924774467945099,
-0.33105137944221497,
0.3760450780391693,
0.19948671758174896,
0.5485520362854004,
0.4813666045665741,
-0.6178921461105347,
-0.47593915462493896,
-0.30652186274528503,
-0.4828683137893677,
-0.2499588429927826,
-0.1998366117477417,
-0.2735057473182678,
0.41636887192726135,
0.6726248264312744,
-0.34407690167427063,
0.39019283652305603,
0.49634572863578796,
0.010687636211514473,
0.7095578908920288,
-0.38179951906204224,
-0.14292775094509125,
-1.1473069190979004,
0.08455213159322739,
-0.01254535187035799,
0.08746014535427094,
-0.8396563529968262,
0.03034827671945095,
-0.06049298867583275,
0.0861426442861557,
-0.5138520002365112,
0.4135681688785553,
-0.61772221326828,
0.17574962973594666,
-0.2189662754535675,
0.4050026834011078,
-0.009574389085173607,
0.9014151096343994,
0.16008393466472626,
0.4184788167476654,
0.4426831007003784,
-0.8312026262283325,
0.004689985886216164,
0.16410502791404724,
-0.4812130630016327,
-0.1747930496931076,
-0.5862541794776917,
0.14157089591026306,
-0.12269280105829239,
0.4321470856666565,
-0.9742801189422607,
0.29318737983703613,
0.5092350840568542,
-0.7582808136940002,
0.5282427072525024,
0.31226080656051636,
-0.615446150302887,
-0.3265080153942108,
-0.5641228556632996,
0.206069678068161,
0.5347216129302979,
-0.48837795853614807,
0.416988730430603,
0.2559184730052948,
0.00160310510545969,
-0.7953962683677673,
-0.951882541179657,
0.1289212852716446,
0.08326239883899689,
-0.5281244516372681,
0.7157548069953918,
-0.2208387553691864,
0.08159901946783066,
-0.048874855041503906,
0.27186453342437744,
-0.23051896691322327,
0.18693870306015015,
-0.030680276453495026,
0.4321467876434326,
-0.2753007709980011,
0.2755725681781769,
-0.20164667069911957,
0.03824584558606148,
-0.02346128597855568,
-0.4022173583507538,
0.6323432922363281,
0.08791371434926987,
-0.045224737375974655,
-0.29485824704170227,
0.0975164994597435,
-0.030522312968969345,
-0.3588782548904419,
0.8203802108764648,
1.0488183498382568,
-0.5084763169288635,
0.0354374460875988,
-0.640666127204895,
-0.3396395146846771,
-0.4977911412715912,
0.4385082423686981,
-0.16061225533485413,
-0.898141086101532,
0.3775535821914673,
0.3233737051486969,
0.3122826814651489,
0.5609995126724243,
0.3902207314968109,
-0.3028052747249603,
0.7084892392158508,
0.6548008322715759,
-0.2603732645511627,
0.7497487664222717,
-0.25153225660324097,
0.49771833419799805,
-0.8963051438331604,
-0.01726619340479374,
-0.569982647895813,
-0.40151652693748474,
-0.7598668336868286,
-0.254025936126709,
-0.11475638300180435,
0.13783058524131775,
-0.29493558406829834,
0.6535485982894897,
-0.49153947830200195,
0.024986736476421356,
0.6901026964187622,
0.10201580822467804,
0.10442889481782913,
0.11334923654794693,
-0.44645488262176514,
-0.21027345955371857,
-0.6948513984680176,
-0.4711243808269501,
0.962536096572876,
0.33843114972114563,
0.41404908895492554,
-0.1939096599817276,
1.0100271701812744,
0.029768096283078194,
0.39349496364593506,
-0.5835809111595154,
0.8248406648635864,
-0.39516717195510864,
-0.5280818939208984,
-0.5020124912261963,
-0.25612398982048035,
-1.181764841079712,
0.3728639781475067,
-0.4067716598510742,
-0.9076846837997437,
0.04894604906439781,
0.09548743069171906,
-0.29372555017471313,
0.4937535226345062,
-0.6475369930267334,
0.6877245306968689,
-0.22526492178440094,
-0.04363550990819931,
0.03870135173201561,
-0.7988396883010864,
0.4073387086391449,
-0.14615663886070251,
0.2184205949306488,
0.05154366046190262,
0.11957895010709763,
0.9530131220817566,
-0.5601444840431213,
0.9570230841636658,
-0.09834588319063187,
-0.14564409852027893,
0.2603752613067627,
-0.3737918436527252,
0.3908442258834839,
-0.40312546491622925,
-0.03614719957113266,
0.4163113236427307,
-0.10135263949632645,
-0.17115424573421478,
-0.49172040820121765,
0.5789438486099243,
-0.7572892308235168,
-0.6180880069732666,
-0.5189968347549438,
-0.3227250874042511,
0.07485853880643845,
0.36159905791282654,
0.527222216129303,
0.3421388268470764,
-0.11901428550481796,
0.07358306646347046,
0.578487753868103,
-0.5789796710014343,
0.6854081153869629,
0.49006855487823486,
-0.21316440403461456,
-0.3278532028198242,
0.8936553597450256,
0.4395122230052948,
0.1885780543088913,
0.744141697883606,
0.12707222998142242,
-0.17638294398784637,
-0.46535131335258484,
0.000809692544862628,
0.34065765142440796,
-0.5383206009864807,
0.07875927537679672,
-0.9418940544128418,
-0.7324457168579102,
-0.6781812906265259,
0.016981050372123718,
-0.1067766323685646,
-0.4387951195240021,
-0.5521934628486633,
0.06719591468572617,
0.06210855394601822,
0.2994801998138428,
-0.21664632856845856,
0.28018876910209656,
-0.7966948747634888,
0.3116806447505951,
0.284665048122406,
0.18821489810943604,
0.15512116253376007,
-0.7740679979324341,
-0.445708692073822,
0.3000461161136627,
-0.4848938584327698,
-0.593342661857605,
0.627894401550293,
0.23854249715805054,
0.7129687666893005,
0.34267139434814453,
0.22377251088619232,
0.6208552122116089,
-0.6920823454856873,
1.0526589155197144,
0.30548325181007385,
-0.8499450087547302,
0.5246034860610962,
0.01808152347803116,
0.27615875005722046,
0.5576242208480835,
0.28400006890296936,
-0.5598564147949219,
-0.4422418475151062,
-0.796160101890564,
-0.9381684064865112,
0.8265912532806396,
0.21664513647556305,
0.3292888402938843,
-0.06674652546644211,
0.024202032014727592,
-0.05282627046108246,
0.21202926337718964,
-1.233559250831604,
-0.5459213256835938,
-0.27487707138061523,
-0.10294263064861298,
-0.24044732749462128,
-0.39107513427734375,
0.2571556866168976,
-0.3787412643432617,
1.118011236190796,
0.15418677031993866,
0.6180412173271179,
0.3545673191547394,
-0.2790929973125458,
0.279023677110672,
0.24566465616226196,
0.8397196531295776,
0.3059195876121521,
-0.4097844958305359,
0.057502347975969315,
0.25095152854919434,
-0.792057454586029,
-0.1925470381975174,
0.3443067967891693,
-0.178697869181633,
0.3275547921657562,
0.45360204577445984,
0.8435544371604919,
0.22551710903644562,
-0.4938114285469055,
0.5173113346099854,
0.04014120250940323,
-0.5191409587860107,
-0.40153244137763977,
-0.14420610666275024,
-0.07686743885278702,
-0.052993662655353546,
0.3356921076774597,
0.05327862128615379,
0.0614941380918026,
-0.5676730275154114,
0.2539302706718445,
0.34958040714263916,
-0.5549502968788147,
-0.09331444650888443,
0.552072286605835,
0.07773210853338242,
-0.4148128628730774,
0.5417722463607788,
-0.3069109618663788,
-0.8918864727020264,
0.5259166955947876,
0.5545708537101746,
1.0813134908676147,
-0.06865822523832321,
0.1245240718126297,
0.5914378762245178,
0.5942562222480774,
-0.024975141510367393,
0.09292889386415482,
-0.08113254606723785,
-1.0942158699035645,
-0.4043203890323639,
-0.5706427693367004,
0.03349616378545761,
0.3409421443939209,
-0.3954888880252838,
0.2731998562812805,
-0.5549710392951965,
-0.11110129207372665,
-0.05161751061677933,
0.17158378660678864,
-0.5288755297660828,
0.345430463552475,
0.31631308794021606,
0.9483844637870789,
-0.4784095287322998,
1.2651492357254028,
0.5963438153266907,
-0.5091613531112671,
-1.0018928050994873,
0.3658256530761719,
-0.3221147954463959,
-0.8855672478675842,
0.881592869758606,
0.38588854670524597,
-0.03571547195315361,
-0.048373326659202576,
-0.6384245157241821,
-0.6880040168762207,
1.105582594871521,
0.10903925448656082,
-0.5212625861167908,
-0.05776568129658699,
0.06161326542496681,
0.5919327139854431,
-0.3695998787879944,
0.28090667724609375,
0.33878636360168457,
0.42022374272346497,
-0.014512600377202034,
-0.8292862176895142,
-0.014117315411567688,
-0.3481399118900299,
0.15082435309886932,
-0.015073735266923904,
-0.5473707914352417,
0.9865832328796387,
-0.1504315584897995,
-0.3023996353149414,
0.1274472177028656,
0.7019863128662109,
0.26912668347358704,
0.29572179913520813,
0.5359824895858765,
0.6581478118896484,
0.6253030896186829,
-0.09634838253259659,
0.6975612044334412,
-0.24947869777679443,
0.2642175853252411,
1.272815465927124,
-0.003406981937587261,
0.9814493060112,
0.41792815923690796,
-0.359862744808197,
0.6605505347251892,
0.7368295192718506,
-0.031096819788217545,
0.6154647469520569,
0.3568938374519348,
0.030958421528339386,
-0.1050926223397255,
-0.040752869099378586,
-0.48837339878082275,
0.31629326939582825,
0.032789357006549835,
-0.564922034740448,
0.005050681997090578,
-0.0172344408929348,
0.084128238260746,
0.06455044448375702,
-0.16332696378231049,
0.6370558142662048,
0.2805533707141876,
-0.6524680852890015,
0.7210449576377869,
0.19906118512153625,
1.1285203695297241,
-0.8024075031280518,
-0.002018669620156288,
-0.09075869619846344,
-0.01499366108328104,
0.014372964389622211,
-0.4813709855079651,
0.030657317489385605,
-0.2880953252315521,
-0.033706534653902054,
-0.34187108278274536,
0.7960302233695984,
-0.5940882563591003,
-0.5207616686820984,
0.43791016936302185,
0.11347534507513046,
0.2233075648546219,
0.04641691967844963,
-0.8893340826034546,
-0.15703636407852173,
0.17685262858867645,
-0.31560811400413513,
0.3355066180229187,
0.38087424635887146,
0.18116430938243866,
0.5356777906417847,
0.7956410050392151,
0.2307519018650055,
0.1937379240989685,
0.27592891454696655,
0.7154383063316345,
-0.5582074522972107,
-0.5653135180473328,
-0.849262535572052,
0.44736191630363464,
-0.18105891346931458,
-0.23013202846050262,
0.6375734806060791,
0.3229542374610901,
1.1474189758300781,
-0.11259319633245468,
0.6805654168128967,
-0.02271750010550022,
0.4380326271057129,
-0.6341721415519714,
0.917359471321106,
-0.6278378963470459,
0.31170523166656494,
-0.618560791015625,
-0.9424036741256714,
-0.4361414909362793,
0.7566215395927429,
-0.17870032787322998,
0.14301995933055878,
0.7408179640769958,
0.9143261909484863,
0.25286561250686646,
-0.07768888771533966,
0.467109352350235,
0.31291842460632324,
0.11884284019470215,
0.5133005976676941,
0.5774024724960327,
-0.765433132648468,
0.6417023539543152,
-0.32388296723365784,
-0.08246957510709763,
-0.23845526576042175,
-0.9606874585151672,
-0.8464629054069519,
-0.8748279809951782,
-0.32484129071235657,
-0.2282387763261795,
-0.019273443147540092,
0.9461832046508789,
0.5168328285217285,
-0.7837755084037781,
-0.1512073129415512,
0.004117704927921295,
0.01853402890264988,
-0.3697579503059387,
-0.2145972102880478,
0.3974739909172058,
-0.5092713236808777,
-0.6185184121131897,
-0.11142381280660629,
0.0796598345041275,
0.1860456019639969,
-0.1484953612089157,
-0.17303717136383057,
-0.7494388222694397,
0.09738823771476746,
0.5888163447380066,
0.20808599889278412,
-0.8766003847122192,
-0.2018715888261795,
0.0990183874964714,
-0.2747427523136139,
0.07315388321876526,
0.6546254754066467,
-0.69221031665802,
0.4666966199874878,
0.4045187830924988,
0.5894225835800171,
0.49429261684417725,
-0.42823630571365356,
0.48563945293426514,
-0.7484682202339172,
0.14012320339679718,
0.0960540920495987,
0.5438782572746277,
0.23047494888305664,
-0.2419319450855255,
0.3766344487667084,
0.27748748660087585,
-0.37185490131378174,
-0.6770668625831604,
0.014345903880894184,
-1.014833927154541,
-0.3915456533432007,
0.9967970252037048,
-0.3599971532821655,
-0.14435438811779022,
-0.025080952793359756,
-0.42836979031562805,
0.5999196171760559,
-0.22417204082012177,
0.6930733919143677,
0.9778047800064087,
0.29673829674720764,
-0.3915863335132599,
-0.322687566280365,
0.49681663513183594,
0.498534619808197,
-0.5254001021385193,
-0.2021573781967163,
0.12557445466518402,
0.10866679251194,
0.28121209144592285,
0.8021389842033386,
0.05261093005537987,
0.015492446720600128,
-0.2967483699321747,
0.40376418828964233,
-0.01959802955389023,
-0.029072454199194908,
-0.16065528988838196,
-0.1304779052734375,
-0.026333976536989212,
-0.5106220841407776
] |
sentence-transformers/gtr-t5-base
|
sentence-transformers
| 2022-02-09T12:27:26Z | 5,044 | 12 |
sentence-transformers
|
[
"sentence-transformers",
"pytorch",
"t5",
"feature-extraction",
"sentence-similarity",
"transformers",
"en",
"arxiv:2112.07899",
"license:apache-2.0",
"endpoints_compatible",
"has_space",
"text-generation-inference",
"region:us"
] |
sentence-similarity
| 2022-03-02T23:29:05Z |
---
pipeline_tag: sentence-similarity
language: en
license: apache-2.0
tags:
- sentence-transformers
- feature-extraction
- sentence-similarity
- transformers
---
# sentence-transformers/gtr-t5-base
This is a [sentence-transformers](https://www.SBERT.net) model: It maps sentences & paragraphs to a 768 dimensional dense vector space. The model was specifically trained for the task of sematic search.
This model was converted from the Tensorflow model [gtr-base-1](https://tfhub.dev/google/gtr/gtr-base/1) to PyTorch. When using this model, have a look at the publication: [Large Dual Encoders Are Generalizable Retrievers](https://arxiv.org/abs/2112.07899). The tfhub model and this PyTorch model can produce slightly different embeddings, however, when run on the same benchmarks, they produce identical results.
The model uses only the encoder from a T5-base model. The weights are stored in FP16.
## 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/gtr-t5-base')
embeddings = model.encode(sentences)
print(embeddings)
```
The model requires sentence-transformers version 2.2.0 or newer.
## 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/gtr-t5-base)
## Citing & Authors
If you find this model helpful, please cite the respective publication:
[Large Dual Encoders Are Generalizable Retrievers](https://arxiv.org/abs/2112.07899)
|
[
-0.12353996187448502,
-0.7109809517860413,
0.446879506111145,
0.20345166325569153,
-0.18857963383197784,
-0.2748227119445801,
-0.313088059425354,
-0.06179840862751007,
-0.006151311099529266,
0.5182977318763733,
-0.3525228202342987,
-0.5120362043380737,
-0.7465164661407471,
0.14307749271392822,
-0.5594688653945923,
1.016273856163025,
-0.08974538743495941,
0.0858030617237091,
-0.1828550547361374,
-0.11825382709503174,
-0.21497264504432678,
-0.563359260559082,
-0.28402745723724365,
-0.35320255160331726,
0.3352319896221161,
0.22585713863372803,
0.8059414625167847,
0.43946316838264465,
0.6870613098144531,
0.35218504071235657,
-0.185911163687706,
-0.2629646360874176,
-0.5640488266944885,
-0.007061813957989216,
-0.16115109622478485,
-0.23166006803512573,
-0.14682619273662567,
-0.13065727055072784,
0.4027068018913269,
0.5447103381156921,
-0.2557762563228607,
0.2514273226261139,
-0.14531803131103516,
0.18485938012599945,
-0.45646119117736816,
0.22489634156227112,
-0.4578368067741394,
0.2753159701824188,
0.024684980511665344,
-0.18566003441810608,
-0.517189085483551,
-0.4787884056568146,
0.36831578612327576,
-0.23913052678108215,
0.6411554217338562,
0.0102844825014472,
1.1289271116256714,
0.31954360008239746,
-0.5904306769371033,
-0.34337660670280457,
-0.4877481460571289,
0.6601636409759521,
-0.6743661165237427,
0.3722788393497467,
0.04947923496365547,
0.2914891242980957,
-0.07591386139392853,
-1.044940710067749,
-0.4180470108985901,
-0.4018349349498749,
-0.2669067978858948,
0.09215442091226578,
-0.47505849599838257,
0.2301003783941269,
0.5101974010467529,
0.5110004544258118,
-0.7562574744224548,
-0.14336110651493073,
-0.6397892236709595,
-0.25735577940940857,
0.3590661883354187,
0.1047443151473999,
0.4936913251876831,
-0.4965132772922516,
-0.42009633779525757,
-0.34367993474006653,
-0.3307647109031677,
-0.08631018549203873,
0.29420006275177,
-0.0010618908563628793,
-0.15612897276878357,
0.9992426037788391,
-0.04699510708451271,
0.5494231581687927,
0.09925134479999542,
0.17642609775066376,
0.532860279083252,
-0.3508739769458771,
-0.15210463106632233,
-0.031262531876564026,
1.0112930536270142,
0.35220274329185486,
0.40057373046875,
-0.5343671441078186,
-0.25539880990982056,
0.3004542589187622,
0.48382338881492615,
-1.0576146841049194,
-0.38029566407203674,
0.16679535806179047,
-0.5528956055641174,
-0.3478164076805115,
0.2084713578224182,
-0.7030665278434753,
-0.049377575516700745,
0.04546057805418968,
0.6931109428405762,
-0.49570417404174805,
0.10071268677711487,
0.21895405650138855,
-0.47833865880966187,
0.36101144552230835,
-0.14983898401260376,
-0.9491936564445496,
0.4048193097114563,
0.3832169473171234,
0.8622214198112488,
0.05610562488436699,
-0.3633551597595215,
-0.31162354350090027,
0.04041551798582077,
-0.07636059820652008,
0.7035606503486633,
-0.4668090045452118,
-0.22085605561733246,
0.16696082055568695,
0.13548414409160614,
-0.1763554960489273,
-0.5413431525230408,
0.8594563603401184,
-0.40479740500450134,
0.5594326853752136,
0.017178986221551895,
-0.520648717880249,
-0.31175127625465393,
0.15740899741649628,
-0.6645151376724243,
1.1534613370895386,
0.2172766774892807,
-0.8170609474182129,
0.1764742136001587,
-0.7083914875984192,
-0.373319149017334,
-0.19552455842494965,
0.022246770560741425,
-0.6237790584564209,
0.2555631399154663,
0.3663640320301056,
0.4949639141559601,
-0.24502339959144592,
0.41016992926597595,
-0.4320513606071472,
-0.5718914270401001,
0.278776079416275,
-0.21740664541721344,
0.885945737361908,
0.03569744899868965,
-0.47020095586776733,
0.2398868054151535,
-0.46172305941581726,
-0.003549745073541999,
0.18337702751159668,
-0.41162556409835815,
0.02481486089527607,
-0.12998054921627045,
0.3861486613750458,
0.2605387568473816,
0.39982426166534424,
-0.5907719731330872,
0.3856979310512543,
-0.32639434933662415,
0.8423107266426086,
0.5672208070755005,
-0.11889549344778061,
0.6179323792457581,
-0.18006977438926697,
0.34935078024864197,
0.2738294005393982,
-0.2038884460926056,
-0.09959883987903595,
-0.2556860148906708,
-0.9331350922584534,
0.09677727520465851,
0.26251986622810364,
0.37680020928382874,
-0.4854527413845062,
0.8235134482383728,
-0.5724953413009644,
-0.46165984869003296,
-0.6926923394203186,
-0.2289147973060608,
0.050065506249666214,
0.38537222146987915,
0.6838238835334778,
0.022570086643099785,
-0.778735876083374,
-1.0564112663269043,
-0.3458896279335022,
0.01856340654194355,
-0.020609628409147263,
0.011033640243113041,
0.9144063591957092,
-0.5120222568511963,
0.7852425575256348,
-0.5171765685081482,
-0.3931470811367035,
-0.4359714090824127,
0.25711876153945923,
0.2190341353416443,
0.4571681022644043,
0.5446443557739258,
-0.6306595206260681,
-0.23807492852210999,
-0.25631991028785706,
-0.7572956085205078,
-0.10269497334957123,
-0.05023839697241783,
-0.061397671699523926,
0.08618468791246414,
0.3583892285823822,
-0.821523129940033,
0.4541078507900238,
0.502044141292572,
-0.5622327327728271,
0.27648165822029114,
-0.3240707516670227,
-0.12659697234630585,
-1.3317509889602661,
0.17417451739311218,
0.026867179200053215,
-0.2532031238079071,
-0.30545860528945923,
0.21848395466804504,
0.27616891264915466,
-0.22234581410884857,
-0.08296112716197968,
0.29305148124694824,
-0.4781014919281006,
-0.1846710592508316,
0.017656950280070305,
-0.02392292022705078,
-0.09690015017986298,
0.6446784734725952,
-0.15564629435539246,
0.9766269326210022,
0.35726916790008545,
-0.43722155690193176,
0.4161428213119507,
0.6383678317070007,
-0.35073256492614746,
0.018963437527418137,
-1.0805785655975342,
0.36445653438568115,
-0.23501929640769958,
0.34609413146972656,
-1.084374189376831,
-0.187285378575325,
0.25572270154953003,
-0.43068182468414307,
-0.10170266777276993,
-0.028742337599396706,
-0.6462251543998718,
-0.5619768500328064,
-0.2782571613788605,
0.04669904336333275,
0.6173437237739563,
-0.6197566986083984,
0.7402787208557129,
0.1701543629169464,
0.03976358845829964,
-0.6330464482307434,
-1.086333990097046,
0.09610924124717712,
-0.24186056852340698,
-0.7893477082252502,
0.6663801670074463,
-0.030653081834316254,
0.23922444880008698,
0.27239543199539185,
-0.1042560338973999,
0.03345867991447449,
-0.14385390281677246,
0.171835258603096,
0.024225646629929543,
-0.2943023443222046,
0.0809919610619545,
-0.005067036487162113,
-0.11568430066108704,
0.10629294067621231,
-0.2746163010597229,
0.8639050126075745,
-0.31705141067504883,
-0.10482172667980194,
-0.2713222801685333,
0.20406515896320343,
0.4745871424674988,
-0.23584100604057312,
0.8443384766578674,
0.8980782628059387,
-0.27948006987571716,
-0.15288370847702026,
-0.645915150642395,
-0.2708061933517456,
-0.46573612093925476,
0.6337752342224121,
-0.45730850100517273,
-1.017474889755249,
0.4736698269844055,
0.2237836867570877,
-0.2182217836380005,
0.6889843940734863,
0.6017774939537048,
0.14177647233009338,
0.9455389976501465,
0.5444202423095703,
-0.09289608150720596,
0.4800795316696167,
-0.47828954458236694,
0.2843622863292694,
-0.7972039580345154,
-0.23084630072116852,
-0.5576944351196289,
-0.47069400548934937,
-0.7059053778648376,
-0.2766953408718109,
0.27023836970329285,
-0.10461816936731339,
-0.5363710522651672,
0.7020425200462341,
-0.6493702530860901,
0.3327000141143799,
0.7288786768913269,
0.13985371589660645,
0.09528826922178268,
0.27918118238449097,
-0.3746585249900818,
-0.15243671834468842,
-0.5441891551017761,
-0.5754789113998413,
1.0673623085021973,
0.24114292860031128,
0.8270218372344971,
0.21197238564491272,
0.5632464289665222,
0.043316978961229324,
-0.1940004825592041,
-0.8636168241500854,
0.5448324680328369,
-0.3829641342163086,
-0.5364698767662048,
0.04343363642692566,
-0.4920891523361206,
-1.0146344900131226,
0.3777599036693573,
-0.07026544958353043,
-0.731147050857544,
-0.07817002385854721,
-0.3056482672691345,
-0.17267240583896637,
0.21815802156925201,
-0.8851355314254761,
1.270537257194519,
-0.26749032735824585,
-0.05079679191112518,
-0.14902624487876892,
-0.5595911741256714,
-0.05474172160029411,
0.40330392122268677,
-0.3651541471481323,
0.1304008960723877,
0.002740341005846858,
0.7036730647087097,
-0.22254769504070282,
0.576144814491272,
-0.039356473833322525,
0.30159804224967957,
0.04574206843972206,
-0.08985579013824463,
0.4429325461387634,
-0.17496559023857117,
-0.11127234995365143,
0.0705600157380104,
-0.17622880637645721,
-0.2602638006210327,
-0.5431784987449646,
0.6173025369644165,
-1.1990461349487305,
-0.4724726378917694,
-0.5788391828536987,
-0.5045335292816162,
0.1937503218650818,
0.349089652299881,
0.4425777196884155,
0.5893542766571045,
-0.3799632489681244,
0.7641520500183105,
0.38082775473594666,
-0.28060445189476013,
0.5372353196144104,
0.16618652641773224,
-0.04663882777094841,
-0.4219086170196533,
0.40279120206832886,
0.02201058343052864,
-0.057983674108982086,
0.7016646862030029,
0.20084939897060394,
-0.6407806277275085,
-0.47176966071128845,
-0.23546598851680756,
0.17830274999141693,
-0.7119473814964294,
-0.09857058525085449,
-1.0237983465194702,
-0.4347216486930847,
-0.7318426966667175,
0.027159826830029488,
-0.032478928565979004,
-0.33118873834609985,
-0.46906420588493347,
-0.3187636435031891,
0.37825489044189453,
0.6323583722114563,
0.019937587901949883,
0.4340570271015167,
-0.6642191410064697,
0.4898075759410858,
0.12626788020133972,
0.16293711960315704,
-0.13340434432029724,
-0.7330327033996582,
-0.06612583994865417,
0.029577258974313736,
-0.4939156174659729,
-0.9423885941505432,
0.6482243537902832,
0.06669837981462479,
0.5265517830848694,
0.2122158259153366,
-0.146011084318161,
0.7768682837486267,
-0.5558590888977051,
0.7405127882957458,
0.03543948754668236,
-0.9499574303627014,
0.38851919770240784,
-0.3634016811847687,
0.4356266260147095,
0.4810059666633606,
0.2180827260017395,
-0.692908763885498,
-0.03388483449816704,
-0.7430272102355957,
-0.9629408717155457,
0.7971770167350769,
0.31412118673324585,
0.37650927901268005,
-0.006273964419960976,
0.13466227054595947,
-0.07974467426538467,
0.25125932693481445,
-0.9802312850952148,
-0.10414726287126541,
-0.4926256239414215,
-0.6361711025238037,
-0.22337627410888672,
-0.3421972990036011,
0.10088998824357986,
-0.1649330109357834,
0.4838792681694031,
-0.010690930299460888,
0.7959977984428406,
0.22428956627845764,
-0.5389454364776611,
0.10371113568544388,
0.4575956165790558,
0.3798312842845917,
0.34882891178131104,
-0.33221274614334106,
0.2788057029247284,
0.1619129329919815,
-0.42744195461273193,
-0.03295379877090454,
0.4290637969970703,
-0.1320333480834961,
0.15277911722660065,
0.23758098483085632,
1.0882552862167358,
0.41776731610298157,
-0.3371952772140503,
0.6923836469650269,
0.06341243535280228,
-0.14394403994083405,
-0.6563856601715088,
-0.004020199179649353,
0.3035765588283539,
0.21897238492965698,
0.40877681970596313,
0.23399542272090912,
0.27129215002059937,
-0.5306259393692017,
0.223645880818367,
0.16203327476978302,
-0.30381330847740173,
-0.2992815375328064,
0.8740421533584595,
0.0428408719599247,
-0.29887160658836365,
1.0150558948516846,
-0.06575863808393478,
-0.7652760148048401,
0.6108697056770325,
0.7251564264297485,
1.063174843788147,
0.22878077626228333,
0.29684141278266907,
0.5249629020690918,
0.34659141302108765,
-0.4016135334968567,
0.21428711712360382,
0.07467304170131683,
-0.8567928075790405,
-0.2459365427494049,
-0.5231556296348572,
-0.15190714597702026,
0.12819713354110718,
-0.6336936354637146,
0.3820086717605591,
-0.256506085395813,
-0.09294635057449341,
0.014707711525261402,
-0.05012975260615349,
-0.8254039287567139,
0.0233219712972641,
0.09426034241914749,
0.6938230395317078,
-0.6246255040168762,
0.7240522503852844,
0.8395832777023315,
-0.8930158615112305,
-0.9227488040924072,
0.026976192370057106,
-0.3848746120929718,
-0.8063029646873474,
0.6476318836212158,
0.40705591440200806,
0.1938972771167755,
0.18372084200382233,
-0.5757994651794434,
-0.7730253338813782,
1.2550010681152344,
0.46559977531433105,
-0.34515348076820374,
-0.5793264508247375,
0.34568077325820923,
0.6909417510032654,
-0.2798237204551697,
0.6824172735214233,
0.26569634675979614,
0.31493738293647766,
0.02570037916302681,
-0.759877622127533,
0.24100732803344727,
-0.2905862331390381,
0.29909399151802063,
0.07834923267364502,
-0.6231175661087036,
1.058201551437378,
-0.10004934668540955,
-0.07733343541622162,
0.28159433603286743,
0.6437798738479614,
0.24229051172733307,
-0.15060502290725708,
0.23544655740261078,
0.844815731048584,
0.614142656326294,
-0.2848649024963379,
1.0319188833236694,
-0.18973414599895477,
0.9080369472503662,
0.8719313740730286,
0.06517866998910904,
0.9520459771156311,
0.526076078414917,
-0.0377013199031353,
0.8299804925918579,
0.46801331639289856,
-0.5884295105934143,
0.5441257953643799,
0.16916991770267487,
0.16262267529964447,
-0.1959863007068634,
0.17421603202819824,
-0.42626845836639404,
0.44329163432121277,
0.15324129164218903,
-0.744635283946991,
-0.3523617088794708,
-0.2462647259235382,
-0.010745019651949406,
-0.1769426017999649,
-0.05339513346552849,
0.5647143721580505,
0.09756617993116379,
-0.623112678527832,
0.3694935142993927,
0.22430989146232605,
0.8905276656150818,
-0.4509984254837036,
0.07181588560342789,
-0.07498781383037567,
0.6112100481987,
-0.1368490308523178,
-0.8268513083457947,
0.32954367995262146,
-0.05963461473584175,
-0.09523153305053711,
-0.4352862238883972,
0.9167441725730896,
-0.5852959156036377,
-0.5836074948310852,
0.349856436252594,
0.4472716450691223,
0.02466583251953125,
-0.06231852248311043,
-0.7505440711975098,
-0.11799243837594986,
0.05336133390665054,
-0.26184144616127014,
0.0513148233294487,
0.3274911046028137,
0.24896827340126038,
0.5184935331344604,
0.45961859822273254,
-0.27257809042930603,
0.17357707023620605,
0.18238677084445953,
0.7139160633087158,
-0.9598475098609924,
-0.6736389398574829,
-0.8069333434104919,
0.5758994221687317,
-0.12443088740110397,
-0.5204021334648132,
0.6690264940261841,
0.7106379270553589,
0.831582248210907,
-0.4536840617656708,
0.7314675450325012,
-0.217058464884758,
0.32440632581710815,
-0.45644325017929077,
0.7561571002006531,
-0.49938908219337463,
-0.21429499983787537,
-0.15864509344100952,
-1.0375703573226929,
-0.17705802619457245,
1.0655072927474976,
-0.4468669295310974,
0.19122564792633057,
1.0306905508041382,
0.8487099409103394,
-0.3666580319404602,
0.016523772850632668,
0.08612074702978134,
0.43082934617996216,
0.1828005313873291,
0.7057470083236694,
0.7410027384757996,
-0.8815568685531616,
0.9110938906669617,
-0.21003231406211853,
0.38764721155166626,
-0.27788883447647095,
-0.5841275453567505,
-1.1070057153701782,
-0.5075377225875854,
-0.26951175928115845,
-0.5005574226379395,
0.07783215492963791,
0.8973001837730408,
0.47496575117111206,
-0.816314697265625,
-0.21693193912506104,
-0.4231972396373749,
-0.2777811586856842,
0.060987718403339386,
-0.2946033179759979,
0.32271528244018555,
-0.26684683561325073,
-0.822178840637207,
0.1564255803823471,
-0.1807098537683487,
0.029856398701667786,
-0.1775016337633133,
0.20035813748836517,
-0.17203763127326965,
-0.34130996465682983,
0.2805907130241394,
-0.24464599788188934,
-0.809441328048706,
-0.539151668548584,
0.3480111360549927,
-0.4596571624279022,
0.19706934690475464,
0.6436757445335388,
-0.7586842179298401,
0.22542989253997803,
0.7797144055366516,
0.6573688387870789,
0.8743794560432434,
-0.10489732772111893,
0.7357710003852844,
-0.5068383812904358,
0.16819992661476135,
0.19074876606464386,
0.6066933870315552,
0.4914535582065582,
-0.2062717080116272,
0.7704178690910339,
0.1523132026195526,
-0.5960886478424072,
-0.530558168888092,
-0.10436253249645233,
-1.2363799810409546,
-0.03220124915242195,
1.449131727218628,
0.010755596682429314,
-0.19382557272911072,
0.27278000116348267,
-0.37666577100753784,
0.537211537361145,
-0.5701943635940552,
0.7399253249168396,
0.8100801110267639,
0.2717389762401581,
-0.31833621859550476,
-0.35356542468070984,
0.16890254616737366,
0.45284920930862427,
-0.5140618681907654,
-0.40155720710754395,
0.3408643901348114,
0.4998144507408142,
0.18058788776397705,
0.2773321270942688,
-0.10658968240022659,
0.0890580490231514,
0.11226850003004074,
0.19713297486305237,
-0.10810662060976028,
-0.020683448761701584,
-0.45464906096458435,
0.4171069860458374,
-0.3651314675807953,
-0.19355809688568115
] |
it5/it5-base-news-summarization
|
it5
| 2022-10-18T13:43:57Z | 5,043 | 3 |
transformers
|
[
"transformers",
"pytorch",
"tf",
"jax",
"tensorboard",
"t5",
"text2text-generation",
"italian",
"sequence-to-sequence",
"fanpage",
"ilpost",
"summarization",
"it",
"dataset:ARTeLab/fanpage",
"dataset:ARTeLab/ilpost",
"arxiv:2203.03759",
"license:apache-2.0",
"model-index",
"co2_eq_emissions",
"autotrain_compatible",
"endpoints_compatible",
"has_space",
"text-generation-inference",
"region:us"
] |
summarization
| 2022-03-02T23:29:05Z |
---
language:
- it
license: apache-2.0
datasets:
- ARTeLab/fanpage
- ARTeLab/ilpost
tags:
- italian
- sequence-to-sequence
- fanpage
- ilpost
- summarization
widget:
- text: "Non lo vuole sposare. E’ quanto emerge all’interno dell’ultima intervista di Raffaella Fico che, ringraziando Mancini per i buoni consigli elargiti al suo fidanzato, rimanda l’idea del matrimonio per qualche anno ancora. La soubrette, che è stata recentemente protagonista di una dedica di Supermario, non ha ancora intenzione di accasarsi perché è sicura che per mettersi la fede al dito ci sia ancora tempo. Nonostante il suo Mario sia uno degli sportivi più desiderati al mondo, l’ex protagonista del Grande Fratello non ha alcuna intenzione di cedere seriamente alla sua corte. Solo qualche giorno fa, infatti, dopo l’ultima bravata di Balotelli, Mancini gli aveva consigliato di sposare la sua Raffaella e di mettere la testa a posto. Chi pensava che sarebbe stato Mario a rispondere, però, si è sbagliato. A mettere le cose bene in chiaro è la Fico che, intervistata dall’emittente radiofonica Rtl 102.5, dice: È presto per sposarsi, siamo ancora molto giovani. È giusto che prima uno si realizzi nel proprio lavoro. E poi successivamente perché no, ci si può anche pensare. Quando si è giovani capita di fare qualche pazzia, quindi ci sta. Comunque i tabloid inglesi sono totalmente accaniti sulla sua vita privata quando poi dovrebbero interessarsi di più di quello che fa sul campo. Lui non fa le cose con cattiveria, ma quando si è giovani si fanno determinate cose senza stare a pensare se sono giuste o sbagliate. Mario ha gli obiettivi puntati addosso: più per la sua vita privata che come giocatore. Per me può anche andare in uno strip club, se non fa niente di male, con gli amici, però devo dire che alla fine torna sempre da me, sono la sua preferita."
- text: "Valerio è giovanissimo ma già una star. Fuori dall’Ariston ragazzine e meno ragazzine passano ore anche sotto la pioggia per vederlo. Lui è forte del suo talento e sicuro. Partecipa in gara tra i “big” di diritto, per essere arrivato in finalissima nel programma Amici di Maria De Filippi e presenta il brano Per tutte le volte che scritta per lui da Pierdavide Carone. Valerio Scanu è stato eliminato. Ma non è detta l'ultima parola: il duetto di questa sera con Alessandra Amoroso potrebbe risollevarlo e farlo rientrare in gara. Che cosa è successo alla giuria visto che sei stato eliminato anche se l’esibizione era perfetta? Nn lo so. Sono andate bene le esibizioni, ero emozionato ma tranquillo. Ero contento ma ho cantato bene. Non sono passato e stasera ci sarà il ballottaggio… Quali sono le differenze tra Amici e Sanremo? Sono due cose diverse. Amici ti prepara a salire sul palco di amici. A Sanremo ci devi arrivare… ho fatto più di sessanta serate nel tour estivo, poi promozione del secondo disco. Una bella palestra. Sono cresciuto anche umanamente. Sono riuscito a percepire quello che il pubblico trasmette. L’umiltà? Prima di tutto. Sennò non sarei qui."
- text: "L’azienda statunitense Broadcom, uno dei più grandi produttori di semiconduttori al mondo, ha presentato un’offerta per acquisire Qualcomm, altra grande società degli Stati Uniti conosciuta soprattutto per la sua produzione di microprocessori Snapdragon (ARM), utilizzati in centinaia di milioni di smartphone in giro per il mondo. Broadcom ha proposto di acquistare ogni azione di Qualcomm al prezzo di 70 dollari, per un valore complessivo di circa 105 miliardi di dollari (130 miliardi se si comprendono 25 miliardi di debiti netti) . Se l’operazione dovesse essere approvata, sarebbe una delle più grandi acquisizioni di sempre nella storia del settore tecnologico degli Stati Uniti. Broadcom ha perfezionato per mesi la sua proposta di acquisto e, secondo i media statunitensi, avrebbe già preso contatti con Qualcomm per trovare un accordo. Secondo gli analisti, Qualcomm potrebbe comunque opporsi all’acquisizione perché il prezzo offerto è di poco superiore a quello dell’attuale valore delle azioni dell’azienda. Ci potrebbero essere inoltre complicazioni sul piano dell’antitrust da valutare, prima di un’eventuale acquisizione."
- text: "Dal 31 maggio è infine partita la piattaforma ITsART, a più di un anno da quando – durante il primo lockdown – il ministro della Cultura Dario Franceschini ne aveva parlato come di «una sorta di Netflix della cultura», pensata per «offrire a tutto il mondo la cultura italiana a pagamento». È presto per dare giudizi definitivi sulla piattaforma, e di certo sarà difficile farlo anche più avanti senza numeri precisi. Al momento, l’unica cosa che si può fare è guardare com’è fatto il sito, contare quanti contenuti ci sono (circa 700 “titoli”, tra film, documentari, spettacoli teatrali e musicali e altri eventi) e provare a dare un giudizio sul loro valore e sulla loro varietà. Intanto, una cosa notata da più parti è che diversi contenuti di ITsART sono a pagamento sulla piattaforma sebbene altrove, per esempio su RaiPlay, siano invece disponibili gratuitamente."
metrics:
- rouge
model-index:
- name: it5-base-news-summarization
results:
- task:
type: news-summarization
name: "News Summarization"
dataset:
type: newssum-it
name: "NewsSum-IT"
metrics:
- type: rouge1
value: 0.339
name: "Test Rouge1"
- type: rouge2
value: 0.160
name: "Test Rouge2"
- type: rougeL
value: 0.263
name: "Test RougeL"
co2_eq_emissions:
emissions: 17
source: "Google Cloud Platform Carbon Footprint"
training_type: "fine-tuning"
geographical_location: "Eemshaven, Netherlands, Europe"
hardware_used: "1 TPU v3-8 VM"
thumbnail: https://gsarti.com/publication/it5/featured.png
---
# IT5 Base for News Summarization ✂️🗞️ 🇮🇹
This repository contains the checkpoint for the [IT5 Base](https://huggingface.co/gsarti/it5-base) model fine-tuned on news summarization on the [Fanpage](https://huggingface.co/datasets/ARTeLab/fanpage) and [Il Post](https://huggingface.co/datasets/ARTeLab/ilpost) corpora as part of the experiments of the paper [IT5: Large-scale Text-to-text Pretraining for Italian Language Understanding and Generation](https://arxiv.org/abs/2203.03759) by [Gabriele Sarti](https://gsarti.com) and [Malvina Nissim](https://malvinanissim.github.io).
A comprehensive overview of other released materials is provided in the [gsarti/it5](https://github.com/gsarti/it5) repository. Refer to the paper for additional details concerning the reported scores and the evaluation approach.
## Using the model
Model checkpoints are available for usage in Tensorflow, Pytorch and JAX. They can be used directly with pipelines as:
```python
from transformers import pipelines
newsum = pipeline("summarization", model='it5/it5-base-news-summarization')
newsum("Dal 31 maggio è infine partita la piattaforma ITsART, a più di un anno da quando – durante il primo lockdown – il ministro della Cultura Dario Franceschini ne aveva parlato come di «una sorta di Netflix della cultura», pensata per «offrire a tutto il mondo la cultura italiana a pagamento». È presto per dare giudizi definitivi sulla piattaforma, e di certo sarà difficile farlo anche più avanti senza numeri precisi. Al momento, l’unica cosa che si può fare è guardare com’è fatto il sito, contare quanti contenuti ci sono (circa 700 “titoli”, tra film, documentari, spettacoli teatrali e musicali e altri eventi) e provare a dare un giudizio sul loro valore e sulla loro varietà. Intanto, una cosa notata da più parti è che diversi contenuti di ITsART sono a pagamento sulla piattaforma sebbene altrove, per esempio su RaiPlay, siano invece disponibili gratuitamente.")
>>> [{"generated_text": "ITsART, la Netflix della cultura italiana, parte da maggio. Film, documentari, spettacoli teatrali e musicali disponibili sul nuovo sito a pagamento."}]
```
or loaded using autoclasses:
```python
from transformers import AutoTokenizer, AutoModelForSeq2SeqLM
tokenizer = AutoTokenizer.from_pretrained("it5/it5-base-news-summarization")
model = AutoModelForSeq2SeqLM.from_pretrained("it5/it5-base-news-summarization")
```
If you use this model in your research, please cite our work as:
```bibtex
@article{sarti-nissim-2022-it5,
title={{IT5}: Large-scale Text-to-text Pretraining for Italian Language Understanding and Generation},
author={Sarti, Gabriele and Nissim, Malvina},
journal={ArXiv preprint 2203.03759},
url={https://arxiv.org/abs/2203.03759},
year={2022},
month={mar}
}
```
|
[
-0.4720310568809509,
-0.14378127455711365,
0.1383587121963501,
0.4709596037864685,
-0.4710080921649933,
-0.011819231323897839,
-0.2780134081840515,
0.026314962655305862,
0.4246140420436859,
0.28072136640548706,
-0.5423790216445923,
-0.8090770840644836,
-0.6398657560348511,
0.1359667181968689,
-0.6376624703407288,
1.3832167387008667,
-0.14094731211662292,
0.21461986005306244,
0.03449953347444534,
-0.315151184797287,
-0.034010086208581924,
-0.494455486536026,
-0.5848818421363831,
0.07650189846754074,
0.3275890052318573,
0.21764734387397766,
0.18367145955562592,
0.33260664343833923,
0.36902865767478943,
0.4043460786342621,
0.019726546481251717,
-0.14988622069358826,
-0.22835418581962585,
-0.14558690786361694,
-0.14222703874111176,
-0.2618882358074188,
-0.3903859853744507,
-0.04676998034119606,
0.9641290903091431,
0.5172193646430969,
0.1476021260023117,
0.3807414472103119,
-0.019259639084339142,
0.7188903093338013,
-0.5556261539459229,
0.312406063079834,
-0.30612173676490784,
-0.0380203016102314,
-0.12222383916378021,
-0.01838717982172966,
-0.2236960083246231,
-0.3868226110935211,
-0.19504277408123016,
-0.5823122262954712,
0.1409919708967209,
-0.079421266913414,
1.2982898950576782,
0.3450464904308319,
-0.23753061890602112,
-0.13834109902381897,
-0.4760085940361023,
0.736418604850769,
-0.9397363662719727,
0.05017147585749626,
0.31469303369522095,
0.2539651095867157,
0.190858393907547,
-0.7591258883476257,
-0.5729060173034668,
-0.21134155988693237,
-0.01056145504117012,
0.3437824845314026,
-0.19595439732074738,
-0.18362535536289215,
0.37811213731765747,
0.5404167771339417,
-0.6412577629089355,
-0.1381470113992691,
-0.6065696477890015,
-0.30727580189704895,
0.6430491209030151,
0.10551892220973969,
0.32343989610671997,
-0.23164816200733185,
-0.26138508319854736,
-0.18107709288597107,
-0.5982630252838135,
0.20390935242176056,
0.4214206039905548,
-0.04680275171995163,
-0.4277748763561249,
0.7001439332962036,
-0.38200661540031433,
0.4005206823348999,
0.2936275899410248,
-0.06966445595026016,
0.6384129524230957,
-0.6594275236129761,
0.05242585018277168,
-0.03522547334432602,
1.168800950050354,
0.6055073738098145,
0.4919610321521759,
-0.03182760626077652,
0.03638756275177002,
-0.04235881567001343,
0.1253845989704132,
-0.9592146873474121,
0.020454447716474533,
0.38732782006263733,
-0.19161082804203033,
-0.18290965259075165,
0.16543176770210266,
-0.5346939563751221,
0.07284184545278549,
-0.12715677917003632,
0.5622028708457947,
-0.6883403658866882,
-0.2270536720752716,
-0.06736846268177032,
-0.2310003936290741,
-0.013438004069030285,
0.016765257343649864,
-0.7919684052467346,
-0.13548867404460907,
0.2977197766304016,
0.8420547842979431,
-0.14320406317710876,
-0.5883718132972717,
-0.47740253806114197,
0.40669381618499756,
-0.31904318928718567,
0.6422554850578308,
0.018085656687617302,
-0.16524823009967804,
-0.023100439459085464,
0.20457257330417633,
-0.3677416145801544,
-0.45598500967025757,
0.7858234643936157,
-0.28784504532814026,
0.6895627975463867,
-0.12026257812976837,
-0.5612751841545105,
-0.20085011422634125,
0.1832430362701416,
-0.640381932258606,
0.7789692282676697,
0.06992816179990768,
-1.0885306596755981,
0.5260917544364929,
-0.7377522587776184,
-0.45170414447784424,
-0.3522818982601166,
-0.013264641165733337,
-0.7422361373901367,
0.01953572779893875,
0.3527565896511078,
0.320632666349411,
-0.1041589304804802,
0.3758786618709564,
-0.22134380042552948,
-0.4638218283653259,
0.10381507873535156,
-0.07515770941972733,
0.9853746891021729,
0.47295042872428894,
-0.4970966577529907,
0.26108211278915405,
-0.7975815534591675,
0.028126996010541916,
-0.09554728120565414,
-0.3038031756877899,
-0.07299592345952988,
-0.16764844954013824,
0.0847238153219223,
0.1793258786201477,
0.26895710825920105,
-0.29535287618637085,
0.25563621520996094,
-0.4258614480495453,
0.5634176135063171,
0.638920247554779,
0.04175124317407608,
0.6089128851890564,
-0.36770373582839966,
0.2531024217605591,
0.431641548871994,
0.1546338051557541,
-0.4213559925556183,
-0.07129057496786118,
-0.7635422945022583,
-0.7212586402893066,
0.45033058524131775,
0.4051140546798706,
-0.8148407340049744,
0.6123504638671875,
-0.5488877892494202,
-0.3688666820526123,
-0.3726431429386139,
-0.1677643060684204,
0.20779332518577576,
0.2510702908039093,
0.3542841076850891,
-0.25499868392944336,
-0.735268771648407,
-0.5891196727752686,
-0.3570275902748108,
-0.09105834364891052,
-0.15461264550685883,
-0.004613043274730444,
0.6620000004768372,
-0.1139647364616394,
0.854098379611969,
-0.16921906173229218,
-0.6820650696754456,
-0.45039135217666626,
0.1990358829498291,
0.6489591598510742,
0.885918140411377,
0.7396882176399231,
-0.7025245428085327,
-0.5250366926193237,
-0.44113773107528687,
-0.9484698176383972,
-0.08467882871627808,
-0.05750177055597305,
0.10457459837198257,
0.2046373039484024,
0.21447637677192688,
-0.43385064601898193,
0.2951168715953827,
0.2965683043003082,
-0.5593653917312622,
0.385023295879364,
-0.15198181569576263,
0.5635305047035217,
-1.5772480964660645,
0.2197202891111374,
0.02056649886071682,
-0.0928950309753418,
-0.40958288311958313,
0.031165020540356636,
-0.2253604233264923,
-0.029059283435344696,
-0.39155659079551697,
0.6821187138557434,
-0.5562723278999329,
-0.2393663376569748,
0.011703358963131905,
0.04399307444691658,
0.0028849272057414055,
0.5311260223388672,
0.024442080408334732,
0.8627118468284607,
0.5514392256736755,
-0.6276257038116455,
0.1251787394285202,
0.18914037942886353,
-0.5390933752059937,
0.3278575837612152,
-0.7883567810058594,
-0.32095152139663696,
-0.13775987923145294,
0.23152798414230347,
-1.0866225957870483,
-0.3826621472835541,
0.3370257019996643,
-0.8212873935699463,
0.10169294476509094,
-0.20782959461212158,
-0.663271963596344,
-0.3182466924190521,
-0.3988475799560547,
0.23408783972263336,
0.38103753328323364,
-0.21021103858947754,
0.6931053400039673,
0.27224478125572205,
-0.14042413234710693,
-0.5851733684539795,
-0.6617706418037415,
0.13772143423557281,
-0.5277655124664307,
-0.7450712323188782,
0.3373362123966217,
-0.3622165620326996,
-0.14948256313800812,
-0.06735475361347198,
0.039121273905038834,
-0.41006481647491455,
0.07234576344490051,
0.033774200826883316,
0.3093549311161041,
-0.2864263355731964,
-0.14897680282592773,
0.22097696363925934,
-0.26117682456970215,
-0.152336984872818,
-0.38361096382141113,
0.5809797048568726,
-0.10068323463201523,
-0.11235049366950989,
-0.7877067923545837,
0.5568398237228394,
0.7878954410552979,
-0.23555108904838562,
0.7317298650741577,
1.000388741493225,
-0.05811048299074173,
0.22173021733760834,
-0.5930608510971069,
-0.1612684428691864,
-0.4412860870361328,
0.33180612325668335,
-0.39087995886802673,
-0.6305037140846252,
0.6082325577735901,
0.03889615461230278,
0.1274886578321457,
0.7225258946418762,
0.61788409948349,
-0.265388548374176,
1.1720356941223145,
0.5693239569664001,
-0.3497621715068817,
0.6973469853401184,
-0.7949302196502686,
-0.08300510793924332,
-0.7247017025947571,
0.015133308246731758,
-0.5767308473587036,
-0.12592588365077972,
-0.4604935348033905,
-0.19566293060779572,
0.7163656949996948,
0.10679133981466293,
-0.4860939681529999,
0.2953285574913025,
-0.277746319770813,
0.26386353373527527,
0.4641822576522827,
-0.2072950154542923,
0.5088350772857666,
0.1499626785516739,
-0.3321459889411926,
-0.1266436129808426,
-0.6042938232421875,
-0.40641507506370544,
1.0791195631027222,
0.10489590466022491,
0.5565027594566345,
0.3516005277633667,
0.687328040599823,
0.2015513926744461,
0.14990673959255219,
-0.5408998131752014,
0.39230406284332275,
-0.33628079295158386,
-0.6848168969154358,
-0.16380690038204193,
-0.40437769889831543,
-0.6076539754867554,
0.09602207690477371,
0.03378793224692345,
-0.86690753698349,
0.25564393401145935,
0.01932390220463276,
-0.35197487473487854,
0.05456683784723282,
-0.832122266292572,
0.9126673936843872,
0.026605207473039627,
-0.6133946180343628,
-0.13149623572826385,
-0.46848565340042114,
0.246489018201828,
0.3439902365207672,
0.38803866505622864,
-0.05438127741217613,
-0.1255204677581787,
0.7390604615211487,
-0.5124374628067017,
0.7525860667228699,
-0.16193819046020508,
0.06615033000707626,
0.2360559105873108,
-0.2388058304786682,
0.4180992543697357,
0.40883880853652954,
-0.21500912308692932,
0.31301093101501465,
0.16806656122207642,
-0.6154173612594604,
-0.34237438440322876,
0.6359999179840088,
-0.9486843347549438,
-0.45498988032341003,
-0.6289535164833069,
-0.4505881667137146,
0.046540793031454086,
0.36772283911705017,
0.9115258455276489,
0.5409224629402161,
0.10396742075681686,
0.3156842589378357,
0.4965699315071106,
-0.005060367751866579,
0.9248176217079163,
0.664692759513855,
-0.034894589334726334,
-0.6886467337608337,
0.9095356464385986,
0.26837214827537537,
0.14912892878055573,
0.2131599336862564,
-0.025949522852897644,
-0.35267606377601624,
-0.7055925726890564,
-0.7604532837867737,
0.3808119595050812,
-0.5148822069168091,
0.09658536314964294,
-0.8175885081291199,
-0.18884798884391785,
-0.6022167801856995,
0.09472962468862534,
-0.5110822319984436,
-0.4637746512889862,
-0.3351934850215912,
-0.14536038041114807,
0.18913136422634125,
0.2715384066104889,
-0.1743279993534088,
0.24664154648780823,
-0.6933830380439758,
0.17326849699020386,
-0.2573167085647583,
0.13175535202026367,
-0.3788774907588959,
-0.8822243809700012,
-0.6154435873031616,
-0.15420301258563995,
-0.23479200899600983,
-0.5832128524780273,
0.47103115916252136,
0.19861353933811188,
0.48719877004623413,
0.4464281499385834,
0.157379150390625,
0.5137105584144592,
-0.36919763684272766,
1.0730907917022705,
0.14924106001853943,
-0.9227107167243958,
0.34977439045906067,
-0.5984639525413513,
0.5897737145423889,
0.8467182517051697,
0.6597040295600891,
-0.3204416334629059,
-0.34880587458610535,
-0.5997701287269592,
-1.0952434539794922,
0.6081503629684448,
0.28635480999946594,
0.24725311994552612,
0.10517396032810211,
-0.025290459394454956,
-0.056339330971241,
0.5507123470306396,
-0.9504350423812866,
-0.41045039892196655,
-0.5581668615341187,
-0.27755260467529297,
-0.18824179470539093,
-0.19006426632404327,
-0.3085744380950928,
-0.4700067639350891,
0.9350895881652832,
-0.19786210358142853,
0.4635796546936035,
0.32531267404556274,
-0.25919821858406067,
0.1985485851764679,
0.18911844491958618,
0.7484918832778931,
0.637504518032074,
-0.07771342247724533,
-0.14141808450222015,
0.009844674728810787,
-0.5002028942108154,
0.053776126354932785,
0.06763528287410736,
-0.43707090616226196,
0.3777121603488922,
0.5418269634246826,
1.063820481300354,
0.11650055646896362,
-0.5756677389144897,
0.7704483866691589,
-0.07751057296991348,
-0.2658812701702118,
-0.870430052280426,
-0.0598856657743454,
0.010902252048254013,
0.20422501862049103,
0.5329603552818298,
-0.001014556153677404,
0.2723846733570099,
-0.791202962398529,
0.3478473424911499,
0.08707188814878464,
-0.33961352705955505,
-0.3221701383590698,
0.7830334901809692,
0.054331641644239426,
0.21746352314949036,
0.3443112373352051,
-0.29730382561683655,
-0.5983684659004211,
0.539485514163971,
0.36880698800086975,
1.015299916267395,
-0.06435022503137589,
0.3836142122745514,
0.9672328233718872,
0.09288295358419418,
-0.03152523562312126,
0.13563159108161926,
-0.2430374026298523,
-0.6748142838478088,
-0.5057068467140198,
-0.41683539748191833,
-0.013728921301662922,
0.026715001091361046,
-0.5647789239883423,
0.4879205524921417,
-0.5614187121391296,
0.03238387033343315,
-0.15608961880207062,
0.015423624776303768,
-0.15912598371505737,
0.2838371992111206,
-0.09448342770338058,
0.7804697155952454,
-0.7956169843673706,
0.8358879089355469,
0.6035277843475342,
-0.9952368140220642,
-0.920367956161499,
0.23429031670093536,
-0.2130240797996521,
-0.4770395755767822,
0.6963133811950684,
0.005306909326463938,
0.27688878774642944,
0.24962469935417175,
-0.4220774471759796,
-0.9674088954925537,
1.0555964708328247,
0.27922746539115906,
-0.3704736828804016,
-0.3662228584289551,
0.07862212508916855,
0.559956431388855,
-0.5635064840316772,
0.8204041719436646,
0.27827146649360657,
0.5814792513847351,
0.5002725720405579,
-0.7699738144874573,
-0.13272365927696228,
-0.5185126066207886,
-0.273537278175354,
-0.2552963197231293,
-0.9981561303138733,
1.0399006605148315,
-0.49133944511413574,
-0.13940706849098206,
0.24278853833675385,
0.6073096990585327,
0.17689482867717743,
0.45084500312805176,
0.3839813470840454,
0.5837256908416748,
0.383719801902771,
-0.29784825444221497,
0.9997268319129944,
-0.48867279291152954,
0.4928000271320343,
1.063912272453308,
0.21886123716831207,
0.6193756461143494,
0.487787663936615,
-0.1842031329870224,
0.5992946624755859,
0.6598854064941406,
-0.22200261056423187,
0.7065051794052124,
0.06422442197799683,
-0.36207738518714905,
-0.10192593932151794,
-0.0326354056596756,
-0.517025351524353,
0.3946247398853302,
0.006305290851742029,
-0.516398549079895,
-0.16792316734790802,
0.25359225273132324,
0.5689229965209961,
-0.029598619788885117,
-0.20882566273212433,
0.9492528438568115,
0.003711327910423279,
-0.853796124458313,
0.9157084822654724,
-0.15752962231636047,
0.6746833920478821,
-0.7771455645561218,
0.32552486658096313,
-0.4002978801727295,
0.19589075446128845,
-0.2516511082649231,
-0.4143897294998169,
0.4321436583995819,
0.30480194091796875,
-0.39996588230133057,
-0.017214912921190262,
0.0632597953081131,
-0.3881903886795044,
-0.6140459179878235,
0.17613494396209717,
0.0870162844657898,
0.2880914807319641,
-0.15544012188911438,
-0.7584471702575684,
0.18489913642406464,
0.2738659381866455,
-0.33926934003829956,
0.3212708830833435,
0.3206924498081207,
-0.0379415787756443,
0.5872698426246643,
0.4865278899669647,
0.06798330694437027,
0.1681731641292572,
0.13404054939746857,
0.9118599891662598,
-0.5475818514823914,
-0.7253013253211975,
-0.6964942812919617,
1.0568842887878418,
-0.37541118264198303,
-0.3847189247608185,
0.7587074041366577,
0.833888590335846,
0.8507572412490845,
-0.15408968925476074,
0.9187784194946289,
-0.2966015338897705,
0.5381525158882141,
-0.6267603635787964,
0.8522308468818665,
-0.7741540670394897,
0.4117773175239563,
-0.3693296015262604,
-0.8269702196121216,
-0.02505425550043583,
0.42407673597335815,
-0.4170646369457245,
0.10204210877418518,
0.9439613819122314,
0.6129658818244934,
0.14261379837989807,
-0.26327449083328247,
0.24280381202697754,
0.6328768134117126,
0.2160806655883789,
0.4450686275959015,
0.4938522279262543,
-0.7556402087211609,
0.6056283116340637,
-0.3341338038444519,
-0.07732649147510529,
-0.10731969028711319,
-0.8360607624053955,
-1.0504987239837646,
-0.8663886189460754,
-0.31758996844291687,
-0.43758565187454224,
0.10262997448444366,
0.8637359738349915,
0.6047960519790649,
-1.0820542573928833,
-0.3182452917098999,
-0.023198602721095085,
0.16255000233650208,
-0.20260019600391388,
-0.26731419563293457,
0.3295300602912903,
-0.29522961378097534,
-1.2841798067092896,
0.13212543725967407,
-0.0446951650083065,
-0.15920893847942352,
-0.1628814935684204,
0.17762699723243713,
-0.31862789392471313,
-0.13106919825077057,
0.25026100873947144,
0.17288726568222046,
-0.34815314412117004,
-0.0815398320555687,
-0.12093153595924377,
-0.09260651469230652,
0.006544522941112518,
0.6216428279876709,
-0.4979444146156311,
0.15604577958583832,
0.6740376949310303,
0.33784398436546326,
0.7695484161376953,
-0.09582197666168213,
0.6312636137008667,
-0.5352641344070435,
0.4178870916366577,
0.04468366131186485,
0.4985419511795044,
0.2555987238883972,
-0.3396124243736267,
0.686907172203064,
0.5300211310386658,
-0.34433162212371826,
-0.6763631701469421,
-0.11200352758169174,
-1.0345933437347412,
-0.11505860835313797,
1.1212612390518188,
-0.35131293535232544,
-0.17707385122776031,
0.20185621082782745,
-0.23974251747131348,
0.42630890011787415,
-0.6402722597122192,
0.8250467777252197,
0.7328792214393616,
0.2730141282081604,
-0.23560887575149536,
-0.5313227772712708,
0.5583978295326233,
0.5256668925285339,
-0.7206772565841675,
-0.4313889741897583,
0.3203525245189667,
0.6393789052963257,
0.2916112542152405,
0.6737474799156189,
-0.2958871126174927,
0.3998396098613739,
-0.18624189496040344,
0.171463742852211,
-0.13563655316829681,
-0.11635810881853104,
-0.18167860805988312,
0.28600117564201355,
-0.3051479160785675,
-0.2725399434566498
] |
microsoft/tapex-base-finetuned-wikisql
|
microsoft
| 2023-01-24T16:57:17Z | 5,042 | 15 |
transformers
|
[
"transformers",
"pytorch",
"bart",
"text2text-generation",
"tapex",
"table-question-answering",
"en",
"dataset:wikisql",
"arxiv:2107.07653",
"license:mit",
"autotrain_compatible",
"endpoints_compatible",
"has_space",
"region:us"
] |
table-question-answering
| 2022-03-02T23:29:05Z |
---
language: en
tags:
- tapex
- table-question-answering
datasets:
- wikisql
license: mit
---
# TAPEX (base-sized model)
TAPEX was proposed in [TAPEX: Table Pre-training via Learning a Neural SQL Executor](https://arxiv.org/abs/2107.07653) by Qian Liu, Bei Chen, Jiaqi Guo, Morteza Ziyadi, Zeqi Lin, Weizhu Chen, Jian-Guang Lou. The original repo can be found [here](https://github.com/microsoft/Table-Pretraining).
## Model description
TAPEX (**Ta**ble **P**re-training via **Ex**ecution) is a conceptually simple and empirically powerful pre-training approach to empower existing models with *table reasoning* skills. TAPEX realizes table pre-training by learning a neural SQL executor over a synthetic corpus, which is obtained by automatically synthesizing executable SQL queries.
TAPEX is based on the BART architecture, the transformer encoder-encoder (seq2seq) model with a bidirectional (BERT-like) encoder and an autoregressive (GPT-like) decoder.
This model is the `tapex-base` model fine-tuned on the [WikiSQL](https://huggingface.co/datasets/wikisql) dataset.
## Intended Uses
You can use the model for table question answering on relatively simple questions. Some **solveable** questions are shown below (corresponding tables now shown):
| Question | Answer |
|:---: |:---:|
| tell me what the notes are for south australia | no slogan on current series |
| what position does the player who played for butler cc (ks) play? | guard-forward |
| how many schools did player number 3 play at? | 1.0 |
| how many winning drivers in the kraco twin 125 (r2) race were there? | 1.0 |
| for the episode(s) aired in the u.s. on 4 april 2008, what were the names? | "bust a move" part one, "bust a move" part two |
### How to Use
Here is how to use this model in transformers:
```python
from transformers import TapexTokenizer, BartForConditionalGeneration
import pandas as pd
tokenizer = TapexTokenizer.from_pretrained("microsoft/tapex-base-finetuned-wikisql")
model = BartForConditionalGeneration.from_pretrained("microsoft/tapex-base-finetuned-wikisql")
data = {
"year": [1896, 1900, 1904, 2004, 2008, 2012],
"city": ["athens", "paris", "st. louis", "athens", "beijing", "london"]
}
table = pd.DataFrame.from_dict(data)
# tapex accepts uncased input since it is pre-trained on the uncased corpus
query = "In which year did beijing host the Olympic Games?"
encoding = tokenizer(table=table, query=query, return_tensors="pt")
outputs = model.generate(**encoding)
print(tokenizer.batch_decode(outputs, skip_special_tokens=True))
# [' 2008.0']
```
### How to Eval
Please find the eval script [here](https://github.com/SivilTaram/transformers/tree/add_tapex_bis/examples/research_projects/tapex).
### BibTeX entry and citation info
```bibtex
@inproceedings{
liu2022tapex,
title={{TAPEX}: Table Pre-training via Learning a Neural {SQL} Executor},
author={Qian Liu and Bei Chen and Jiaqi Guo and Morteza Ziyadi and Zeqi Lin and Weizhu Chen and Jian-Guang Lou},
booktitle={International Conference on Learning Representations},
year={2022},
url={https://openreview.net/forum?id=O50443AsCP}
}
```
|
[
-0.4295235276222229,
-0.7602279782295227,
0.5046181678771973,
-0.1520393341779709,
-0.2331061065196991,
0.043421804904937744,
-0.2258978933095932,
-0.1235090047121048,
0.33509984612464905,
0.5382986068725586,
-0.49668097496032715,
-0.5528296232223511,
-0.4616066813468933,
-0.21534046530723572,
-0.5599488019943237,
1.2519629001617432,
-0.02580850012600422,
0.12439515441656113,
-0.10862976312637329,
-0.16090399026870728,
-0.36776524782180786,
-0.5916260480880737,
-0.437945693731308,
-0.12324810773134232,
0.3131869435310364,
0.47662854194641113,
0.7001860737800598,
0.5764337182044983,
0.4698605239391327,
0.34918007254600525,
0.03645393252372742,
-0.041280414909124374,
-0.3259330987930298,
-0.19869740307331085,
0.027572309598326683,
-0.6999748945236206,
-0.571414589881897,
0.10847435891628265,
0.559100329875946,
0.809055507183075,
-0.19665096700191498,
0.42908811569213867,
-0.0017815298633649945,
0.48708006739616394,
-0.3852362334728241,
0.01810481585562229,
-0.6973456144332886,
0.10538113862276077,
-0.056722354143857956,
0.026069004088640213,
-0.3983663022518158,
-0.6097333431243896,
-0.08319481462240219,
-0.6503133177757263,
0.38030314445495605,
0.21559470891952515,
1.090407371520996,
0.12053880095481873,
-0.2918984293937683,
-0.12128400057554245,
-0.7290337085723877,
0.76043701171875,
-0.7357105612754822,
0.20586775243282318,
0.3661060929298401,
0.3088338375091553,
0.0318048894405365,
-0.8844738006591797,
-0.6124777793884277,
-0.25508245825767517,
-0.29068511724472046,
0.0793849304318428,
-0.06255906820297241,
-0.17108860611915588,
0.5555009841918945,
0.3429877758026123,
-0.7479449510574341,
-0.08754254132509232,
-0.5579778552055359,
0.03458980470895767,
0.492010235786438,
0.24753138422966003,
0.070200614631176,
-0.0003471868403721601,
-0.4810372591018677,
-0.2784111797809601,
-0.5069783329963684,
-0.05184219405055046,
0.21151329576969147,
0.0467345267534256,
-0.2636222243309021,
0.5191025733947754,
0.07443013787269592,
0.5774801969528198,
-0.01062918733805418,
0.0896512120962143,
0.3601720929145813,
-0.29875603318214417,
-0.1010512188076973,
0.03007730282843113,
1.0411356687545776,
0.14113286137580872,
0.224256232380867,
-0.19937418401241302,
-0.22095035016536713,
0.09336812794208527,
0.10018318891525269,
-0.5211125016212463,
-0.37393853068351746,
0.32224512100219727,
-0.4350743889808655,
-0.04453233256936073,
0.18068990111351013,
-0.8163231015205383,
-0.08327196538448334,
-0.5472729802131653,
0.7931792140007019,
-0.5749344229698181,
-0.45645296573638916,
0.1463174968957901,
-0.20258699357509613,
0.33950650691986084,
-0.050779931247234344,
-0.7148650288581848,
0.40445950627326965,
0.6689276695251465,
0.5786362290382385,
-0.155621737241745,
-0.3636128008365631,
-0.4061746299266815,
-0.07142787426710129,
-0.4514465630054474,
0.5183467864990234,
-0.12639831006526947,
-0.14024285972118378,
-0.04530571401119232,
0.058057885617017746,
-0.2113647758960724,
-0.6186525821685791,
0.37770721316337585,
-0.6026597619056702,
0.32135769724845886,
-0.022783949971199036,
-0.4854518175125122,
0.02047468163073063,
-0.05002317205071449,
-0.6717677712440491,
1.0926977396011353,
0.2572323977947235,
-0.6283017992973328,
0.3920433819293976,
-0.6821532845497131,
-0.41536274552345276,
-0.40046489238739014,
0.21704910695552826,
-0.9376827478408813,
0.03613491728901863,
0.27779698371887207,
0.26839274168014526,
-0.3628837466239929,
0.2762661576271057,
-0.40079909563064575,
-0.4431003928184509,
0.5066959261894226,
-0.24883897602558136,
1.0714850425720215,
0.1944701373577118,
-0.3956878185272217,
0.16853736340999603,
-1.0977532863616943,
0.10436650365591049,
0.1133357584476471,
-0.1916789412498474,
-0.23942376673221588,
-0.3606976568698883,
-0.12578314542770386,
0.1474514603614807,
0.0525435209274292,
-0.5628539323806763,
0.05130322277545929,
-0.20498482882976532,
0.3539709448814392,
0.4889930188655853,
-0.10198521614074707,
0.4640766680240631,
-0.3091636598110199,
0.4446432292461395,
0.2116422802209854,
0.26703494787216187,
-0.2373080998659134,
-0.3121940791606903,
-1.049686312675476,
0.010734851472079754,
0.64458167552948,
0.6246840953826904,
-0.7079634666442871,
0.431903213262558,
-0.497627317905426,
-0.5968829393386841,
-0.38996967673301697,
-0.24761103093624115,
0.39219629764556885,
0.5245731472969055,
0.5784833431243896,
-0.1865406036376953,
-0.9546674489974976,
-0.8075085878372192,
-0.02574107237160206,
-0.08661093562841415,
-0.1656384915113449,
0.0568297803401947,
0.5728418827056885,
0.17509791254997253,
0.878544807434082,
-0.6744011044502258,
-0.2229679375886917,
-0.1748592108488083,
0.20690345764160156,
0.6017571091651917,
0.6361711025238037,
0.3262723386287689,
-0.3662349283695221,
-0.655236542224884,
-0.13590474426746368,
-0.7390944957733154,
0.18074600398540497,
-0.18901048600673676,
-0.4659970998764038,
0.2361845225095749,
0.44239190220832825,
-0.7717826962471008,
0.4237585663795471,
0.035106852650642395,
-0.34720578789711,
0.7100385427474976,
-0.26117953658103943,
-0.05202260985970497,
-0.8500618934631348,
0.16795511543750763,
-0.33753880858421326,
-0.1690521389245987,
-0.729096531867981,
-0.2053007334470749,
0.18383227288722992,
-0.14159175753593445,
-0.4405912756919861,
0.13494209945201874,
-0.6134745478630066,
-0.07530207931995392,
0.09857706725597382,
0.02921237424015999,
0.028259774670004845,
0.8420194387435913,
0.24828405678272247,
0.5891197323799133,
0.4371773898601532,
-0.7025969624519348,
0.2202700972557068,
0.367166668176651,
-0.491626113653183,
0.5128392577171326,
-0.5312353372573853,
0.3813389539718628,
-0.10943900048732758,
-0.11336247622966766,
-0.9441165924072266,
0.31891998648643494,
0.250379741191864,
-0.5410279631614685,
0.49342647194862366,
-0.14095982909202576,
-0.220186248421669,
-0.5841739177703857,
-0.23915359377861023,
0.08308509737253189,
0.7205594778060913,
-0.5176339149475098,
0.5135529637336731,
0.5716800689697266,
0.22298693656921387,
-0.7173392176628113,
-0.6915413737297058,
-0.049281664192676544,
-0.5118719935417175,
-0.43340033292770386,
0.2789776921272278,
-0.1381778120994568,
-0.13350579142570496,
0.0010411421535536647,
-0.0306147001683712,
-0.23969575762748718,
-0.13580726087093353,
-0.09049393236637115,
0.564281702041626,
-0.5637009739875793,
-0.02455868571996689,
-0.21119031310081482,
-0.24964185059070587,
0.24021132290363312,
-0.35895174741744995,
0.5903860330581665,
-0.009822233580052853,
0.08383766561746597,
-0.23934058845043182,
0.4259040355682373,
0.289567768573761,
-0.2902868390083313,
0.7682000398635864,
0.918979287147522,
-0.0871044471859932,
-0.04759381711483002,
-0.663841187953949,
-0.38979509472846985,
-0.4549565315246582,
0.4585270583629608,
-0.41965508460998535,
-0.5101651549339294,
0.5119923949241638,
0.2847365438938141,
-0.03803892061114311,
0.473148375749588,
0.5083669424057007,
-0.19492799043655396,
0.881218433380127,
0.23666992783546448,
0.2747010290622711,
0.40769362449645996,
-0.7447625398635864,
-0.05605602636933327,
-0.8088929653167725,
-0.11371679604053497,
-0.48638683557510376,
-0.25705114006996155,
-0.3298851251602173,
-0.3824775218963623,
0.3931153118610382,
-0.14165422320365906,
-0.8020050525665283,
0.6685544848442078,
-0.5574511289596558,
0.3742733299732208,
0.9180209636688232,
0.12811340391635895,
0.11496441066265106,
0.051590144634246826,
-0.16634544730186462,
-0.05829267203807831,
-0.7922089695930481,
-0.26072871685028076,
1.3167438507080078,
0.2867605984210968,
0.7661662101745605,
0.08496902137994766,
0.6132599711418152,
0.12164373695850372,
0.2790827453136444,
-0.45159173011779785,
0.6296839714050293,
-0.07409922778606415,
-0.7609443664550781,
-0.3561346232891083,
-0.4510013163089752,
-1.2648340463638306,
0.1849769651889801,
-0.3204718828201294,
-0.5065293312072754,
0.4076088070869446,
-0.020598679780960083,
-0.5352734923362732,
0.41872918605804443,
-0.8157122731208801,
0.9703245759010315,
-0.30839788913726807,
-0.38136914372444153,
0.12557858228683472,
-0.7609153985977173,
0.5427629351615906,
-0.11067718267440796,
0.26320502161979675,
-0.03208807110786438,
0.05416830629110336,
0.9718181490898132,
-0.6187242865562439,
0.5769169330596924,
-0.26444724202156067,
0.2317131608724594,
0.506504476070404,
0.03717060014605522,
0.28029078245162964,
-0.048978373408317566,
0.022360431030392647,
0.3134363293647766,
0.34751805663108826,
-0.07330478727817535,
-0.5959873199462891,
0.36376166343688965,
-0.8864075541496277,
-0.5702641010284424,
-0.3931763172149658,
-0.40323635935783386,
-0.10428069531917572,
0.1747598648071289,
0.2752332091331482,
0.456256628036499,
0.0006138078751973808,
0.2416626662015915,
0.6221281290054321,
-0.2627619504928589,
0.5781344175338745,
0.5905478000640869,
-0.3325424790382385,
-0.6213738918304443,
0.9412311315536499,
0.21993665397167206,
0.11225937306880951,
0.6280434727668762,
0.17499352991580963,
-0.4869767427444458,
-0.35749104619026184,
-0.2792704999446869,
0.434823602437973,
-0.48080962896347046,
-0.3836381137371063,
-0.5603358149528503,
-0.2656742036342621,
-0.34596648812294006,
0.4091927409172058,
-0.34167298674583435,
-0.8304347991943359,
-0.2973955273628235,
-0.19220320880413055,
0.21930541098117828,
0.4579877555370331,
-0.29928097128868103,
0.35489219427108765,
-0.6464390754699707,
0.3895852863788605,
0.2891087234020233,
0.41444289684295654,
-0.11989019811153412,
-0.5782116055488586,
-0.48937904834747314,
-0.06192239746451378,
-0.38460710644721985,
-0.9690409302711487,
0.554498016834259,
0.14339810609817505,
0.6069123148918152,
0.26985451579093933,
0.28085649013519287,
0.604590892791748,
-0.6367664933204651,
0.7580263614654541,
0.3449372947216034,
-0.9109700918197632,
0.4718514084815979,
-0.08264440298080444,
-0.02356426790356636,
0.3433220088481903,
0.40440449118614197,
-0.3900730609893799,
-0.13987945020198822,
-0.7967774271965027,
-0.8218479156494141,
1.010981559753418,
0.03373643010854721,
0.012982649728655815,
0.08221336454153061,
0.19451820850372314,
0.18973761796951294,
0.19670283794403076,
-0.8698811531066895,
-0.5896658301353455,
-0.3529318869113922,
-0.10571011155843735,
-0.07851596176624298,
-0.310681015253067,
-0.09021174907684326,
-0.44973286986351013,
0.8423041105270386,
0.11808309704065323,
0.6466734409332275,
0.10413863509893417,
-0.17226934432983398,
0.07978831976652145,
0.20211875438690186,
0.3743901550769806,
0.6302059292793274,
-0.4421434700489044,
0.1488153636455536,
0.40050122141838074,
-0.5635982751846313,
0.2647722661495209,
0.2299346625804901,
-0.24192558228969574,
0.20953352749347687,
0.14322899281978607,
1.0822139978408813,
0.14649683237075806,
-0.37026843428611755,
0.37438443303108215,
-0.12209023535251617,
-0.26680269837379456,
-0.7939054369926453,
0.029446087777614594,
0.01607249490916729,
-0.09263339638710022,
0.3516516089439392,
-0.06594279408454895,
0.05123177915811539,
-0.48107683658599854,
0.3600783944129944,
0.4721401035785675,
-0.5864863395690918,
-0.17523697018623352,
1.0973886251449585,
-0.27068421244621277,
-0.3329620659351349,
0.6802409291267395,
-0.0897032767534256,
-0.42121225595474243,
0.6051282286643982,
0.4207569360733032,
0.6005121469497681,
-0.2707362174987793,
0.17945514619350433,
0.7899019718170166,
0.32836127281188965,
0.1390610933303833,
0.2242439091205597,
-0.04705695062875748,
-0.6623641848564148,
-0.19797326624393463,
-0.4164404571056366,
-0.19595859944820404,
0.2407582402229309,
-0.6708833575248718,
0.507388710975647,
-0.2600034773349762,
-0.406195729970932,
-0.013966693542897701,
0.0007143060793168843,
-0.7573922276496887,
0.06407549977302551,
0.1606472134590149,
0.8705017566680908,
-0.7065903544425964,
0.9081761837005615,
0.4153038561344147,
-0.678700864315033,
-0.8668518662452698,
-0.37545281648635864,
-0.4454161822795868,
-0.6103563904762268,
0.5066362619400024,
-0.15866468846797943,
0.5061730742454529,
-0.01874864473938942,
-0.43136832118034363,
-1.067474603652954,
0.9841144680976868,
0.4580634832382202,
-0.2654639482498169,
-0.12764860689640045,
0.65558922290802,
0.41573914885520935,
-0.1171853095293045,
0.844453752040863,
1.0089625120162964,
0.3658949136734009,
0.016872180625796318,
-0.8490046262741089,
0.009739386849105358,
-0.20822682976722717,
-0.06442639231681824,
0.07978770136833191,
-0.43112608790397644,
1.1340750455856323,
-0.1733720600605011,
-0.044725608080625534,
0.08884277939796448,
0.8550899624824524,
0.19654548168182373,
0.2787589132785797,
0.545152485370636,
0.6235581040382385,
0.6449971199035645,
-0.3324926793575287,
0.8805202841758728,
-0.3041245639324188,
0.4250774085521698,
1.0850690603256226,
0.12672579288482666,
0.8037065863609314,
0.2965252995491028,
-0.7583439350128174,
0.6959049105644226,
0.5410152077674866,
-0.06931179016828537,
0.35185226798057556,
0.22948870062828064,
0.06028611958026886,
-0.1588001847267151,
0.484327107667923,
-0.5163812041282654,
0.40574172139167786,
0.4175385534763336,
-0.3919107913970947,
-0.05157626420259476,
0.03763892501592636,
0.30891668796539307,
-0.07691991329193115,
-0.23604092001914978,
0.6197744607925415,
0.13406936824321747,
-0.9409837126731873,
0.9703768491744995,
-0.22751997411251068,
0.5958930850028992,
-0.7934132814407349,
-0.030081480741500854,
-0.34921690821647644,
0.35132893919944763,
-0.0855439230799675,
-0.8322819471359253,
0.4137006103992462,
-0.3242069184780121,
-0.05749879777431488,
0.05365803837776184,
0.35072457790374756,
-0.6139881014823914,
-0.5403147339820862,
0.037785544991493225,
0.3956634998321533,
0.3426109552383423,
0.011755967512726784,
-0.7857722640037537,
-0.06176849827170372,
0.082331083714962,
-0.28653135895729065,
0.22590620815753937,
0.44604748487472534,
0.1400272101163864,
0.3324243724346161,
0.7349026799201965,
-0.04770106449723244,
0.3219742476940155,
-0.1286354959011078,
0.6038346290588379,
-0.6256539821624756,
-0.4921092092990875,
-0.638898491859436,
0.6766003966331482,
-0.2387019693851471,
-0.28455066680908203,
0.7241122722625732,
0.9760218262672424,
0.6321370005607605,
-0.4877563714981079,
0.5202279090881348,
-0.013188193552196026,
0.8853491544723511,
-0.5143685936927795,
0.7820335030555725,
-0.38935771584510803,
0.3464514911174774,
-0.24089395999908447,
-1.0298740863800049,
-0.347648024559021,
0.568306028842926,
-0.4266403317451477,
0.09579333662986755,
0.8215845227241516,
0.9503262639045715,
-0.0835866630077362,
-0.011471006087958813,
0.3432927131652832,
0.4091472625732422,
0.0935269221663475,
0.8136215806007385,
0.8710153102874756,
-0.7040726542472839,
0.9683308005332947,
-0.5902607440948486,
-0.14560842514038086,
0.044979192316532135,
-0.6572518944740295,
-0.7584280967712402,
-0.814464271068573,
-0.497619092464447,
-0.6660884022712708,
-0.1008479967713356,
0.827792227268219,
0.727098286151886,
-0.965299129486084,
-0.5278072953224182,
0.06519870460033417,
0.20954672992229462,
-0.4104652404785156,
-0.2594236433506012,
0.9317191243171692,
-0.30636098980903625,
-0.845833957195282,
0.08057458698749542,
-0.20788651704788208,
-0.0652429386973381,
-0.11229992657899857,
0.1373697817325592,
-0.29057925939559937,
0.005023387726396322,
0.47613656520843506,
0.35364973545074463,
-0.28368106484413147,
-0.15090632438659668,
0.1119513064622879,
0.056987930089235306,
0.40514683723449707,
0.6488816142082214,
-0.9733401536941528,
0.15553095936775208,
0.33687880635261536,
0.1639663726091385,
0.9164298176765442,
-0.16573123633861542,
0.36656662821769714,
-0.5920089483261108,
0.022522741928696632,
0.11573328077793121,
0.454341322183609,
0.2795095443725586,
-0.1927829384803772,
0.7391305565834045,
0.3786167502403259,
-0.5981789231300354,
-0.8335692882537842,
-0.22505071759223938,
-0.9645549654960632,
-0.18200963735580444,
1.15667724609375,
-0.06200125440955162,
-0.47152280807495117,
-0.29174917936325073,
-0.3375563621520996,
0.4345344305038452,
-0.11787688732147217,
0.6248570084571838,
0.2697847783565521,
-0.09781264513731003,
-0.28937044739723206,
-0.4678402245044708,
0.49980100989341736,
0.32847973704338074,
-0.47797322273254395,
-0.0336218997836113,
0.12089545279741287,
0.3422296643257141,
0.2948951721191406,
0.6168335676193237,
-0.22529959678649902,
0.22418029606342316,
0.27521032094955444,
0.27228763699531555,
-0.13098886609077454,
0.019511092454195023,
-0.14643189311027527,
0.20211412012577057,
-0.2776934504508972,
-0.40375903248786926
] |
JosephusCheung/Pwen-VL-Chat-20_30
|
JosephusCheung
| 2023-10-10T05:50:25Z | 5,040 | 0 |
transformers
|
[
"transformers",
"pytorch",
"llama",
"text-generation",
"llama2",
"qwen",
"en",
"zh",
"license:gpl-3.0",
"endpoints_compatible",
"text-generation-inference",
"region:us"
] |
text-generation
| 2023-10-05T12:36:16Z |
---
license: gpl-3.0
language:
- en
- zh
tags:
- llama
- llama2
- qwen
---
WIP (20/30), recalibrated and fine-tuned on (852/1278)M SFT tokens, etwa (7\~11/10\~17) GPU days on Nvidia A100.
|
[
-0.6775190234184265,
-0.7994400262832642,
0.40251389145851135,
0.4512176811695099,
-0.4331384599208832,
-0.02895905077457428,
0.23103643953800201,
-0.4614926874637604,
0.32361286878585815,
0.010794251225888729,
-0.5959473848342896,
-0.08629658073186874,
-0.4042169749736786,
0.18529100716114044,
-0.35905811190605164,
1.1211636066436768,
-0.10097255557775497,
-0.2651398777961731,
0.40727663040161133,
-0.3074001967906952,
-0.42534446716308594,
-0.39053580164909363,
-1.076438069343567,
-0.31467166543006897,
0.30835914611816406,
0.34157559275627136,
0.348234623670578,
0.234749436378479,
0.45786625146865845,
0.18772675096988678,
-0.05072711035609245,
0.21325181424617767,
-0.23043042421340942,
-0.44720375537872314,
0.19163763523101807,
-0.16156738996505737,
-0.3820139169692993,
-0.033207979053258896,
0.6840645670890808,
0.30988553166389465,
-0.5073248147964478,
0.6802157759666443,
0.3113134801387787,
0.6935170888900757,
-0.47498100996017456,
0.052023060619831085,
-0.6673234701156616,
0.4785311818122864,
-0.11491893231868744,
-0.44227585196495056,
-0.24908091127872467,
-0.10327418148517609,
-0.32027918100357056,
-1.1868391036987305,
0.26004326343536377,
0.21607325971126556,
0.9199099540710449,
0.18538759648799896,
-0.43420326709747314,
0.42795076966285706,
-0.427339643239975,
0.7603009343147278,
-0.5475605130195618,
0.3414548635482788,
0.5961328148841858,
0.3105585277080536,
-0.39455777406692505,
-1.0327410697937012,
-0.3441654145717621,
-0.2547788619995117,
0.2800585925579071,
0.08422818034887314,
-0.3607746362686157,
0.06010778620839119,
0.9548159241676331,
0.5429497957229614,
-0.12932544946670532,
-0.0163507591933012,
-0.5565103888511658,
0.01853349432349205,
0.704957902431488,
0.5602073669433594,
0.08976731449365616,
-0.12206412851810455,
-0.7447415590286255,
0.09030798077583313,
-0.783596932888031,
-0.19480691850185394,
0.41907015442848206,
0.05623171478509903,
-0.3490856885910034,
0.724145770072937,
-0.33130958676338196,
0.9552958607673645,
0.7591240406036377,
0.0384657084941864,
0.28338685631752014,
-0.3461514115333557,
-0.9426946640014648,
-0.21387124061584473,
0.439043253660202,
0.2874172627925873,
-0.22505146265029907,
0.20455583930015564,
-0.43165382742881775,
-0.03456566855311394,
0.31047719717025757,
-0.882232666015625,
-0.42359861731529236,
-0.0032700402662158012,
-0.5983309745788574,
-0.4577827453613281,
0.12458504736423492,
-0.06698036938905716,
-0.10797148942947388,
-0.33402758836746216,
0.7427291870117188,
-0.5105684399604797,
-0.3109923005104065,
0.062058497220277786,
-0.6000391840934753,
0.16036978363990784,
0.30146726965904236,
-1.2845067977905273,
0.12222076207399368,
0.9304772019386292,
0.8975740671157837,
-0.17894168198108673,
-0.12767110764980316,
-0.45235392451286316,
0.09063735604286194,
-0.3181034326553345,
0.5182331204414368,
-0.006643014494329691,
-0.3054673969745636,
-0.3083610236644745,
0.2677733898162842,
-0.20306578278541565,
-0.29248684644699097,
0.7683395147323608,
-0.22754627466201782,
0.12441819161176682,
-0.389176607131958,
-0.5208171010017395,
-0.1873667687177658,
0.507179319858551,
-0.4355829060077667,
1.3780711889266968,
0.41863173246383667,
-0.6936237812042236,
0.7543401718139648,
-0.8898239135742188,
-0.36708956956863403,
0.3095075488090515,
-0.18147052824497223,
0.11322008818387985,
0.5817641615867615,
-0.14483359456062317,
0.20109198987483978,
0.17724727094173431,
0.15203653275966644,
-0.17010828852653503,
-0.8879756331443787,
-0.2746278643608093,
-0.8335238099098206,
0.6028439402580261,
0.3843580186367035,
-0.45984721183776855,
0.003834715811535716,
-1.2477655410766602,
0.2491992563009262,
-0.14868736267089844,
-0.42482176423072815,
0.18166126310825348,
-0.37938761711120605,
0.4364809989929199,
0.029178481549024582,
0.1606510728597641,
-1.016798973083496,
0.145173579454422,
-0.3830014169216156,
1.1086441278457642,
0.9253600835800171,
0.033338744193315506,
-0.29010117053985596,
-0.33545827865600586,
0.2943013906478882,
-0.21668653190135956,
0.6012892127037048,
0.23734883964061737,
-1.1330230236053467,
-0.7384306192398071,
-0.12536436319351196,
-0.19208493828773499,
0.48684781789779663,
-0.4664745032787323,
0.6142274141311646,
0.26793813705444336,
-0.5184933543205261,
-0.05223998427391052,
-0.2838096618652344,
-0.14259006083011627,
0.4486357867717743,
0.438335657119751,
-0.19079507887363434,
-0.27049681544303894,
-0.9559572339057922,
0.09239616245031357,
-0.142243891954422,
-0.1562729775905609,
0.12813526391983032,
0.4157695472240448,
-0.31480851769447327,
0.3695189952850342,
-0.7981642484664917,
-0.053325019776821136,
0.51278156042099,
0.2793651521205902,
0.5973762273788452,
0.362837016582489,
0.922838568687439,
-0.5472508668899536,
-0.6727299094200134,
0.3183187246322632,
0.03018072061240673,
0.19388070702552795,
0.2101975530385971,
-0.07909663766622543,
0.4118102192878723,
0.6802424788475037,
-0.4691251218318939,
0.6662479043006897,
0.5413756966590881,
-0.9185144305229187,
0.6758766770362854,
-0.5968149304389954,
0.6232281923294067,
-0.8296241164207458,
0.30170300602912903,
-0.2581094801425934,
-0.4570421874523163,
-0.18915465474128723,
0.03317860886454582,
-0.17666244506835938,
-0.2315497249364853,
-0.19399191439151764,
0.18476709723472595,
-0.1696876883506775,
0.33185139298439026,
-0.5036274790763855,
-0.4123450517654419,
-0.02577884867787361,
0.355288565158844,
-0.17236857116222382,
0.734954833984375,
-0.09291303902864456,
-0.5109308958053589,
0.18084168434143066,
-0.09021339565515518,
-0.28712666034698486,
0.6224138140678406,
-0.8797180652618408,
0.11251634359359741,
0.25267669558525085,
0.02921423874795437,
-0.9219658374786377,
-0.1352194994688034,
0.22929833829402924,
-0.11790980398654938,
0.001360052265226841,
0.2305530309677124,
-0.3032229542732239,
-0.0103742815554142,
-0.3924035131931305,
0.3964833617210388,
0.44275522232055664,
-0.6492750644683838,
0.9690340757369995,
0.12445471435785294,
0.48055145144462585,
-0.8041926026344299,
-0.7105504870414734,
-0.06193317100405693,
-0.19616083800792694,
-0.3853667080402374,
0.8583051562309265,
0.1019948348402977,
-0.005479157902300358,
-0.1484570950269699,
-0.2543450593948364,
0.2898598611354828,
0.20543992519378662,
0.7780299782752991,
0.20470668375492096,
-0.031232912093400955,
-0.4644602835178375,
-0.048619456589221954,
-0.3985767066478729,
0.014882679097354412,
0.13199838995933533,
0.6644904613494873,
0.043396517634391785,
-0.42244091629981995,
-0.31577223539352417,
0.38243991136550903,
0.5307857394218445,
0.5769302248954773,
0.5546842813491821,
0.949225902557373,
-0.843931257724762,
0.33348187804222107,
-0.596476137638092,
-0.035863038152456284,
-0.4728753864765167,
0.1446431279182434,
-0.903466522693634,
-0.7300291657447815,
0.7162562012672424,
0.4233962595462799,
0.5228695869445801,
1.5427824258804321,
0.3884579837322235,
-0.0017220426816493273,
1.2533223628997803,
0.7497619390487671,
0.03370916470885277,
0.9084663391113281,
0.00833427719771862,
0.3314228355884552,
-0.7548291087150574,
-0.4607309401035309,
-0.2992493510246277,
-0.3911643326282501,
-0.8048167824745178,
-0.03522884473204613,
0.1858586221933365,
0.1846410185098648,
-0.8054050803184509,
0.39453935623168945,
-0.703474223613739,
0.19315996766090393,
0.568737804889679,
0.18113794922828674,
-0.04047860950231552,
0.026218412443995476,
-0.1654132902622223,
0.03353436291217804,
-0.5640240907669067,
-0.11436601728200912,
1.1272673606872559,
0.27097317576408386,
0.33257633447647095,
-0.23098401725292206,
0.5317585468292236,
0.5911527872085571,
0.4424232542514801,
0.00596515042707324,
0.3506551682949066,
-0.4532034695148468,
-0.8080167174339294,
-0.157710462808609,
-0.12309449911117554,
-0.4185481071472168,
-0.09381972998380661,
-0.45327672362327576,
-0.6209745407104492,
0.3402172029018402,
0.24164345860481262,
-0.46019044518470764,
0.3164469003677368,
-0.8851280212402344,
0.7711470127105713,
-0.07913519442081451,
-0.23747609555721283,
-0.7405456304550171,
-0.36591067910194397,
0.024476539343595505,
0.11007090657949448,
-0.2797720730304718,
-0.40987181663513184,
0.0773087665438652,
0.4842362105846405,
-0.6521945595741272,
0.2748044431209564,
-0.3639591634273529,
0.3264589011669159,
0.07054653018712997,
-0.6168416738510132,
0.3744291067123413,
0.008093835785984993,
0.06953243911266327,
0.26793983578681946,
0.502895176410675,
-0.45234572887420654,
-0.09798933565616608,
1.0541198253631592,
-0.8638208508491516,
-0.12489394098520279,
-0.5627146363258362,
-0.1969383955001831,
-0.11331606656312943,
-0.17733348906040192,
0.7028794288635254,
0.3840424418449402,
-0.453963041305542,
0.05781868100166321,
0.18826480209827423,
0.10302256047725677,
0.5342164635658264,
0.2947312891483307,
-0.3368682563304901,
-0.6758245229721069,
1.0920288562774658,
0.22781139612197876,
0.15687698125839233,
0.14379934966564178,
0.007019855547696352,
-0.20045463740825653,
-0.40451332926750183,
-0.7534264326095581,
-0.18213821947574615,
-0.5486035346984863,
-0.5588119626045227,
-0.4459359049797058,
-0.29905644059181213,
-0.05480428785085678,
-0.02264351025223732,
-0.2233005166053772,
-0.9305669069290161,
-0.4866790771484375,
-0.37782448530197144,
0.7440310120582581,
0.8193171620368958,
-0.16439777612686157,
0.08849328756332397,
-0.4193001091480255,
0.5579507350921631,
-0.08625386655330658,
0.5229515433311462,
-0.09460290521383286,
-0.7791604995727539,
-0.20639298856258392,
0.0004704778839368373,
-0.41078224778175354,
-0.6579931378364563,
-0.20316782593727112,
0.3345639705657959,
0.6493813991546631,
0.5997585654258728,
-0.5476951599121094,
1.3021211624145508,
-0.24352839589118958,
1.019566535949707,
0.5514715909957886,
-0.7831783890724182,
0.43303748965263367,
-0.23432131111621857,
0.26264891028404236,
0.5889895558357239,
-0.07730796933174133,
-0.2825537621974945,
-0.47820618748664856,
-0.8504777550697327,
-1.0483416318893433,
0.24546939134597778,
-0.03201347589492798,
0.1284872591495514,
-0.21088607609272003,
0.8434011936187744,
0.18560950458049774,
0.06262743473052979,
-0.4271857440471649,
-0.6779571771621704,
-0.27867093682289124,
0.09524217993021011,
0.18551473319530487,
-0.3413565158843994,
-0.3518323302268982,
-0.9117576479911804,
0.793161153793335,
-0.18498621881008148,
0.36173200607299805,
-0.05770797282457352,
0.1732420176267624,
-0.09247510880231857,
-0.05893499776721001,
0.8077881336212158,
1.0661442279815674,
-0.5600319504737854,
-0.4403972029685974,
0.36156317591667175,
-1.0760321617126465,
-0.05060999467968941,
0.43166738748550415,
-0.17297030985355377,
-0.06401044130325317,
0.07509040832519531,
1.0219203233718872,
0.2355203479528427,
-0.11984630674123764,
-0.04732698202133179,
-0.2022276073694229,
-0.2706725299358368,
-0.24279651045799255,
0.3641774356365204,
-0.2485133558511734,
0.24112273752689362,
0.7567574381828308,
-0.03879987448453903,
0.3674871325492859,
-0.2697966396808624,
0.32529857754707336,
0.5267544388771057,
-0.3566977381706238,
-0.0848744809627533,
1.1459174156188965,
0.3064326345920563,
0.07603342831134796,
0.9452036619186401,
-0.09902264177799225,
-0.06794197112321854,
0.6023385524749756,
0.7202505469322205,
1.1378461122512817,
0.022380564361810684,
0.05773576721549034,
0.871360182762146,
0.13231739401817322,
-0.1411847621202469,
0.5653811693191528,
-0.17807774245738983,
-0.4521165192127228,
-0.44123271107673645,
-0.7081469297409058,
-0.4430811405181885,
-0.21379463374614716,
-0.9498693346977234,
0.4443073570728302,
-0.7548320293426514,
-0.9174284338951111,
0.36154574155807495,
0.5294855237007141,
-0.7537102699279785,
0.7571107745170593,
0.2013842910528183,
1.4112695455551147,
-1.2614120244979858,
0.6472646594047546,
0.9568679332733154,
-0.05998227745294571,
-0.7540137767791748,
-0.6427459716796875,
-0.503831684589386,
-0.8748827576637268,
0.2233349084854126,
-0.033889494836330414,
-0.0776524618268013,
0.06699413061141968,
-0.1941969245672226,
-0.47072646021842957,
1.1686924695968628,
0.5079116225242615,
-0.7895719408988953,
0.5842926502227783,
-0.07289721071720123,
0.3792215585708618,
-0.20072022080421448,
0.38462045788764954,
0.8298788070678711,
0.5924424529075623,
0.06581343710422516,
-0.9826900959014893,
-0.0227880347520113,
-0.5434412360191345,
-0.4018027186393738,
0.660188615322113,
-0.8346090316772461,
0.9323150515556335,
-0.30455368757247925,
-0.14431405067443848,
-0.33934420347213745,
0.7013365030288696,
0.3962312936782837,
0.3664427399635315,
0.5382378697395325,
1.062764048576355,
0.7063599824905396,
-0.5534752011299133,
0.9553395509719849,
-0.6935268044471741,
0.23438051342964172,
0.47245582938194275,
0.37766140699386597,
1.036520004272461,
0.9234510660171509,
-0.4770187735557556,
0.09761416912078857,
1.0496582984924316,
-0.1673368513584137,
0.6889619827270508,
-0.19686539471149445,
-0.5433557629585266,
-0.3408145308494568,
0.07676184177398682,
-0.9619807600975037,
0.02650456130504608,
0.1980963945388794,
-0.422787070274353,
0.1278490275144577,
0.01852281764149666,
-0.16129525005817413,
-0.6020500659942627,
-0.5615990161895752,
0.5681102871894836,
0.23437274992465973,
-0.5669613480567932,
0.1344018131494522,
0.5702466368675232,
0.8751090168952942,
-0.7477322220802307,
-0.10018163919448853,
-0.3217866122722626,
0.3152914345264435,
-0.5740059018135071,
-0.7610445618629456,
0.4415826201438904,
-0.11867174506187439,
-0.43284156918525696,
-0.13502945005893707,
0.6673879027366638,
-0.11628454178571701,
-0.6725159883499146,
0.001094974228180945,
-0.371349036693573,
-0.2181386500597,
-0.24809737503528595,
-0.5719188451766968,
0.2918958067893982,
0.1945754587650299,
-0.41309115290641785,
0.30448222160339355,
0.15120357275009155,
-0.08531242609024048,
0.5751027464866638,
0.5712575912475586,
-0.30111008882522583,
0.1899564117193222,
0.05710993707180023,
0.6357021927833557,
-0.6906425952911377,
-0.6350390315055847,
-0.9021425843238831,
0.2774181067943573,
-0.049953266978263855,
-1.1685198545455933,
0.903201162815094,
0.9245173931121826,
0.378696084022522,
0.07460953295230865,
0.46872803568840027,
-0.45766451954841614,
-0.22109144926071167,
-0.4768771529197693,
0.48512741923332214,
-0.5722944140434265,
-0.3158421218395233,
0.11034197360277176,
-0.9910779595375061,
0.0707394927740097,
0.7226015329360962,
0.1619119793176651,
-0.27147147059440613,
0.37523359060287476,
0.018298214301466942,
-0.03868039697408676,
0.5281952619552612,
-0.05817069113254547,
-0.34486156702041626,
0.41057032346725464,
0.3856797516345978,
0.425985187292099,
-0.7593101263046265,
-0.03923192620277405,
-0.22216063737869263,
-0.22476045787334442,
-0.29162687063217163,
-0.9764803647994995,
-0.28925687074661255,
-0.40186017751693726,
-0.5397331118583679,
-0.27294906973838806,
-0.16415396332740784,
0.8487414121627808,
0.34002235531806946,
-0.8452742099761963,
0.12371943145990372,
0.027031447738409042,
-0.16124191880226135,
-0.5489933490753174,
-0.21019229292869568,
0.6202536821365356,
0.06338565051555634,
-0.48056262731552124,
0.00941385142505169,
0.515960156917572,
-0.06439309567213058,
-0.18277938663959503,
-0.042899053543806076,
0.0011806098045781255,
-0.03164657950401306,
0.9963048696517944,
0.31543460488319397,
-0.4077792763710022,
-0.9604923725128174,
-0.000961239798925817,
-0.1597832590341568,
0.0821581482887268,
0.6020371317863464,
-0.3507588803768158,
0.16062986850738525,
0.982262909412384,
0.18812473118305206,
1.0724714994430542,
0.41792020201683044,
0.7877971529960632,
-0.4559626877307892,
0.32732149958610535,
0.07132568210363388,
0.2770703434944153,
-0.09038553386926651,
-0.27830052375793457,
0.47769489884376526,
0.24857120215892792,
-0.5660726428031921,
-1.071081280708313,
-0.20859530568122864,
-1.1061428785324097,
0.3014870584011078,
0.64300137758255,
0.12045437097549438,
0.11554808169603348,
0.15607936680316925,
-0.16439945995807648,
0.0482427254319191,
0.22079266607761383,
0.6899830102920532,
0.9486646056175232,
-0.7920109033584595,
0.3453111946582794,
-0.806240439414978,
0.6744719743728638,
0.015580491162836552,
-0.8555927872657776,
-0.4707789719104767,
0.4277958571910858,
0.7636934518814087,
0.011352287605404854,
1.0291177034378052,
0.07340934127569199,
0.40558111667633057,
0.6913610100746155,
-0.3015090823173523,
-0.2515791058540344,
-0.08807361125946045,
0.17266668379306793,
0.11623217165470123,
0.163985013961792,
-0.8608535528182983
] |
Yntec/AnalogMadness
|
Yntec
| 2023-11-28T16:50:20Z | 5,027 | 2 |
diffusers
|
[
"diffusers",
"Character",
"Photorealistic",
"Sexy",
"CornmeisterNL",
"stable-diffusion",
"stable-diffusion-diffusers",
"text-to-image",
"en",
"license:creativeml-openrail-m",
"endpoints_compatible",
"has_space",
"diffusers:StableDiffusionPipeline",
"region:us"
] |
text-to-image
| 2023-11-17T08:54:45Z |
---
language:
- en
license: creativeml-openrail-m
tags:
- Character
- Photorealistic
- Sexy
- CornmeisterNL
- stable-diffusion
- stable-diffusion-diffusers
- text-to-image
- diffusers
inference: true
---
# Analog Madness 1.1
Original page: https://civitai.com/models/8030?modelVersionId=9519
Sample and prompt:

sitting Pretty Cute Girl, Detailed Eyes, holding coins, beautiful detailed slot machine, gorgeous detailed hair, pants, Magazine ad, iconic, 1943, from the movie, sharp focus. visible brushstrokes by ROSSDRAWS and Clay Mann
|
[
-0.7649938464164734,
-1.0146253108978271,
0.4111761748790741,
0.05618808791041374,
-0.2926512658596039,
-0.11633635312318802,
0.41833198070526123,
-0.3303528428077698,
1.0865509510040283,
0.5840244889259338,
-1.167660117149353,
-0.35253408551216125,
-0.42942139506340027,
-0.170729860663414,
-0.603127658367157,
0.7971699237823486,
-0.01675313152372837,
0.1321348398923874,
0.03699566051363945,
0.23296533524990082,
-0.7160251140594482,
-0.279173344373703,
-0.6207185387611389,
-0.4617711007595062,
0.21823619306087494,
0.5313349962234497,
0.6463860869407654,
0.31652992963790894,
0.4051576852798462,
0.46252885460853577,
0.3715746998786926,
-0.11293820291757584,
-0.606630802154541,
-0.08415410667657852,
-0.4830320179462433,
-0.5841918587684631,
-0.7234156727790833,
0.5065252780914307,
0.4161725342273712,
-0.014684785157442093,
-0.018092559650540352,
-0.03399304673075676,
-0.36281850934028625,
0.5453409552574158,
-0.1350528448820114,
-0.10720711201429367,
-0.22264976799488068,
0.20409615337848663,
-0.30623289942741394,
0.06433145701885223,
0.11484339833259583,
-0.2008531540632248,
-0.06105818226933479,
-1.156008243560791,
0.3465534448623657,
-0.1376294195652008,
1.306884765625,
0.30991482734680176,
-0.1429690271615982,
-0.3802928030490875,
-0.8367424607276917,
0.627836287021637,
-0.13486044108867645,
0.1799336075782776,
0.428828626871109,
0.37087351083755493,
-0.17213024199008942,
-0.9441371560096741,
-0.6596480011940002,
0.429621160030365,
0.44140928983688354,
0.2783041000366211,
-0.7168275117874146,
-0.5149973034858704,
0.5808050036430359,
0.49753737449645996,
-0.4588751494884491,
-0.15135107934474945,
-0.681274950504303,
0.35163891315460205,
0.6294057965278625,
0.43836599588394165,
0.26467081904411316,
0.3291999101638794,
-0.48518234491348267,
-0.28323936462402344,
-0.13244982063770294,
-0.06230897083878517,
0.7007108926773071,
-0.017281996086239815,
-0.4922643303871155,
0.7236906886100769,
0.04717743396759033,
0.6093273162841797,
0.7210491299629211,
-0.025860752910375595,
0.07270878553390503,
-0.3450750708580017,
-0.17968939244747162,
-0.172000914812088,
0.5303621888160706,
0.5171058177947998,
0.4580405354499817,
0.4150385856628418,
-0.15792986750602722,
0.16920842230319977,
0.9411864876747131,
-0.827846884727478,
-0.5338764190673828,
0.24781833589076996,
-0.3692265450954437,
-0.2508324980735779,
0.48739686608314514,
-1.0162264108657837,
-0.46093249320983887,
-0.17690469324588776,
0.4582723379135132,
-0.7508848905563354,
-0.23859943449497223,
0.33028528094291687,
-0.5207619667053223,
0.06735246628522873,
0.19823786616325378,
-1.0302232503890991,
0.2186887562274933,
0.5840027928352356,
0.8997332453727722,
0.19859623908996582,
0.3517836928367615,
0.3004217743873596,
0.034089602530002594,
-0.45583945512771606,
1.1186878681182861,
-0.0656793937087059,
-0.6420978903770447,
-0.20513014495372772,
0.23806065320968628,
0.12311598658561707,
-0.7188408374786377,
0.6821372509002686,
-0.4761900305747986,
-0.3671325743198395,
-0.008526043966412544,
-0.23717817664146423,
-0.009541215375065804,
0.013147457502782345,
-0.9551520943641663,
0.6168473362922668,
0.17915372550487518,
-0.4731235206127167,
0.5123451948165894,
-0.8146093487739563,
-0.3979749381542206,
-0.03631768375635147,
-0.005461059045046568,
-0.4197191596031189,
0.3204076290130615,
-0.07543560862541199,
-0.28488895297050476,
0.2561638355255127,
-0.46537095308303833,
-0.972137987613678,
-0.3314153850078583,
0.823199987411499,
-0.4439844489097595,
0.8152019381523132,
0.4506351053714752,
-0.1170419380068779,
0.01818695291876793,
-0.9688887000083923,
-0.03458299860358238,
0.6347141861915588,
0.41043978929519653,
-0.18530137836933136,
-0.20716989040374756,
0.0896843671798706,
0.5226266980171204,
0.4896078109741211,
-0.39218395948410034,
0.18024864792823792,
-0.049355827271938324,
0.20253345370292664,
0.8995770812034607,
0.03988402709364891,
-0.12367701530456543,
-0.7526323795318604,
0.6671872138977051,
0.11642402410507202,
0.2989417016506195,
-0.04200798273086548,
-0.34163719415664673,
-0.837500810623169,
-0.8200567364692688,
0.024705959483981133,
0.6502171158790588,
-0.23143261671066284,
0.6407395601272583,
0.21640999615192413,
-0.7542265057563782,
-0.5992672443389893,
-0.018231982365250587,
-0.30485543608665466,
0.22091837227344513,
-0.10288601368665695,
-0.7043072581291199,
-0.6861220002174377,
-1.1223021745681763,
0.030214622616767883,
-0.04161330312490463,
-0.4365866780281067,
0.2895978093147278,
0.18156374990940094,
-0.1732577681541443,
0.7077165842056274,
-0.8759625554084778,
-0.4528004825115204,
-0.21761347353458405,
0.15928415954113007,
0.8749926686286926,
0.45428162813186646,
0.5063726305961609,
-0.5471503734588623,
-0.22300904989242554,
-0.48322856426239014,
-0.4642549157142639,
-0.27323710918426514,
0.03742176666855812,
-0.2931021451950073,
-0.3145917057991028,
0.2726578712463379,
-0.8266558647155762,
0.65716552734375,
-0.29001709818840027,
-0.5882565975189209,
0.6605550050735474,
-0.41416412591934204,
0.40362095832824707,
-0.9691444039344788,
0.12043566256761551,
0.4715438783168793,
-0.32295531034469604,
-0.35139304399490356,
0.4059523344039917,
-0.41612979769706726,
-0.34165528416633606,
-0.6176556944847107,
0.461738258600235,
-0.15932220220565796,
0.4021974802017212,
-0.36352214217185974,
0.046762727200984955,
0.16299837827682495,
0.16580042243003845,
-0.1984310746192932,
0.7070297002792358,
0.5251632928848267,
-0.30356550216674805,
0.5244511365890503,
0.4876411259174347,
-0.2766830623149872,
1.1055638790130615,
-1.1143722534179688,
0.2051774114370346,
-0.07649127393960953,
-0.1753707379102707,
-1.1113219261169434,
-0.43568331003189087,
0.3959534764289856,
-0.23086999356746674,
0.20995783805847168,
0.2892594039440155,
-0.8121089339256287,
-0.43224766850471497,
-0.42254889011383057,
0.1952035129070282,
0.6342762112617493,
-0.12625592947006226,
0.03732938691973686,
0.6415402293205261,
-0.09999824315309525,
0.22616760432720184,
-0.6653673648834229,
-0.2860220670700073,
-0.362423837184906,
-0.5243386626243591,
0.23488909006118774,
-0.08970684558153152,
-0.6835228204727173,
-0.5575440526008606,
-0.03729507327079773,
-0.4545448124408722,
-0.18846337497234344,
0.3045225143432617,
0.4352852702140808,
-0.3004878759384155,
-0.18684858083724976,
-0.10537553578615189,
-0.22583593428134918,
0.1580963134765625,
0.0879826620221138,
0.7603947520256042,
-0.3063899278640747,
-0.30323123931884766,
-1.0331977605819702,
0.8326418399810791,
0.9142138361930847,
0.24861066043376923,
0.015973975881934166,
0.39067700505256653,
-0.5447822213172913,
0.07851414382457733,
-0.1913125216960907,
-0.35392963886260986,
-0.6333516836166382,
0.2490772157907486,
-0.6255800724029541,
-0.16749268770217896,
0.6590396165847778,
0.18650628626346588,
-0.5280289053916931,
0.5123829245567322,
0.6813961267471313,
-0.21617504954338074,
1.453264594078064,
0.7285467982292175,
0.03353004902601242,
0.6836062073707581,
-0.5309335589408875,
0.3175700604915619,
-0.05346903204917908,
0.018813904374837875,
-0.1882999837398529,
-0.7380063533782959,
-0.5727057456970215,
-0.3993659019470215,
0.33758705854415894,
0.19583278894424438,
-0.5600548386573792,
0.38721609115600586,
-0.3546796441078186,
0.4689064025878906,
0.7434845566749573,
0.6217650175094604,
0.0021558876615017653,
-0.002238383051007986,
-0.02683585323393345,
-0.4416286051273346,
-0.34057533740997314,
-0.5445647835731506,
0.6026959419250488,
0.3870193064212799,
0.8545597791671753,
0.15754014253616333,
0.4994964599609375,
0.29381176829338074,
-0.14944683015346527,
-0.8233699798583984,
0.7391278743743896,
-0.22112447023391724,
-1.115212321281433,
0.15719382464885712,
0.3722817897796631,
-0.8426988124847412,
-0.29275715351104736,
-0.40975621342658997,
-0.7560209035873413,
0.42720362544059753,
0.20247705280780792,
-0.5878995060920715,
0.2110351324081421,
-0.9181334376335144,
1.0873327255249023,
-0.10646187514066696,
-0.5439565777778625,
-0.3041773736476898,
-0.2726002633571625,
0.48796483874320984,
-0.06066135689616203,
0.029410872608423233,
-0.13784776628017426,
-0.08543725311756134,
0.31415820121765137,
-0.621460497379303,
0.6392985582351685,
0.5197657346725464,
0.009777842089533806,
0.49543625116348267,
0.06165248528122902,
0.31881627440452576,
0.26676145195961,
0.18392819166183472,
0.046076808124780655,
-0.1798733025789261,
-0.3994885981082916,
-0.4589711129665375,
0.9190134406089783,
-0.6304126381874084,
-0.48138532042503357,
-0.5850558280944824,
-0.7249433994293213,
0.08982044458389282,
0.28938454389572144,
0.6235930323600769,
0.5292804837226868,
-0.2834613621234894,
-0.46171748638153076,
0.8137022256851196,
0.2576717734336853,
0.4455767571926117,
0.11344568431377411,
-0.2989000678062439,
-0.31777867674827576,
0.9993444085121155,
0.14443399012088776,
0.3088020384311676,
-0.136480912566185,
-0.01053391583263874,
-0.3190583288669586,
0.04794638603925705,
-0.23946629464626312,
0.44561079144477844,
-0.5271179676055908,
0.1020476222038269,
-0.5110034942626953,
-0.013665548525750637,
-0.565790057182312,
-0.4976484179496765,
-0.6939661502838135,
-0.44340986013412476,
-1.0321557521820068,
0.19919994473457336,
0.6833769083023071,
0.8151727914810181,
-0.04953859746456146,
0.27357038855552673,
-0.41790536046028137,
0.6320464015007019,
0.5305292010307312,
0.7909272313117981,
-0.24469955265522003,
-0.2279568463563919,
0.09508475661277771,
-0.18662913143634796,
-1.0416141748428345,
-1.1033228635787964,
0.6918514966964722,
-0.2175188660621643,
0.37618571519851685,
0.8804212808609009,
0.0007847351371310651,
1.0945063829421997,
-0.4806560277938843,
0.5581020712852478,
0.37628746032714844,
-0.6843327283859253,
0.5432920455932617,
-0.5856040120124817,
0.6587716341018677,
0.7480394244194031,
0.2233652025461197,
-0.23170256614685059,
-0.5394492745399475,
-0.9848085045814514,
-0.9530421495437622,
0.7876713275909424,
0.01104131992906332,
-0.014835329726338387,
0.04306020960211754,
-0.1938067078590393,
0.17927946150302887,
0.35463380813598633,
-0.48974305391311646,
-0.7890503406524658,
-0.6100016236305237,
-0.19603589177131653,
0.08953887224197388,
0.14172513782978058,
-0.03961390629410744,
-0.46434083580970764,
0.5843257308006287,
0.08992378413677216,
0.7849525809288025,
0.34519708156585693,
0.3861295282840729,
-0.3297698199748993,
-0.034025512635707855,
0.9069420695304871,
0.9113131761550903,
-0.6500625014305115,
0.10028507560491562,
-0.32613569498062134,
-0.7478803396224976,
0.2026972472667694,
0.151398703455925,
-0.4142495095729828,
0.3978138566017151,
-0.2247258871793747,
0.9236834049224854,
0.13198603689670563,
-0.9687031507492065,
0.11949369311332703,
0.0800248384475708,
0.3908199965953827,
-0.7143819332122803,
0.4380817711353302,
-0.20790593326091766,
0.3849831819534302,
0.21738341450691223,
0.1321345865726471,
0.4881976544857025,
-0.7417422533035278,
0.6078871488571167,
0.5804908871650696,
-1.0044461488723755,
-0.5234816074371338,
1.0252656936645508,
-0.3006667196750641,
-0.9619189500808716,
0.4175998866558075,
-0.2440018355846405,
-0.14683803915977478,
0.650601863861084,
0.9956638813018799,
1.1697498559951782,
-0.06462621688842773,
0.2838830351829529,
0.5523275136947632,
0.16510558128356934,
0.37135905027389526,
0.6896401047706604,
0.36804723739624023,
-0.12007368355989456,
0.4224890172481537,
-0.17152506113052368,
-0.4618634879589081,
0.2609826326370239,
-0.5818947553634644,
1.1677967309951782,
-0.8391885757446289,
-0.2518296241760254,
0.2072487622499466,
-0.0047311931848526,
-0.4663720428943634,
0.16936752200126648,
0.16189587116241455,
1.3232306241989136,
-0.8044727444648743,
0.6612288951873779,
0.6555041074752808,
-0.30671226978302,
-0.29114842414855957,
-0.25232791900634766,
0.3417494297027588,
-0.6025204658508301,
0.1931391954421997,
0.16662238538265228,
0.1604262888431549,
0.04429524391889572,
-0.7107282280921936,
-0.7327188849449158,
0.7246013879776001,
0.026219278573989868,
-0.39964935183525085,
0.4712986350059509,
-0.11401500552892685,
0.37946993112564087,
-0.5430189371109009,
0.5848202705383301,
0.8379104733467102,
0.34671705961227417,
0.45772823691368103,
-0.6491072177886963,
-0.3793319761753082,
-0.855543851852417,
-0.16743116080760956,
0.2120526134967804,
-0.7105557918548584,
1.0331093072891235,
-0.3418726325035095,
-0.19200272858142853,
0.3972631096839905,
0.8548059463500977,
0.8108334541320801,
0.44857725501060486,
0.6295708417892456,
0.8659024238586426,
0.09631941467523575,
-0.10354956239461899,
1.4018049240112305,
-0.010848520323634148,
0.011568727903068066,
0.9913700222969055,
-0.29850977659225464,
0.4319418668746948,
0.5451679229736328,
-0.5218656063079834,
0.43290475010871887,
0.9426284432411194,
-0.23202407360076904,
0.7753459811210632,
0.15544496476650238,
-0.20730948448181152,
-0.0433477945625782,
-0.25748008489608765,
-0.0860227569937706,
0.014638159424066544,
0.30313345789909363,
-0.1435968577861786,
-0.39898481965065,
-0.00817128550261259,
-0.20228709280490875,
0.08857178688049316,
-0.5362157821655273,
0.6107908487319946,
-0.07653485983610153,
-0.394729882478714,
0.5051394104957581,
-0.13846424221992493,
0.4822400212287903,
-0.678032636642456,
-0.3647273778915405,
-0.20252566039562225,
0.443029522895813,
0.20338580012321472,
-0.60334712266922,
0.169756218791008,
-0.04444470256567001,
-0.5506269335746765,
-0.2067519873380661,
0.6503985524177551,
-0.18912860751152039,
-1.1472702026367188,
-0.2146175652742386,
-0.3656041920185089,
0.3364284336566925,
0.37855979800224304,
-1.081994652748108,
0.06748097389936447,
-0.23025839030742645,
0.1243719831109047,
0.03996564820408821,
0.2591874599456787,
-0.015808990225195885,
0.41263923048973083,
0.2625773251056671,
0.2834926247596741,
0.21588529646396637,
-0.21749155223369598,
0.5072331428527832,
-0.553914487361908,
-0.9340111613273621,
-0.7185009717941284,
0.5149174928665161,
-0.38351789116859436,
-0.9271240234375,
0.8906423449516296,
0.714648962020874,
0.6836453676223755,
-0.6325581073760986,
0.2931266129016876,
-0.032236628234386444,
0.5942646265029907,
-0.08372966200113297,
0.815555214881897,
-0.5954763293266296,
-0.14976684749126434,
-0.4705527424812317,
-0.5349321961402893,
0.09334179759025574,
0.8178523778915405,
0.11016588658094406,
0.0687781423330307,
0.3598368763923645,
0.9645330309867859,
-0.2888464331626892,
0.13213835656642914,
0.04989970102906227,
0.2318020612001419,
0.05046266317367554,
0.2331714630126953,
0.6430183053016663,
-0.6761294603347778,
-0.18635597825050354,
-0.44552090764045715,
-0.30558839440345764,
-0.4616932272911072,
-0.6589595675468445,
-0.6597900390625,
-0.39100542664527893,
-0.5874345302581787,
-0.635553240776062,
-0.5151773691177368,
1.057676076889038,
0.735288143157959,
-0.8953477144241333,
-0.47216248512268066,
0.0032513909973204136,
0.3816138505935669,
-0.41476568579673767,
-0.29772958159446716,
-0.06692184507846832,
0.40711671113967896,
-1.2229175567626953,
0.14508479833602905,
0.293666273355484,
0.843052089214325,
-0.31138432025909424,
0.5272433161735535,
-0.5013952851295471,
0.4241657555103302,
0.02899659238755703,
0.4391286075115204,
-0.48981773853302,
-0.12178920209407806,
0.07188603281974792,
-0.1150934025645256,
0.11843323707580566,
1.0660208463668823,
-0.42428550124168396,
0.45121943950653076,
0.6295444965362549,
-0.31830447912216187,
0.40260744094848633,
0.1536877453327179,
0.5238987803459167,
-0.2952013313770294,
0.6388854384422302,
0.15562470257282257,
0.44490405917167664,
-0.03960619121789932,
-0.3121577501296997,
0.08165883272886276,
0.526541531085968,
-0.2385273277759552,
-0.7827816009521484,
0.1688995361328125,
-1.4670593738555908,
-0.2513329088687897,
0.5695685744285583,
0.4150547981262207,
-0.5156694054603577,
-0.21885015070438385,
-0.4921707212924957,
0.2495449036359787,
-0.2776707708835602,
0.8532143235206604,
0.8551828861236572,
-0.19063147902488708,
-0.13292540609836578,
-0.5885426998138428,
-0.007558228448033333,
0.06293857097625732,
-0.44068408012390137,
-0.44529420137405396,
0.49286410212516785,
0.1259014904499054,
0.5261212587356567,
0.4030347764492035,
-0.5431445240974426,
0.289937287569046,
0.4417458772659302,
0.34133756160736084,
0.007228143513202667,
-0.1545526683330536,
-0.4642324447631836,
0.1862839162349701,
-0.31960293650627136,
-0.5772520899772644
] |
Pirr/pythia-13b-deduped-green_devil
|
Pirr
| 2023-05-17T12:43:18Z | 5,025 | 10 |
transformers
|
[
"transformers",
"pytorch",
"gpt_neox",
"text-generation",
"endpoints_compatible",
"has_space",
"text-generation-inference",
"region:us"
] |
text-generation
| 2023-02-09T20:19:59Z |
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
] |
EleutherAI/pythia-1.4b-v0
|
EleutherAI
| 2023-03-29T18:50:36Z | 5,021 | 7 |
transformers
|
[
"transformers",
"pytorch",
"gpt_neox",
"text-generation",
"causal-lm",
"pythia",
"pythia_v0",
"en",
"dataset:the_pile",
"arxiv:2101.00027",
"arxiv:2201.07311",
"license:apache-2.0",
"endpoints_compatible",
"has_space",
"text-generation-inference",
"region:us"
] |
text-generation
| 2022-10-16T18:24:39Z |
---
language:
- en
tags:
- pytorch
- causal-lm
- pythia
- pythia_v0
license: apache-2.0
datasets:
- the_pile
---
The *Pythia Scaling Suite* is a collection of models developed to facilitate
interpretability research. 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. All Pythia models are available
[on Hugging Face](https://huggingface.co/models?other=pythia).
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.
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.
## Pythia-1.4B
### 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.
- 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 | 4M | 6.0 x 10<sup>-4</sup> | GPT-Neo 125M, OPT-125M |
| 410M | 302,311,424 | 24 | 1024 | 16 | 4M | 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 | 4M | 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. To enable the
study of how language models change over the course of training, we provide
143 evenly spaced intermediate checkpoints per model. 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-1.4B 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-1.4B 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.
Pythia models are English-language only, and are not suitable for translation
or generating text in other languages.
Pythia-1.4B 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-1.4B 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 “understand” 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 deemed statistically most likely by the
model need not produce the most “accurate” text. Never rely on
Pythia-1.4B 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-1.4B 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-1.4B.
### 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-1.4B.
#### 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.
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 the equivalent of 143000 steps at a batch size
of 2,097,152 tokens. Two batch sizes were used: 2M and 4M. Models with a batch
size of 4M tokens listed were originally trained for 71500 steps instead, with
checkpoints every 500 steps. The checkpoints on Hugging Face are renamed for
consistency with all 2M batch models, so `step1000` is the first checkpoint
for `pythia-1.4b` that was saved (corresponding to step 500 in training), and
`step1000` is likewise the first `pythia-6.9b` checkpoint that was saved
(corresponding to 1000 “actual” steps).<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.png" style="width:auto"/>
</details>
<details>
<summary>Physical Interaction: Question Answering (PIQA)</summary>
<img src="/EleutherAI/pythia-12b/resolve/main/eval_plots/piqa.png" style="width:auto"/>
</details>
<details>
<summary>WinoGrande</summary>
<img src="/EleutherAI/pythia-12b/resolve/main/eval_plots/winogrande.png" style="width:auto"/>
</details>
<details>
<summary>AI2 Reasoning Challenge—Challenge Set</summary>
<img src="/EleutherAI/pythia-12b/resolve/main/eval_plots/arc_challenge.png" style="width:auto"/>
</details>
<details>
<summary>SciQ</summary>
<img src="/EleutherAI/pythia-12b/resolve/main/eval_plots/sciq.png" style="width:auto"/>
</details>
### 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.34806695580482483,
-0.8473997712135315,
0.28036263585090637,
0.058822501450777054,
-0.2178371697664261,
-0.1724027544260025,
-0.21576258540153503,
-0.4643112123012543,
0.2231237292289734,
0.2176382839679718,
-0.32908982038497925,
-0.32235413789749146,
-0.4677065908908844,
-0.04724875092506409,
-0.4944508373737335,
1.2170599699020386,
-0.07001441717147827,
-0.17512467503547668,
0.0824684128165245,
-0.14033836126327515,
-0.021600980311632156,
-0.5316565036773682,
-0.4356658458709717,
-0.3516351878643036,
0.6285483837127686,
0.21372532844543457,
0.884337306022644,
0.6435338854789734,
0.21861623227596283,
0.2863512635231018,
-0.2954077124595642,
-0.04567492753267288,
-0.23223161697387695,
-0.12229461222887039,
0.008707731030881405,
-0.2796216607093811,
-0.6867387294769287,
0.029093250632286072,
0.6874148845672607,
0.6431109309196472,
-0.22361579537391663,
0.2514115869998932,
0.02728603035211563,
0.4607064425945282,
-0.5121191740036011,
0.015829194337129593,
-0.27693119645118713,
-0.17729583382606506,
-0.17914380133152008,
0.09116373211145401,
-0.37493976950645447,
-0.3839220404624939,
0.46632280945777893,
-0.6426395177841187,
0.23897011578083038,
0.13396036624908447,
1.1741180419921875,
-0.05908270180225372,
-0.4448995590209961,
-0.18520215153694153,
-0.6533573865890503,
0.7001420855522156,
-0.7104257345199585,
0.2724788188934326,
0.3675955533981323,
0.10307446122169495,
0.0181985292583704,
-0.8235487937927246,
-0.536582887172699,
-0.21767665445804596,
-0.2091752141714096,
0.018592149019241333,
-0.5744277238845825,
0.005174759775400162,
0.49358952045440674,
0.6625350117683411,
-0.9235028028488159,
0.006369250360876322,
-0.4075544476509094,
-0.309196412563324,
0.4204059839248657,
0.021656230092048645,
0.524150013923645,
-0.3260880410671234,
0.011782385408878326,
-0.38477909564971924,
-0.6829519867897034,
-0.19192102551460266,
0.5963698029518127,
0.05019098147749901,
-0.4046172499656677,
0.5556377172470093,
-0.2929525673389435,
0.5896605849266052,
-0.05611368641257286,
0.24807880818843842,
0.46146178245544434,
-0.21444624662399292,
-0.47357529401779175,
-0.0675075575709343,
1.0005581378936768,
0.1351776123046875,
0.23290881514549255,
0.0002456445654388517,
-0.023498179391026497,
0.088750459253788,
0.09013096243143082,
-1.127817988395691,
-0.811816394329071,
0.3000820577144623,
-0.4115751385688782,
-0.4185613691806793,
-0.13772767782211304,
-0.9386096596717834,
-0.2523186504840851,
-0.13849303126335144,
0.48836037516593933,
-0.5599779486656189,
-0.7177553176879883,
-0.18198005855083466,
0.027067871764302254,
0.22915935516357422,
0.30681106448173523,
-0.9924755096435547,
0.3919510245323181,
0.43269065022468567,
1.0243250131607056,
0.17323051393032074,
-0.5565822124481201,
-0.2351074516773224,
-0.24663624167442322,
-0.1536450833082199,
0.4415675699710846,
-0.15017127990722656,
-0.17470549046993256,
-0.06407493352890015,
0.13872571289539337,
-0.11594987660646439,
-0.3752512037754059,
0.40805596113204956,
-0.35201358795166016,
0.37486687302589417,
-0.23850566148757935,
-0.5065696239471436,
-0.41972053050994873,
0.09336981177330017,
-0.6802899241447449,
0.9121048450469971,
0.23354971408843994,
-1.0284442901611328,
0.22419269382953644,
-0.32995179295539856,
-0.1063249260187149,
-0.007391117513179779,
0.10675927996635437,
-0.6495985388755798,
0.0015604065265506506,
0.36573317646980286,
0.13347284495830536,
-0.3822401463985443,
0.2449110895395279,
-0.1792159378528595,
-0.3549768030643463,
0.16590209305286407,
-0.5045352578163147,
1.0073630809783936,
0.1635662317276001,
-0.6492236852645874,
0.2536117434501648,
-0.6062006950378418,
0.13182726502418518,
0.2630979120731354,
-0.3289342224597931,
-0.025092054158449173,
-0.1525823175907135,
0.36062633991241455,
0.1973288655281067,
0.17032967507839203,
-0.33579838275909424,
0.2599891126155853,
-0.5399060249328613,
0.706853985786438,
0.7426490187644958,
-0.1025494635105133,
0.5310549139976501,
-0.4642845392227173,
0.5074915289878845,
-0.0051040188409388065,
0.10017218440771103,
-0.08338335156440735,
-0.6226087808609009,
-0.9631592631340027,
-0.2537855803966522,
0.3322543203830719,
0.36228254437446594,
-0.5142516493797302,
0.45476090908050537,
-0.2838435173034668,
-0.8659919500350952,
-0.28673744201660156,
-0.08983347564935684,
0.39547449350357056,
0.3064682185649872,
0.40007448196411133,
-0.13729199767112732,
-0.5114259123802185,
-0.9063035845756531,
-0.20401053130626678,
-0.416242778301239,
0.09899672120809555,
0.21987737715244293,
0.9218107461929321,
-0.04431641474366188,
0.6189411878585815,
-0.31810012459754944,
0.1792094111442566,
-0.34762871265411377,
0.17771698534488678,
0.4482460916042328,
0.6102050542831421,
0.44459471106529236,
-0.6294544339179993,
-0.4620119333267212,
0.0646447017788887,
-0.6426348686218262,
0.08488457649946213,
0.005362181458622217,
-0.2790449261665344,
0.3814740478992462,
0.0699724555015564,
-0.9945700764656067,
0.41561558842658997,
0.7220853567123413,
-0.5851861238479614,
0.7732841968536377,
-0.31065940856933594,
-0.01220786850899458,
-1.0807641744613647,
0.3007066547870636,
0.13911251723766327,
-0.2147262841463089,
-0.6184206604957581,
0.08020095527172089,
0.143875852227211,
-0.15485718846321106,
-0.3855089545249939,
0.622740626335144,
-0.5438904166221619,
-0.15409092605113983,
-0.14727549254894257,
0.11900830268859863,
-0.0336252897977829,
0.6517395973205566,
0.1321699172258377,
0.6052401065826416,
0.7820810675621033,
-0.7471439838409424,
0.4165733754634857,
0.26064714789390564,
-0.3217855989933014,
0.4019038677215576,
-0.8551719784736633,
0.17258195579051971,
0.028465915471315384,
0.4114900827407837,
-0.58320552110672,
-0.34564486145973206,
0.5224710702896118,
-0.6009580492973328,
0.15512582659721375,
-0.3723301589488983,
-0.5773425698280334,
-0.3856373131275177,
-0.2178594022989273,
0.5732592940330505,
0.7668813467025757,
-0.5695836544036865,
0.7047434449195862,
0.18022271990776062,
0.040040068328380585,
-0.47934889793395996,
-0.5669813752174377,
-0.24198435246944427,
-0.5599297881126404,
-0.6601864099502563,
0.3591339588165283,
0.09214711934328079,
-0.22058074176311493,
0.0654798299074173,
0.026855234056711197,
0.08126827329397202,
-0.05247768387198448,
0.28523141145706177,
0.3172134459018707,
-0.02414790354669094,
0.022160258144140244,
-0.17360936105251312,
-0.09770337492227554,
0.003699042834341526,
-0.46572279930114746,
0.9581270813941956,
-0.2989518344402313,
-0.13545459508895874,
-0.735654354095459,
0.023223845288157463,
0.8606309294700623,
-0.3647320866584778,
0.9212039709091187,
0.6636998057365417,
-0.6875810623168945,
0.09182576090097427,
-0.3835640251636505,
-0.2681404650211334,
-0.4442642033100128,
0.6656535267829895,
-0.23600010573863983,
-0.4643985331058502,
0.6279773712158203,
0.3306734263896942,
0.3265824317932129,
0.6226979494094849,
0.7479541897773743,
0.1233413890004158,
1.1783385276794434,
0.4910184144973755,
-0.1999465823173523,
0.5939660668373108,
-0.5446447134017944,
0.22612588107585907,
-1.0517350435256958,
-0.18322911858558655,
-0.5408353805541992,
-0.2602402865886688,
-1.001082181930542,
-0.30999329686164856,
0.27807003259658813,
0.1907019019126892,
-0.7392961382865906,
0.533361554145813,
-0.6219489574432373,
0.11616849899291992,
0.6336480379104614,
0.17319032549858093,
0.17796967923641205,
0.22703398764133453,
0.09644471108913422,
-0.06696749478578568,
-0.7462550401687622,
-0.37589213252067566,
1.20836341381073,
0.5137300491333008,
0.556772768497467,
0.29564327001571655,
0.6648239493370056,
-0.07534115761518478,
0.28323814272880554,
-0.7286891937255859,
0.4053332507610321,
0.23554590344429016,
-0.7258844375610352,
-0.26092633605003357,
-0.7816651463508606,
-1.023010015487671,
0.4847842752933502,
0.06801977753639221,
-1.081563115119934,
0.20236632227897644,
0.21499493718147278,
-0.34756147861480713,
0.4866161346435547,
-0.6144131422042847,
0.9976667761802673,
-0.2530474364757538,
-0.40622398257255554,
-0.3863445222377777,
-0.3453550338745117,
0.20504595339298248,
0.33043548464775085,
0.22852495312690735,
0.08387061953544617,
0.26610100269317627,
1.0548577308654785,
-0.6520739793777466,
0.6702719330787659,
-0.07777592539787292,
0.08667075634002686,
0.3745358884334564,
0.284616619348526,
0.6673268675804138,
0.08193317800760269,
0.10595376044511795,
0.01721245050430298,
0.11387362331151962,
-0.5639612078666687,
-0.3544027805328369,
0.8718591332435608,
-1.1475821733474731,
-0.3313382863998413,
-0.812140703201294,
-0.5954288244247437,
0.1584300696849823,
0.1955445408821106,
0.472286581993103,
0.6664910912513733,
-0.07230034470558167,
0.09977255016565323,
0.5981995463371277,
-0.5406508445739746,
0.3675069808959961,
0.20948058366775513,
-0.4475778639316559,
-0.4902608096599579,
1.0346869230270386,
0.09025680273771286,
0.27323365211486816,
0.10309705883264542,
0.2758224904537201,
-0.4082302153110504,
-0.4409562945365906,
-0.5875808596611023,
0.5480096340179443,
-0.7461128830909729,
0.01800769940018654,
-0.7517330050468445,
-0.09543979912996292,
-0.44064757227897644,
0.03165154159069061,
-0.3730669617652893,
-0.3852101266384125,
-0.23816654086112976,
-0.09592873603105545,
0.614224910736084,
0.5589699149131775,
0.10228624194860458,
0.32990384101867676,
-0.5896214246749878,
-0.05239151045680046,
0.1929524689912796,
0.12592430412769318,
0.10878528654575348,
-0.8970892429351807,
-0.1253417581319809,
0.11816585063934326,
-0.3468072712421417,
-1.1239041090011597,
0.5957919359207153,
-0.027507681399583817,
0.36315733194351196,
0.1290358304977417,
-0.20939093828201294,
0.5367621779441833,
-0.1238393560051918,
0.7124333381652832,
0.12551431357860565,
-0.9912247657775879,
0.5592831373214722,
-0.569854736328125,
0.2817888557910919,
0.32391953468322754,
0.3951131999492645,
-0.7431850433349609,
-0.11841002851724625,
-1.0345293283462524,
-1.1188210248947144,
0.8093803524971008,
0.5064130425453186,
0.14476671814918518,
0.12170258164405823,
0.31105920672416687,
-0.3757341802120209,
0.17586122453212738,
-1.0639177560806274,
-0.3223600387573242,
-0.24252471327781677,
-0.14351975917816162,
0.11318694055080414,
-0.034680865705013275,
0.0199202261865139,
-0.4808323383331299,
1.017835259437561,
0.06702514737844467,
0.3009815514087677,
0.21950922906398773,
-0.42830219864845276,
-0.10319395363330841,
-0.05006853863596916,
0.18875038623809814,
0.7915161848068237,
-0.1313563883304596,
0.0314323827624321,
0.18051721155643463,
-0.59718918800354,
-0.031298063695430756,
0.15678198635578156,
-0.3660009205341339,
-0.0652858316898346,
0.225178524851799,
0.9106543064117432,
0.05795767158269882,
-0.4738159775733948,
0.22199387848377228,
-0.023499486967921257,
-0.1099671721458435,
-0.36890724301338196,
-0.2199050784111023,
0.15913322567939758,
0.130110964179039,
0.04179488122463226,
-0.20093175768852234,
0.005323527846485376,
-0.8304502367973328,
0.06580622494220734,
0.17039501667022705,
-0.1109558716416359,
-0.4036528766155243,
0.5239139199256897,
0.06902002543210983,
-0.19953978061676025,
1.1467036008834839,
-0.2445666342973709,
-0.6567608118057251,
0.8121093511581421,
0.43529438972473145,
0.7308512330055237,
-0.2296166568994522,
0.4145296514034271,
0.9025378227233887,
0.39269062876701355,
-0.17419791221618652,
0.05818312615156174,
0.12929144501686096,
-0.592436671257019,
-0.1600329875946045,
-0.7809537053108215,
-0.2612406015396118,
0.2736191153526306,
-0.5631365776062012,
0.39565497636795044,
-0.6052948832511902,
-0.0024511506780982018,
-0.06378490477800369,
0.2517072260379791,
-0.6218081712722778,
0.28149858117103577,
0.15885736048221588,
0.6653387546539307,
-0.9443721175193787,
0.7799727916717529,
0.718279242515564,
-0.7352030277252197,
-1.0929852724075317,
-0.011020932346582413,
0.046928051859140396,
-0.5427172183990479,
0.17155472934246063,
0.25967568159103394,
0.2520861029624939,
0.19689851999282837,
-0.3525427579879761,
-0.9286159873008728,
1.2647511959075928,
0.2118806689977646,
-0.628107488155365,
-0.2242438793182373,
-0.10891437530517578,
0.5464997887611389,
0.050861094146966934,
0.7168124318122864,
0.6987488269805908,
0.4146418869495392,
0.04028014838695526,
-1.061668038368225,
0.34167909622192383,
-0.4050857424736023,
-0.11852781474590302,
0.2420918047428131,
-0.6960747838020325,
1.2687960863113403,
-0.03925406560301781,
-0.062372952699661255,
0.29171982407569885,
0.5389063358306885,
0.40565696358680725,
-0.12639737129211426,
0.3832932114601135,
0.7938757538795471,
0.940403401851654,
-0.332637757062912,
1.2964621782302856,
-0.31271281838417053,
0.7388346195220947,
0.874372661113739,
0.21144364774227142,
0.5592821836471558,
0.36290886998176575,
-0.3815639913082123,
0.5898816585540771,
0.8669310808181763,
-0.0907014012336731,
0.18858011066913605,
0.21711884438991547,
-0.22237080335617065,
-0.17129679024219513,
0.06583195924758911,
-0.5490445494651794,
0.23998591303825378,
0.2676728069782257,
-0.5325551629066467,
-0.15964381396770477,
-0.32116377353668213,
0.3553846776485443,
-0.369206041097641,
-0.2316102683544159,
0.35749542713165283,
0.12384869903326035,
-0.6711745858192444,
0.6346501708030701,
0.16565373539924622,
0.5963999629020691,
-0.45338308811187744,
0.13959693908691406,
-0.15760447084903717,
0.25162938237190247,
-0.394082248210907,
-0.5043483972549438,
0.11745711416006088,
0.020236309617757797,
0.0807129517197609,
0.052767250686883926,
0.44047603011131287,
-0.20465102791786194,
-0.5667141079902649,
0.17960262298583984,
0.5528937578201294,
0.3143142759799957,
-0.3811906576156616,
-0.7324091196060181,
0.033063165843486786,
-0.14613550901412964,
-0.593441367149353,
0.45335590839385986,
0.336331844329834,
-0.11126554757356644,
0.6302533745765686,
0.6723822355270386,
0.06281358748674393,
-0.07309204339981079,
0.16020567715168,
0.9335217475891113,
-0.4493279457092285,
-0.5381397604942322,
-0.9517278075218201,
0.5420358777046204,
-0.051174089312553406,
-0.6180764436721802,
0.8932234048843384,
0.5252583622932434,
0.7212516665458679,
0.2731079161167145,
0.6831929683685303,
-0.49488478899002075,
0.051400523632764816,
-0.3140988051891327,
0.7348280549049377,
-0.48641785979270935,
0.031030304729938507,
-0.4620101749897003,
-1.1642497777938843,
-0.07722947746515274,
1.0466333627700806,
-0.49725985527038574,
0.39620620012283325,
0.853365957736969,
0.7474406361579895,
-0.012193487025797367,
0.0812956839799881,
0.0508599579334259,
0.38025525212287903,
0.4571199417114258,
0.869193971157074,
0.8698534965515137,
-0.6399090886116028,
0.5819545984268188,
-0.48965972661972046,
-0.27438026666641235,
-0.15422391891479492,
-0.5431849956512451,
-0.9003608822822571,
-0.5118529796600342,
-0.4911494851112366,
-0.7446961998939514,
-0.05101586878299713,
0.9078042507171631,
0.7216060161590576,
-0.6740937232971191,
-0.21837246417999268,
-0.5012718439102173,
0.05811716243624687,
-0.2486182600259781,
-0.2451302707195282,
0.5275768637657166,
0.13831086456775665,
-0.9540967345237732,
-0.05412490665912628,
-0.10649305582046509,
0.0768638476729393,
-0.4209662079811096,
-0.27881646156311035,
-0.18976905941963196,
-0.13747970759868622,
0.11690884828567505,
0.3175784647464752,
-0.513678252696991,
-0.23354710638523102,
0.04965546354651451,
0.026537613943219185,
0.020880937576293945,
0.6749823689460754,
-0.5745981931686401,
0.12280050665140152,
0.6463795900344849,
0.19736291468143463,
0.7549130320549011,
-0.23260770738124847,
0.44088640809059143,
-0.33669042587280273,
0.330161452293396,
0.3405384123325348,
0.6177186965942383,
0.3821660578250885,
-0.31690263748168945,
0.2778819501399994,
0.3519120514392853,
-0.7917962670326233,
-0.83305424451828,
0.26920169591903687,
-0.7375767230987549,
-0.12544851005077362,
1.2880011796951294,
-0.2708500325679779,
-0.33725157380104065,
0.029380399733781815,
-0.1965532898902893,
0.48052117228507996,
-0.3524395823478699,
0.7154554128646851,
0.7036678791046143,
0.05437597632408142,
-0.28851214051246643,
-0.7026531100273132,
0.430793821811676,
0.6692860126495361,
-0.8574838638305664,
0.3703784942626953,
0.6319025754928589,
0.520161509513855,
0.24944038689136505,
0.6979079246520996,
-0.24927617609500885,
0.5189285278320312,
0.0774334967136383,
0.07385812699794769,
0.095147043466568,
-0.44161444902420044,
-0.4426227807998657,
-0.10498952120542526,
0.14023883640766144,
0.07212293893098831
] |
MayaPH/GodziLLa2-70B
|
MayaPH
| 2023-11-09T16:32:29Z | 5,021 | 33 |
transformers
|
[
"transformers",
"pytorch",
"safetensors",
"llama",
"text-generation",
"merge",
"mix",
"cot",
"dataset:mlabonne/guanaco-llama2-1k",
"arxiv:2009.03300",
"arxiv:1803.05457",
"arxiv:1905.07830",
"arxiv:2109.07958",
"arxiv:1907.10641",
"arxiv:2110.14168",
"arxiv:1903.00161",
"license:llama2",
"has_space",
"text-generation-inference",
"region:us"
] |
text-generation
| 2023-08-10T17:05:37Z |
---
pipeline_tag: text-generation
license: llama2
inference: false
tags:
- merge
- mix
- cot
datasets:
- mlabonne/guanaco-llama2-1k
---
<img src="https://drive.google.com/uc?export=view&id=1D8wxXkS1nsq3uqbOzOLwgx1cLJhY1nvN" alt="GodziLLa2-70B">
Released August 11, 2023
## Model Description
GodziLLa 2 70B is an experimental combination of various proprietary LoRAs from Maya Philippines and [Guanaco LLaMA 2 1K dataset](https://huggingface.co/datasets/mlabonne/guanaco-llama2-1k), with LLaMA 2 70B. This model's primary purpose is to stress test the limitations of composite, instruction-following LLMs and observe its performance with respect to other LLMs available on the [Open LLM Leaderboard](https://huggingface.co/spaces/HuggingFaceH4/open_llm_leaderboard). This model debuted in the leaderboard at rank #4 (August 17, 2023), debuted in the Fall 2023 update at rank #2 (November, 10, 2023), and operates under the Llama 2 license.

## Open LLM Leaderboard Metrics (Fall 2023 update)
| Metric | Value |
|-----------------------|-------|
| MMLU (5-shot) | 69.88 |
| ARC (25-shot) | 71.42 |
| HellaSwag (10-shot) | 87.53 |
| TruthfulQA (0-shot) | 61.54 |
| Winogrande (5-shot) | 83.19 |
| GSM8K (5-shot) | 43.21 |
| DROP (3-shot) | 52.31 |
| Average | 67.01 |
According to the leaderboard description, here are the benchmarks used for the evaluation:
- [MMLU](https://arxiv.org/abs/2009.03300) (5-shot) - a test to measure a text model’s multitask accuracy. The test covers 57 tasks including elementary mathematics, US history, computer science, law, and more.
- [AI2 Reasoning Challenge](https://arxiv.org/abs/1803.05457) -ARC- (25-shot) - a set of grade-school science questions.
- [HellaSwag](https://arxiv.org/abs/1905.07830) (10-shot) - a test of commonsense inference, which is easy for humans (~95%) but challenging for SOTA models.
- [TruthfulQA](https://arxiv.org/abs/2109.07958) (0-shot) - a test to measure a model’s propensity to reproduce falsehoods commonly found online.
- [Winogrande](https://arxiv.org/abs/1907.10641) (5-shot) - an adversarial and difficult Winograd benchmark at scale, for commonsense reasoning.
- [GSM8k](https://arxiv.org/abs/2110.14168) (5-shot) - diverse grade school math word problems to measure a model's ability to solve multi-step mathematical reasoning problems.
- [DROP](https://arxiv.org/abs/1903.00161) (3-shot) - English reading comprehension benchmark requiring Discrete Reasoning Over the content of Paragraphs.
A detailed breakdown of the evaluation can be found [here](https://huggingface.co/datasets/open-llm-leaderboard/details_MayaPH__GodziLLa2-70B). Huge thanks to [@thomwolf](https://huggingface.co/thomwolf).
## Open LLM Leaderboard Metrics (before Fall 2023 update)
| Metric | Value |
|-----------------------|-------|
| MMLU (5-shot) | 69.88 |
| ARC (25-shot) | 71.42 |
| HellaSwag (10-shot) | 87.53 |
| TruthfulQA (0-shot) | 61.54 |
| Average | 72.59 |
## Leaderboard Highlights (Fall 2023 update, November 10, 2023)
- Godzilla 2 70B debuts at 2nd place worldwide in the newly updated Open LLM Leaderboard.
- Godzilla 2 70B beats GPT-3.5 (ChatGPT) in terms of average performance and the HellaSwag benchmark (87.53 > 85.5).
- Godzilla 2 70B outperforms GPT-3.5 (ChatGPT) and GPT-4 on the TruthfulQA benchmark (61.54 for G2-70B, 47 for GPT-3.5, 59 for GPT-4).
- Godzilla 2 70B is on par with GPT-3.5 (ChatGPT) on the MMLU benchmark (<0.12%).
*Based on a [leaderboard clone](https://huggingface.co/spaces/gsaivinay/open_llm_leaderboard) with GPT-3.5 and GPT-4 included.
### Reproducing Evaluation Results
*Instruction template taken from [Platypus 2 70B instruct](https://huggingface.co/garage-bAInd/Platypus2-70B-instruct).
Install LM Evaluation Harness:
```
# clone repository
git clone https://github.com/EleutherAI/lm-evaluation-harness.git
# change to repo directory
cd lm-evaluation-harness
# check out the correct commit
git checkout b281b0921b636bc36ad05c0b0b0763bd6dd43463
# install
pip install -e .
```
ARC:
```
python main.py --model hf-causal-experimental --model_args pretrained=MayaPH/GodziLLa2-70B --tasks arc_challenge --batch_size 1 --no_cache --write_out --output_path results/G270B/arc_challenge_25shot.json --device cuda --num_fewshot 25
```
HellaSwag:
```
python main.py --model hf-causal-experimental --model_args pretrained=MayaPH/GodziLLa2-70B --tasks hellaswag --batch_size 1 --no_cache --write_out --output_path results/G270B/hellaswag_10shot.json --device cuda --num_fewshot 10
```
MMLU:
```
python main.py --model hf-causal-experimental --model_args pretrained=MayaPH/GodziLLa2-70B --tasks hendrycksTest-* --batch_size 1 --no_cache --write_out --output_path results/G270B/mmlu_5shot.json --device cuda --num_fewshot 5
```
TruthfulQA:
```
python main.py --model hf-causal-experimental --model_args pretrained=MayaPH/GodziLLa2-70B --tasks truthfulqa_mc --batch_size 1 --no_cache --write_out --output_path results/G270B/truthfulqa_0shot.json --device cuda
```
### Prompt Template
```
### Instruction:
<prompt> (without the <>)
### Response:
```
## Technical Considerations
When using GodziLLa 2 70B, kindly take note of the following:
- The default precision is `fp32`, and the total file size that would be loaded onto the RAM/VRAM is around 275 GB. Consider using a lower precision (fp16, int8, int4) to save memory.
- To further save on memory, set the `low_cpu_mem_usage` argument to True.
- If you wish to use a quantized version of GodziLLa2-70B, you can either access TheBloke's [GPTQ](https://huggingface.co/TheBloke/GodziLLa2-70B-GPTQ) or [GGML](https://huggingface.co/TheBloke/GodziLLa2-70B-GGML) version of GodziLLa2-70B.
- [GodziLLa2-70B-GPTQ](https://huggingface.co/TheBloke/GodziLLa2-70B-GPTQ#description) is available in 4-bit and 3-bit
- [GodziLLa2-70B-GGML](https://huggingface.co/TheBloke/GodziLLa2-70B-GGML#provided-files) is available in 8-bit, 6-bit, 5-bit, 4-bit, 3-bit, and 2-bit
## Ethical Considerations
When using GodziLLa 2 70B, it is important to consider the following ethical considerations:
1. **Privacy and Security:** Avoid sharing sensitive personal information while interacting with the model. The model does not have privacy safeguards, so exercise caution when discussing personal or confidential matters.
2. **Fairness and Bias:** The model's responses may reflect biases present in the training data. Be aware of potential biases and make an effort to evaluate responses critically and fairly.
3. **Transparency:** The model operates as a predictive text generator based on patterns learned from the training data. The model's inner workings and the specific training data used are proprietary and not publicly available.
4. **User Responsibility:** Users should take responsibility for their own decisions and not solely rely on the information provided by the model. Consult with the appropriate professionals or reliable sources for specific advice or recommendations.
5. **NSFW Content:** The model is a merge of various datasets and LoRA adapters. It is highly likely that the resulting model contains uncensored content that may include, but is not limited to, violence, gore, explicit language, and sexual content. If you plan to further refine this model for safe/aligned usage, you are highly encouraged to implement guardrails along with it.
## Further Information
For additional information or inquiries about GodziLLa 2 70B, please contact the Maya Philippines iOps Team via [email protected].
## Disclaimer
GodziLLa 2 70B is an AI language model from Maya Philippines. It is provided "as is" without warranty of any kind, express or implied. The model developers and Maya Philippines shall not be liable for any direct or indirect damages arising from the use of this model.
## Acknowledgments
The development of GodziLLa 2 70B was made possible by Maya Philippines and the curation of the various proprietary datasets and creation of the different proprietary LoRA adapters. Special thanks to mlabonne for the Guanaco dataset found [here](https://huggingface.co/datasets/mlabonne/guanaco-llama2-1k). Last but not least, huge thanks to [TheBloke](https://huggingface.co/TheBloke) for the quantized models, making our model easily accessible to a wider community.
|
[
-0.4933057129383087,
-0.8779746294021606,
0.40876296162605286,
0.19377173483371735,
-0.34016555547714233,
-0.18123118579387665,
-0.11367899179458618,
-0.5967552661895752,
0.12222854048013687,
0.25682663917541504,
-0.3688231110572815,
-0.4336983263492584,
-0.7324603796005249,
0.011702142655849457,
0.12138441205024719,
1.1259223222732544,
-0.3114972710609436,
-0.0831923559308052,
-0.14463436603546143,
-0.19667533040046692,
-0.5538122057914734,
-0.4032203257083893,
-0.6425029635429382,
-0.5494455099105835,
0.4502166211605072,
0.17970159649848938,
0.7535102367401123,
0.6957005262374878,
0.6459553241729736,
0.2116917371749878,
-0.207944855093956,
0.21566171944141388,
-0.5893573760986328,
-0.42383795976638794,
-0.11506021022796631,
-0.485377699136734,
-0.8859109282493591,
0.07115067541599274,
0.6359896063804626,
0.2047521024942398,
-0.2244078814983368,
0.5616909265518188,
0.10755781829357147,
0.5513713955879211,
-0.4617288410663605,
0.4598882496356964,
-0.3085481524467468,
0.05480697751045227,
-0.3020823299884796,
0.0775003731250763,
-0.1702781766653061,
-0.40825384855270386,
-0.2657727301120758,
-0.5625014901161194,
-0.10395721346139908,
0.010224204510450363,
1.1031453609466553,
0.39856651425361633,
-0.2072334885597229,
-0.03448367491364479,
-0.17753282189369202,
0.6793290972709656,
-0.7499822378158569,
0.09875459223985672,
0.5232703685760498,
0.24133916199207306,
-0.2587546706199646,
-0.6667754054069519,
-0.6030556559562683,
-0.2847110331058502,
0.0959075540304184,
0.3895571231842041,
-0.3558337986469269,
-0.12170831859111786,
0.3888164460659027,
0.5219276547431946,
-0.6149013042449951,
0.2612916827201843,
-0.7647663354873657,
-0.030900228768587112,
0.8457827568054199,
0.24140551686286926,
0.429442435503006,
-0.4592439532279968,
-0.5425391793251038,
-0.5445153117179871,
-0.6242232322692871,
0.3386137783527374,
0.4198080897331238,
-0.12072867155075073,
-0.45967838168144226,
0.8770803213119507,
0.061598777770996094,
0.2931479513645172,
0.1547130048274994,
-0.5019875764846802,
0.3035273849964142,
-0.29127055406570435,
-0.29979264736175537,
0.019747501239180565,
0.8733435869216919,
0.6493934988975525,
-0.07159151136875153,
0.25535035133361816,
-0.11517862975597382,
0.15269772708415985,
0.2207929491996765,
-0.8879697322845459,
0.0005971798091195524,
0.22027993202209473,
-0.577498733997345,
-0.027344653382897377,
-0.00607270747423172,
-0.8463299870491028,
-0.24209225177764893,
-0.07226084172725677,
0.6749274134635925,
-0.48924845457077026,
-0.30429479479789734,
0.12831613421440125,
-0.18284446001052856,
0.5486642122268677,
0.22428366541862488,
-0.6896030902862549,
0.18635958433151245,
0.5886968374252319,
0.9462055563926697,
-0.2916642129421234,
-0.37691113352775574,
-0.01690973900258541,
0.19669856131076813,
-0.4522217810153961,
0.7833003401756287,
-0.2341359704732895,
-0.47848746180534363,
-0.4650271534919739,
-0.07902930676937103,
-0.10402463376522064,
-0.7547237873077393,
0.5696372389793396,
-0.19771824777126312,
0.17848658561706543,
-0.3011907637119293,
-0.40064364671707153,
-0.4914731979370117,
0.18343211710453033,
-0.5707069635391235,
1.2627105712890625,
0.1775391399860382,
-0.7735142111778259,
0.032584596425294876,
-0.5881448984146118,
-0.09187048673629761,
-0.16586370766162872,
-0.07256114482879639,
-0.4372314512729645,
-0.0681079551577568,
0.17216460406780243,
0.2849155366420746,
-0.4916253089904785,
0.49031171202659607,
-0.35094842314720154,
-0.5432233810424805,
0.007993157021701336,
-0.21568049490451813,
0.9984757900238037,
0.37933021783828735,
-0.5286139249801636,
-0.08502903580665588,
-0.5230229496955872,
0.1033465638756752,
0.47114214301109314,
-0.4307209849357605,
0.1769995242357254,
-0.1709199696779251,
-0.23551085591316223,
0.1113509014248848,
0.49103501439094543,
-0.1264931708574295,
0.20093269646167755,
-0.16486135125160217,
0.10364534705877304,
0.7940881848335266,
0.044725872576236725,
-0.10375933349132538,
-0.5966293811798096,
0.5641627907752991,
-0.13471484184265137,
0.3899911046028137,
0.010153342969715595,
-0.8545629382133484,
-0.7021839022636414,
-0.1572708934545517,
0.03879157081246376,
0.8021968007087708,
-0.35284602642059326,
0.5875610113143921,
-0.06355741620063782,
-0.9488376975059509,
-0.5354575514793396,
0.1717003583908081,
0.7293825745582581,
0.3087178170681,
0.3776312470436096,
-0.6543139219284058,
-0.49588286876678467,
-0.992456316947937,
-0.11614834517240524,
-0.47339850664138794,
-0.011221162974834442,
0.48700737953186035,
0.6468105316162109,
-0.3123752772808075,
0.5248363614082336,
-0.8836638927459717,
-0.272815078496933,
-0.47811657190322876,
-0.03614252060651779,
0.3786422610282898,
0.45573896169662476,
0.5034127831459045,
-0.6326670050621033,
-0.32709380984306335,
-0.11324860900640488,
-1.2164196968078613,
0.020843276754021645,
0.26158902049064636,
-0.21490594744682312,
0.1467800736427307,
0.2886534333229065,
-0.7452219724655151,
0.3870089650154114,
0.45930930972099304,
-0.16876843571662903,
0.6539570093154907,
-0.3996560871601105,
0.10361137241125107,
-1.0351293087005615,
0.3298396170139313,
0.13781793415546417,
0.14368849992752075,
-0.4055395722389221,
0.37775760889053345,
-0.12591032683849335,
-0.09859497845172882,
-0.4742412865161896,
0.6582201719284058,
-0.3027438819408417,
-0.10850529372692108,
-0.12497182190418243,
0.11184009164571762,
-0.13618218898773193,
0.6850281357765198,
-0.2706587016582489,
0.7587107419967651,
0.3576560318470001,
-0.5039680004119873,
0.4197624921798706,
0.24773596227169037,
-0.5008805394172668,
0.2705439627170563,
-0.8336264491081238,
0.3147970139980316,
-0.24306657910346985,
0.44969189167022705,
-0.7673068642616272,
-0.35602033138275146,
0.5278580188751221,
-0.5252240896224976,
0.3724766969680786,
0.12894320487976074,
-0.5809126496315002,
-0.5964497923851013,
-0.5430327653884888,
0.2709886431694031,
0.8684256672859192,
-0.2960248589515686,
0.28713756799697876,
0.5554609894752502,
-0.15000540018081665,
-0.6112407445907593,
-0.5695359706878662,
-0.008565625175833702,
-0.353150337934494,
-0.4597024917602539,
0.29105353355407715,
-0.24377277493476868,
-0.3676643669605255,
-0.08025651425123215,
-0.3027060627937317,
-0.06525766849517822,
-0.12194176763296127,
0.4292803704738617,
0.5045565962791443,
-0.08480527251958847,
-0.3074181377887726,
-0.0010461453348398209,
-0.14609111845493317,
0.09457479417324066,
0.1125919297337532,
0.4514821469783783,
-0.26446592807769775,
-0.05084303393959999,
-0.5162479877471924,
-0.008560535497963428,
0.3071037530899048,
-0.05475303530693054,
0.431326299905777,
0.8838916420936584,
-0.4882749915122986,
0.2877533435821533,
-0.6000523567199707,
-0.0032174191437661648,
-0.4598698616027832,
0.5252267718315125,
-0.3261875808238983,
-0.48751604557037354,
0.3472285270690918,
0.15021871030330658,
0.05445072427392006,
0.7331074476242065,
0.6786260008811951,
0.20403775572776794,
0.9104856252670288,
0.6314364671707153,
-0.029236650094389915,
0.2181660383939743,
-0.5520540475845337,
0.1705852895975113,
-0.9831520915031433,
-0.6364476084709167,
-0.2585506737232208,
-0.27836307883262634,
-0.7512785792350769,
-0.7846506237983704,
0.4939764142036438,
0.34623441100120544,
-0.37665513157844543,
0.4792262613773346,
-0.37148672342300415,
0.2412600815296173,
0.4031704366207123,
0.3774696886539459,
0.04218349978327751,
-0.002492152387276292,
-0.15662993490695953,
-0.19467739760875702,
-0.41613301634788513,
-0.6683270335197449,
1.1449532508850098,
0.4110168516635895,
0.8085958361625671,
0.10870488733053207,
0.46324363350868225,
0.16132521629333496,
0.2627781927585602,
-0.4880402982234955,
0.8600705862045288,
-0.25006383657455444,
-0.8492535948753357,
-0.11272014677524567,
-0.24126826226711273,
-0.6638270616531372,
0.3447016179561615,
0.10377658903598785,
-0.8831693530082703,
-0.16517099738121033,
-0.041710589081048965,
-0.2788553535938263,
0.49398595094680786,
-0.7101438641548157,
0.7341416478157043,
-0.25816062092781067,
-0.5300453901290894,
-0.35146400332450867,
-0.7106269598007202,
0.6041301488876343,
-0.1023317277431488,
0.013785837218165398,
-0.35861334204673767,
-0.08398967981338501,
1.015687346458435,
-0.24569213390350342,
0.7066311240196228,
-0.18714673817157745,
-0.05595238879323006,
0.6366956830024719,
-0.1719972789287567,
0.39105167984962463,
0.14902544021606445,
-0.09574418514966965,
0.39177170395851135,
-0.29622092843055725,
-0.3017484247684479,
-0.31271418929100037,
0.6220728754997253,
-0.9617125391960144,
-0.7844650745391846,
-0.5395002365112305,
-0.5114101767539978,
0.117331363260746,
0.1586085855960846,
0.4824005663394928,
0.15644732117652893,
0.012448539957404137,
-0.06522244215011597,
0.622728705406189,
-0.5895348191261292,
0.35265639424324036,
0.2361540049314499,
-0.19611746072769165,
-0.6473509073257446,
0.923133909702301,
0.28183862566947937,
0.14788682758808136,
0.2531026303768158,
0.14627793431282043,
-0.5533689856529236,
-0.24028858542442322,
-0.5143049955368042,
0.4089556038379669,
-0.6545271277427673,
-0.12092873454093933,
-0.6913048624992371,
-0.35650870203971863,
-0.3242446184158325,
0.0692593976855278,
-0.360542356967926,
-0.1970217227935791,
-0.2100481539964676,
-0.17106838524341583,
0.3085092604160309,
0.8527833819389343,
-0.34558117389678955,
0.05249101296067238,
-0.3560684025287628,
0.5520514845848083,
0.39758408069610596,
0.3157540261745453,
0.07072018086910248,
-0.7231879830360413,
-0.04260845109820366,
0.04026016592979431,
-0.7837285995483398,
-0.8707281351089478,
0.28303220868110657,
-0.06766646355390549,
0.549970269203186,
0.4262191951274872,
-0.2395365685224533,
1.0485329627990723,
-0.3191339373588562,
1.0370601415634155,
0.31975942850112915,
-0.7120152115821838,
0.6583405137062073,
-0.23870165646076202,
0.17535851895809174,
0.36157333850860596,
0.6405991315841675,
-0.269268661737442,
-0.3075424134731293,
-0.6934837698936462,
-0.7752974629402161,
0.8042562007904053,
0.14525453746318817,
-0.04441961273550987,
0.28679826855659485,
0.5150290131568909,
0.260208398103714,
0.13147719204425812,
-0.874937117099762,
-0.5999614000320435,
-0.1982475221157074,
0.0337262861430645,
-0.2688167095184326,
-0.38308295607566833,
0.10496866703033447,
-0.5324180722236633,
0.6786636710166931,
0.12608671188354492,
0.5027034878730774,
0.13351698219776154,
-0.07753968238830566,
-0.1668546050786972,
0.15407687425613403,
0.6143926382064819,
0.83011794090271,
-0.5534138083457947,
0.07711776345968246,
0.4531257748603821,
-0.7975154519081116,
0.17703455686569214,
0.1415124535560608,
-0.16408705711364746,
-0.04789413884282112,
0.2618977129459381,
0.9443846344947815,
0.15147966146469116,
-0.6656798720359802,
0.1851320117712021,
0.2273782342672348,
0.06384818255901337,
-0.19125744700431824,
0.24926333129405975,
0.042746659368276596,
0.25524985790252686,
0.38161763548851013,
-0.1923769861459732,
0.07779797166585922,
-0.6815651059150696,
-0.0005886754370294511,
0.13365989923477173,
-0.20083796977996826,
-0.4544585645198822,
1.0202867984771729,
-0.2587662935256958,
-0.07250765711069107,
0.4384020268917084,
-0.376784086227417,
-0.3391598165035248,
0.8482380509376526,
0.7128379940986633,
0.6688432693481445,
-0.3085779845714569,
0.1815069317817688,
0.8538779616355896,
0.4488914906978607,
-0.36475875973701477,
0.3420601487159729,
0.25348299741744995,
-0.2145708054304123,
-0.18338242173194885,
-0.6289549469947815,
-0.4630770981311798,
0.39894866943359375,
-0.6750580072402954,
0.4230079650878906,
-0.5485427975654602,
-0.38010695576667786,
-0.06028628349304199,
0.44412755966186523,
-0.4503733217716217,
0.28260087966918945,
0.18280383944511414,
0.7918362617492676,
-0.5806088447570801,
0.728680431842804,
0.8129116296768188,
-0.681150496006012,
-0.8703001141548157,
-0.05855364352464676,
0.07780331373214722,
-1.048619270324707,
0.45252254605293274,
0.5035886168479919,
0.22349970042705536,
-0.13411633670330048,
-0.6234539151191711,
-0.8705578446388245,
1.360489010810852,
0.47008323669433594,
-0.3737105429172516,
-0.02004348672926426,
-0.061559710651636124,
0.5305476784706116,
0.005829597357660532,
0.35411447286605835,
0.5538754463195801,
0.6750574707984924,
-0.05869552865624428,
-1.0752116441726685,
0.24814879894256592,
-0.35242828726768494,
0.10689184069633484,
0.01762271858751774,
-1.171555995941162,
1.0295226573944092,
-0.6910957098007202,
-0.31916260719299316,
0.06011773645877838,
0.6245249509811401,
0.821694016456604,
0.5492150783538818,
0.2792162299156189,
1.0134824514389038,
0.6552578210830688,
-0.013407175429165363,
1.223649263381958,
-0.09547751396894455,
0.36997973918914795,
0.8004749417304993,
-0.18876135349273682,
0.8973634839057922,
0.17083889245986938,
-0.6462223529815674,
0.45075127482414246,
0.8570823669433594,
-0.3350134491920471,
0.5205705165863037,
0.18370115756988525,
-0.008544590324163437,
0.0024654213339090347,
-0.2830159664154053,
-0.7182603478431702,
0.42028045654296875,
0.10653744637966156,
-0.005974930245429277,
-0.28210777044296265,
-0.20470882952213287,
0.4228369891643524,
-0.24782678484916687,
-0.2890070676803589,
0.5512515902519226,
0.3770955801010132,
-0.8945181369781494,
0.8083177208900452,
0.3008800446987152,
0.7168880105018616,
-0.6270445585250854,
0.028387298807501793,
-0.4649060368537903,
0.12041746079921722,
-0.17943380773067474,
-0.8400992751121521,
0.10609082877635956,
0.23790520429611206,
-0.0615566186606884,
-0.08005381375551224,
0.5710182189941406,
-0.10426077246665955,
-0.325826495885849,
0.3631913959980011,
0.24128134548664093,
0.5332872271537781,
0.054809752851724625,
-0.7655143141746521,
0.21931184828281403,
-0.02068323642015457,
-0.3006379306316376,
0.4656032621860504,
-0.005050864536315203,
-0.07280655950307846,
0.6734049320220947,
0.47488170862197876,
-0.06698361784219742,
0.07821694761514664,
-0.32169392704963684,
0.6461422443389893,
-0.7722223997116089,
-0.31145450472831726,
-0.884093165397644,
0.25626251101493835,
0.0875329002737999,
-0.512319803237915,
0.8537659645080566,
0.7934155464172363,
0.6936715841293335,
0.01905115880072117,
0.6313363313674927,
-0.3032311499118805,
0.03636865317821503,
-0.5329010486602783,
0.6354691982269287,
-0.7012880444526672,
0.04488034173846245,
-0.0969088226556778,
-0.9517676830291748,
0.12778526544570923,
0.5099641680717468,
-0.11105462163686752,
0.13844752311706543,
0.6725544333457947,
0.7387868762016296,
0.17666295170783997,
-0.2476278692483902,
0.044167742133140564,
0.3210142254829407,
0.2228967696428299,
0.901820957660675,
0.6333427429199219,
-0.6801573634147644,
0.5419976711273193,
-0.3884359896183014,
-0.2672336995601654,
-0.201668843626976,
-0.6087942123413086,
-0.837308406829834,
-0.42622217535972595,
-0.3224788010120392,
-0.40550485253334045,
0.09289659559726715,
0.6770727038383484,
0.3345790207386017,
-0.4504058063030243,
-0.4644550681114197,
0.3748796284198761,
0.23028618097305298,
-0.22833512723445892,
-0.22023603320121765,
0.5806004405021667,
0.16528567671775818,
-0.806313157081604,
0.2736817002296448,
0.3926178812980652,
0.24636267125606537,
-0.16255764663219452,
-0.12316638976335526,
-0.12472384423017502,
0.0639149397611618,
0.5491139888763428,
0.29955896735191345,
-0.851189911365509,
-0.03771980106830597,
-0.11895632743835449,
-0.2290930449962616,
0.16016854345798492,
0.2851759195327759,
-0.49762460589408875,
0.22962616384029388,
0.4028213322162628,
0.20234493911266327,
0.6967873573303223,
0.025028059259057045,
0.18074382841587067,
-0.23780018091201782,
0.1952960342168808,
-0.19182319939136505,
0.26123180985450745,
0.24660010635852814,
-0.2818630337715149,
0.8594099879264832,
0.3385534882545471,
-0.4476190507411957,
-1.0379301309585571,
-0.20276935398578644,
-1.2194116115570068,
-0.2753380239009857,
1.2776578664779663,
-0.10243115574121475,
-0.4088917672634125,
0.2902785539627075,
-0.2522686719894409,
0.436931312084198,
-0.1943647861480713,
0.9136926531791687,
0.5947266221046448,
-0.17163538932800293,
0.05465379357337952,
-0.9654597043991089,
0.291398286819458,
0.18529388308525085,
-1.0393462181091309,
-0.3802284002304077,
0.30248069763183594,
0.43230563402175903,
0.16321858763694763,
0.7941684126853943,
-0.40377095341682434,
0.36297178268432617,
0.12845803797245026,
0.10438621789216995,
-0.059163015335798264,
-0.10323821008205414,
-0.2192411720752716,
0.09009763598442078,
-0.0915525034070015,
-0.13941417634487152
] |
uer/gpt2-chinese-cluecorpussmall
|
uer
| 2023-10-17T15:21:48Z | 5,011 | 161 |
transformers
|
[
"transformers",
"pytorch",
"tf",
"jax",
"gpt2",
"text-generation",
"zh",
"dataset:CLUECorpusSmall",
"arxiv:1909.05658",
"arxiv:2212.06385",
"endpoints_compatible",
"has_space",
"text-generation-inference",
"region:us"
] |
text-generation
| 2022-03-02T23:29:05Z |
---
language: zh
datasets: CLUECorpusSmall
widget:
- text: "米饭是一种用稻米与水煮成的食物"
---
# Chinese GPT2 Models
## Model description
The set of GPT2 models, except for GPT2-xlarge model, are pre-trained by [UER-py](https://github.com/dbiir/UER-py/), which is introduced in [this paper](https://arxiv.org/abs/1909.05658). The GPT2-xlarge model is pre-trained by [TencentPretrain](https://github.com/Tencent/TencentPretrain) introduced in [this paper](https://arxiv.org/abs/2212.06385), which inherits UER-py to support models with parameters above one billion, and extends it to a multimodal pre-training framework. Besides, the other models could also be pre-trained by TencentPretrain.
The model is used to generate Chinese texts. You can download the set of Chinese GPT2 models either from the [UER-py Modelzoo page](https://github.com/dbiir/UER-py/wiki/Modelzoo), or via HuggingFace from the links below:
| | Link |
| ----------------- | :----------------------------: |
| **GPT2-distil** | [**L=6/H=768**][distil] |
| **GPT2** | [**L=12/H=768**][base] |
| **GPT2-medium** | [**L=24/H=1024**][medium] |
| **GPT2-large** | [**L=36/H=1280**][large] |
| **GPT2-xlarge** | [**L=48/H=1600**][xlarge] |
Note that the 6-layer model is called GPT2-distil model because it follows the configuration of [distilgpt2](https://huggingface.co/distilgpt2), and the pre-training does not involve the supervision of larger models.
## How to use
You can use the model directly with a pipeline for text generation (take the case of GPT2-distil):
```python
>>> from transformers import BertTokenizer, GPT2LMHeadModel, TextGenerationPipeline
>>> tokenizer = BertTokenizer.from_pretrained("uer/gpt2-distil-chinese-cluecorpussmall")
>>> model = GPT2LMHeadModel.from_pretrained("uer/gpt2-distil-chinese-cluecorpussmall")
>>> text_generator = TextGenerationPipeline(model, tokenizer)
>>> text_generator("这是很久之前的事情了", max_length=100, do_sample=True)
[{'generated_text': '这是很久之前的事情了 。 我 现 在 想 起 来 就 让 自 己 很 伤 心 , 很 失 望 。 我 现 在 想 到 , 我 觉 得 大 多 数 人 的 生 活 比 我 的 生 命 还 要 重 要 , 对 一 些 事 情 的 看 法 , 对 一 些 人 的 看 法 , 都 是 在 发 泄 。 但 是 , 我 们 的 生 活 是 需 要 一 个 信 用 体 系 的 。 我 不 知'}]
```
## Training data
[CLUECorpusSmall](https://github.com/CLUEbenchmark/CLUECorpus2020/) is used as training data.
## Training procedure
The GPT2-xlarge model is pre-trained by [TencentPretrain](https://github.com/Tencent/TencentPretrain), and the others are pre-trained by [UER-py](https://github.com/dbiir/UER-py/) on [Tencent Cloud](https://cloud.tencent.com/). We pre-train 1,000,000 steps with a sequence length of 128 and then pre-train 250,000 additional steps with a sequence length of 1024.
For the models pre-trained by UER-py, take the case of GPT2-distil
Stage1:
```
python3 preprocess.py --corpus_path corpora/cluecorpussmall.txt \
--vocab_path models/google_zh_vocab.txt \
--dataset_path cluecorpussmall_lm_seq128_dataset.pt \
--seq_length 128 --processes_num 32 --data_processor lm
```
```
python3 pretrain.py --dataset_path cluecorpussmall_lm_seq128_dataset.pt \
--vocab_path models/google_zh_vocab.txt \
--config_path models/gpt2/distil_config.json \
--output_model_path models/cluecorpussmall_gpt2_distil_seq128_model.bin \
--world_size 8 --gpu_ranks 0 1 2 3 4 5 6 7 \
--total_steps 1000000 --save_checkpoint_steps 100000 --report_steps 50000 \
--learning_rate 1e-4 --batch_size 64
```
Stage2:
```
python3 preprocess.py --corpus_path corpora/cluecorpussmall.txt \
--vocab_path models/google_zh_vocab.txt \
--dataset_path cluecorpussmall_lm_seq1024_dataset.pt \
--seq_length 1024 --processes_num 32 --data_processor lm
```
```
python3 pretrain.py --dataset_path cluecorpussmall_lm_seq1024_dataset.pt \
--vocab_path models/google_zh_vocab.txt \
--pretrained_model_path models/cluecorpussmall_gpt2_distil_seq128_model.bin-1000000 \
--config_path models/gpt2/distil_config.json \
--output_model_path models/cluecorpussmall_gpt2_distil_seq1024_model.bin \
--world_size 8 --gpu_ranks 0 1 2 3 4 5 6 7 \
--total_steps 250000 --save_checkpoint_steps 50000 --report_steps 10000 \
--learning_rate 5e-5 --batch_size 16
```
Finally, we convert the pre-trained model into Huggingface's format:
```
python3 scripts/convert_gpt2_from_uer_to_huggingface.py --input_model_path models/cluecorpussmall_gpt2_distil_seq1024_model.bin-250000 \
--output_model_path pytorch_model.bin \
--layers_num 6
```
For GPT2-xlarge model, we use TencetPretrain.
Stage1:
```
python3 preprocess.py --corpus_path corpora/cluecorpussmall.txt \
--vocab_path models/google_zh_vocab.txt \
--dataset_path cluecorpussmall_lm_seq128_dataset.pt \
--seq_length 128 --processes_num 32 --data_processor lm
```
```
deepspeed pretrain.py --deepspeed --deepspeed_config models/deepspeed_config.json \
--dataset_path corpora/cluecorpussmall_lm_seq128_dataset.pt \
--vocab_path models/google_zh_vocab.txt \
--config_path models/gpt2/xlarge_config.json \
--output_model_path models/cluecorpussmall_gpt2_xlarge_seq128_model \
--world_size 8 --batch_size 64 \
--total_steps 1000000 --save_checkpoint_steps 100000 --report_steps 50000 \
--deepspeed_checkpoint_activations --deepspeed_checkpoint_layers_num 24
```
Before stage2, we extract fp32 consolidated weights from a zero 2 and 3 DeepSpeed checkpoints:
```
python3 models/cluecorpussmall_gpt2_xlarge_seq128_model/zero_to_fp32.py models/cluecorpussmall_gpt2_xlarge_seq128_model/ \
models/cluecorpussmall_gpt2_xlarge_seq128_model.bin
```
Stage2:
```
python3 preprocess.py --corpus_path corpora/cluecorpussmall.txt \
--vocab_path models/google_zh_vocab.txt \
--dataset_path cluecorpussmall_lm_seq1024_dataset.pt \
--seq_length 1024 --processes_num 32 --data_processor lm
```
```
deepspeed pretrain.py --deepspeed --deepspeed_config models/deepspeed_config.json \
--dataset_path corpora/cluecorpussmall_lm_seq1024_dataset.pt \
--vocab_path models/google_zh_vocab.txt \
--config_path models/gpt2/xlarge_config.json \
--pretrained_model_path models/cluecorpussmall_gpt2_xlarge_seq128_model.bin \
--output_model_path models/cluecorpussmall_gpt2_xlarge_seq1024_model \
--world_size 8 --batch_size 16 --learning_rate 5e-5 \
--total_steps 250000 --save_checkpoint_steps 50000 --report_steps 10000 \
--deepspeed_checkpoint_activations --deepspeed_checkpoint_layers_num 6
```
Then, we extract fp32 consolidated weights from a zero 2 and 3 DeepSpeed checkpoints:
```
python3 models/cluecorpussmall_gpt2_xlarge_seq1024_model/zero_to_fp32.py models/cluecorpussmall_gpt2_xlarge_seq1024_model/ \
models/cluecorpussmall_gpt2_xlarge_seq1024_model.bin
```
Finally, we convert the pre-trained model into Huggingface's format:
```
python3 scripts/convert_gpt2_from_tencentpretrain_to_huggingface.py --input_model_path models/cluecorpussmall_gpt2_xlarge_seq1024_model.bin \
--output_model_path pytorch_model.bin \
--layers_num 48
```
### BibTeX entry and citation info
```
@article{radford2019language,
title={Language Models are Unsupervised Multitask Learners},
author={Radford, Alec and Wu, Jeff and Child, Rewon and Luan, David and Amodei, Dario and Sutskever, Ilya},
year={2019}
}
@article{zhao2019uer,
title={UER: An Open-Source Toolkit for Pre-training Models},
author={Zhao, Zhe and Chen, Hui and Zhang, Jinbin and Zhao, Xin and Liu, Tao and Lu, Wei and Chen, Xi and Deng, Haotang and Ju, Qi and Du, Xiaoyong},
journal={EMNLP-IJCNLP 2019},
pages={241},
year={2019}
}
@article{zhao2023tencentpretrain,
title={TencentPretrain: A Scalable and Flexible Toolkit for Pre-training Models of Different Modalities},
author={Zhao, Zhe and Li, Yudong and Hou, Cheng and Zhao, Jing and others},
journal={ACL 2023},
pages={217},
year={2023}
```
[distil]:https://huggingface.co/uer/gpt2-distil-chinese-cluecorpussmall
[base]:https://huggingface.co/uer/gpt2-chinese-cluecorpussmall
[medium]:https://huggingface.co/uer/gpt2-medium-chinese-cluecorpussmall
[large]:https://huggingface.co/uer/gpt2-large-chinese-cluecorpussmall
[xlarge]:https://huggingface.co/uer/gpt2-xlarge-chinese-cluecorpussmall
|
[
-0.28015199303627014,
-0.6644776463508606,
0.5195481777191162,
0.21608604490756989,
-0.27743756771087646,
-0.31699633598327637,
-0.33307507634162903,
-0.4937314987182617,
-0.06392829120159149,
0.23075300455093384,
-0.695099949836731,
-0.4962010979652405,
-0.6312456130981445,
-0.04328947141766548,
-0.014551910571753979,
1.2277898788452148,
-0.1962147057056427,
0.11292529851198196,
0.0657675713300705,
0.12430404126644135,
-0.2257244884967804,
-0.5166531205177307,
-0.7704312801361084,
-0.33546414971351624,
0.21858665347099304,
0.10151487588882446,
0.40382423996925354,
0.42776763439178467,
0.35597580671310425,
0.36849963665008545,
-0.14215585589408875,
-0.0043250215239822865,
-0.38876667618751526,
-0.29293569922447205,
0.047249242663383484,
-0.36491939425468445,
-0.4478673040866852,
0.19922474026679993,
0.5420960783958435,
0.4097117483615875,
0.016301685944199562,
0.15486456453800201,
0.26097026467323303,
0.44823315739631653,
-0.2510627210140228,
0.2805151045322418,
-0.4209423065185547,
-0.14531604945659637,
-0.2131933867931366,
0.1872413456439972,
-0.12495358288288116,
-0.30152928829193115,
0.21809962391853333,
-0.7296979427337646,
0.4423474967479706,
-0.19755765795707703,
1.20930814743042,
0.012230687774717808,
-0.13926595449447632,
-0.4053722023963928,
-0.420930415391922,
0.8134127259254456,
-1.0216424465179443,
-0.0042899372056126595,
0.23292513191699982,
0.04942658171057701,
-0.10149013996124268,
-1.0870487689971924,
-0.8066282868385315,
-0.04917248338460922,
-0.28414666652679443,
0.20625655353069305,
0.0046567367389798164,
-0.003022177377715707,
0.40909624099731445,
0.30364108085632324,
-0.8214570879936218,
0.0818876102566719,
-0.44119903445243835,
-0.4553672969341278,
0.7404055595397949,
0.08338011801242828,
0.2964255213737488,
-0.24616241455078125,
-0.4196298122406006,
-0.520294189453125,
-0.4286094307899475,
0.27379244565963745,
0.2343897521495819,
0.2909295856952667,
-0.1681206375360489,
0.44658908247947693,
-0.28122302889823914,
0.4490291476249695,
0.14443925023078918,
-0.3784055709838867,
0.5092657804489136,
-0.6318543553352356,
-0.2698250710964203,
-0.00495248893275857,
1.2563095092773438,
0.2607232332229614,
0.2562251091003418,
-0.023548392578959465,
-0.25374242663383484,
0.065296471118927,
-0.05904177576303482,
-1.2064170837402344,
-0.42783311009407043,
0.44730743765830994,
-0.28062257170677185,
-0.21629111468791962,
-0.07994251698255539,
-0.6585161685943604,
-0.09434712678194046,
-0.09718231856822968,
0.7510449886322021,
-0.8330274820327759,
-0.36647728085517883,
0.1384173333644867,
-0.3594569265842438,
0.4244402348995209,
0.24895422160625458,
-0.7853125929832458,
0.09116958826780319,
0.5914430022239685,
1.0119707584381104,
0.05353647470474243,
-0.4902811348438263,
-0.13808727264404297,
-0.04899947717785835,
-0.1973200887441635,
0.6329054236412048,
-0.12846462428569794,
-0.29329752922058105,
-0.29329198598861694,
0.264055460691452,
-0.415455162525177,
-0.3197973370552063,
0.5406330227851868,
-0.29487478733062744,
0.6452145576477051,
-0.5183274745941162,
-0.5537633299827576,
-0.36503878235816956,
0.07082489132881165,
-0.35669124126434326,
1.2722665071487427,
0.31098759174346924,
-1.0078628063201904,
0.2981805205345154,
-0.6145002245903015,
-0.5178322196006775,
0.023245397955179214,
-0.15328346192836761,
-0.5176637768745422,
-0.17257210612297058,
0.47098204493522644,
0.5817530155181885,
-0.22680673003196716,
0.12276101857423782,
-0.06928654760122299,
-0.49067923426628113,
-0.10435757786035538,
-0.18835404515266418,
1.1940335035324097,
0.1471315324306488,
-0.8266490697860718,
0.03688459470868111,
-0.6377443075180054,
0.1523316502571106,
0.4545661509037018,
-0.34342196583747864,
-0.1216876208782196,
-0.2559334337711334,
0.22864899039268494,
0.4816657602787018,
0.4877278506755829,
-0.46705716848373413,
0.15700632333755493,
-0.555260181427002,
0.594353973865509,
0.6484344005584717,
-0.04506852850317955,
0.19552624225616455,
-0.2519931197166443,
0.33659911155700684,
0.24482478201389313,
0.052397679537534714,
-0.09694056212902069,
-0.7256150841712952,
-0.8520177006721497,
-0.047040991485118866,
0.18527346849441528,
0.736981987953186,
-0.7001351118087769,
0.5745517015457153,
-0.3907536566257477,
-0.747499406337738,
-0.4852944314479828,
-0.029345937073230743,
0.6421840786933899,
0.5311048030853271,
0.5378795266151428,
-0.24552308022975922,
-0.3270722031593323,
-0.6232063174247742,
-0.18707333505153656,
-0.10883893817663193,
-0.25163358449935913,
0.3238212466239929,
0.767897367477417,
-0.22150778770446777,
0.6878644824028015,
-0.4935173988342285,
-0.3666442334651947,
-0.32247450947761536,
0.21420323848724365,
0.42060601711273193,
0.6924738883972168,
0.6901004314422607,
-0.5004779100418091,
-0.48825469613075256,
-0.21482069790363312,
-0.6998885273933411,
0.2667073607444763,
-0.257778137922287,
-0.18749067187309265,
0.35271891951560974,
0.41310542821884155,
-0.8246897459030151,
0.2339884489774704,
0.2463010847568512,
-0.44321244955062866,
0.8259732723236084,
-0.3235554099082947,
-0.11062949895858765,
-1.308548092842102,
0.2791048288345337,
0.11536026746034622,
0.08171577751636505,
-0.522222638130188,
-0.04917513206601143,
0.04153943434357643,
0.009571106173098087,
-0.430090993642807,
0.6047177910804749,
-0.7785210013389587,
0.10726441442966461,
0.01641055941581726,
0.21831470727920532,
-0.0038592342752963305,
0.7582440972328186,
0.2813299596309662,
0.8970398902893066,
0.6766948699951172,
-0.656281054019928,
0.21141135692596436,
0.3245614767074585,
-0.3783951997756958,
0.1763155609369278,
-0.9021955728530884,
0.27398914098739624,
0.08770515769720078,
0.2317553609609604,
-1.1410548686981201,
-0.24074307084083557,
0.3418034017086029,
-0.6753697991371155,
0.4545232951641083,
-0.18431977927684784,
-0.5163686275482178,
-0.6422666311264038,
-0.4241686165332794,
0.08694730699062347,
0.674885630607605,
-0.4411855936050415,
0.3971422016620636,
0.2302166223526001,
-0.12984125316143036,
-0.5309127569198608,
-0.7894497513771057,
-0.1851310431957245,
-0.1716456413269043,
-0.7218220829963684,
0.5037171840667725,
0.007775916717946529,
0.2529979348182678,
-0.08936866372823715,
-0.00800724420696497,
0.0362473726272583,
-0.15742316842079163,
0.19936178624629974,
0.2662692070007324,
-0.2221270352602005,
-0.19059383869171143,
-0.02949557453393936,
-0.0766516849398613,
0.19000695645809174,
-0.4344717562198639,
0.7650905847549438,
-0.17704547941684723,
0.06792967766523361,
-0.6147035360336304,
0.0792861133813858,
0.3797037899494171,
-0.17003121972084045,
0.8904834389686584,
1.2900550365447998,
-0.35194337368011475,
0.12503767013549805,
-0.4423905909061432,
-0.23945629596710205,
-0.5362610816955566,
0.6437394022941589,
-0.4183835983276367,
-0.8000069856643677,
0.4444713294506073,
0.06827647238969803,
0.06120465323328972,
0.906080424785614,
0.5872095227241516,
0.03438906371593475,
1.0342333316802979,
0.5150135159492493,
-0.18971146643161774,
0.341154545545578,
-0.7174016237258911,
0.05584162473678589,
-0.9313961267471313,
-0.3573768138885498,
-0.32910534739494324,
-0.15451331436634064,
-0.7073243260383606,
-0.4686490297317505,
0.298599511384964,
0.31501662731170654,
-0.5107626914978027,
0.5399383902549744,
-0.7883878350257874,
0.13042962551116943,
0.7528272867202759,
0.07489831000566483,
-0.19134841859340668,
0.22328399121761322,
-0.517554759979248,
0.03458163142204285,
-0.6615597009658813,
-0.5009322762489319,
1.324633002281189,
0.3759603798389435,
0.4258738160133362,
-0.14001800119876862,
0.6678358316421509,
-0.2929265797138214,
0.06854911148548126,
-0.6009320616722107,
0.6256555318832397,
-0.21246539056301117,
-0.6784485578536987,
-0.36816084384918213,
-0.4319504499435425,
-0.6827603578567505,
0.06404126435518265,
-0.04262906685471535,
-0.9522075653076172,
0.026190543547272682,
0.016407739371061325,
-0.5722781419754028,
0.4185100197792053,
-0.7948686480522156,
1.0716081857681274,
-0.28372928500175476,
-0.3889900743961334,
0.04948939383029938,
-0.8422361612319946,
0.45931655168533325,
0.03719744086265564,
-0.08058860898017883,
-0.0049417647533118725,
0.193290576338768,
1.247855544090271,
-0.6457487344741821,
0.689284086227417,
-0.5009729266166687,
-0.012643080204725266,
0.5465595722198486,
-0.2744835913181305,
0.6562337875366211,
-0.008240648545324802,
0.074061818420887,
0.3862469792366028,
0.20078063011169434,
-0.256432443857193,
-0.10444031655788422,
0.6604130864143372,
-1.0940299034118652,
-0.3812538981437683,
-0.6567131876945496,
-0.34915614128112793,
-0.08968327194452286,
0.48632028698921204,
0.7675636410713196,
0.3450438678264618,
0.02023974061012268,
-0.075755774974823,
0.5985714197158813,
-0.37336528301239014,
0.7211379408836365,
0.25993821024894714,
0.050751280039548874,
-0.5392498970031738,
0.8741423487663269,
0.10574507713317871,
0.1609894186258316,
0.3040756583213806,
0.11765191704034805,
-0.7159703969955444,
-0.6232239007949829,
-0.40281838178634644,
0.5624529123306274,
-0.5130977630615234,
-0.05270130932331085,
-0.9625342488288879,
-0.48635950684547424,
-0.9557483196258545,
0.18472407758235931,
-0.4022848308086395,
-0.33970651030540466,
-0.4632226824760437,
0.10492511093616486,
0.54494309425354,
0.5766552090644836,
-0.22585533559322357,
0.5847151875495911,
-0.6652558445930481,
0.3164035975933075,
0.37046071887016296,
0.22541546821594238,
-0.04410102590918541,
-0.8350369334220886,
-0.20991885662078857,
0.2680406868457794,
-0.35992857813835144,
-0.8204167485237122,
0.44515055418014526,
0.1423308104276657,
0.48238980770111084,
0.5515230894088745,
-0.15681785345077515,
0.736987292766571,
-0.4272502064704895,
0.9649584889411926,
0.21434520184993744,
-0.853265643119812,
0.6339366436004639,
-0.2958865761756897,
0.16593913733959198,
0.4538632333278656,
0.596680223941803,
-0.5529776811599731,
0.0960279107093811,
-0.6148192286491394,
-0.9941176176071167,
1.0957224369049072,
0.4131874442100525,
-0.11652254313230515,
0.17957323789596558,
0.5304581522941589,
-0.17173881828784943,
0.06049703061580658,
-0.7651982307434082,
-0.3815847337245941,
-0.3909777104854584,
-0.16792061924934387,
-0.37857213616371155,
-0.33953753113746643,
-0.019823506474494934,
-0.5214746594429016,
0.9231554269790649,
-0.038078904151916504,
0.7085952162742615,
0.441881388425827,
-0.1343948096036911,
0.31366661190986633,
-0.04416940361261368,
0.4785553216934204,
0.46625441312789917,
-0.43898773193359375,
-0.17759039998054504,
0.06502985209226608,
-1.0344164371490479,
0.04321242496371269,
0.5104019045829773,
-0.24842694401741028,
0.06697940826416016,
0.4663751423358917,
0.9706595540046692,
-0.19687536358833313,
-0.33805033564567566,
0.5728427767753601,
-0.102607361972332,
-0.4311537742614746,
-0.4219582974910736,
0.214198499917984,
0.3289075493812561,
0.2111312448978424,
0.3104662597179413,
-0.20423588156700134,
-0.027836782857775688,
-0.3908337354660034,
0.1664828658103943,
0.44174519181251526,
-0.253351092338562,
-0.37260618805885315,
0.8918088674545288,
-0.0005186243215575814,
0.04617469757795334,
0.8569000363349915,
-0.4991549849510193,
-0.7266794443130493,
0.661494791507721,
0.521639883518219,
1.0107243061065674,
-0.14014551043510437,
0.2675648033618927,
0.8506177663803101,
0.421427845954895,
-0.24597080051898956,
0.26341110467910767,
0.03657884523272514,
-0.7683216333389282,
-0.27915292978286743,
-0.9237954616546631,
0.05236462503671646,
0.5244725346565247,
-0.5336342453956604,
0.08773302286863327,
-0.5242612361907959,
-0.2572653293609619,
0.057444702833890915,
0.6392577290534973,
-0.8057820200920105,
0.4488333463668823,
0.11615343391895294,
0.863885223865509,
-0.8895783424377441,
0.9740862250328064,
0.8028732538223267,
-0.593885600566864,
-1.143133521080017,
0.03856576606631279,
-0.07470329850912094,
-0.9287563562393188,
0.4416414499282837,
0.5280812978744507,
0.143827885389328,
0.18711122870445251,
-0.506366491317749,
-0.9055635333061218,
1.462693691253662,
0.12658576667308807,
-0.6441213488578796,
-0.2658692002296448,
0.2430308312177658,
0.5426818132400513,
-0.19482572376728058,
0.492195725440979,
0.7506476640701294,
0.4750419557094574,
0.20864717662334442,
-0.8909567594528198,
0.4097802937030792,
-0.38343438506126404,
0.13635684549808502,
-0.09048153460025787,
-0.7281493544578552,
1.209450125694275,
-0.5075668096542358,
-0.3856167197227478,
0.026090120896697044,
0.5461736917495728,
0.5303065776824951,
0.13976891338825226,
0.4140561819076538,
0.8272549510002136,
0.7529700994491577,
-0.2287462204694748,
0.9469587802886963,
-0.3495368957519531,
0.49956509470939636,
1.020989179611206,
0.06871983408927917,
0.6928040981292725,
0.18871177732944489,
-0.5148564577102661,
0.47144150733947754,
0.9587522149085999,
-0.10658838599920273,
0.5710055828094482,
-0.04068322479724884,
-0.13555845618247986,
-0.09951777756214142,
0.3557961583137512,
-0.6813122630119324,
0.3266790211200714,
0.29706841707229614,
-0.23105894029140472,
-0.16982720792293549,
-0.3067432940006256,
0.5531495809555054,
-0.4909224510192871,
-0.11031076312065125,
0.6432232856750488,
-0.01611790433526039,
-0.7408580780029297,
0.7543416619300842,
0.23938055336475372,
0.9575880169868469,
-0.6888487935066223,
0.2569107413291931,
-0.2812879681587219,
0.39855724573135376,
-0.015150172635912895,
-0.764907956123352,
0.027994470670819283,
-0.10942020267248154,
-0.007691143546253443,
0.06922993808984756,
0.6144521236419678,
-0.5058990120887756,
-0.8042880892753601,
0.3651864528656006,
0.3268517255783081,
0.4030413329601288,
-0.5547534823417664,
-1.0671679973602295,
-0.20588748157024384,
0.21065311133861542,
-0.5735306739807129,
0.31523171067237854,
0.5799722075462341,
0.07917692512273788,
0.3841365873813629,
0.8410682082176208,
0.07617060840129852,
0.12300845235586166,
-0.11336538940668106,
0.9843889474868774,
-0.7974113821983337,
-0.4979476034641266,
-0.816944420337677,
0.5525375008583069,
-0.15846240520477295,
-0.5294201374053955,
0.7852619290351868,
0.5784241557121277,
0.8965867757797241,
0.013180544599890709,
0.9185383915901184,
-0.3090459108352661,
0.3693092167377472,
-0.5361586809158325,
0.9422400593757629,
-0.5754291415214539,
-0.006429988890886307,
-0.49803662300109863,
-0.830851137638092,
0.1259985715150833,
0.7675473690032959,
-0.2832581102848053,
0.42962247133255005,
0.7156664729118347,
0.9419969916343689,
-0.016786515712738037,
-0.2590579688549042,
-0.16341732442378998,
0.4029689431190491,
0.4052871763706207,
1.0529266595840454,
0.2946561574935913,
-0.8544341325759888,
0.667310893535614,
-0.6451250314712524,
-0.3407217860221863,
-0.06288876384496689,
-0.7742736339569092,
-0.9959762692451477,
-0.6416005492210388,
-0.3859509229660034,
-0.5072645545005798,
-0.1381504088640213,
0.4656734764575958,
0.6679368019104004,
-0.8609917759895325,
-0.052649762481451035,
-0.33044061064720154,
-0.20999515056610107,
-0.2953278422355652,
-0.28782182931900024,
0.8623552918434143,
-0.35664036870002747,
-0.7052528858184814,
0.08893204480409622,
-0.08991526067256927,
0.2979974150657654,
-0.13169123232364655,
-0.1527380645275116,
-0.31939268112182617,
-0.1586810052394867,
0.48294296860694885,
0.18087807297706604,
-0.5507402420043945,
-0.00028208960429765284,
-0.04016561061143875,
-0.18414413928985596,
-0.06370582431554794,
0.3813041150569916,
-0.639175295829773,
0.19557245075702667,
0.4078220725059509,
0.23670026659965515,
0.8318892121315002,
-0.1282004714012146,
0.2805202603340149,
-0.5016618371009827,
0.33482494950294495,
-0.03243240341544151,
0.27082696557044983,
0.32242995500564575,
-0.4143756926059723,
0.5147796273231506,
0.5834255814552307,
-0.549300491809845,
-0.6161155104637146,
-0.2081962376832962,
-0.9478645920753479,
-0.35590919852256775,
1.3164509534835815,
-0.3666083812713623,
-0.2987368106842041,
0.21528217196464539,
-0.12738971412181854,
0.6264774203300476,
-0.1823788583278656,
0.49197062849998474,
0.5890212655067444,
-0.0633351281285286,
0.0709402933716774,
-0.5113471150398254,
0.7726777791976929,
0.19779616594314575,
-0.6627488732337952,
-0.08193790912628174,
0.32726559042930603,
0.7467590570449829,
0.2771800756454468,
0.8453165292739868,
-0.17142407596111298,
0.03149614855647087,
0.19316363334655762,
0.22750911116600037,
-0.12937307357788086,
-0.11964334547519684,
-0.2244657725095749,
-0.04895743355154991,
-0.37897810339927673,
-0.34231725335121155
] |
beomi/KoAlpaca-Polyglot-12.8B
|
beomi
| 2023-09-15T01:28:23Z | 5,011 | 46 |
transformers
|
[
"transformers",
"pytorch",
"safetensors",
"gpt_neox",
"text-generation",
"generated_from_trainer",
"polyglot-ko",
"gpt-neox",
"KoAlpaca",
"ko",
"dataset:KoAlpaca-v1.1b",
"base_model:EleutherAI/polyglot-ko-12.8b",
"license:apache-2.0",
"endpoints_compatible",
"has_space",
"text-generation-inference",
"region:us"
] |
text-generation
| 2023-04-18T07:46:03Z |
---
language:
- ko
license: apache-2.0
tags:
- generated_from_trainer
- polyglot-ko
- gpt-neox
- KoAlpaca
datasets:
- KoAlpaca-v1.1b
pipeline_tag: text-generation
base_model: EleutherAI/polyglot-ko-12.8b
model-index:
- name: KoAlpaca-Polyglot-12.8B
results: []
---
Update @ 2023.06.01
- Add Safetensor sharded model weight (max shard = 1GB)
# KoAlpaca-Polyglot-12.8B (v1.1b)
This model is a fine-tuned version of [EleutherAI/polyglot-ko-12.8b](https://huggingface.co/EleutherAI/polyglot-ko-12.8b) on a KoAlpaca Dataset v1.1b
Detail Codes are available at [KoAlpaca Github Repository](https://github.com/Beomi/KoAlpaca)
## Training procedure
### Training hyperparameters
The following hyperparameters were used during training:
- learning_rate: 5e-05
- train_batch_size: 1
- seed: 42
- distributed_type: multi-GPU (A100 80G)
- num_devices: 4
- gradient_accumulation_steps: 64
- total_train_batch_size: 256
- total_eval_batch_size: 32
- optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08
- lr_scheduler_type: linear
- num_epochs: 2.0
### Framework versions
- Transformers 4.28.1
- Pytorch 2.0.0+cu117
- Datasets 2.11.0
- Tokenizers 0.13.3
|
[
-0.5835971236228943,
-0.798222541809082,
0.3993646502494812,
0.2293546348810196,
-0.6600466370582581,
-0.17755262553691864,
0.023422861471772194,
-0.7142162322998047,
0.31292933225631714,
0.4678977131843567,
-0.25136300921440125,
-0.42665842175483704,
-0.9074929356575012,
-0.4169797897338867,
0.052986547350883484,
1.4428963661193848,
-0.1510557383298874,
0.16934746503829956,
-0.10461106896400452,
-0.4756932556629181,
-0.4690703749656677,
-0.6870495080947876,
-0.6178019046783447,
-0.8058860898017883,
0.5980905294418335,
0.2935642600059509,
1.1990275382995605,
0.6534892916679382,
0.31484454870224,
0.2584017217159271,
-0.4001454710960388,
-0.02149156853556633,
-0.6191712021827698,
-0.2954656481742859,
0.031762637197971344,
-0.2783909738063812,
-0.7193312644958496,
-0.3761079013347626,
0.5348033905029297,
0.4518679678440094,
-0.5121857523918152,
0.4607028663158417,
0.023094085976481438,
0.7105964422225952,
-1.0426883697509766,
0.5905935764312744,
-0.4080734848976135,
0.28664201498031616,
-0.4114973247051239,
0.14286398887634277,
-0.35718077421188354,
-0.37607160210609436,
0.40230077505111694,
-0.8400468826293945,
0.21752604842185974,
-0.01644025556743145,
1.2603520154953003,
0.11544156819581985,
-0.40620607137680054,
-0.09520488232374191,
-0.5368021726608276,
0.7893067598342896,
-0.4908599257469177,
0.391921728849411,
0.5209036469459534,
0.5406473875045776,
0.16301460564136505,
-0.69188392162323,
-0.08205049484968185,
0.1577727496623993,
0.058340009301900864,
-0.03350021317601204,
0.02569747157394886,
0.1608092486858368,
0.4582703113555908,
0.4144648611545563,
-0.4630591571331024,
-0.06727705150842667,
-0.752837061882019,
-0.5595607757568359,
0.6836231350898743,
0.2681402266025543,
-0.1337922364473343,
0.1459917426109314,
-0.6075695753097534,
-0.6830129027366638,
-0.2871808409690857,
0.27957388758659363,
0.5775163769721985,
0.13139477372169495,
-0.4653165340423584,
0.41767942905426025,
-0.5793089866638184,
0.7870422601699829,
0.06557618826627731,
-0.229148730635643,
0.7939930558204651,
-0.15492579340934753,
-0.4720737338066101,
0.4404236376285553,
0.6548980474472046,
0.28547704219818115,
0.08287191390991211,
0.1399674415588379,
-0.12505298852920532,
-0.002033144235610962,
0.3350568115711212,
-1.1068158149719238,
-0.6486918926239014,
0.19750003516674042,
-0.33559736609458923,
-0.6850334405899048,
0.13763879239559174,
-0.9675134420394897,
-0.28090253472328186,
-0.22091712057590485,
0.5492514967918396,
-0.47206369042396545,
-0.06263194978237152,
0.5278072953224182,
0.06889072060585022,
0.5298831462860107,
0.3849655091762543,
-0.8159422874450684,
0.5112441778182983,
0.3245350420475006,
0.8038101196289062,
-0.027169132605195045,
-0.3258129358291626,
-0.21943773329257965,
0.1072046309709549,
-0.27634164690971375,
0.5799086093902588,
-0.0515742301940918,
-0.3899345397949219,
-0.1693272441625595,
0.27873358130455017,
-0.1930171251296997,
-0.26459285616874695,
0.9783251285552979,
-0.6850425601005554,
0.19832506775856018,
-0.5384040474891663,
-0.3684680461883545,
-0.7306498289108276,
0.18653644621372223,
-0.6611146926879883,
1.0858453512191772,
0.36152568459510803,
-0.8798103332519531,
0.4560813307762146,
-0.37598463892936707,
-0.12972088158130646,
0.24720625579357147,
0.016925763338804245,
-1.0868654251098633,
-0.03997119143605232,
0.30644291639328003,
0.18619213998317719,
-0.3157207667827606,
0.28733596205711365,
-0.5491088032722473,
-0.37919607758522034,
-0.1950840801000595,
-0.1957555115222931,
0.8987146615982056,
0.4062618017196655,
-0.2600908875465393,
0.05928215757012367,
-0.7742940187454224,
0.6188914179801941,
0.4515243470668793,
-0.30495011806488037,
0.09815382957458496,
-0.42326900362968445,
0.4532575011253357,
0.1640588790178299,
0.7199146747589111,
-0.7031865119934082,
0.010843553580343723,
-0.05897912010550499,
-0.0835779458284378,
0.8085686564445496,
-0.019886890426278114,
0.04003831371665001,
-0.6175530552864075,
0.4939623177051544,
-0.007099947426468134,
0.6571109890937805,
0.36613860726356506,
-0.5840536952018738,
-0.6900957822799683,
-0.2770105004310608,
0.31764280796051025,
0.39664027094841003,
-0.500614583492279,
0.6869215369224548,
-0.21603858470916748,
-0.9436654448509216,
-0.2712852358818054,
0.16937272250652313,
0.6491864323616028,
0.30890563130378723,
0.3185918927192688,
-0.5238308906555176,
-0.45488929748535156,
-0.9893682599067688,
0.36013534665107727,
0.06259273737668991,
0.2715233862400055,
0.2401304692029953,
0.700197696685791,
-0.05212467908859253,
0.7070887088775635,
-0.8302944302558899,
-0.18172447383403778,
-0.03348466381430626,
0.07227028161287308,
0.3465383052825928,
0.4769730269908905,
0.8744505047798157,
-0.7131612300872803,
-0.5541150569915771,
0.09491497278213501,
-0.936913251876831,
0.0882687196135521,
0.24122080206871033,
-0.26302310824394226,
-0.1790337711572647,
0.11689857393503189,
-0.6951689720153809,
0.2802928686141968,
0.8239816427230835,
-0.42877382040023804,
0.7369549870491028,
-0.5216785669326782,
-0.12647564709186554,
-1.1744171380996704,
-0.025234732776880264,
-0.1669834554195404,
-0.18024472892284393,
-0.34149086475372314,
0.34127211570739746,
0.16936983168125153,
-0.27821189165115356,
-0.7248347997665405,
0.32624825835227966,
-0.15685030817985535,
-0.1009455993771553,
-0.33782896399497986,
-0.31461453437805176,
0.028004955500364304,
0.690826952457428,
-0.11573369801044464,
0.8107247948646545,
0.9658941626548767,
-0.5969138741493225,
0.37025609612464905,
0.3680109679698944,
-0.42255929112434387,
0.2523655593395233,
-1.2756365537643433,
0.23620310425758362,
0.08838651329278946,
0.5312440991401672,
-0.2721605896949768,
-0.6570596098899841,
0.37178871035575867,
-0.11515997350215912,
0.07459832727909088,
-0.3797737956047058,
-0.4101758897304535,
-0.34756842255592346,
-0.5532222986221313,
0.7951512932777405,
0.7537763714790344,
-0.6026390790939331,
0.5312795042991638,
0.27212730050086975,
0.006945219822227955,
-0.4707864820957184,
-0.3333381116390228,
-0.3488824963569641,
-0.20561164617538452,
-0.7444623112678528,
0.30563297867774963,
-0.11863906681537628,
0.12779675424098969,
-0.38780152797698975,
-0.008586409501731396,
-0.11944522708654404,
-0.1267477124929428,
0.4591734707355499,
0.3684680461883545,
0.0841427594423294,
-0.07784213125705719,
0.15736350417137146,
-0.3036786615848541,
0.09176937490701675,
-0.2774878740310669,
1.1028385162353516,
-0.567057728767395,
-0.32363083958625793,
-0.6349937319755554,
-0.3004479706287384,
0.7994133234024048,
-0.3011631369590759,
1.1094170808792114,
1.007557988166809,
-0.40411943197250366,
0.24092920124530792,
-0.42079591751098633,
0.03425188362598419,
-0.5097315907478333,
0.470055490732193,
-0.23703879117965698,
-0.3539591133594513,
0.8218590021133423,
0.1275743544101715,
-0.038112442940473557,
0.5930575728416443,
0.6247177124023438,
0.32196566462516785,
1.22896409034729,
0.354202002286911,
-0.20990930497646332,
0.4788241684436798,
-0.6235204935073853,
-0.14985820651054382,
-0.9399004578590393,
-0.44592157006263733,
-0.428408145904541,
-0.10036291927099228,
-0.719560444355011,
-0.2954653799533844,
0.5359202027320862,
0.2667170763015747,
-0.5307246446609497,
0.3982609510421753,
-0.6018853783607483,
0.49964359402656555,
0.5685072541236877,
0.5925580859184265,
-0.1526145190000534,
0.05183058977127075,
-0.11943159997463226,
0.2813819646835327,
-0.7681681513786316,
-0.319338858127594,
1.3155181407928467,
0.48488369584083557,
0.8137911558151245,
-0.19662320613861084,
0.7297570109367371,
0.12086121737957001,
-0.20094281435012817,
-0.5272594094276428,
0.45199254155158997,
0.2884272634983063,
-0.6152687668800354,
-0.09159433096647263,
-0.2944903075695038,
-0.8030518293380737,
0.39618098735809326,
-0.4232434034347534,
-0.7405668497085571,
0.2732313573360443,
0.37055540084838867,
-0.3435758948326111,
0.5718742609024048,
-0.5736215114593506,
0.8115115165710449,
-0.24924181401729584,
-0.3878210186958313,
-0.1675213873386383,
-0.43690425157546997,
0.09570325911045074,
-0.1872931718826294,
-0.11688944697380066,
-0.21733927726745605,
0.20052261650562286,
0.8432993292808533,
-0.8299474120140076,
0.6638699173927307,
-0.4401533603668213,
0.013094334863126278,
0.5967636704444885,
-0.2781929075717926,
0.9597393870353699,
0.11085648834705353,
-0.16215242445468903,
0.5660722255706787,
0.1624011993408203,
-1.126081943511963,
-0.10874483734369278,
0.5774787664413452,
-1.2859283685684204,
-0.029203210026025772,
-0.8395379185676575,
-1.0967079401016235,
-0.051754798740148544,
0.26314666867256165,
0.5184376239776611,
0.38938653469085693,
0.012367968447506428,
0.6529702544212341,
0.8674591183662415,
-0.02117231674492359,
0.19282272458076477,
0.19149039685726166,
-0.16389523446559906,
-0.7683442234992981,
0.8747329115867615,
-0.007930263876914978,
0.40019747614860535,
-0.35079097747802734,
0.34579962491989136,
-0.11963286995887756,
-0.9385155439376831,
-0.5414771437644958,
0.15827490389347076,
-0.572336733341217,
-0.3452644944190979,
-0.6563969850540161,
-0.40644338726997375,
-0.25267308950424194,
-0.2732639014720917,
-0.6018103957176208,
-0.21505989134311676,
-0.049142733216285706,
-0.22615383565425873,
0.7049227952957153,
0.5197998285293579,
0.26908013224601746,
0.8496540188789368,
-0.7211712598800659,
-0.08844485878944397,
0.4190424084663391,
0.37035682797431946,
-0.09377950429916382,
-0.7497331500053406,
-0.48880866169929504,
0.3824935257434845,
-0.6643627882003784,
-0.4291512668132782,
0.35015496611595154,
0.06521890312433243,
0.3057297170162201,
0.5123859643936157,
0.013229857198894024,
0.6799750924110413,
-0.12504245340824127,
0.7606737613677979,
0.2668222486972809,
-0.5991264581680298,
0.5794593095779419,
-0.6610462665557861,
0.6105093955993652,
0.7159154415130615,
0.5251099467277527,
0.10949167609214783,
-0.029847556725144386,
-0.7687543630599976,
-0.7350528240203857,
0.7199211120605469,
0.4875059425830841,
-0.037650980055332184,
0.28667396306991577,
0.26767972111701965,
0.16659431159496307,
0.0061852773651480675,
-0.8650607466697693,
-0.05477716401219368,
-0.165414959192276,
-0.15492703020572662,
-0.06407216191291809,
-0.2846161425113678,
-0.3912719190120697,
-0.36417606472969055,
1.1630300283432007,
-0.16013091802597046,
0.0001309912040596828,
-0.0460800863802433,
-0.11841452866792679,
-0.24867649376392365,
-0.03493988513946533,
0.5314391851425171,
1.0253504514694214,
-0.7526811361312866,
-0.4341910183429718,
0.5920206308364868,
-0.9108389019966125,
-0.14410457015037537,
0.44867923855781555,
-0.5560905933380127,
-0.14909498393535614,
0.10276946425437927,
1.0699477195739746,
0.19399535655975342,
-0.4903303384780884,
0.28746962547302246,
-0.01703793555498123,
-0.4413321614265442,
-0.3720025420188904,
0.26647812128067017,
-0.2522720396518707,
0.2896566689014435,
0.1253204643726349,
0.13924770057201385,
-0.1475200653076172,
-0.16112972795963287,
0.07050906121730804,
0.18551239371299744,
-0.4328707456588745,
-0.3970887362957001,
0.5957764983177185,
-0.052429407835006714,
0.008241258561611176,
0.6224513649940491,
-0.3158217966556549,
-0.3831019699573517,
0.777969241142273,
0.5379350185394287,
0.757895827293396,
-0.21125948429107666,
0.16590963304042816,
0.6054443120956421,
0.06500162184238434,
-0.38380521535873413,
0.4271065890789032,
0.11505997180938721,
-0.7038185596466064,
0.0673837661743164,
-0.9398857355117798,
-0.41400375962257385,
-0.001667794887907803,
-1.2201164960861206,
0.42935532331466675,
-0.6668270826339722,
-0.3253086805343628,
-0.05646238476037979,
0.28832685947418213,
-0.7957144379615784,
0.07333816587924957,
0.05212201923131943,
0.7192422747612,
-1.0742696523666382,
1.071550965309143,
0.776520311832428,
-0.34601831436157227,
-0.6868910193443298,
-0.6259822249412537,
-0.06944890320301056,
-0.8988446593284607,
0.06779356300830841,
0.05092397704720497,
0.12197791039943695,
-0.2943671643733978,
-0.5526726245880127,
-1.1579464673995972,
1.7870584726333618,
0.5250804424285889,
-0.5436542630195618,
0.0636138767004013,
0.2806779146194458,
0.580676794052124,
-0.13052907586097717,
0.16756169497966766,
0.15730877220630646,
0.2301272451877594,
0.15229488909244537,
-1.0773464441299438,
-0.2314022034406662,
-0.08399328589439392,
0.13304589688777924,
0.5573523044586182,
-1.0937796831130981,
1.2334645986557007,
-0.1882597804069519,
0.4055013954639435,
0.12764744460582733,
0.6931025385856628,
0.7076119184494019,
0.38375377655029297,
0.7369082570075989,
1.1362252235412598,
0.8096092343330383,
-0.08419706672430038,
1.3576747179031372,
-0.5411703586578369,
0.832558274269104,
1.3182191848754883,
-0.054477252066135406,
0.3852449953556061,
0.3185899257659912,
-0.18535155057907104,
0.5060507655143738,
0.8279734253883362,
-0.1273748129606247,
0.5634315013885498,
-0.20224732160568237,
-0.3749558925628662,
-0.2834305763244629,
-0.21790407598018646,
-0.836340606212616,
0.562133252620697,
0.14100879430770874,
-0.5289457440376282,
-0.37643736600875854,
0.09034527093172073,
0.2754111588001251,
-0.5054568648338318,
-0.4326167702674866,
0.437366783618927,
-0.2218223214149475,
-0.2877691388130188,
0.7645034193992615,
-0.0676674023270607,
0.4692997336387634,
-1.200400710105896,
0.1330990046262741,
0.10675038397312164,
0.3815559446811676,
-0.1330292820930481,
-0.39638757705688477,
-0.08950114250183105,
-0.31602463126182556,
-0.04235998913645744,
0.02413591369986534,
0.6478410363197327,
-0.17879271507263184,
-0.8958780169487,
0.3940439820289612,
0.18446753919124603,
0.12785673141479492,
-0.03518388792872429,
-0.8982053399085999,
0.30316564440727234,
-0.10954087227582932,
-0.33512693643569946,
0.6841425895690918,
0.1609044075012207,
-0.21761907637119293,
0.705036461353302,
0.783362090587616,
0.03138582780957222,
0.2995820641517639,
0.054617464542388916,
1.1615755558013916,
-0.23502442240715027,
-0.5479478240013123,
-0.2847084105014801,
-0.01571173593401909,
-0.21907435357570648,
-0.7026705741882324,
0.6258919835090637,
0.7857576608657837,
1.2236464023590088,
-0.06687121838331223,
0.3873458802700043,
-0.2663841247558594,
-0.09837895631790161,
-0.4429710805416107,
0.6460546255111694,
-0.1872130036354065,
-0.25209251046180725,
-0.3444792926311493,
-1.0721759796142578,
0.3947368860244751,
0.5354322195053101,
-0.2150402069091797,
0.1262141466140747,
0.5218033194541931,
0.7750915288925171,
-0.27752503752708435,
0.2405959814786911,
0.22848878800868988,
-0.015711145475506783,
0.33658620715141296,
0.6271790266036987,
0.10637359321117401,
-1.0193721055984497,
0.6550771594047546,
-1.037659764289856,
-0.196472629904747,
-0.11293518543243408,
-0.6585460901260376,
-0.6358050107955933,
-0.1907527893781662,
-0.3697577118873596,
-0.2857204079627991,
0.2974138557910919,
1.0117950439453125,
0.9602914452552795,
-0.9360589385032654,
-0.30544352531433105,
-0.08376229554414749,
-0.1902533918619156,
-0.4693692922592163,
-0.20097897946834564,
0.6245574951171875,
-0.28602296113967896,
-0.7357136011123657,
-0.09183249622583389,
-0.25736695528030396,
0.1937878131866455,
-0.008561364375054836,
-0.3581274747848511,
-0.12745432555675507,
-0.11144678294658661,
0.5890461206436157,
0.32870039343833923,
-0.33732476830482483,
-0.5836830735206604,
-0.493460476398468,
0.12748654186725616,
0.006194762885570526,
0.30858415365219116,
-0.566347599029541,
0.6640405654907227,
0.4597876965999603,
0.4593517780303955,
0.8841543793678284,
0.1486266553401947,
0.34620586037635803,
-0.45050951838493347,
0.7459371089935303,
0.21180206537246704,
0.657668948173523,
-0.047751009464263916,
-0.31027230620384216,
0.49884065985679626,
0.14176537096500397,
-0.7498368620872498,
-0.6318073272705078,
-0.05626969039440155,
-1.2641953229904175,
0.2135399729013443,
0.8200334906578064,
-0.2667481601238251,
-0.39957138895988464,
0.015688257291913033,
-0.2200244516134262,
0.08205773681402206,
-0.3282085657119751,
0.8801651000976562,
0.7315540313720703,
-0.03929828107357025,
0.15632805228233337,
-0.752772331237793,
0.2822236716747284,
0.6244629621505737,
-1.0032073259353638,
-0.16588878631591797,
0.4078255295753479,
0.34588658809661865,
0.21797145903110504,
0.4078778624534607,
-0.49815595149993896,
0.6615164875984192,
0.10592451691627502,
0.28156083822250366,
-0.38220086693763733,
-0.47278109192848206,
-0.1837993860244751,
0.17476080358028412,
-0.02188858576118946,
-0.5308214426040649
] |
LeoLM/leo-hessianai-13b-chat
|
LeoLM
| 2023-10-09T21:27:16Z | 5,005 | 26 |
transformers
|
[
"transformers",
"pytorch",
"llama",
"text-generation",
"custom_code",
"en",
"de",
"dataset:LeoLM/OpenSchnabeltier",
"dataset:OpenAssistant/OASST-DE",
"dataset:FreedomIntelligence/alpaca-gpt4-deutsch",
"dataset:FreedomIntelligence/evol-instruct-deutsch",
"dataset:LeoLM/German_Poems",
"dataset:LeoLM/German_Songs",
"endpoints_compatible",
"has_space",
"text-generation-inference",
"region:us"
] |
text-generation
| 2023-09-10T08:38:51Z |
---
datasets:
- LeoLM/OpenSchnabeltier
- OpenAssistant/OASST-DE
- FreedomIntelligence/alpaca-gpt4-deutsch
- FreedomIntelligence/evol-instruct-deutsch
- LeoLM/German_Poems
- LeoLM/German_Songs
language:
- en
- de
library_name: transformers
pipeline_tag: text-generation
---
# LAION LeoLM: **L**inguistically **E**nhanced **O**pen **L**anguage **M**odel
Meet LeoLM, the first open and commercially available German Foundation Language Model built on Llama-2.
Our models extend Llama-2's capabilities into German through continued pretraining on a large corpus of German-language and mostly locality specific text.
Thanks to a compute grant at HessianAI's new supercomputer **42**, we release two foundation models trained with 8k context length,
[`LeoLM/leo-hessianai-7b`](https://huggingface.co/LeoLM/leo-hessianai-7b) and [`LeoLM/leo-hessianai-13b`](https://huggingface.co/LeoLM/leo-hessianai-13b) under the [Llama-2 community license](https://huggingface.co/meta-llama/Llama-2-70b/raw/main/LICENSE.txt) (70b also coming soon! 👀).
With this release, we hope to bring a new wave of opportunities to German open-source and commercial LLM research and accelerate adoption.
Read our [blog post]() or our paper (preprint coming soon) for more details!
*A project by Björn Plüster and Christoph Schuhmann in collaboration with LAION and HessianAI.*
## LeoLM Chat
`LeoLM/leo-hessianai-13b-chat` is a German chat model built on our foundation model `LeoLM/leo-hessianai-13b` and finetuned on a selection of German instruction datasets.
The model performs exceptionally well on writing, explanation and discussion tasks but struggles somewhat with math and advanced reasoning. See our MT-Bench-DE scores:
```
{
"first_turn": 6.525,
"second_turn": 5.15,
"categories": {
"writing": 6.925,
"roleplay": 6.7,
"reasoning": 4.55,
"math": 3.25,
"coding": 3.45,
"extraction": 5.4,
"stem": 7.55,
"humanities": 8.875
},
"average": 5.8375
}
```
## Model Details
- **Finetuned from:** [LeoLM/leo-hessianai-13b](https://huggingface.co/LeoLM/leo-hessianai-7b)
- **Model type:** Causal decoder-only transformer language model
- **Language:** English and German
- **Demo:** [Web Demo]()
- **License:** [LLAMA 2 COMMUNITY LICENSE AGREEMENT](https://huggingface.co/meta-llama/Llama-2-70b/raw/main/LICENSE.txt)
- **Contact:** [LAION Discord](https://discord.com/invite/eq3cAMZtCC) or [Björn Plüster](mailto:[email protected])
## Use in 🤗Transformers
First install direct dependencies:
```
pip install transformers torch sentencepiece
```
If you want faster inference using flash-attention2, you need to install these dependencies:
```bash
pip install packaging ninja
pip install flash-attn==v2.1.1 --no-build-isolation
pip install git+https://github.com/HazyResearch/[email protected]#subdirectory=csrc/rotary
```
Then load the model in transformers:
```python
from transformers import pipeline
import torch
system_prompt = """<|im_start|>system
Dies ist eine Unterhaltung zwischen einem intelligenten, hilfsbereitem KI-Assistenten und einem Nutzer.
Der Assistent gibt ausführliche, hilfreiche und ehrliche Antworten.<|im_end|>
"""
prompt_format = "<|im_start|>user\n{prompt}<|im_end|>\n<|im_start|>assistant\n"
prompt = "Erkläre mir wie die Fahrradwegesituation in Hamburg ist."
generator = pipeline(model="LeoLM/leo-hessianai-13b-chat", device="cuda", torch_dtype=torch.float16, trust_remote_code=True) # True for flash-attn2 else False
print(generator(prompt_format.format(prompt=prompt), do_sample=True, top_p=0.95, max_length=8192))
```
"*Hamburg verfügt über ein umfangreiches Netzwerk an Radwegen, das ein effizientes und angenehmes Radfahren in der ganzen Stadt ermöglicht. Die Radwege variieren in Bezug auf ihre Qualität, wobei einige erstklassig mit eigens für Radfahrer reservierten Spuren sind, während andere einfache Fahrradsymbole auf dem Boden haben, die anzeigen, dass Radfahrer abwechselnd mit dem Autoverkehr auf der Straße fahren sollten. Einige Nebenstraßen haben auch spezielle Fahrradspuren, wobei einige mit Bordsteinabsenkungen zur Seite der Autospuren markiert sind. Zusätzlich haben viele Hauptstraßen, insbesondere in Nebenstraßen, fahrradfreundliche Abstände zwischen den geparkten Autos und dem Gehweg, was ein bequemes Fahren auf der Straße ermöglicht. Der Bau von Radschnellwegen, die schnelles und effizientes Radfahren in und aus der Stadt ermöglichen, ist im Gange und wird in den kommenden Jahren fortgesetzt. Insgesamt sind die Radwege in Hamburg weitläufig und gut ausgeschildert, was es zu einem angenehmen Ort macht, um mit dem Fahrrad zu fahren.*"
## Prompting / Prompt Template
Prompt dialogue template (ChatML format):
```
"""
<|im_start|>system
{system_message}<|im_end|>
<|im_start|>user
{prompt}<|im_end|>
<|im_start|>assistant
"""
```
The model input can contain multiple conversation turns between user and assistant, e.g.
```
<|im_start|>user
{prompt 1}<|im_end|>
<|im_start|>assistant
{reply 1}<|im_end|>
<|im_start|>user
{prompt 2}<|im_end|>
<|im_start|>assistant
(...)
```
## Ethical Considerations and Limitations
LeoLM has been tested in English and German, and has not covered, nor could it cover all scenarios.
For these reasons, as with all LLMs, the potential outputs of `LeoLM/leo-hessianai-13b-chat` 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 `LeoLM/leo-hessianai-13b-chat`, developers should
perform safety testing and tuning tailored to their specific applications of the model.
Please see Meta's [Responsible Use Guide](https://ai.meta.com/llama/responsible-use-guide/).
## Finetuning Details
| Hyperparameter | Value |
|---|---|
| Num epochs | 3 |
| Examples per epoch | 131214 |
| Global batch size | 256 |
| Learning rate | 3e-5 |
| Warmup steps | 100 |
| LR scheduler | Cosine |
| Adam betas | (0.9, 0.95) |
## Dataset Details
```
## Stats for 'Subset of OpenAssistant/OASST-DE' (3534 samples (100.0%))
-----------------
Accepted: 3534/3534 (100.0%)
Accepted tokens: 2259302
Skipped: 0 (0.0%)
Min tokens per sample: 29
Max tokens per sample: 2484
Avg tokens per sample: 639.3044708545557
-----------------
## Stats for 'Subset of FreedomIntelligence/evol-instruct-deutsch' (57841 samples (100.0%))
-----------------
Accepted: 57841/57841 (100.0%)
Accepted tokens: 42958192
Skipped: 0 (0.0%)
Min tokens per sample: 33
Max tokens per sample: 5507
Avg tokens per sample: 742.6944900675991
-----------------
## Stats for 'Subset of FreedomIntelligence/alpaca-gpt4-deutsch' (48969 samples (100.0%))
-----------------
Accepted: 48969/48969 (100.0%)
Accepted tokens: 13372005
Skipped: 0 (0.0%)
Min tokens per sample: 19
Max tokens per sample: 1359
Avg tokens per sample: 273.07082031489307
-----------------
## Stats for 'Subset of LeoLM/OpenSchnabeltier' (21314 samples (100.0%))
-----------------
Accepted: 21314/21314 (100.0%)
Accepted tokens: 8134690
Skipped: 0 (0.0%)
Min tokens per sample: 25
Max tokens per sample: 1202
Avg tokens per sample: 381.65947264708643
-----------------
## Stats for 'Subset of LeoLM/German_Poems' (490 samples (100.0%))
-----------------
Accepted: 490/490 (100.0%)
Accepted tokens: 618642
Skipped: 0 (0.0%)
Min tokens per sample: 747
Max tokens per sample: 1678
Avg tokens per sample: 1262.534693877551
-----------------
## Stats for 'Subset of LeoLM/German_Songs' (392 samples (100.0%))
-----------------
Accepted: 392/392 (100.0%)
Accepted tokens: 187897
Skipped: 0 (0.0%)
Min tokens per sample: 231
Max tokens per sample: 826
Avg tokens per sample: 479.3290816326531
-----------------
## Stats for 'total' (132540 samples (100.0%))
-----------------
Accepted: 132540/132540 (100.0%)
Accepted tokens: 67530728
Skipped: 0 (0.0%)
Min tokens per sample: 19
Max tokens per sample: 5507
Avg tokens per sample: 509.51205673758864
-----------------
```
|
[
-0.3779103755950928,
-0.7354752421379089,
0.1448376476764679,
0.4813501834869385,
-0.26259881258010864,
-0.244381383061409,
-0.15698006749153137,
-0.49541687965393066,
0.37397995591163635,
0.1940864622592926,
-0.6436427235603333,
-0.6911972165107727,
-0.6095292568206787,
0.10664261132478714,
-0.3510795831680298,
0.9622354507446289,
0.0730961337685585,
0.09715966135263443,
0.06502117216587067,
-0.21150079369544983,
-0.33102691173553467,
-0.39449527859687805,
-0.6879415512084961,
-0.14776311814785004,
0.3350100517272949,
0.3935936689376831,
0.45403698086738586,
0.43927910923957825,
0.5304719805717468,
0.3109026849269867,
-0.19119468331336975,
-0.007896766997873783,
-0.4587225914001465,
0.1467084288597107,
0.1397610902786255,
-0.399878591299057,
-0.6299072504043579,
0.1339222490787506,
0.5597261190414429,
0.29160240292549133,
-0.11478547006845474,
0.2829185426235199,
0.0601772703230381,
0.42424261569976807,
-0.4558527171611786,
0.21042507886886597,
-0.3351442217826843,
0.046073444187641144,
-0.20859339833259583,
-0.11899182200431824,
-0.38084396719932556,
-0.2497067153453827,
0.05659343674778938,
-0.6274283528327942,
0.19384858012199402,
0.08891405165195465,
1.1264499425888062,
0.17213605344295502,
-0.27491793036460876,
-0.3168795108795166,
-0.5065160393714905,
0.900432288646698,
-0.7987335920333862,
0.4220699369907379,
0.46494659781455994,
0.2742462754249573,
-0.20555874705314636,
-0.8941832780838013,
-0.5332103967666626,
-0.2516588866710663,
-0.29396629333496094,
0.2126964032649994,
-0.531366229057312,
-0.15206904709339142,
0.2353585660457611,
0.2886962592601776,
-0.5960643887519836,
-0.016207251697778702,
-0.43924176692962646,
-0.3003504276275635,
0.724513590335846,
0.18766188621520996,
0.057627227157354355,
-0.23841147124767303,
-0.5053266286849976,
-0.3980235457420349,
-0.5600831508636475,
0.12817707657814026,
0.21594247221946716,
0.194529190659523,
-0.3465084433555603,
0.6823505759239197,
-0.24336592853069305,
0.5909988284111023,
0.0362711064517498,
-0.20089589059352875,
0.49140989780426025,
-0.5305612683296204,
-0.5712772607803345,
-0.29571494460105896,
1.1194604635238647,
0.3578113317489624,
0.07462872564792633,
0.27083292603492737,
-0.32928186655044556,
-0.20427916944026947,
-0.1797657012939453,
-0.777631938457489,
-0.1041146069765091,
0.24683906137943268,
-0.372071772813797,
-0.3776356279850006,
0.016093958169221878,
-0.7780361175537109,
-0.22084206342697144,
0.07166147977113724,
0.3321804702281952,
-0.5558351278305054,
-0.17960765957832336,
0.04675376042723656,
-0.13844966888427734,
0.3366127908229828,
0.2487652599811554,
-0.6325494050979614,
0.08076885342597961,
0.4021211862564087,
0.8066534996032715,
-0.03166821971535683,
-0.2348608523607254,
-0.39215677976608276,
-0.16717056930065155,
-0.20245547592639923,
0.5772147178649902,
-0.13930530846118927,
-0.5629257559776306,
-0.16820839047431946,
0.12276928126811981,
-0.1264781802892685,
-0.3950664699077606,
0.6363555192947388,
-0.41185227036476135,
0.6213812828063965,
-0.23487330973148346,
-0.4669937193393707,
-0.12020431458950043,
0.13996243476867676,
-0.4661760628223419,
1.2298734188079834,
0.13585828244686127,
-0.7998351454734802,
0.19449304044246674,
-0.7554596662521362,
-0.3628111183643341,
-0.16138555109500885,
-0.05138034000992775,
-0.35694900155067444,
-0.2223440706729889,
0.2877718508243561,
0.5640220046043396,
-0.41507747769355774,
0.35970383882522583,
-0.11435268819332123,
-0.2763753831386566,
0.39260992407798767,
-0.5591973066329956,
1.310948371887207,
0.42371198534965515,
-0.6632527709007263,
0.19093216955661774,
-0.6620720624923706,
-0.08825075626373291,
0.22710472345352173,
-0.4049597680568695,
0.07178536057472229,
-0.34155699610710144,
0.3121796250343323,
0.3003726005554199,
0.1495404988527298,
-0.42498689889907837,
0.03870265185832977,
-0.5739736557006836,
0.3051612675189972,
0.9461818933486938,
-0.09096718579530716,
0.3955201208591461,
-0.5168098211288452,
0.6903365254402161,
0.10410243272781372,
0.30313026905059814,
0.12389806658029556,
-0.7467076182365417,
-1.1236242055892944,
-0.49082115292549133,
0.20551009476184845,
0.7057222127914429,
-0.6102409362792969,
0.7676251530647278,
-0.2074035257101059,
-0.6682068109512329,
-0.5834771990776062,
0.036667462438344955,
0.4976073205471039,
0.5957966446876526,
0.31429463624954224,
-0.29067903757095337,
-0.531460165977478,
-0.9349984526634216,
0.0802188292145729,
-0.36302879452705383,
-0.06299301236867905,
0.387788325548172,
0.7506466507911682,
-0.2880113422870636,
1.087387204170227,
-0.5258952975273132,
-0.35090962052345276,
-0.2675250768661499,
-0.07273980230093002,
0.47094327211380005,
0.5508010983467102,
0.7049891352653503,
-0.6349421739578247,
-0.5391000509262085,
-0.2526209354400635,
-0.8111495971679688,
-0.15986685454845428,
0.018376873806118965,
-0.23099873960018158,
0.5044439435005188,
0.293312668800354,
-0.7355197668075562,
0.44945380091667175,
0.4831993877887726,
-0.6458064317703247,
0.5096740126609802,
-0.12638987600803375,
0.0006488968501798809,
-1.1284922361373901,
0.26048219203948975,
0.01362652238458395,
-0.12352900207042694,
-0.6664511561393738,
-0.06207466870546341,
-0.16567668318748474,
0.10226420313119888,
-0.7133719325065613,
0.9382240772247314,
-0.38126182556152344,
0.04040251672267914,
0.035310156643390656,
0.12465108186006546,
-0.09595313668251038,
0.4824065864086151,
-0.16384989023208618,
0.8704349398612976,
0.6497958898544312,
-0.4595462679862976,
0.3939075171947479,
0.29814019799232483,
-0.4107553958892822,
0.23394587635993958,
-0.8030819892883301,
-0.0287970919162035,
0.0036631717812269926,
0.4079078137874603,
-1.1479620933532715,
-0.30522066354751587,
0.7152984142303467,
-0.6494432687759399,
0.1315881609916687,
0.16116870939731598,
-0.4555589556694031,
-0.3109949827194214,
-0.30306562781333923,
0.1253160983324051,
0.8384078145027161,
-0.2770060896873474,
0.5972772240638733,
0.1907786726951599,
0.03840073570609093,
-0.9624655842781067,
-0.8692106008529663,
-0.19802798330783844,
-0.2923773229122162,
-0.884941577911377,
0.1425703465938568,
-0.15650008618831635,
-0.33282342553138733,
-0.055913783609867096,
0.0666978657245636,
0.026275811716914177,
0.10018002986907959,
0.2896200120449066,
0.28089025616645813,
-0.17870290577411652,
-0.00414564274251461,
-0.1740751415491104,
-0.2626737356185913,
-0.02194889634847641,
-0.1489543914794922,
0.7377930283546448,
-0.44021087884902954,
-0.418282687664032,
-0.6390543580055237,
0.09352811425924301,
0.6502612829208374,
-0.1069875955581665,
0.9260877370834351,
0.755717396736145,
-0.2033907175064087,
0.08530319482088089,
-0.516296923160553,
-0.3770120441913605,
-0.524953305721283,
0.3212220072746277,
-0.16138038039207458,
-0.7396015524864197,
0.6962229013442993,
0.4178341329097748,
0.210948646068573,
0.7963914275169373,
0.6725555062294006,
-0.19555412232875824,
0.6653299331665039,
0.5718160271644592,
-0.14814886450767517,
0.560987114906311,
-0.6110484004020691,
0.06018434092402458,
-0.5732673406600952,
-0.26870834827423096,
-0.44118189811706543,
-0.3350588381290436,
-0.450803279876709,
-0.5561345815658569,
0.446894109249115,
0.17206251621246338,
-0.34889233112335205,
0.3672027587890625,
-0.3915488123893738,
0.1864238679409027,
0.7095059156417847,
-0.041204627603292465,
0.1873083859682083,
0.049581076949834824,
-0.2569401264190674,
0.05672214552760124,
-0.725659966468811,
-0.480011910200119,
1.0861735343933105,
0.50212162733078,
0.5617259740829468,
0.19239374995231628,
0.6553588509559631,
0.14636293053627014,
0.5679514408111572,
-0.5837761759757996,
0.801275372505188,
0.15664485096931458,
-1.0086634159088135,
-0.36901625990867615,
-0.27177736163139343,
-0.919049859046936,
0.2822185158729553,
-0.2504440248012543,
-0.7584030032157898,
0.2616354823112488,
0.1349094808101654,
-0.23180550336837769,
0.17901600897312164,
-0.6948229670524597,
0.7898560166358948,
-0.17395779490470886,
-0.22084231674671173,
-0.05991387739777565,
-0.8232486248016357,
0.4137406349182129,
0.00010258746624458581,
0.26110342144966125,
-0.2540559470653534,
0.08541892468929291,
0.9392583966255188,
-0.3845405876636505,
0.9582451581954956,
-0.15760238468647003,
-0.03148982673883438,
0.3832379877567291,
-0.11460497975349426,
0.5418939590454102,
0.07474242150783539,
-0.16579340398311615,
0.17119936645030975,
-0.21152016520500183,
-0.4441515803337097,
-0.31935545802116394,
0.5977413654327393,
-0.8755344152450562,
-0.7222423553466797,
-0.6414440870285034,
-0.5133044719696045,
0.15715983510017395,
0.20638781785964966,
0.6057928800582886,
0.2473216950893402,
-0.1550413966178894,
0.1952577531337738,
0.4493282735347748,
-0.42575153708457947,
0.584718644618988,
0.5209300518035889,
-0.305666446685791,
-0.5201624631881714,
0.6957918405532837,
-0.0101828807964921,
0.31100356578826904,
0.1616768091917038,
0.15742023289203644,
-0.46556615829467773,
-0.35394352674484253,
-0.47029048204421997,
0.4731447994709015,
-0.9603684544563293,
-0.20765312016010284,
-0.6845467686653137,
-0.25039392709732056,
-0.5214503407478333,
-0.18725481629371643,
-0.3229960799217224,
-0.4765760600566864,
-0.5816861987113953,
-0.19600068032741547,
0.6417776942253113,
0.4636756181716919,
-0.20655818283557892,
0.36964213848114014,
-0.5457223653793335,
0.02906646579504013,
0.14294105768203735,
0.09847304970026016,
-0.017352063208818436,
-0.800404965877533,
-0.06036975607275963,
0.1017780527472496,
-0.3724200427532196,
-0.8853532075881958,
0.5724833011627197,
0.025614606216549873,
0.5150939226150513,
0.5376260280609131,
0.12863488495349884,
0.5806970000267029,
-0.14659211039543152,
1.0028083324432373,
0.25994670391082764,
-0.8589120507240295,
0.5529149770736694,
-0.37213435769081116,
0.1145467460155487,
0.47266077995300293,
0.36650973558425903,
-0.6588408350944519,
-0.5453605055809021,
-0.889420747756958,
-0.9490906596183777,
0.8922505378723145,
0.6584929823875427,
0.09487464278936386,
-0.04084451496601105,
0.1436409205198288,
-0.27473586797714233,
0.0519816018640995,
-0.8888979554176331,
-0.7219899892807007,
-0.06825800240039825,
-0.22815625369548798,
-0.3069813847541809,
-0.14296844601631165,
-0.35613396763801575,
-0.4610273241996765,
0.8830283880233765,
0.14481323957443237,
0.6753342747688293,
0.31985071301460266,
0.017383841797709465,
0.006079943850636482,
0.2681961953639984,
0.8682078123092651,
0.6136236190795898,
-0.2826736569404602,
0.008062136359512806,
0.4449770152568817,
-0.6935727596282959,
0.2869957685470581,
0.16976231336593628,
-0.3085908591747284,
0.04519965499639511,
0.556391179561615,
0.9273979067802429,
-0.11673615872859955,
-0.679072916507721,
0.579694390296936,
-0.09730762243270874,
-0.20286014676094055,
-0.5012576580047607,
0.1587606519460678,
0.17978104948997498,
0.32900774478912354,
0.4083385765552521,
0.0632784441113472,
-0.20040610432624817,
-0.38936156034469604,
0.23911072313785553,
0.4289485216140747,
-0.4820493161678314,
-0.16312600672245026,
0.8200861811637878,
0.17050379514694214,
-0.35948917269706726,
0.697157084941864,
-0.15306666493415833,
-0.35762709379196167,
0.8045135140419006,
0.5278418064117432,
0.9184108972549438,
-0.1499640941619873,
0.16186858713626862,
0.4272703528404236,
0.3078557550907135,
0.000326744862832129,
0.28891247510910034,
0.2948729693889618,
-0.7386648654937744,
-0.19919157028198242,
-0.6894478797912598,
-0.10318130254745483,
0.12011194974184036,
-0.5271644592285156,
0.3851258158683777,
-0.32682085037231445,
-0.29834628105163574,
-0.1253686100244522,
0.06213405355811119,
-0.6303710341453552,
0.18628431856632233,
-0.10985920578241348,
1.1544456481933594,
-0.9404566287994385,
0.9320229291915894,
0.6314546465873718,
-0.43928587436676025,
-0.7780405879020691,
-0.1272040754556656,
0.1452515870332718,
-0.8222461342811584,
0.7859848737716675,
0.015330181457102299,
-0.12937745451927185,
0.005152298137545586,
-0.4788985848426819,
-0.9918451905250549,
1.4229350090026855,
0.3324654996395111,
-0.38631489872932434,
0.234324112534523,
0.09675487130880356,
0.6283508539199829,
-0.35603755712509155,
0.49814528226852417,
0.5721333622932434,
0.5811659693717957,
0.27157339453697205,
-0.897752046585083,
0.18635503947734833,
-0.44420111179351807,
-0.23587451875209808,
-0.049268171191215515,
-0.8072103261947632,
0.959915041923523,
-0.1109360009431839,
-0.3007389008998871,
0.03180713579058647,
0.8061113953590393,
0.5083234310150146,
0.3308796286582947,
0.5077464580535889,
0.5316140055656433,
0.8398473858833313,
-0.19231849908828735,
1.0902215242385864,
-0.32768869400024414,
0.4605473577976227,
0.7246434092521667,
0.018133031204342842,
0.7396203279495239,
0.4165613055229187,
-0.23028285801410675,
0.3414761424064636,
0.6977693438529968,
-0.04595685005187988,
0.5726389288902283,
-0.009944290854036808,
-0.33066946268081665,
-0.021945960819721222,
0.031136425212025642,
-0.5422056317329407,
0.34535691142082214,
0.250249981880188,
-0.46789056062698364,
-0.04343833029270172,
0.05858607590198517,
0.2518846392631531,
-0.44075825810432434,
0.1231745257973671,
0.4360504746437073,
0.13762538135051727,
-0.564271092414856,
0.9564161896705627,
0.24750342965126038,
0.8202394843101501,
-0.6265459060668945,
0.24200142920017242,
-0.45227643847465515,
0.20873326063156128,
-0.09943178296089172,
-0.7578200101852417,
0.2674921154975891,
0.17643076181411743,
-0.06173219904303551,
-0.3075701594352722,
0.5357204675674438,
-0.2084835171699524,
-0.6366828083992004,
0.3996121883392334,
0.49112385511398315,
0.359500527381897,
0.2661561369895935,
-0.7641925811767578,
0.062283169478178024,
0.2859061062335968,
-0.6435811519622803,
0.18462686240673065,
0.14279043674468994,
0.0015479553258046508,
0.7780343890190125,
0.6463053226470947,
-0.1048252210021019,
0.13544365763664246,
-0.1961744725704193,
0.9647296667098999,
-0.6704900860786438,
-0.3810931444168091,
-0.93500155210495,
0.8170211315155029,
-0.04531116411089897,
-0.6573817133903503,
0.8931126594543457,
0.6294052004814148,
0.7194321751594543,
-0.07210367172956467,
0.7159519791603088,
-0.3649516701698303,
0.2596069574356079,
-0.4528225362300873,
0.7654933333396912,
-0.6740239262580872,
0.37428298592567444,
-0.20174448192119598,
-0.8079081177711487,
-0.33358219265937805,
0.705278217792511,
-0.3436001241207123,
0.04661916568875313,
0.5797975063323975,
1.0304373502731323,
-0.035941075533628464,
-0.0406060665845871,
0.09738606214523315,
0.2789496183395386,
0.4202621281147003,
0.6121416687965393,
0.6765785813331604,
-0.6071748733520508,
0.6232101321220398,
-0.4523942470550537,
-0.22003774344921112,
-0.31187668442726135,
-0.7693338990211487,
-0.9573791027069092,
-0.5838353633880615,
-0.12330721318721771,
-0.6266905665397644,
-0.16313908994197845,
1.0010801553726196,
0.577799379825592,
-0.9237107634544373,
-0.39227187633514404,
0.0009484363836236298,
0.12330277264118195,
-0.1843232661485672,
-0.2515218257904053,
0.5491439700126648,
-0.06667141616344452,
-0.7976016402244568,
0.34729403257369995,
-0.09540805965662003,
0.37622007727622986,
-0.19303078949451447,
-0.35685670375823975,
-0.32840755581855774,
0.05594414472579956,
0.4464840888977051,
0.21592538058757782,
-0.8700610995292664,
-0.17121078073978424,
0.405280739068985,
-0.3969784080982208,
0.08657366037368774,
0.27336013317108154,
-0.5459844470024109,
0.19800306856632233,
0.62038654088974,
0.1878415197134018,
0.6941666603088379,
-0.052095044404268265,
0.40572118759155273,
-0.8344578742980957,
0.47192803025245667,
0.25923630595207214,
0.3787212371826172,
0.13004186749458313,
-0.35069242119789124,
0.6617262363433838,
0.39648544788360596,
-0.4733256995677948,
-0.7913995385169983,
0.09559168666601181,
-0.9500114917755127,
-0.24289564788341522,
1.2980648279190063,
-0.20227119326591492,
-0.16968971490859985,
0.0241940189152956,
-0.20996052026748657,
0.2851024866104126,
-0.5167533159255981,
0.5007739067077637,
0.7602266073226929,
-0.2778445780277252,
-0.1243463084101677,
-0.6338822841644287,
0.4951663911342621,
0.4698818027973175,
-0.7134971022605896,
-0.06519762426614761,
0.4975971579551697,
0.37356439232826233,
0.2859940528869629,
1.0135204792022705,
0.13203474879264832,
0.15242281556129456,
-0.12631197273731232,
0.10687731951475143,
-0.08301225304603577,
-0.23745417594909668,
-0.4673001766204834,
0.0852263942360878,
-0.1531231701374054,
-0.23396779596805573
] |
timm/convnextv2_tiny.fcmae
|
timm
| 2023-11-22T16:12:39Z | 5,004 | 1 |
timm
|
[
"timm",
"pytorch",
"safetensors",
"feature-extraction",
"arxiv:2301.00808",
"license:cc-by-nc-4.0",
"region:us"
] |
feature-extraction
| 2023-01-05T01:56:19Z |
---
license: cc-by-nc-4.0
tags:
- feature-extraction
- timm
library_tag: timm
---
# Model card for convnextv2_tiny.fcmae
A ConvNeXt-V2 self-supervised feature representation model. Pretrained with a fully convolutional masked autoencoder framework (FCMAE). This model has no pretrained head and is only useful for fine-tune or feature extraction.
## Model Details
- **Model Type:** Image classification / feature backbone
- **Model Stats:**
- Params (M): 27.9
- GMACs: 4.5
- Activations (M): 13.4
- Image size: 224 x 224
- **Papers:**
- ConvNeXt V2: Co-designing and Scaling ConvNets with Masked Autoencoders: https://arxiv.org/abs/2301.00808
- **Original:** https://github.com/facebookresearch/ConvNeXt-V2
- **Pretrain Dataset:** ImageNet-1k
## 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('convnextv2_tiny.fcmae', 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(
'convnextv2_tiny.fcmae',
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(
'convnextv2_tiny.fcmae',
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
@article{Woo2023ConvNeXtV2,
title={ConvNeXt V2: Co-designing and Scaling ConvNets with Masked Autoencoders},
author={Sanghyun Woo, Shoubhik Debnath, Ronghang Hu, Xinlei Chen, Zhuang Liu, In So Kweon and Saining Xie},
year={2023},
journal={arXiv preprint arXiv:2301.00808},
}
```
```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.9597649574279785,
-0.4305509030818939,
-0.04773138836026192,
0.5090988278388977,
-0.4276350736618042,
-0.22268369793891907,
-0.17882730066776276,
-0.4785500168800354,
0.9133191108703613,
0.24494442343711853,
-0.6190989017486572,
-0.5272223353385925,
-0.7208331227302551,
-0.06082317605614662,
0.09874282777309418,
0.9224346876144409,
-0.027643617242574692,
-0.1453523188829422,
0.2509484887123108,
-0.3865208327770233,
-0.24610549211502075,
-0.39085161685943604,
-0.8465107679367065,
-0.20737195014953613,
0.2430793046951294,
0.3322019875049591,
0.7870093584060669,
0.6361475586891174,
0.3952377438545227,
0.5508649945259094,
-0.2026122361421585,
0.17701159417629242,
-0.19975127279758453,
-0.34786364436149597,
0.54521244764328,
-0.41671058535575867,
-0.928493082523346,
0.24527530372142792,
0.8120555281639099,
0.5298124551773071,
0.07267782092094421,
0.24039624631404877,
0.36011064052581787,
0.4716585874557495,
0.0401739738881588,
-0.05167315527796745,
-0.08893068134784698,
0.18500186502933502,
-0.23986899852752686,
0.043525330722332,
0.08198455721139908,
-0.6755343675613403,
0.35109344124794006,
-0.5841955542564392,
0.017081715166568756,
-0.0006238174391910434,
1.3588500022888184,
-0.08229564130306244,
-0.25707098841667175,
-0.009137596935033798,
0.1271960437297821,
0.7345698475837708,
-0.7850326299667358,
0.28582826256752014,
0.43927451968193054,
-0.10471263527870178,
-0.17966093122959137,
-0.6915483474731445,
-0.6213116645812988,
-0.030882099643349648,
-0.42427992820739746,
0.22353476285934448,
-0.3816986083984375,
-0.07456602901220322,
0.5716500282287598,
0.47334349155426025,
-0.5270089507102966,
-0.06697332859039307,
-0.3343563675880432,
-0.13360825181007385,
0.8318718075752258,
-0.12329254299402237,
0.6385239958763123,
-0.3694486618041992,
-0.634228527545929,
-0.2785800099372864,
-0.21681667864322662,
0.43191033601760864,
0.19730475544929504,
-0.06666858494281769,
-1.0078517198562622,
0.5295288562774658,
0.114078089594841,
0.24949714541435242,
0.3725103735923767,
-0.16373954713344574,
0.7702530026435852,
-0.2624416947364807,
-0.5707926750183105,
-0.3374813199043274,
1.232086181640625,
0.7011125087738037,
0.4336458444595337,
0.1349850744009018,
0.045940715819597244,
-0.07875275611877441,
-0.4953393340110779,
-1.0384414196014404,
-0.20324930548667908,
0.38831329345703125,
-0.5687283873558044,
-0.13661213219165802,
0.34587693214416504,
-0.82939213514328,
0.12162623554468155,
-0.13262690603733063,
0.22784864902496338,
-0.804768443107605,
-0.42586129903793335,
-0.14249838888645172,
-0.3664558231830597,
0.4216618835926056,
0.28464406728744507,
-0.4120224416255951,
0.3333064615726471,
0.299477756023407,
1.0075281858444214,
0.3074243366718292,
-0.12731865048408508,
-0.43918970227241516,
-0.1532731056213379,
-0.3623979389667511,
0.3508912920951843,
0.17245523631572723,
-0.15656141936779022,
-0.2847342789173126,
0.44799280166625977,
-0.14349006116390228,
-0.436757355928421,
0.38594913482666016,
0.29698824882507324,
0.11297184228897095,
-0.40380147099494934,
-0.36937686800956726,
-0.26060259342193604,
0.36777418851852417,
-0.5267115831375122,
1.0844439268112183,
0.49603188037872314,
-1.038680076599121,
0.30567654967308044,
-0.49974557757377625,
-0.07461085915565491,
-0.3319932222366333,
0.0500696562230587,
-0.7944984436035156,
-0.11083437502384186,
0.2753843069076538,
0.747772216796875,
-0.13839371502399445,
-0.13845093548297882,
-0.3751048147678375,
-0.050821010023355484,
0.3434796929359436,
0.10485430806875229,
0.9615837931632996,
0.1920902580022812,
-0.5269559621810913,
0.00216408702544868,
-0.6485921144485474,
0.3247387111186981,
0.408293217420578,
0.027171878144145012,
-0.07157473266124725,
-0.8108975291252136,
0.04150412231683731,
0.6002953052520752,
0.20527222752571106,
-0.5075114369392395,
0.2855493426322937,
-0.2459188997745514,
0.42081546783447266,
0.6491494178771973,
-0.06763575226068497,
0.33537757396698,
-0.5871902108192444,
0.5603187680244446,
0.09930967539548874,
0.2608042061328888,
-0.06868474930524826,
-0.38565918803215027,
-0.791185200214386,
-0.7013499140739441,
0.23422609269618988,
0.4748445749282837,
-0.48476487398147583,
0.7476041913032532,
0.17071206867694855,
-0.5970746874809265,
-0.7907686233520508,
0.25882717967033386,
0.5332657098770142,
0.21197539567947388,
0.2271556556224823,
-0.37301793694496155,
-0.7075451612472534,
-0.9805752038955688,
-0.11038587987422943,
0.0949765294790268,
-0.07170215994119644,
0.6459348201751709,
0.37887343764305115,
-0.08414299041032791,
0.5976184010505676,
-0.4249451458454132,
-0.334564208984375,
-0.13830538094043732,
-0.07073530554771423,
0.40298953652381897,
0.8294070363044739,
1.2106168270111084,
-0.8765201568603516,
-0.9371613264083862,
0.006411056965589523,
-1.1507428884506226,
0.012172438204288483,
-0.0519011951982975,
-0.42435166239738464,
0.2782101333141327,
0.287600576877594,
-1.0207029581069946,
0.6861847639083862,
0.4085729420185089,
-0.6273128986358643,
0.43480581045150757,
-0.27880972623825073,
0.322051465511322,
-1.0026843547821045,
0.22782602906227112,
0.2748485207557678,
-0.3601718246936798,
-0.533765971660614,
0.07486291229724884,
-0.09732227027416229,
0.1555289626121521,
-0.6539603471755981,
0.9372960329055786,
-0.7477313876152039,
0.0542759969830513,
0.018936388194561005,
0.1509861797094345,
0.03342987596988678,
0.523772120475769,
-0.002350038615986705,
0.49384254217147827,
0.7903869152069092,
-0.2901601195335388,
0.4570498764514923,
0.5156763792037964,
-0.030146673321723938,
0.7704069018363953,
-0.6646134257316589,
0.13797682523727417,
0.11807388067245483,
0.47231021523475647,
-0.9463839530944824,
-0.4441911578178406,
0.6045056581497192,
-0.7917635440826416,
0.5241901278495789,
-0.2627827227115631,
-0.38493478298187256,
-0.8379817008972168,
-0.8837881684303284,
0.2625108063220978,
0.6266461610794067,
-0.6628091931343079,
0.15356506407260895,
0.3282303214073181,
0.06314560770988464,
-0.5961481928825378,
-0.6908689737319946,
-0.05496160686016083,
-0.41406238079071045,
-0.8771389126777649,
0.39875495433807373,
0.10738483816385269,
-0.12393979728221893,
-0.007591579109430313,
-0.028090883046388626,
-0.055406421422958374,
-0.1662939041852951,
0.5246856212615967,
0.403917133808136,
-0.27866485714912415,
-0.3635401129722595,
-0.2912389636039734,
-0.12699276208877563,
0.048481713980436325,
-0.14014196395874023,
0.5613857507705688,
-0.32801151275634766,
0.15952254831790924,
-1.069454550743103,
0.2539309859275818,
0.6627604961395264,
-0.045765362679958344,
0.899570882320404,
1.0808852910995483,
-0.48546987771987915,
0.1369652897119522,
-0.42222052812576294,
-0.1801198273897171,
-0.5348721146583557,
-0.12365361303091049,
-0.5471670031547546,
-0.6932272911071777,
0.8287560343742371,
0.20228558778762817,
-0.10793711990118027,
0.7514776587486267,
0.3660185933113098,
-0.26672863960266113,
0.8978927135467529,
0.5437763333320618,
-0.08536054193973541,
0.591669499874115,
-0.9394082427024841,
0.03768419474363327,
-0.8589999675750732,
-0.6438194513320923,
-0.10138358920812607,
-0.5922724604606628,
-0.7609999775886536,
-0.44924625754356384,
0.2786751091480255,
0.48895105719566345,
-0.10382720828056335,
0.6980620622634888,
-0.6072927117347717,
-0.08085300773382187,
0.4973887503147125,
0.2953126132488251,
-0.27905455231666565,
-0.23302412033081055,
-0.12429377436637878,
-0.2456434816122055,
-0.5863654613494873,
-0.1512642651796341,
0.7064663171768188,
0.6802258491516113,
0.39229869842529297,
0.0061781397089362144,
0.5281361937522888,
-0.015021187253296375,
0.31208786368370056,
-0.5402517914772034,
0.736640989780426,
-0.05452653393149376,
-0.5386412143707275,
-0.2144622504711151,
-0.45446401834487915,
-0.9938097596168518,
0.18108069896697998,
-0.37708401679992676,
-0.8558725714683533,
-0.10374601930379868,
0.22308094799518585,
-0.3113892078399658,
0.5359810590744019,
-0.7040418982505798,
0.7941057085990906,
-0.07818479835987091,
-0.5019768476486206,
0.09725922346115112,
-0.9131832718849182,
0.2818714678287506,
0.4241325855255127,
-0.07301195710897446,
-0.18699179589748383,
0.14594614505767822,
0.8250603675842285,
-0.8946998119354248,
0.5038576722145081,
-0.3980662226676941,
0.046295106410980225,
0.580754280090332,
-0.03439570218324661,
0.44798022508621216,
0.17590400576591492,
0.014646705240011215,
0.048004962503910065,
0.16609393060207367,
-0.6595383882522583,
-0.41986677050590515,
0.7036207318305969,
-0.7140158414840698,
-0.42879655957221985,
-0.5686262845993042,
-0.2784111201763153,
0.18400119245052338,
0.01602090895175934,
0.6391850709915161,
0.577846348285675,
-0.14686383306980133,
0.18370482325553894,
0.5647611021995544,
-0.33905553817749023,
0.5509694814682007,
-0.16572235524654388,
-0.016761470586061478,
-0.533782422542572,
0.8011760711669922,
0.047382552176713943,
0.11786279827356339,
0.03713888302445412,
0.055776264518499374,
-0.4452507793903351,
-0.14695528149604797,
-0.1699495017528534,
0.6861133575439453,
-0.2337356060743332,
-0.3838980793952942,
-0.6746839284896851,
-0.46225473284721375,
-0.6364284157752991,
-0.32820990681648254,
-0.438890665769577,
-0.319121778011322,
-0.393029123544693,
0.07978447526693344,
0.7299186587333679,
0.5582312941551208,
-0.4227767586708069,
0.44747889041900635,
-0.6453244090080261,
0.3572072684764862,
0.09865549206733704,
0.40783455967903137,
-0.30484819412231445,
-0.582574188709259,
0.02623308263719082,
0.03398381918668747,
-0.23079898953437805,
-0.7638853788375854,
0.6566497683525085,
0.1457156538963318,
0.3819572925567627,
0.5431932210922241,
-0.31506747007369995,
0.8053642511367798,
-0.10451266169548035,
0.5306480526924133,
0.5839498043060303,
-0.9034472703933716,
0.46460583806037903,
-0.38617873191833496,
0.10624881088733673,
0.18752160668373108,
0.36012566089630127,
-0.5096743106842041,
-0.33813175559043884,
-0.9822877645492554,
-0.5888640284538269,
0.7165425419807434,
0.167568176984787,
0.006355542689561844,
0.04620850458741188,
0.6487658023834229,
-0.10098730027675629,
0.1582420915365219,
-0.5522868633270264,
-0.7831867337226868,
-0.25602585077285767,
-0.13744127750396729,
-0.1044110432267189,
-0.10200348496437073,
-0.031153928488492966,
-0.6995338797569275,
0.47127586603164673,
-0.13782280683517456,
0.6103204488754272,
0.28570085763931274,
-0.024591635912656784,
-0.028822990134358406,
-0.32396984100341797,
0.5748879313468933,
0.3607242703437805,
-0.2904268801212311,
-0.1098223477602005,
0.36520618200302124,
-0.4996415674686432,
0.03904524818062782,
0.29118451476097107,
0.0871100053191185,
0.24166075885295868,
0.31553035974502563,
0.635108232498169,
0.2775552272796631,
-0.174135223031044,
0.6465680003166199,
-0.22449281811714172,
-0.40853455662727356,
-0.33560910820961,
-0.03256858140230179,
0.17051610350608826,
0.45222216844558716,
0.21233367919921875,
0.05115032568573952,
-0.28721097111701965,
-0.6224282383918762,
0.5965226888656616,
0.7988591194152832,
-0.4791155159473419,
-0.5822479128837585,
0.700126051902771,
-0.07086540013551712,
-0.08946356922388077,
0.5310819149017334,
-0.10244380682706833,
-0.7324687838554382,
1.041128396987915,
0.2977760434150696,
0.5939438939094543,
-0.5915714502334595,
0.2665051817893982,
0.8995479345321655,
0.021464280784130096,
0.13163065910339355,
0.3327082395553589,
0.33564990758895874,
-0.417657732963562,
0.055575862526893616,
-0.6345208883285522,
0.1936367303133011,
0.5669622421264648,
-0.49353188276290894,
0.37247827649116516,
-0.7945342063903809,
-0.3516175448894501,
0.19071733951568604,
0.4601952135562897,
-0.8897069096565247,
0.33344611525535583,
0.0853501483798027,
1.1367660760879517,
-0.7945334911346436,
0.9524369835853577,
0.735465407371521,
-0.3673926591873169,
-0.9596055150032043,
-0.1575624644756317,
0.24167129397392273,
-0.8168008923530579,
0.37923485040664673,
0.2482684999704361,
0.23998954892158508,
-0.21569578349590302,
-0.5903037786483765,
-0.5324051976203918,
1.2540037631988525,
0.481578528881073,
-0.190736785531044,
0.10678371787071228,
-0.3371204733848572,
0.40920788049697876,
-0.31162142753601074,
0.49615079164505005,
0.598889946937561,
0.5395299196243286,
0.2368776798248291,
-0.9498925805091858,
0.3871743381023407,
-0.41898679733276367,
-0.16684460639953613,
0.28616607189178467,
-1.4251019954681396,
1.0454061031341553,
-0.3779517412185669,
-0.043652717024087906,
0.19461935758590698,
0.8840183019638062,
0.36386018991470337,
0.06380311399698257,
0.3852640688419342,
0.7054046988487244,
0.47746801376342773,
-0.19944901764392853,
1.1019691228866577,
-0.0057707615196704865,
0.43694373965263367,
0.3130623698234558,
0.5522549152374268,
0.3961760103702545,
0.38538116216659546,
-0.4113892614841461,
0.10058052092790604,
0.8937556147575378,
-0.1942209154367447,
0.14398738741874695,
0.2013719528913498,
-0.1574266105890274,
-0.14729684591293335,
-0.21727673709392548,
-0.6402454972267151,
0.4409237802028656,
0.16981551051139832,
-0.3057020306587219,
0.01503349281847477,
-0.09089135378599167,
0.5188761353492737,
-0.012369254603981972,
-0.15848617255687714,
0.4833822548389435,
0.30253756046295166,
-0.5908315777778625,
0.5451314449310303,
-0.06541363894939423,
1.0024749040603638,
-0.37186554074287415,
0.022744880989193916,
-0.3437482714653015,
0.2928653657436371,
-0.2577785551548004,
-1.1944044828414917,
0.35406890511512756,
-0.14922134578227997,
0.1927906572818756,
-0.0801544338464737,
0.6605924963951111,
-0.4896463453769684,
-0.24315939843654633,
0.5410740375518799,
0.37173306941986084,
0.37998417019844055,
0.06451761722564697,
-1.1810753345489502,
0.2527692914009094,
0.1269361972808838,
-0.5728282928466797,
0.4563160240650177,
0.49369072914123535,
0.2692641615867615,
0.690530002117157,
0.4182564914226532,
0.1765897125005722,
0.07473061233758926,
-0.35454049706459045,
0.8124178647994995,
-0.6793892979621887,
-0.47557005286216736,
-0.900287389755249,
0.4473555386066437,
-0.3512502908706665,
-0.6254264116287231,
0.8235109448432922,
0.4528830647468567,
0.5179688930511475,
0.11670771986246109,
0.543590247631073,
-0.4979451298713684,
0.3617992699146271,
-0.44863370060920715,
0.7428849339485168,
-0.8393493294715881,
-0.2953715920448303,
-0.40420979261398315,
-0.8499734401702881,
-0.30018943548202515,
0.748185396194458,
0.06285955011844635,
0.23627153038978577,
0.3537793457508087,
0.6072951555252075,
-0.06522253155708313,
-0.2749645411968231,
-0.0375627838075161,
0.28154078125953674,
0.06072736158967018,
0.8452016711235046,
0.5206859707832336,
-0.8006770610809326,
0.2289583534002304,
-0.6602790951728821,
-0.3191758394241333,
-0.3645677864551544,
-0.7300013303756714,
-1.1477049589157104,
-0.8008309006690979,
-0.5312530398368835,
-0.6896225214004517,
-0.311224102973938,
1.173187017440796,
1.0003855228424072,
-0.5731738209724426,
-0.1425684094429016,
0.34166836738586426,
0.1368420571088791,
-0.21585866808891296,
-0.27654263377189636,
0.5457218885421753,
0.3384782671928406,
-1.0453826189041138,
-0.2794579863548279,
0.1165701225399971,
0.5775551795959473,
0.28034794330596924,
-0.3911362290382385,
-0.21005505323410034,
-0.04055359214544296,
0.460836797952652,
0.8776151537895203,
-0.7223721742630005,
-0.5073272585868835,
0.02068607322871685,
-0.2896375060081482,
0.2676646411418915,
0.3433850109577179,
-0.42832255363464355,
-0.08300253748893738,
0.5166606903076172,
0.13830769062042236,
0.7853764891624451,
0.12105688452720642,
0.26118171215057373,
-0.6505020260810852,
0.692777693271637,
-0.049496982246637344,
0.36968129873275757,
0.3790678381919861,
-0.41828250885009766,
0.7400568723678589,
0.5161510109901428,
-0.46299678087234497,
-0.988091230392456,
-0.28654181957244873,
-1.4684354066848755,
0.011636963114142418,
0.8214073777198792,
-0.19322048127651215,
-0.5447871685028076,
0.541753888130188,
-0.339816153049469,
0.5332021713256836,
-0.2411133199930191,
0.2964901626110077,
0.37272223830223083,
-0.3246482014656067,
-0.5121917724609375,
-0.5631240010261536,
0.771690845489502,
0.35275891423225403,
-0.690148651599884,
-0.3632076382637024,
-0.00647206325083971,
0.5248938798904419,
0.2017391324043274,
0.8379875421524048,
-0.21600987017154694,
0.1829359084367752,
0.02867213822901249,
0.14831393957138062,
0.030492298305034637,
0.009238244965672493,
-0.20179864764213562,
-0.23802602291107178,
-0.3445267081260681,
-0.6107765436172485
] |
bigcode/starcoderbase-3b
|
bigcode
| 2023-06-30T17:05:55Z | 5,004 | 12 |
transformers
|
[
"transformers",
"pytorch",
"gpt_bigcode",
"text-generation",
"code",
"dataset:bigcode/the-stack-dedup",
"arxiv:1911.02150",
"arxiv:2205.14135",
"arxiv:2207.14255",
"arxiv:2305.06161",
"license:bigcode-openrail-m",
"model-index",
"endpoints_compatible",
"has_space",
"text-generation-inference",
"region:us"
] |
text-generation
| 2023-06-30T16:48:35Z |
---
pipeline_tag: text-generation
inference: true
widget:
- text: 'def print_hello_world():'
example_title: Hello world
group: Python
license: bigcode-openrail-m
datasets:
- bigcode/the-stack-dedup
metrics:
- code_eval
library_name: transformers
tags:
- code
model-index:
- name: StarCoderBase-3B
results:
- task:
type: text-generation
dataset:
type: openai_humaneval
name: HumanEval
metrics:
- name: pass@1
type: pass@1
value: 21.46
verified: false
- task:
type: text-generation
dataset:
type: nuprl/MultiPL-E
name: MultiPL-HumanEval (C++)
metrics:
- name: pass@1
type: pass@1
value: 19.43
verified: false
- task:
type: text-generation
dataset:
type: nuprl/MultiPL-E
name: MultiPL-HumanEval (Java)
metrics:
- name: pass@1
type: pass@1
value: 19.25
verified: false
- task:
type: text-generation
dataset:
type: nuprl/MultiPL-E
name: MultiPL-HumanEval (JavaScript)
metrics:
- name: pass@1
type: pass@1
value: 21.32
verified: false
- task:
type: text-generation
dataset:
type: nuprl/MultiPL-E
name: MultiPL-HumanEval (PHP)
metrics:
- name: pass@1
type: pass@1
value: 18.55
verified: false
- task:
type: text-generation
dataset:
type: nuprl/MultiPL-E
name: MultiPL-HumanEval (Lua)
metrics:
- name: pass@1
type: pass@1
value: 18.04
verified: false
- task:
type: text-generation
dataset:
type: nuprl/MultiPL-E
name: MultiPL-HumanEval (Rust)
metrics:
- name: pass@1
type: pass@1
value: 16.32
verified: false
- task:
type: text-generation
dataset:
type: nuprl/MultiPL-E
name: MultiPL-HumanEval (Swift)
metrics:
- name: pass@1
type: pass@1
value: 9.98
verified: false
- task:
type: text-generation
dataset:
type: nuprl/MultiPL-E
name: MultiPL-HumanEval (Julia)
metrics:
- name: pass@1
type: pass@1
value: 16.10
verified: false
- task:
type: text-generation
dataset:
type: nuprl/MultiPL-E
name: MultiPL-HumanEval (R)
metrics:
- name: pass@1
type: pass@1
value: 10.10
verified: false
extra_gated_prompt: >-
## Model License Agreement
Please read the BigCode [OpenRAIL-M
license](https://huggingface.co/spaces/bigcode/bigcode-model-license-agreement)
agreement before accepting it.
extra_gated_fields:
I accept the above license agreement, and will use the Model complying with the set of use restrictions and sharing requirements: checkbox
---
# StarCoder-3B
3B version of [StarCoderBase](https://huggingface.co/bigcode/starcoderbase).
## Table of Contents
1. [Model Summary](##model-summary)
2. [Use](##use)
3. [Limitations](##limitations)
4. [Training](##training)
5. [License](##license)
6. [Citation](##citation)
## Model Summary
StarCoder-3B is a 3B parameter model trained on 80+ programming languages from [The Stack (v1.2)](https://huggingface.co/datasets/bigcode/the-stack), with opt-out requests excluded. The model uses [Multi Query Attention](https://arxiv.org/abs/1911.02150), [a context window of 8192 tokens](https://arxiv.org/abs/2205.14135), and was trained using the [Fill-in-the-Middle objective](https://arxiv.org/abs/2207.14255) on 1 trillion tokens.
- **Repository:** [bigcode/Megatron-LM](https://github.com/bigcode-project/Megatron-LM)
- **Project Website:** [bigcode-project.org](https://www.bigcode-project.org)
- **Paper:** [💫StarCoder: May the source be with you!](https://arxiv.org/abs/2305.06161)
- **Point of Contact:** [[email protected]](mailto:[email protected])
- **Languages:** 80+ Programming languages
## Use
### Intended use
The model was trained on GitHub code. As such it is _not_ an instruction model and commands like "Write a function that computes the square root." do not work well. However, by using the [Tech Assistant prompt](https://huggingface.co/datasets/bigcode/ta-prompt) you can turn it into a capable technical assistant.
**Feel free to share your generations in the Community tab!**
### Generation
```python
# pip install -q transformers
from transformers import AutoModelForCausalLM, AutoTokenizer
checkpoint = "bigcode/starcoderbase-3b"
device = "cuda" # for GPU usage or "cpu" for CPU usage
tokenizer = AutoTokenizer.from_pretrained(checkpoint)
model = AutoModelForCausalLM.from_pretrained(checkpoint).to(device)
inputs = tokenizer.encode("def print_hello_world():", return_tensors="pt").to(device)
outputs = model.generate(inputs)
print(tokenizer.decode(outputs[0]))
```
### Fill-in-the-middle
Fill-in-the-middle uses special tokens to identify the prefix/middle/suffix part of the input and output:
```python
input_text = "<fim_prefix>def print_hello_world():\n <fim_suffix>\n print('Hello world!')<fim_middle>"
inputs = tokenizer.encode(input_text, return_tensors="pt").to(device)
outputs = model.generate(inputs)
print(tokenizer.decode(outputs[0]))
```
### Attribution & Other Requirements
The pretraining dataset of the model was filtered for permissive licenses only. Nevertheless, the model can generate source code verbatim from the dataset. The code's license might require attribution and/or other specific requirements that must be respected. We provide a [search index](https://huggingface.co/spaces/bigcode/starcoder-search) that let's you search through the pretraining data to identify where generated code came from and apply the proper attribution to your code.
# Limitations
The model has been trained on source code from 80+ programming languages. The predominant natural language in source code is English although other languages are also present. As such the model is capable of generating code snippets provided some context but the generated code is not guaranteed to work as intended. It can be inefficient, contain bugs or exploits. See [the paper](https://drive.google.com/file/d/1cN-b9GnWtHzQRoE7M7gAEyivY0kl4BYs/view) for an in-depth discussion of the model limitations.
# Training
## Model
- **Architecture:** GPT-2 model with multi-query attention and Fill-in-the-Middle objective
- **Pretraining steps:** 500k
- **Pretraining tokens:** 1 trillion
- **Precision:** bfloat16
## Hardware
- **GPUs:** 256 Tesla A100
- **Training time:** 12 days
## Software
- **Orchestration:** [Megatron-LM](https://github.com/bigcode-project/Megatron-LM)
- **Neural networks:** [PyTorch](https://github.com/pytorch/pytorch)
- **BP16 if applicable:** [apex](https://github.com/NVIDIA/apex)
# License
The model is licensed under the BigCode OpenRAIL-M v1 license agreement. You can find the full agreement [here](https://huggingface.co/spaces/bigcode/bigcode-model-license-agreement).
# Citation
```
@article{li2023starcoder,
title={StarCoder: may the source be with you!},
author={Raymond Li and Loubna Ben Allal and Yangtian Zi and Niklas Muennighoff and Denis Kocetkov and Chenghao Mou and Marc Marone and Christopher Akiki and Jia Li and Jenny Chim and Qian Liu and Evgenii Zheltonozhskii and Terry Yue Zhuo and Thomas Wang and Olivier Dehaene and Mishig Davaadorj and Joel Lamy-Poirier and João Monteiro and Oleh Shliazhko and Nicolas Gontier and Nicholas Meade and Armel Zebaze and Ming-Ho Yee and Logesh Kumar Umapathi and Jian Zhu and Benjamin Lipkin and Muhtasham Oblokulov and Zhiruo Wang and Rudra Murthy and Jason Stillerman and Siva Sankalp Patel and Dmitry Abulkhanov and Marco Zocca and Manan Dey and Zhihan Zhang and Nour Fahmy and Urvashi Bhattacharyya and Wenhao Yu and Swayam Singh and Sasha Luccioni and Paulo Villegas and Maxim Kunakov and Fedor Zhdanov and Manuel Romero and Tony Lee and Nadav Timor and Jennifer Ding and Claire Schlesinger and Hailey Schoelkopf and Jan Ebert and Tri Dao and Mayank Mishra and Alex Gu and Jennifer Robinson and Carolyn Jane Anderson and Brendan Dolan-Gavitt and Danish Contractor and Siva Reddy and Daniel Fried and Dzmitry Bahdanau and Yacine Jernite and Carlos Muñoz Ferrandis and Sean Hughes and Thomas Wolf and Arjun Guha and Leandro von Werra and Harm de Vries},
year={2023},
eprint={2305.06161},
archivePrefix={arXiv},
primaryClass={cs.CL}
}
```
|
[
-0.6064502000808716,
-0.5296653509140015,
0.39556407928466797,
0.16827671229839325,
-0.179611936211586,
-0.299408495426178,
-0.1812373548746109,
-0.4249085485935211,
0.05761850252747536,
0.30050066113471985,
-0.5197394490242004,
-0.4082244336605072,
-0.7576959133148193,
0.05482766777276993,
-0.04274216666817665,
1.016510009765625,
-0.07039628177881241,
0.14974863827228546,
-0.067634716629982,
0.018109282478690147,
-0.2670731246471405,
-0.6627736687660217,
-0.2817743420600891,
-0.10100387781858444,
0.44918787479400635,
0.3126780688762665,
0.832300066947937,
0.7537621855735779,
0.5710703134536743,
0.2731010913848877,
-0.17204709351062775,
0.0012703610118478537,
-0.21159574389457703,
-0.40650516748428345,
0.03602539747953415,
-0.2937891185283661,
-0.4561288356781006,
-0.07567112147808075,
0.5946471095085144,
0.33061885833740234,
0.1883404701948166,
0.5768499970436096,
-0.04081806167960167,
0.660403311252594,
-0.5423806309700012,
0.35280841588974,
-0.29921483993530273,
-0.04132189601659775,
0.14997462928295135,
0.0806131511926651,
-0.17886103689670563,
-0.30581092834472656,
-0.3662642538547516,
-0.5212690234184265,
0.23103801906108856,
0.16458666324615479,
1.2216312885284424,
0.3717549741268158,
-0.22585751116275787,
-0.22275130450725555,
-0.7497798204421997,
0.5986001491546631,
-0.7228793501853943,
0.5954684019088745,
0.28844720125198364,
0.3167625665664673,
0.04253198206424713,
-0.9191595911979675,
-0.7804267406463623,
-0.3053174614906311,
-0.08827126026153564,
0.11230642348527908,
-0.3594321012496948,
-0.0817340612411499,
0.5673680901527405,
0.2223103940486908,
-0.7487233281135559,
0.19904741644859314,
-0.8395009636878967,
-0.10291359573602676,
0.5236703753471375,
0.01724003069102764,
0.13277077674865723,
-0.6402490735054016,
-0.47725245356559753,
-0.1795540750026703,
-0.6207032203674316,
0.1258746087551117,
0.26640403270721436,
0.012083690613508224,
-0.34672608971595764,
0.5129846930503845,
-0.004927974194288254,
0.6408025026321411,
0.027967544272542,
0.1234324499964714,
0.4883940815925598,
-0.496907114982605,
-0.3724346458911896,
-0.18031883239746094,
1.0305001735687256,
0.46457353234291077,
0.0617658868432045,
0.02274690754711628,
-0.14110009372234344,
-0.1260603368282318,
0.13726511597633362,
-1.0653358697891235,
-0.2424069195985794,
0.5208683609962463,
-0.38719266653060913,
-0.06521251797676086,
0.16053450107574463,
-0.7884648442268372,
0.039824437350034714,
-0.34909212589263916,
0.5568832159042358,
-0.2529720067977905,
-0.2386975884437561,
0.20921896398067474,
0.036371711641550064,
0.3927463889122009,
-0.08130861073732376,
-0.8247777223587036,
0.13713499903678894,
0.5366155505180359,
0.8166033029556274,
0.3169024586677551,
-0.43792885541915894,
-0.3299393057823181,
-0.04359983652830124,
-0.30851370096206665,
0.2846779227256775,
-0.1976575255393982,
-0.2160879224538803,
-0.2315593957901001,
0.1282951980829239,
-0.07430940121412277,
-0.4345689117908478,
0.28141650557518005,
-0.5841237902641296,
0.2272898107767105,
-0.19446805119514465,
-0.23466762900352478,
-0.25910693407058716,
0.10715548694133759,
-0.6856005787849426,
0.9754503965377808,
0.31129610538482666,
-0.6842004656791687,
0.25296714901924133,
-0.7705671191215515,
-0.019517220556735992,
-0.04073384404182434,
-0.1735028177499771,
-0.7143223881721497,
-0.12282932549715042,
0.44853997230529785,
0.5976575016975403,
-0.47113773226737976,
0.47104448080062866,
-0.2904132306575775,
-0.4895402789115906,
0.14612707495689392,
-0.16844160854816437,
0.9837381839752197,
0.49160972237586975,
-0.6247414350509644,
0.1494462639093399,
-0.5435360074043274,
0.0059318626299500465,
0.3990332782268524,
-0.15147240459918976,
0.32420092821121216,
-0.37458479404449463,
0.1775006651878357,
0.5548226237297058,
0.3921014666557312,
-0.5723189115524292,
0.28153055906295776,
-0.27792930603027344,
0.6413227319717407,
0.5213538408279419,
-0.05211684852838516,
0.17205727100372314,
-0.2451080083847046,
0.6041133403778076,
0.17201262712478638,
0.4853954613208771,
-0.09785066545009613,
-0.4578509032726288,
-0.7696003317832947,
-0.3299863338470459,
0.3774111270904541,
0.4482473134994507,
-0.6868261694908142,
0.7631369233131409,
-0.3130580186843872,
-0.637057900428772,
-0.3789099156856537,
0.019364701583981514,
0.580170750617981,
0.14971625804901123,
0.5008298754692078,
0.06979063898324966,
-0.7177647948265076,
-0.8758053183555603,
0.16153809428215027,
-0.13421796262264252,
0.020177720114588737,
0.33044397830963135,
0.8568740487098694,
-0.38366302847862244,
0.8043739795684814,
-0.6617550253868103,
-0.12026898562908173,
-0.32598191499710083,
-0.2953050136566162,
0.55808025598526,
0.6940691471099854,
0.7162862420082092,
-0.770603597164154,
-0.33983659744262695,
-0.03904830664396286,
-0.7772658467292786,
0.3450327217578888,
0.09662606567144394,
-0.11013474315404892,
0.23183485865592957,
0.7267704606056213,
-0.9222212433815002,
0.44378557801246643,
0.6120469570159912,
-0.39968839287757874,
0.7237143516540527,
-0.17175085842609406,
0.1205015480518341,
-1.347953200340271,
0.5286604762077332,
0.013335456140339375,
0.05855383351445198,
-0.30670812726020813,
0.2678239345550537,
0.2588425576686859,
-0.4873192310333252,
-0.529788613319397,
0.5741972923278809,
-0.5137158632278442,
-0.07319322973489761,
-0.04070642590522766,
-0.18074791133403778,
0.0035462970845401287,
0.8339824676513672,
-0.17178186774253845,
0.8765801787376404,
0.6551873683929443,
-0.6228297352790833,
0.3611654043197632,
0.3727647662162781,
-0.23925527930259705,
0.03138560429215431,
-0.9198603630065918,
0.10406360775232315,
-0.05554640665650368,
0.34657949209213257,
-1.0526670217514038,
-0.2978582978248596,
0.4745202362537384,
-0.8645381331443787,
0.14053355157375336,
-0.4133929908275604,
-0.6415798664093018,
-0.9247700572013855,
-0.19067509472370148,
0.36129841208457947,
0.7489619255065918,
-0.648796558380127,
0.3731406331062317,
0.16413113474845886,
-0.06832216680049896,
-0.5907463431358337,
-0.6311383843421936,
-0.10142794251441956,
-0.058442939072847366,
-0.611619234085083,
0.18129445612430573,
-0.16937412321567535,
0.16436855494976044,
0.07525239884853363,
-0.11939624696969986,
-0.17362666130065918,
-0.11392485350370407,
0.39059650897979736,
0.5015775561332703,
-0.27464890480041504,
-0.26943686604499817,
-0.27233725786209106,
-0.2735590636730194,
0.23421135544776917,
-0.568071722984314,
0.6675525307655334,
-0.2622765600681305,
-0.29997140169143677,
-0.38477009534835815,
0.22196942567825317,
0.8491812348365784,
-0.41177475452423096,
0.7345429062843323,
0.8327900171279907,
-0.506813645362854,
0.020144479349255562,
-0.5722190737724304,
-0.1532454788684845,
-0.531392514705658,
0.6778472065925598,
-0.2259196937084198,
-0.7731966376304626,
0.4937153458595276,
0.21494171023368835,
0.037195540964603424,
0.6108363270759583,
0.4684373736381531,
0.20889030396938324,
0.9139412641525269,
0.5776110887527466,
-0.07171296328306198,
0.37018951773643494,
-0.7384410500526428,
0.3746160566806793,
-0.9334149956703186,
-0.38200655579566956,
-0.6310271620750427,
-0.2352580428123474,
-0.47596287727355957,
-0.5926163196563721,
0.4309702515602112,
0.2894768714904785,
-0.6784346103668213,
0.5463545322418213,
-0.705271303653717,
0.4228028357028961,
0.566460132598877,
0.0664529800415039,
-0.16961362957954407,
0.058474618941545486,
-0.17529629170894623,
0.09985174983739853,
-0.7907409071922302,
-0.3991355299949646,
1.1887551546096802,
0.49651607871055603,
0.5056447386741638,
0.10459382832050323,
0.6671685576438904,
-0.1707787811756134,
-0.000006122786089690635,
-0.5689753890037537,
0.4819597005844116,
-0.025333842262625694,
-0.8484573364257812,
-0.13734248280525208,
-0.5531989932060242,
-1.0286990404129028,
0.1474379599094391,
0.0009134174324572086,
-0.7972182035446167,
0.28125160932540894,
0.1686730682849884,
-0.5994874238967896,
0.4713258445262909,
-0.8415938019752502,
1.0590511560440063,
-0.2198210209608078,
-0.4340263307094574,
0.09086476266384125,
-0.6222977638244629,
0.3889734148979187,
0.06479080766439438,
0.12973947823047638,
0.24656370282173157,
0.07375003397464752,
0.802420973777771,
-0.5136535167694092,
0.613789439201355,
-0.40717774629592896,
0.19004130363464355,
0.37048831582069397,
-0.14250867068767548,
0.5146748423576355,
0.2808597683906555,
-0.031529538333415985,
0.42998766899108887,
-0.06969645619392395,
-0.455163836479187,
-0.40143582224845886,
0.7552077770233154,
-1.1422072649002075,
-0.5212510824203491,
-0.48150208592414856,
-0.3449990153312683,
-0.025586063042283058,
0.3649143576622009,
0.4745587706565857,
0.4461265504360199,
0.24673767387866974,
0.35136768221855164,
0.44961613416671753,
-0.36850401759147644,
0.6635202169418335,
0.29049965739250183,
-0.29171910881996155,
-0.6916574239730835,
0.8936935067176819,
0.1799984574317932,
0.11337161064147949,
0.10846295207738876,
0.07380807399749756,
-0.44692447781562805,
-0.49693164229393005,
-0.6556549072265625,
0.3476693630218506,
-0.6551492214202881,
-0.4094327986240387,
-0.7899078130722046,
-0.5207478404045105,
-0.4992983043193817,
-0.22747093439102173,
-0.4627651870250702,
-0.14329901337623596,
-0.23197327554225922,
0.00929820816963911,
0.5003724098205566,
0.6387110352516174,
-0.01935594342648983,
0.1919795274734497,
-0.7923086881637573,
0.2945181131362915,
0.1351647675037384,
0.4086170792579651,
0.05380846932530403,
-0.5899003744125366,
-0.4961078464984894,
0.06360063701868057,
-0.47126150131225586,
-0.4834772050380707,
0.42756617069244385,
-0.2840670049190521,
0.49667051434516907,
0.03758387640118599,
-0.16873599588871002,
0.6294105052947998,
-0.40854933857917786,
1.100484848022461,
0.47088539600372314,
-0.8257410526275635,
0.42284226417541504,
-0.3485583961009979,
0.47919952869415283,
0.3209477961063385,
0.6350498199462891,
-0.2621368169784546,
-0.039165303111076355,
-0.8816846013069153,
-1.0027196407318115,
0.8681154251098633,
0.20734666287899017,
-0.02255089581012726,
0.09092528373003006,
0.33205893635749817,
-0.19640366733074188,
0.104315847158432,
-0.8348400592803955,
-0.33113253116607666,
-0.39043235778808594,
-0.12307873368263245,
-0.2610388696193695,
-0.09270048886537552,
-0.027416445314884186,
-0.5047895312309265,
0.541598916053772,
0.013180936686694622,
0.8194382190704346,
0.23791472613811493,
-0.14824096858501434,
0.02277378924190998,
0.04015929251909256,
0.5817211270332336,
0.8268594741821289,
-0.2375958114862442,
-0.06307774037122726,
-0.013166121207177639,
-0.7044243812561035,
0.07414835691452026,
0.5106638669967651,
-0.08289880305528641,
-0.05511140078306198,
0.19964861869812012,
0.9540969133377075,
0.212258443236351,
-0.2523380219936371,
0.7160667181015015,
0.13472214341163635,
-0.5836650729179382,
-0.4515523314476013,
0.14156070351600647,
0.21456877887248993,
0.3333298861980438,
0.44363707304000854,
0.3040832579135895,
-0.05706624314188957,
-0.22730422019958496,
0.24989977478981018,
0.10143670439720154,
-0.3521798849105835,
-0.2529809772968292,
1.0366724729537964,
0.04291187971830368,
-0.15321317315101624,
0.605413556098938,
-0.2440069168806076,
-0.6471371650695801,
0.9889276027679443,
0.5312016606330872,
0.8411805033683777,
0.053009454160928726,
0.023644782602787018,
0.8505368828773499,
0.40781351923942566,
0.09214029461145401,
0.2901019752025604,
0.14400508999824524,
-0.3450370728969574,
-0.43548956513404846,
-0.6313037872314453,
-0.16113579273223877,
0.2865695357322693,
-0.5858311057090759,
0.3632011413574219,
-0.7657908201217651,
-0.059575676918029785,
-0.010106192901730537,
0.27095499634742737,
-1.0549789667129517,
0.2705878019332886,
0.20959392189979553,
0.829192578792572,
-0.7310565114021301,
0.6930468678474426,
0.7320818901062012,
-0.7732757925987244,
-1.0583233833312988,
0.07329906523227692,
-0.1489000767469406,
-0.7577575445175171,
0.7699896097183228,
0.27785375714302063,
0.13697440922260284,
0.24610622227191925,
-0.7525299787521362,
-1.0859838724136353,
1.2496411800384521,
0.2493453323841095,
-0.5362902879714966,
0.021732591092586517,
0.026762381196022034,
0.34041640162467957,
-0.08157786726951599,
0.5193820595741272,
0.29553037881851196,
0.5663695931434631,
0.04656191170215607,
-0.9547277688980103,
0.26430508494377136,
-0.4681011140346527,
0.025778878480196,
0.21232381463050842,
-0.9306764006614685,
1.034345030784607,
-0.37971970438957214,
0.09044792503118515,
-0.043225426226854324,
0.6293207406997681,
0.4475235641002655,
0.1576031744480133,
0.27662405371665955,
0.45046234130859375,
0.49150756001472473,
-0.12227774411439896,
1.0703967809677124,
-0.7627779841423035,
0.6193713545799255,
0.649970293045044,
0.019653037190437317,
0.7419595718383789,
0.3586776852607727,
-0.37416958808898926,
0.3469761312007904,
0.5242630243301392,
-0.4075431823730469,
0.22918488085269928,
0.16445210576057434,
0.12187062203884125,
0.004120477009564638,
0.30758264660835266,
-0.7132313251495361,
0.21246200799942017,
0.26420915126800537,
-0.33469900488853455,
-0.11898738890886307,
-0.018097523599863052,
0.20864461362361908,
-0.37183868885040283,
-0.33688971400260925,
0.419122576713562,
-0.0029492711182683706,
-0.7502131462097168,
1.1847927570343018,
0.05539675056934357,
0.6912412047386169,
-0.7033464908599854,
0.041216157376766205,
-0.1684553474187851,
0.29742762446403503,
-0.356743723154068,
-0.6966776847839355,
0.052163317799568176,
0.04137793183326721,
-0.3355477452278137,
0.05852096527814865,
0.2682351768016815,
-0.08006346225738525,
-0.5573083758354187,
0.2538626194000244,
0.09176325798034668,
0.19249790906906128,
-0.017466552555561066,
-0.8036009073257446,
0.3312153220176697,
0.15155281126499176,
-0.4405898153781891,
0.24522283673286438,
0.3225369453430176,
0.16225138306617737,
0.5217741131782532,
0.7145712971687317,
-0.10130590945482254,
0.19574443995952606,
-0.19123205542564392,
1.0754318237304688,
-0.9097118377685547,
-0.5197300910949707,
-0.7890616655349731,
0.6899427175521851,
0.06930545717477798,
-0.7609785795211792,
0.7882241010665894,
0.7983158826828003,
0.8099164366722107,
-0.288728266954422,
0.8226557970046997,
-0.3621363043785095,
0.11254951357841492,
-0.618213415145874,
0.6299561262130737,
-0.5284373164176941,
0.14167389273643494,
-0.3417811691761017,
-1.0860170125961304,
-0.33746564388275146,
0.5672488212585449,
-0.3554501235485077,
0.42787474393844604,
0.8277544975280762,
1.0855132341384888,
-0.28690823912620544,
-0.07364576309919357,
0.24954041838645935,
0.30706802010536194,
0.37162625789642334,
0.8332135677337646,
0.5435225963592529,
-0.7394911646842957,
0.7456114888191223,
-0.25221532583236694,
-0.23743225634098053,
-0.42036083340644836,
-0.5663416385650635,
-0.8078944087028503,
-0.595387876033783,
-0.26021695137023926,
-0.5888004899024963,
0.022452594712376595,
1.0268118381500244,
0.9204027056694031,
-0.6649054884910583,
-0.12999364733695984,
-0.1321428418159485,
-0.14108847081661224,
-0.28329309821128845,
-0.1752622276544571,
0.6658139228820801,
-0.2018454670906067,
-0.6389461755752563,
0.07880131155252457,
-0.09784878045320511,
0.023475926369428635,
-0.3808986246585846,
-0.29235219955444336,
-0.1864939033985138,
-0.17892993986606598,
0.40254873037338257,
0.4134700894355774,
-0.6816245317459106,
-0.2859758734703064,
0.1425437182188034,
-0.3376251459121704,
0.1253359317779541,
0.44997331500053406,
-0.4748305082321167,
0.13887597620487213,
0.3923749327659607,
0.5892249941825867,
0.6303272247314453,
-0.09598904848098755,
0.22449518740177155,
-0.52438884973526,
0.26005861163139343,
0.12742993235588074,
0.3738750219345093,
0.14725501835346222,
-0.498840868473053,
0.4510978162288666,
0.23322676122188568,
-0.8034648299217224,
-0.6848559379577637,
-0.004769050050526857,
-0.9759073853492737,
-0.3798578083515167,
1.4709798097610474,
-0.05594503507018089,
-0.40634727478027344,
0.0680316761136055,
-0.22543106973171234,
0.21622870862483978,
-0.2481301873922348,
0.47004497051239014,
0.501386284828186,
0.11511293798685074,
-0.13532103598117828,
-0.8983962535858154,
0.3653724193572998,
0.23204539716243744,
-0.5962213277816772,
0.08937525004148483,
0.5130009055137634,
0.461709588766098,
0.3483864665031433,
0.44378790259361267,
-0.3320796489715576,
0.4985772967338562,
0.21970760822296143,
0.5257382392883301,
-0.5344287157058716,
-0.40371203422546387,
-0.385354220867157,
0.07571376115083694,
-0.022273344919085503,
-0.450059711933136
] |
TheBloke/Platypus2-70B-Instruct-GPTQ
|
TheBloke
| 2023-09-27T12:45:39Z | 5,003 | 21 |
transformers
|
[
"transformers",
"safetensors",
"llama",
"text-generation",
"en",
"dataset:garage-bAInd/Open-Platypus",
"dataset:Open-Orca/OpenOrca",
"arxiv:2308.07317",
"arxiv:2307.09288",
"base_model:garage-bAInd/Platypus2-70B-instruct",
"license:cc-by-nc-4.0",
"has_space",
"text-generation-inference",
"4-bit",
"region:us"
] |
text-generation
| 2023-08-10T22:14:41Z |
---
language:
- en
license: cc-by-nc-4.0
datasets:
- garage-bAInd/Open-Platypus
- Open-Orca/OpenOrca
model_name: Platypus2 70B Instruct
base_model: garage-bAInd/Platypus2-70B-instruct
inference: false
model_creator: garage-bAInd
model_type: llama
prompt_template: 'Below is an instruction that describes a task. Write a response
that appropriately completes the request.
### Instruction:
{prompt}
### Response:
'
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 -->
# Platypus2 70B Instruct - GPTQ
- Model creator: [garage-bAInd](https://huggingface.co/garage-bAInd)
- Original model: [Platypus2 70B Instruct](https://huggingface.co/garage-bAInd/Platypus2-70B-instruct)
<!-- description start -->
## Description
This repo contains GPTQ model files for [garage-bAInd's Platypus2 70B Instruct](https://huggingface.co/garage-bAInd/Platypus2-70B-instruct).
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/Platypus2-70B-Instruct-AWQ)
* [GPTQ models for GPU inference, with multiple quantisation parameter options.](https://huggingface.co/TheBloke/Platypus2-70B-Instruct-GPTQ)
* [2, 3, 4, 5, 6 and 8-bit GGUF models for CPU+GPU inference](https://huggingface.co/TheBloke/Platypus2-70B-Instruct-GGUF)
* [garage-bAInd's original unquantised fp16 model in pytorch format, for GPU inference and for further conversions](https://huggingface.co/garage-bAInd/Platypus2-70B-instruct)
<!-- repositories-available 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:
```
<!-- prompt-template end -->
<!-- licensing start -->
## Licensing
The creator of the source model has listed its license as `cc-by-nc-4.0`, and this quantization has therefore used that same license.
As this model is based on Llama 2, it is also subject to the Meta Llama 2 license terms, and the license files for that are additionally included. It should therefore be considered as being claimed to be licensed under both licenses. I contacted Hugging Face for clarification on dual licensing but they do not yet have an official position. Should this change, or should Meta provide any feedback on this situation, I will update this section accordingly.
In the meantime, any questions regarding licensing, and in particular how these two licenses might interact, should be directed to the original model repository: [garage-bAInd's Platypus2 70B Instruct](https://huggingface.co/garage-bAInd/Platypus2-70B-instruct).
<!-- licensing 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/Platypus2-70B-Instruct-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-32g-actorder_True](https://huggingface.co/TheBloke/Platypus2-70B-Instruct-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-4bit-64g-actorder_True](https://huggingface.co/TheBloke/Platypus2-70B-Instruct-GPTQ/tree/gptq-4bit-64g-actorder_True) | 4 | 64 | Yes | 0.1 | [wikitext](https://huggingface.co/datasets/wikitext/viewer/wikitext-2-v1/test) | 4096 | 37.99 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/Platypus2-70B-Instruct-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-3bit--1g-actorder_True](https://huggingface.co/TheBloke/Platypus2-70B-Instruct-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/Platypus2-70B-Instruct-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. |
<!-- 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/Platypus2-70B-Instruct-GPTQ:main`
- With Git, you can clone a branch with:
```
git clone --single-branch --branch main https://huggingface.co/TheBloke/Platypus2-70B-Instruct-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/Platypus2-70B-Instruct-GPTQ`.
- To download from a specific branch, enter for example `TheBloke/Platypus2-70B-Instruct-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: `Platypus2-70B-Instruct-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/Platypus2-70B-Instruct-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'''Below is an instruction that describes a task. Write a response that appropriately completes the request.
### Instruction:
{prompt}
### Response:
'''
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: garage-bAInd's Platypus2 70B Instruct
# Platypus2-70B-instruct
Platypus-70B-instruct is a merge of [`garage-bAInd/Platypus2-70B`](https://huggingface.co/garage-bAInd/Platypus2-70B) and [`upstage/Llama-2-70b-instruct-v2`](https://huggingface.co/upstage/Llama-2-70b-instruct-v2).

### Benchmark Metrics
| Metric | Value |
|-----------------------|-------|
| MMLU (5-shot) | 70.48 |
| ARC (25-shot) | 71.84 |
| HellaSwag (10-shot) | 87.94 |
| TruthfulQA (0-shot) | 62.26 |
| Avg. | 73.13 |
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**: **Platypus2-70B** trained by Cole Hunter & Ariel Lee; **Llama-2-70b-instruct** trained by upstageAI
* **Model type:** **Platypus2-70B-instruct** is an auto-regressive language model based on the LLaMA 2 transformer architecture.
* **Language(s)**: English
* **License**: 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-70B` 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-70B` was instruction fine-tuned using LoRA on 8 A100 80GB. For training details and inference instructions please see the [Platypus](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
# change to repo directory
cd lm-evaluation-harness
# check out the correct commit
git checkout b281b0921b636bc36ad05c0b0b0763bd6dd43463
# install
pip install -e .
```
Each task was evaluated on a single A100 80GB GPU.
ARC:
```
python main.py --model hf-causal-experimental --model_args pretrained=garage-bAInd/Platypus2-70B-instruct --tasks arc_challenge --batch_size 1 --no_cache --write_out --output_path results/Platypus2-70B-instruct/arc_challenge_25shot.json --device cuda --num_fewshot 25
```
HellaSwag:
```
python main.py --model hf-causal-experimental --model_args pretrained=garage-bAInd/Platypus2-70B-instruct --tasks hellaswag --batch_size 1 --no_cache --write_out --output_path results/Platypus2-70B-instruct/hellaswag_10shot.json --device cuda --num_fewshot 10
```
MMLU:
```
python main.py --model hf-causal-experimental --model_args pretrained=garage-bAInd/Platypus2-70B-instruct --tasks hendrycksTest-* --batch_size 1 --no_cache --write_out --output_path results/Platypus2-70B-instruct/mmlu_5shot.json --device cuda --num_fewshot 5
```
TruthfulQA:
```
python main.py --model hf-causal-experimental --model_args pretrained=garage-bAInd/Platypus2-70B-instruct --tasks truthfulqa_mc --batch_size 1 --no_cache --write_out --output_path results/Platypus2-70B-instruct/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.4951159954071045,
-0.6647489666938782,
0.1806257665157318,
0.23711448907852173,
-0.4369716942310333,
-0.05474964901804924,
0.03572899103164673,
-0.5003660321235657,
0.19629712402820587,
0.34221455454826355,
-0.5749565958976746,
-0.4186708927154541,
-0.3645906448364258,
-0.11212373524904251,
-0.2031862735748291,
1.0410856008529663,
0.03540191054344177,
-0.29360494017601013,
-0.11765849590301514,
-0.3813789486885071,
-0.3870757520198822,
-0.5081656575202942,
-0.683178722858429,
-0.10970238596200943,
0.3863966763019562,
0.19216082990169525,
0.9539557099342346,
0.4962663948535919,
0.18249553442001343,
0.29974833130836487,
-0.09869878739118576,
-0.021737918257713318,
-0.43960368633270264,
-0.20705144107341766,
0.22915518283843994,
-0.2686645984649658,
-0.6027779579162598,
0.15315327048301697,
0.43987545371055603,
0.16169042885303497,
-0.3093176484107971,
0.23520657420158386,
0.1386568546295166,
0.5633201599121094,
-0.40400177240371704,
0.24376918375492096,
-0.34699323773384094,
0.02448505163192749,
-0.17756381630897522,
0.12211285531520844,
-0.1325649470090866,
-0.33519724011421204,
0.06214814633131027,
-0.9691498279571533,
0.1905469000339508,
-0.10603731125593185,
1.1392074823379517,
0.11641930788755417,
-0.6340028643608093,
0.07495453208684921,
-0.26027700304985046,
0.6092365384101868,
-0.8892261385917664,
0.29944586753845215,
0.5114098787307739,
0.1451134830713272,
-0.20922841131687164,
-0.8853012323379517,
-0.5351770520210266,
-0.05053310841321945,
-0.23177354037761688,
0.32930701971054077,
-0.32841381430625916,
0.0702822282910347,
0.4180661737918854,
0.6738293766975403,
-0.8966161012649536,
-0.16972723603248596,
-0.3230209946632385,
-0.20170964300632477,
0.836624026298523,
0.052210547029972076,
0.3105868399143219,
-0.23998801410198212,
-0.39774176478385925,
-0.5017391443252563,
-0.5733238458633423,
0.20503836870193481,
0.3427458107471466,
-0.02343960851430893,
-0.6041213870048523,
0.4978701174259186,
-0.25734469294548035,
0.41562706232070923,
0.06167446821928024,
-0.20931237936019897,
0.4646938741207123,
-0.5596983432769775,
-0.3958354592323303,
-0.34024086594581604,
1.160800576210022,
0.5003068447113037,
-0.22399339079856873,
0.16071827709674835,
-0.0662565529346466,
0.007284447085112333,
-0.10177448391914368,
-0.8351714611053467,
-0.5559056997299194,
0.4519924223423004,
-0.4556995630264282,
-0.14123161137104034,
0.03101509064435959,
-0.7139639854431152,
-0.05247779190540314,
-0.10222464799880981,
0.5472639799118042,
-0.6346867084503174,
-0.49234795570373535,
0.1146249771118164,
-0.37759265303611755,
0.5965656042098999,
0.3421121835708618,
-0.5580143332481384,
0.5517377853393555,
0.4727626144886017,
0.7789203524589539,
0.11589071154594421,
-0.21243204176425934,
-0.2042674422264099,
0.13728676736354828,
-0.06819009780883789,
0.39951595664024353,
-0.1917935609817505,
-0.3891989290714264,
-0.43425193428993225,
0.3604262173175812,
0.029071107506752014,
-0.27571365237236023,
0.4674690067768097,
-0.2613712549209595,
0.3599138557910919,
-0.4937352240085602,
-0.479072242975235,
-0.45091134309768677,
-0.09158462285995483,
-0.6620001792907715,
1.2330663204193115,
0.5024075508117676,
-0.8850573897361755,
0.1819280982017517,
-0.5625238418579102,
-0.19505763053894043,
0.12069365382194519,
0.08365548402070999,
-0.5136861205101013,
-0.06561046838760376,
0.10809855908155441,
0.25333458185195923,
-0.3167276680469513,
0.15399998426437378,
-0.30513137578964233,
-0.135965034365654,
0.17154817283153534,
-0.3132416307926178,
1.2825506925582886,
0.19772407412528992,
-0.36965617537498474,
-0.06089309975504875,
-0.5743390321731567,
0.11942940950393677,
0.49398618936538696,
-0.1613055169582367,
-0.09304577112197876,
-0.19228799641132355,
0.04381069540977478,
0.15617458522319794,
0.25627827644348145,
-0.40587717294692993,
0.3840849697589874,
-0.1347212940454483,
0.7546413540840149,
0.5624018907546997,
0.03307505324482918,
0.22980999946594238,
-0.4868203401565552,
0.5078479647636414,
-0.02657150849699974,
0.5926138162612915,
0.11747900396585464,
-0.8400896787643433,
-0.6162712574005127,
-0.381017804145813,
0.34340137243270874,
0.6585071086883545,
-0.578300952911377,
0.44229164719581604,
-0.01037423312664032,
-0.6388118863105774,
-0.3483554720878601,
-0.08980334550142288,
0.34764978289604187,
0.29661187529563904,
0.44086208939552307,
-0.45675092935562134,
-0.3769148290157318,
-0.9216748476028442,
0.10133270174264908,
-0.4117644429206848,
-0.007699646987020969,
0.44500648975372314,
0.7356678247451782,
-0.1404590904712677,
0.6815600395202637,
-0.5947890877723694,
-0.058785442262887955,
0.05088726803660393,
0.09247053414583206,
0.2964771091938019,
0.6332525610923767,
0.7857915163040161,
-0.7516759037971497,
-0.5841153264045715,
-0.17069178819656372,
-0.5380061268806458,
-0.11234433948993683,
-0.023101769387722015,
-0.40963152050971985,
0.2400463968515396,
-0.13584399223327637,
-1.2423222064971924,
0.6016035676002502,
0.49824008345603943,
-0.5704578161239624,
0.6626593470573425,
-0.1967749446630478,
0.10237069427967072,
-0.931957483291626,
0.07277467101812363,
0.050273001194000244,
-0.35075101256370544,
-0.4053470194339752,
0.1768510788679123,
0.010660386644303799,
0.1891179382801056,
-0.3342181444168091,
0.5146958231925964,
-0.5039506554603577,
-0.14016664028167725,
0.12248798459768295,
-0.0381416454911232,
0.2810903787612915,
0.4899905025959015,
-0.08993537724018097,
0.7803718447685242,
0.5225102305412292,
-0.36726316809654236,
0.5400428771972656,
0.46767520904541016,
0.04656444489955902,
0.2871154844760895,
-0.7917322516441345,
0.1790275275707245,
0.17316216230392456,
0.43697208166122437,
-1.055161714553833,
-0.25876641273498535,
0.5225927829742432,
-0.5871476531028748,
0.4095233678817749,
-0.29213979840278625,
-0.5772084593772888,
-0.43889009952545166,
-0.694721519947052,
0.39954105019569397,
0.8203704953193665,
-0.4427297115325928,
0.3547433018684387,
0.4345962405204773,
-0.03188403695821762,
-0.5211181044578552,
-0.6588320732116699,
-0.17228364944458008,
-0.31663018465042114,
-0.6647723913192749,
0.45917028188705444,
-0.16014054417610168,
0.010532710701227188,
0.07044975459575653,
-0.0700489804148674,
-0.06006135791540146,
-0.04433323070406914,
0.3806934356689453,
0.304298996925354,
-0.1764308512210846,
-0.13779732584953308,
0.11781499534845352,
-0.0012483084574341774,
0.046822939068078995,
-0.29646286368370056,
0.47959470748901367,
-0.2537561357021332,
0.04817499592900276,
-0.5127938985824585,
0.2077573984861374,
0.5602946877479553,
-0.11079391092061996,
0.6410689353942871,
0.7523807883262634,
-0.32226818799972534,
0.23819032311439514,
-0.5165233016014099,
-0.1324608027935028,
-0.4701823890209198,
0.1373739242553711,
-0.2619105577468872,
-0.6991157531738281,
0.5392246246337891,
0.4452746510505676,
0.11627548187971115,
0.8248563408851624,
0.4031781554222107,
-0.07169689238071442,
0.9756679534912109,
0.3536013066768646,
0.034409355372190475,
0.3992975652217865,
-0.6314234733581543,
-0.18848156929016113,
-0.9353695511817932,
-0.34574294090270996,
-0.2632477879524231,
-0.2918435335159302,
-0.8228154182434082,
-0.5574336647987366,
0.24948541820049286,
0.35616517066955566,
-0.6600378751754761,
0.6157575845718384,
-0.7104240655899048,
0.19009658694267273,
0.6876927018165588,
0.2551051080226898,
0.15239542722702026,
0.05247560143470764,
-0.20899474620819092,
0.05747489258646965,
-0.5980215072631836,
-0.34095823764801025,
1.0895957946777344,
0.40425440669059753,
0.43211477994918823,
0.25400248169898987,
0.4045839309692383,
0.008344997651875019,
0.3051566779613495,
-0.5203390717506409,
0.5982663631439209,
-0.07495985925197601,
-0.6435446739196777,
-0.26529014110565186,
-0.557049572467804,
-0.8921184539794922,
0.34814104437828064,
-0.03561071678996086,
-0.7695085406303406,
0.2757681906223297,
-0.015111986547708511,
-0.3196386396884918,
0.28023457527160645,
-0.7883699536323547,
1.063148021697998,
-0.29752248525619507,
-0.4471871554851532,
-0.11648218333721161,
-0.8228477239608765,
0.4701725244522095,
0.11319290101528168,
0.034045737236738205,
-0.22981256246566772,
-0.30698344111442566,
0.9237343072891235,
-0.9646889567375183,
0.6889131665229797,
-0.39678072929382324,
0.05800798907876015,
0.6242933869361877,
-0.06747307628393173,
0.5406355857849121,
0.298313170671463,
0.1281040757894516,
0.27858293056488037,
0.5064950585365295,
-0.47915929555892944,
-0.2477007657289505,
0.5520156025886536,
-1.0881414413452148,
-0.4559745788574219,
-0.5701475739479065,
-0.5374128818511963,
-0.04992028698325157,
0.003927350044250488,
0.3985641300678253,
0.3109673261642456,
0.13004232943058014,
0.1526978760957718,
0.5995718836784363,
-0.41331052780151367,
0.4412316679954529,
0.4401104748249054,
-0.21205450594425201,
-0.7253410816192627,
0.7688210606575012,
0.0995350182056427,
0.18087098002433777,
0.19402490556240082,
0.14748293161392212,
-0.566821277141571,
-0.43498510122299194,
-0.4980144798755646,
0.4920586943626404,
-0.4740760922431946,
-0.5137965083122253,
-0.5642721056938171,
-0.24484561383724213,
-0.33407363295555115,
0.2526632249355316,
-0.3582608997821808,
-0.749374508857727,
-0.4758048951625824,
-0.0248226597905159,
0.9441995024681091,
0.47552451491355896,
-0.2153301239013672,
0.4335690140724182,
-0.7308163642883301,
0.2900044918060303,
0.41309475898742676,
0.2757759988307953,
-0.1262810081243515,
-0.6958978772163391,
0.17224843800067902,
0.21882285177707672,
-0.5714659094810486,
-1.068204641342163,
0.6188389658927917,
0.2217385470867157,
0.48969024419784546,
0.2881424129009247,
0.13582968711853027,
0.8046464323997498,
-0.12136512994766235,
0.9654114842414856,
0.3146369755268097,
-0.8863197565078735,
0.5333120822906494,
-0.3802604079246521,
0.1046137735247612,
0.42420968413352966,
0.5255361199378967,
-0.24212464690208435,
-0.352306604385376,
-0.8664253950119019,
-0.9070888161659241,
0.6015974283218384,
0.4296320378780365,
-0.017029983922839165,
0.2223077416419983,
0.6220101714134216,
0.09335976839065552,
0.1836719661951065,
-0.8967019319534302,
-0.5002214312553406,
-0.46534737944602966,
-0.08645153790712357,
0.0709218680858612,
-0.17850574851036072,
-0.21652306616306305,
-0.7147260904312134,
0.8774938583374023,
-0.09679391980171204,
0.5688484311103821,
0.3119962811470032,
0.06766670942306519,
-0.12695437669754028,
-0.025658942759037018,
0.39462319016456604,
0.6340988278388977,
-0.33016571402549744,
-0.12786366045475006,
0.10980512946844101,
-0.7790346741676331,
0.10437309741973877,
0.31937289237976074,
-0.03938696160912514,
-0.1161465123295784,
0.11925265938043594,
0.7717421054840088,
-0.09592518955469131,
-0.34316614270210266,
0.540247917175293,
-0.2817241847515106,
-0.41948550939559937,
-0.24309802055358887,
0.09584075212478638,
0.24185872077941895,
0.4023488461971283,
0.3489152193069458,
-0.29442471265792847,
0.18852263689041138,
-0.5045125484466553,
0.17057089507579803,
0.6323187351226807,
0.010107318870723248,
-0.4561317265033722,
0.8350884318351746,
-0.10965479165315628,
0.07249969244003296,
0.6713539958000183,
-0.392088383436203,
-0.470819354057312,
0.8041757345199585,
0.5114172101020813,
0.6614553928375244,
-0.19202861189842224,
0.3244483172893524,
0.5367002487182617,
0.21936145424842834,
-0.04203476011753082,
0.5461752414703369,
-0.06904330849647522,
-0.4511664807796478,
-0.3665841817855835,
-0.6096444725990295,
-0.2419632375240326,
0.41595420241355896,
-0.7155721187591553,
0.1466471552848816,
-0.5167403817176819,
-0.4325127899646759,
-0.12041828781366348,
0.41916462779045105,
-0.47071465849876404,
0.2223774492740631,
0.12020302563905716,
0.9773972034454346,
-0.8225719928741455,
0.9099786877632141,
0.6381803750991821,
-0.39697426557540894,
-0.9646673202514648,
-0.2879832088947296,
0.04946549981832504,
-0.6508908867835999,
0.17304296791553497,
0.06040177121758461,
0.3411789536476135,
-0.028717229142785072,
-0.7800049185752869,
-0.9308579564094543,
1.5419780015945435,
0.3808978497982025,
-0.5705828666687012,
0.07869371026754379,
0.029695166274905205,
0.34557440876960754,
-0.10538781434297562,
0.5739836096763611,
0.5470580458641052,
0.4208410680294037,
0.31220272183418274,
-0.9892503619194031,
0.45010656118392944,
-0.32563579082489014,
0.002350281458348036,
0.2419094443321228,
-1.1042653322219849,
1.0612736940383911,
0.0326722078025341,
-0.18849512934684753,
0.23863667249679565,
0.46806132793426514,
0.4778589904308319,
0.08746148645877838,
0.41287320852279663,
0.898070752620697,
0.8130319714546204,
-0.3354003429412842,
1.1263586282730103,
-0.24938055872917175,
0.641152560710907,
0.8200829029083252,
0.03636853024363518,
0.7971505522727966,
0.33593812584877014,
-0.7544971108436584,
0.45815545320510864,
1.0519921779632568,
-0.12019222974777222,
0.45561859011650085,
-0.009687386453151703,
-0.21875545382499695,
-0.08914027363061905,
0.17130309343338013,
-0.7418797016143799,
0.0350382924079895,
0.4388769865036011,
-0.17289400100708008,
0.11712399125099182,
-0.2331824004650116,
0.0010197877418249846,
-0.7098745107650757,
-0.1776517778635025,
0.5172814130783081,
0.24617353081703186,
-0.29031234979629517,
0.8160588145256042,
-0.06011305749416351,
0.588262140750885,
-0.5299570560455322,
-0.07147637009620667,
-0.37798383831977844,
-0.08202504366636276,
-0.3437064588069916,
-0.8845688104629517,
0.1746305525302887,
-0.2569958567619324,
0.0018935714615508914,
-0.018865736201405525,
0.6197515726089478,
-0.16987748444080353,
-0.3562202751636505,
0.34992340207099915,
0.3454991281032562,
0.3071967661380768,
-0.1170947402715683,
-1.0790904760360718,
0.24910575151443481,
-0.020646607503294945,
-0.5640766024589539,
0.4015664756298065,
0.37471210956573486,
0.12443370372056961,
0.6055939197540283,
0.5296453833580017,
-0.15161624550819397,
0.11356914043426514,
-0.3263787031173706,
0.9647035002708435,
-0.6751362085342407,
-0.32249730825424194,
-0.7117379307746887,
0.6009347438812256,
-0.0669865682721138,
-0.3650765120983124,
0.7262399196624756,
0.7547013759613037,
0.7276492714881897,
0.06904201954603195,
0.6430417895317078,
-0.3877390921115875,
0.22184264659881592,
-0.33869144320487976,
0.5025778412818909,
-0.6845499277114868,
0.12819865345954895,
-0.22427645325660706,
-0.7978630661964417,
-0.11817773431539536,
0.7515926957130432,
-0.13422173261642456,
0.14814473688602448,
0.5370084047317505,
0.7590872645378113,
-0.07271741330623627,
0.1577213555574417,
0.05970725789666176,
0.4679147005081177,
0.05281205475330353,
0.9427304863929749,
0.8751733303070068,
-0.8800056576728821,
0.5113519430160522,
-0.5159875154495239,
-0.25728029012680054,
-0.048168789595365524,
-0.7197331190109253,
-0.6187983751296997,
-0.4509193003177643,
-0.7441460490226746,
-0.605508029460907,
-0.007766119670122862,
0.7670076489448547,
0.7628626227378845,
-0.7300662398338318,
-0.34829697012901306,
-0.14908874034881592,
0.009710069745779037,
-0.20533660054206848,
-0.29451584815979004,
0.3888109624385834,
0.24801695346832275,
-0.42281824350357056,
0.05213906243443489,
0.11490727961063385,
0.3765682876110077,
-0.026235925033688545,
-0.3869491517543793,
-0.2346845269203186,
-0.061966463923454285,
0.5812270045280457,
0.4814421236515045,
-0.6746569275856018,
-0.11684855818748474,
-0.19127841293811798,
-0.07260344922542572,
0.3508986532688141,
0.3057694137096405,
-0.7484334111213684,
-0.03578345477581024,
0.47698235511779785,
0.06980843096971512,
0.8869943618774414,
0.0594123899936676,
0.21159373223781586,
-0.46262529492378235,
0.192452535033226,
0.10374494642019272,
0.3051692545413971,
0.13631905615329742,
-0.40363064408302307,
0.6574104428291321,
0.4820740222930908,
-0.5937247276306152,
-0.8151571750640869,
-0.17556816339492798,
-1.2531626224517822,
-0.2938343286514282,
1.1765512228012085,
-0.18072937428951263,
-0.3679138123989105,
0.04655928537249565,
-0.33235371112823486,
0.379474937915802,
-0.45257386565208435,
0.1647036373615265,
0.38197290897369385,
-0.31828659772872925,
-0.4407185912132263,
-0.9269911646842957,
0.5533307194709778,
0.24542726576328278,
-0.7242766618728638,
-0.015986166894435883,
0.48814842104911804,
0.5619450211524963,
0.039440516382455826,
0.728111982345581,
-0.2585800886154175,
0.36157137155532837,
0.035012386739254,
-0.02791469171643257,
0.05481945350766182,
0.1096421480178833,
-0.34563547372817993,
0.023462781682610512,
-0.06770139932632446,
-0.15044765174388885
] |
kandinsky-community/kandinsky-2-2-decoder-inpaint
|
kandinsky-community
| 2023-10-09T11:33:04Z | 4,996 | 13 |
diffusers
|
[
"diffusers",
"text-to-image",
"kandinsky",
"license:apache-2.0",
"has_space",
"diffusers:KandinskyV22InpaintPipeline",
"region:us"
] |
text-to-image
| 2023-06-16T17:14:36Z |
---
license: apache-2.0
prior:
- kandinsky-community/kandinsky-2-2-prior
tags:
- text-to-image
- kandinsky
inference: false
---
# Kandinsky 2.2
Kandinsky inherits best practices from Dall-E 2 and Latent diffusion while introducing some new ideas.
It uses the CLIP model as a text and image encoder, and diffusion image prior (mapping) between latent spaces of CLIP modalities. This approach increases the visual performance of the model and unveils new horizons in blending images and text-guided image manipulation.
The Kandinsky model is created by [Arseniy Shakhmatov](https://github.com/cene555), [Anton Razzhigaev](https://github.com/razzant), [Aleksandr Nikolich](https://github.com/AlexWortega), [Igor Pavlov](https://github.com/boomb0om), [Andrey Kuznetsov](https://github.com/kuznetsoffandrey) and [Denis Dimitrov](https://github.com/denndimitrov)
## Usage
Kandinsky 2.2 is available in diffusers!
```python
pip install diffusers transformers accelerate
```
### Text Guided Inpainting Generation
```python
from diffusers import AutoPipelineForInpainting
from diffusers.utils import load_image
import torch
import numpy as np
pipe = AutoPipelineForInpainting.from_pretrained("kandinsky-community/kandinsky-2-2-decoder-inpaint", torch_dtype=torch.float16)
pipe.enable_model_cpu_offload()
prompt = "a hat"
init_image = load_image(
"https://huggingface.co/datasets/hf-internal-testing/diffusers-images/resolve/main" "/kandinsky/cat.png"
)
mask = np.zeros((768, 768), dtype=np.float32)
# Let's mask out an area above the cat's head
mask[:250, 250:-250] = 1
out = pipe(
prompt=prompt,
image=init_image,
mask_image=mask,
height=768,
width=768,
num_inference_steps=150,
)
image = out.images[0]
image.save("cat_with_hat.png")
```

🚨🚨🚨 __Breaking change for Kandinsky Mask Inpainting__ 🚨🚨🚨
We introduced a breaking change for Kandinsky inpainting pipeline in the following pull request: https://github.com/huggingface/diffusers/pull/4207. Previously we accepted a mask format where black pixels represent the masked-out area. This is inconsistent with all other pipelines in diffusers. We have changed the mask format in Knaindsky and now using white pixels instead.
Please upgrade your inpainting code to follow the above. If you are using Kandinsky Inpaint in production. You now need to change the mask to:
```python
# For PIL input
import PIL.ImageOps
mask = PIL.ImageOps.invert(mask)
# For PyTorch and Numpy input
mask = 1 - mask
```
## Model Architecture
### Overview
Kandinsky 2.1 is a text-conditional diffusion model based on unCLIP and latent diffusion, composed of a transformer-based image prior model, a unet diffusion model, and a decoder.
The model architectures are illustrated in the figure below - the chart on the left describes the process to train the image prior model, the figure in the center is the text-to-image generation process, and the figure on the right is image interpolation.
<p float="left">
<img src="https://raw.githubusercontent.com/ai-forever/Kandinsky-2/main/content/kandinsky21.png"/>
</p>
Specifically, the image prior model was trained on CLIP text and image embeddings generated with a pre-trained [mCLIP model](https://huggingface.co/M-CLIP/XLM-Roberta-Large-Vit-L-14). The trained image prior model is then used to generate mCLIP image embeddings for input text prompts. Both the input text prompts and its mCLIP image embeddings are used in the diffusion process. A [MoVQGAN](https://openreview.net/forum?id=Qb-AoSw4Jnm) model acts as the final block of the model, which decodes the latent representation into an actual image.
### Details
The image prior training of the model was performed on the [LAION Improved Aesthetics dataset](https://huggingface.co/datasets/bhargavsdesai/laion_improved_aesthetics_6.5plus_with_images), and then fine-tuning was performed on the [LAION HighRes data](https://huggingface.co/datasets/laion/laion-high-resolution).
The main Text2Image diffusion model was trained on the basis of 170M text-image pairs from the [LAION HighRes dataset](https://huggingface.co/datasets/laion/laion-high-resolution) (an important condition was the presence of images with a resolution of at least 768x768). The use of 170M pairs is due to the fact that we kept the UNet diffusion block from Kandinsky 2.0, which allowed us not to train it from scratch. Further, at the stage of fine-tuning, a dataset of 2M very high-quality high-resolution images with descriptions (COYO, anime, landmarks_russia, and a number of others) was used separately collected from open sources.
### Evaluation
We quantitatively measure the performance of Kandinsky 2.1 on the COCO_30k dataset, in zero-shot mode. The table below presents FID.
FID metric values for generative models on COCO_30k
| | FID (30k)|
|:------|----:|
| eDiff-I (2022) | 6.95 |
| Image (2022) | 7.27 |
| Kandinsky 2.1 (2023) | 8.21|
| Stable Diffusion 2.1 (2022) | 8.59 |
| GigaGAN, 512x512 (2023) | 9.09 |
| DALL-E 2 (2022) | 10.39 |
| GLIDE (2022) | 12.24 |
| Kandinsky 1.0 (2022) | 15.40 |
| DALL-E (2021) | 17.89 |
| Kandinsky 2.0 (2022) | 20.00 |
| GLIGEN (2022) | 21.04 |
For more information, please refer to the upcoming technical report.
## BibTex
If you find this repository useful in your research, please cite:
```
@misc{kandinsky 2.2,
title = {kandinsky 2.2},
author = {Arseniy Shakhmatov, Anton Razzhigaev, Aleksandr Nikolich, Vladimir Arkhipkin, Igor Pavlov, Andrey Kuznetsov, Denis Dimitrov},
year = {2023},
howpublished = {},
}
```
|
[
-0.330191045999527,
-0.7189286351203918,
0.5286293029785156,
0.14058524370193481,
-0.27122896909713745,
-0.00008132898074109107,
-0.062136948108673096,
-0.3588367998600006,
0.02482178807258606,
0.39630404114723206,
-0.3190750777721405,
-0.48985937237739563,
-0.5077497363090515,
-0.1964416652917862,
-0.08980479836463928,
0.8912129402160645,
-0.3248787224292755,
0.0362820029258728,
-0.41148823499679565,
0.07429894804954529,
-0.14715413749217987,
-0.06237758323550224,
-0.7139256000518799,
-0.3549950420856476,
0.22988204658031464,
0.3967830538749695,
0.6019174456596375,
0.36804407835006714,
0.474111407995224,
0.23145601153373718,
-0.22279700636863708,
-0.07815014570951462,
-0.5571809411048889,
-0.05068974196910858,
0.22527983784675598,
-0.39479029178619385,
-0.2652333974838257,
-0.12367627769708633,
0.7560114860534668,
0.13318921625614166,
-0.05826681852340698,
-0.1916879564523697,
0.2184237539768219,
0.777192234992981,
-0.5329349637031555,
-0.16628645360469818,
-0.1954139769077301,
0.24183572828769684,
-0.309687077999115,
0.0698821023106575,
-0.36530327796936035,
-0.10890674591064453,
0.21356835961341858,
-0.9544974565505981,
0.23467372357845306,
-0.173561230301857,
1.1685471534729004,
-0.027006112039089203,
-0.3465135991573334,
-0.13914090394973755,
-0.45380347967147827,
0.8881511092185974,
-0.6038633584976196,
0.20458319783210754,
0.3420875072479248,
0.2930140197277069,
-0.13183462619781494,
-0.9288175702095032,
-0.4830223619937897,
-0.07196182012557983,
-0.19308891892433167,
0.47262364625930786,
-0.21676118671894073,
0.05047270655632019,
0.23382197320461273,
0.2964661717414856,
-0.7069809436798096,
-0.12884770333766937,
-0.48884233832359314,
-0.22404657304286957,
0.6890596151351929,
0.0023907541763037443,
0.36900803446769714,
-0.2021407037973404,
-0.5168071985244751,
-0.1951044797897339,
-0.47477856278419495,
-0.010241790674626827,
0.32235968112945557,
-0.46374884247779846,
-0.5232818722724915,
0.45821499824523926,
-0.16173361241817474,
0.4961956739425659,
0.1255360245704651,
-0.2126798778772354,
0.29156574606895447,
-0.3958875238895416,
-0.3808215856552124,
-0.3563510775566101,
1.1088287830352783,
0.42400261759757996,
0.13804012537002563,
0.20989838242530823,
-0.026587307453155518,
-0.2648554742336273,
-0.1622249186038971,
-1.1719411611557007,
-0.542666494846344,
0.1439875364303589,
-0.5464010238647461,
-0.5167726278305054,
-0.18169164657592773,
-0.9961981773376465,
-0.10933960229158401,
0.03526752442121506,
0.6455621719360352,
-0.5676677823066711,
-0.5096079707145691,
0.008611484430730343,
-0.22228552401065826,
0.20208002626895905,
0.4330589771270752,
-0.7067905068397522,
0.23138898611068726,
0.23638615012168884,
1.207288384437561,
-0.08041275292634964,
-0.06016130745410919,
-0.09130319207906723,
-0.07678668946027756,
-0.48918336629867554,
0.7938948273658752,
-0.48032718896865845,
-0.4444575905799866,
-0.09866440296173096,
0.08712638914585114,
0.045294493436813354,
-0.5588337182998657,
0.47987186908721924,
-0.46870261430740356,
0.2907070219516754,
-0.1394456923007965,
-0.4004960358142853,
-0.24258500337600708,
-0.10992759466171265,
-0.43486925959587097,
1.0920524597167969,
0.28776097297668457,
-0.7476655840873718,
0.2462816685438156,
-0.7871137857437134,
-0.08531016856431961,
-0.15831024944782257,
0.11060196906328201,
-0.8101656436920166,
-0.1430014967918396,
0.08659836649894714,
0.47536998987197876,
-0.22686037421226501,
0.20799396932125092,
-0.4159272611141205,
-0.1566891074180603,
0.3288601040840149,
-0.192448690533638,
0.9796838760375977,
0.35416361689567566,
-0.31883150339126587,
0.002116647781804204,
-0.5355561375617981,
-0.2353762686252594,
0.11450065672397614,
-0.06846652179956436,
-0.1319330334663391,
-0.4717960059642792,
0.29505348205566406,
0.3701871633529663,
0.03831508383154869,
-0.5743030309677124,
0.13263316452503204,
-0.35732319951057434,
0.3713851869106293,
0.7069324254989624,
0.26955321431159973,
0.6879922747612,
-0.41398587822914124,
0.6646000742912292,
0.3598104417324066,
0.20823784172534943,
-0.38902613520622253,
-0.721656084060669,
-0.971380889415741,
-0.46264296770095825,
0.20231854915618896,
0.36908483505249023,
-0.8337603807449341,
0.014389815740287304,
0.1220896765589714,
-0.5507050156593323,
-0.28604885935783386,
0.0695524737238884,
0.3883962333202362,
0.5314327478408813,
0.2581775486469269,
-0.3724619150161743,
-0.35804930329322815,
-1.0103768110275269,
0.07444333285093307,
0.11284748464822769,
0.054802462458610535,
0.20597873628139496,
0.6655880212783813,
-0.1287357062101364,
0.8280957937240601,
-0.6172019839286804,
-0.24027667939662933,
0.24895381927490234,
0.19646047055721283,
0.11137882620096207,
0.7659472823143005,
0.466561496257782,
-0.8451541662216187,
-1.0668476819992065,
0.08935379981994629,
-0.883833110332489,
0.08310094475746155,
-0.0516105592250824,
-0.5085936784744263,
0.46133044362068176,
0.5885289311408997,
-0.8044001460075378,
0.5527520775794983,
0.41088080406188965,
-0.3730965554714203,
0.6368764042854309,
-0.13903510570526123,
0.18816831707954407,
-1.2517297267913818,
0.3092205822467804,
0.18161730468273163,
-0.4361821413040161,
-0.8542068004608154,
0.03359368443489075,
0.012126869522035122,
-0.21145513653755188,
-0.6266868710517883,
0.7232156991958618,
-0.6623097658157349,
0.2641372084617615,
-0.24273300170898438,
-0.09607747197151184,
0.1292528361082077,
0.5394481420516968,
0.15151455998420715,
0.6547427773475647,
0.8929882049560547,
-0.4611854553222656,
0.2797085642814636,
0.24216878414154053,
-0.4932659864425659,
0.6703655123710632,
-0.7973377704620361,
0.3767048716545105,
-0.2405073344707489,
0.2947291433811188,
-1.193153738975525,
-0.2164044827222824,
0.7289533019065857,
-0.5846949219703674,
0.48685941100120544,
-0.25426292419433594,
-0.5298047661781311,
-0.08195598423480988,
-0.33176928758621216,
0.6081982254981995,
1.003198266029358,
-0.36010316014289856,
0.438501238822937,
0.09941165149211884,
0.0083520682528615,
-0.4572719931602478,
-0.8022812604904175,
-0.09084253758192062,
-0.4234940707683563,
-0.7369036078453064,
0.46718645095825195,
-0.3212222456932068,
-0.1355166882276535,
0.07619116455316544,
0.2849939465522766,
-0.14532995223999023,
-0.14865413308143616,
0.2505248188972473,
0.1983737051486969,
-0.18721987307071686,
0.019465694203972816,
0.255471408367157,
-0.16394537687301636,
-0.11995777487754822,
-0.22485145926475525,
0.4512200355529785,
0.13796290755271912,
0.006256783381104469,
-0.9654087424278259,
0.22623251378536224,
0.60157710313797,
0.0946732684969902,
0.8205123543739319,
0.9869601726531982,
-0.3578370213508606,
0.26541876792907715,
-0.4482307732105255,
-0.07106251269578934,
-0.4831826984882355,
0.28070223331451416,
-0.41256090998649597,
-0.6548174619674683,
0.5840438008308411,
0.16373346745967865,
-0.1609562784433365,
0.7488361597061157,
0.5629120469093323,
-0.3375738561153412,
0.949895441532135,
0.5111568570137024,
0.36330312490463257,
0.6513026356697083,
-0.8467571139335632,
-0.20858730375766754,
-1.1621583700180054,
-0.4324505925178528,
-0.1335645616054535,
-0.24811652302742004,
-0.3358694612979889,
-0.7249811887741089,
0.490381121635437,
0.4903563857078552,
-0.0320250429213047,
0.11830466985702515,
-0.40977975726127625,
0.4027240574359894,
0.256911039352417,
0.19022899866104126,
0.06846381723880768,
0.3596334457397461,
-0.19552558660507202,
-0.1663205325603485,
-0.597460925579071,
-0.26929402351379395,
1.1466186046600342,
0.5071417689323425,
0.6303988695144653,
0.1095692589879036,
0.5873733758926392,
0.06368472427129745,
0.34863579273223877,
-0.48667678236961365,
0.3943299651145935,
-0.027023639529943466,
-0.507182776927948,
-0.19200116395950317,
-0.22655528783798218,
-0.8483527898788452,
0.2486468106508255,
-0.1972237527370453,
-0.5624827742576599,
0.4584435522556305,
0.31051236391067505,
-0.11959531158208847,
0.19674211740493774,
-0.6828410029411316,
0.893947184085846,
0.24876734614372253,
-0.5889893174171448,
-0.308148592710495,
-0.600054144859314,
0.47779136896133423,
0.03620538488030434,
-0.009517565369606018,
-0.05966721847653389,
-0.13318666815757751,
0.8881983160972595,
-0.4127042591571808,
0.6414774656295776,
-0.32721808552742004,
-0.07022333890199661,
0.41817477345466614,
0.0028168619610369205,
0.35459092259407043,
0.17604531347751617,
-0.04856099933385849,
0.22679930925369263,
0.07297059893608093,
-0.5772988200187683,
-0.5831714272499084,
0.7352926731109619,
-0.6948946714401245,
-0.2848724126815796,
-0.4969324469566345,
-0.3143303692340851,
0.38805896043777466,
0.14076855778694153,
0.8206011652946472,
0.640825629234314,
-0.14027972519397736,
0.25679123401641846,
0.7243641018867493,
-0.25588884949684143,
0.503173828125,
0.2570668160915375,
-0.40998920798301697,
-0.6404942870140076,
0.8260684013366699,
0.11204169690608978,
0.6746500730514526,
0.42941153049468994,
0.30195125937461853,
-0.22741147875785828,
-0.3565194010734558,
-0.5142359137535095,
0.4573996961116791,
-0.7435632348060608,
-0.3658192455768585,
-0.7402687072753906,
-0.2693518102169037,
-0.3461889922618866,
-0.21938268840312958,
-0.2837013602256775,
-0.33059394359588623,
-0.8867179155349731,
0.33776047825813293,
0.4766806662082672,
0.5640081763267517,
-0.20493479073047638,
0.28533366322517395,
-0.2991701364517212,
0.199975848197937,
0.24511581659317017,
0.3226911127567291,
0.11390503495931625,
-0.7800864577293396,
-0.5005700588226318,
0.17934384942054749,
-0.562315821647644,
-0.6966958045959473,
0.31597453355789185,
0.2973170578479767,
0.3168775141239166,
0.3884594440460205,
-0.2982582747936249,
0.5902572870254517,
-0.24017947912216187,
0.8233598470687866,
0.3403226137161255,
-0.7653756141662598,
0.6187950968742371,
-0.4732760787010193,
0.4829687178134918,
0.2632112503051758,
0.4583938419818878,
-0.5342185497283936,
-0.3470156192779541,
-0.8318837881088257,
-0.5250633955001831,
0.7755103707313538,
0.5059136748313904,
-0.03343686833977699,
0.25774896144866943,
0.5188100934028625,
0.0349016971886158,
0.03761456161737442,
-0.766655445098877,
-0.2702675461769104,
-0.316663920879364,
-0.19054293632507324,
-0.2363223135471344,
-0.4360598921775818,
-0.027348199859261513,
-0.39446064829826355,
0.8179234862327576,
-0.005037772003561258,
0.550230860710144,
0.5520030856132507,
-0.25267866253852844,
-0.2316574603319168,
-0.20813101530075073,
0.825497031211853,
0.5448474884033203,
-0.230821892619133,
-0.16131922602653503,
-0.0036804936826229095,
-0.47898149490356445,
0.19020457565784454,
-0.034133803099393845,
-0.3462793231010437,
0.16055046021938324,
0.2778070569038391,
0.9656202793121338,
-0.154776468873024,
-0.38932228088378906,
0.6547715663909912,
-0.015294209122657776,
-0.49531716108322144,
-0.3608514964580536,
0.03230590745806694,
0.03495112434029579,
0.2226017415523529,
0.2607758045196533,
0.391584575176239,
0.3640357255935669,
-0.3071615397930145,
0.12603171169757843,
0.4890598952770233,
-0.4845597445964813,
-0.47515514492988586,
0.5423387885093689,
0.016528133302927017,
-0.22674956917762756,
0.3205038607120514,
-0.1995936781167984,
-0.3434489369392395,
0.7452625632286072,
0.5815199017524719,
0.9966558814048767,
-0.2738153338432312,
0.5238209366798401,
0.6952129602432251,
0.05074726790189743,
-0.08932068198919296,
-0.0202048160135746,
-0.10169167816638947,
-0.5487459897994995,
-0.07515586912631989,
-0.4519745409488678,
0.0875411406159401,
0.16867905855178833,
-0.3815118968486786,
0.4275915324687958,
-0.48708805441856384,
0.043084707111120224,
-0.06673430651426315,
-0.03652201592922211,
-0.6441433429718018,
0.1519119143486023,
-0.09935498982667923,
0.6821014285087585,
-1.0050592422485352,
0.7809525728225708,
0.5344050526618958,
-0.3673136532306671,
-0.43483594059944153,
0.14683103561401367,
-0.0007429493707604706,
-0.552948534488678,
0.6023489236831665,
0.17190685868263245,
-0.06659165024757385,
0.17772378027439117,
-0.7007620930671692,
-0.9453675150871277,
1.3217666149139404,
0.3415434956550598,
-0.3150113821029663,
0.317090779542923,
-0.22659073770046234,
0.6329947113990784,
-0.3379843831062317,
0.5342471599578857,
0.36515405774116516,
0.2103002965450287,
0.26617076992988586,
-0.6696497201919556,
0.009414280764758587,
-0.36975643038749695,
0.4652397334575653,
0.18789857625961304,
-1.0242112874984741,
0.7802981734275818,
-0.10749758780002594,
-0.4671958088874817,
0.40769413113594055,
0.7107571363449097,
0.13428933918476105,
0.23027585446834564,
0.3867432773113251,
0.8604018092155457,
0.3864941895008087,
0.06913415342569351,
0.9766872525215149,
0.08166191726922989,
0.559869110584259,
0.4801829159259796,
0.2155154049396515,
0.6357114315032959,
0.3875940442085266,
-0.27034807205200195,
0.8001859188079834,
0.7117639780044556,
0.06756339967250824,
0.7347557544708252,
0.05700477957725525,
-0.3794293999671936,
0.10715094208717346,
-0.23855683207511902,
-0.5264049172401428,
0.11971478909254074,
0.18871432542800903,
-0.3811052739620209,
0.08122315257787704,
0.38810569047927856,
0.22729580104351044,
-0.13129979372024536,
0.09617198258638382,
0.7562698125839233,
0.11109457910060883,
-0.5049467086791992,
0.8392037749290466,
0.012021401897072792,
0.8796661496162415,
-0.5500810146331787,
-0.22491270303726196,
-0.21681314706802368,
-0.05238640308380127,
-0.24536345899105072,
-0.9557888507843018,
0.26775163412094116,
-0.2204456627368927,
-0.16219455003738403,
-0.22053809463977814,
0.7877984046936035,
-0.6144872307777405,
-0.5706574320793152,
0.26062557101249695,
-0.2590889632701874,
0.4322099983692169,
0.15599305927753448,
-0.8565797805786133,
0.209896057844162,
0.10713209211826324,
-0.36333197355270386,
0.2563212215900421,
0.12521059811115265,
0.3783058226108551,
0.459435373544693,
0.5931509137153625,
-0.10280212759971619,
-0.0684821754693985,
-0.20050983130931854,
0.6667453050613403,
-0.32468077540397644,
-0.4592854678630829,
-0.8757954835891724,
0.8716748952865601,
-0.20662815868854523,
-0.4212433099746704,
0.6250715255737305,
0.7203586101531982,
0.660479724407196,
-0.2003594934940338,
0.5586117506027222,
-0.07937061786651611,
0.24462316930294037,
-0.9481056332588196,
0.8102698922157288,
-0.870115339756012,
-0.1447131633758545,
-0.537388801574707,
-0.9590210914611816,
-0.14759768545627594,
0.6865707635879517,
-0.056263018399477005,
0.2397545427083969,
0.7245252728462219,
1.1131937503814697,
-0.18374070525169373,
-0.4812736213207245,
0.3102450966835022,
0.30361777544021606,
0.36446526646614075,
0.5979216694831848,
0.7535140514373779,
-0.8386608362197876,
0.4181511104106903,
-0.5714550614356995,
-0.26328057050704956,
-0.3248891532421112,
-0.7650558352470398,
-0.8629874587059021,
-1.0161619186401367,
-0.6234983801841736,
-0.502379834651947,
-0.02449727989733219,
0.39741745591163635,
1.0515129566192627,
-0.5223381519317627,
-0.18088872730731964,
-0.2981468141078949,
-0.015406000427901745,
0.04655207693576813,
-0.29519152641296387,
0.3023282587528229,
0.05770125240087509,
-0.7136808037757874,
-0.06339073926210403,
0.4113349914550781,
0.42917725443840027,
-0.34356677532196045,
-0.32486769556999207,
-0.4987812042236328,
-0.19710882008075714,
0.40618133544921875,
0.23475252091884613,
-0.7630936503410339,
-0.09215620160102844,
-0.16837812960147858,
-0.045458581298589706,
0.289225310087204,
0.48083943128585815,
-0.5701768398284912,
0.7620933055877686,
0.6960183382034302,
0.0892113670706749,
1.003016710281372,
-0.23153454065322876,
0.3702397048473358,
-0.5514690279960632,
0.3885461986064911,
0.017217857763171196,
0.050290994346141815,
0.43175917863845825,
-0.5744637846946716,
0.2464032918214798,
0.5162595510482788,
-0.7634868621826172,
-0.790401041507721,
0.1895466148853302,
-0.9949315190315247,
-0.18308578431606293,
1.1129804849624634,
-0.06919675320386887,
-0.21351316571235657,
0.0760001614689827,
-0.41190457344055176,
0.2591143250465393,
-0.4637220799922943,
0.32372018694877625,
0.8597710132598877,
-0.12067744880914688,
-0.7542136311531067,
-0.5424305200576782,
0.7820688486099243,
0.49218830466270447,
-0.6996861696243286,
-0.3576028645038605,
0.3170850872993469,
0.5311649441719055,
0.23544546961784363,
1.0330989360809326,
-0.18936491012573242,
0.4030492305755615,
0.02554907463490963,
0.020214149728417397,
0.13744553923606873,
-0.3504381775856018,
-0.5961430072784424,
-0.20697195827960968,
-0.09263807535171509,
-0.18652495741844177
] |
TheBloke/alfred-40B-1023-AWQ
|
TheBloke
| 2023-11-17T17:23:10Z | 4,993 | 4 |
transformers
|
[
"transformers",
"safetensors",
"RefinedWeb",
"text-generation",
"falcon-40b",
"long-context",
"falcon",
"NTK-YaRN",
"custom_code",
"en",
"fr",
"de",
"es",
"it",
"dataset:OpenAssistant/oasst1",
"dataset:ehartford/dolphin",
"dataset:tau/sled",
"dataset:tiiuae/falcon-refinedweb",
"arxiv:2306.15595",
"arxiv:2309.00071",
"arxiv:2307.03172",
"base_model:lightonai/alfred-40b-1023",
"license:apache-2.0",
"text-generation-inference",
"4-bit",
"region:us"
] |
text-generation
| 2023-11-17T15:26:43Z |
---
base_model: lightonai/alfred-40b-1023
datasets:
- OpenAssistant/oasst1
- ehartford/dolphin
- tau/sled
- tiiuae/falcon-refinedweb
inference: false
language:
- en
- fr
- de
- es
- it
license: apache-2.0
model_creator: LightOn AI
model_name: Alfred 40B 1023
model_type: falcon
prompt_template: '<start_system>You are Alfred, a helpful assistant trained by LightOn.
Knowledge cutoff: November 2022. Current date: 16 November, 2023<end_message><start_user>{prompt}<end_message><start_assistant>
'
quantized_by: TheBloke
tags:
- falcon-40b
- long-context
- falcon
- NTK-YaRN
thumbnail: images/alfred-40b-1023.png
---
<!-- markdownlint-disable MD041 -->
<!-- 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 -->
# Alfred 40B 1023 - AWQ
- Model creator: [LightOn AI](https://huggingface.co/lightonai)
- Original model: [Alfred 40B 1023](https://huggingface.co/lightonai/alfred-40b-1023)
<!-- description start -->
## Description
This repo contains AWQ model files for [LightOn AI's Alfred 40B 1023](https://huggingface.co/lightonai/alfred-40b-1023).
These files were quantised using hardware kindly provided by [Massed Compute](https://massedcompute.com/).
### About AWQ
AWQ is an efficient, accurate and blazing-fast low-bit weight quantization method, currently supporting 4-bit quantization. Compared to GPTQ, it offers faster Transformers-based inference with equivalent or better quality compared to the most commonly used GPTQ settings.
It is supported by:
- [Text Generation Webui](https://github.com/oobabooga/text-generation-webui) - using Loader: AutoAWQ
- [vLLM](https://github.com/vllm-project/vllm) - Llama and Mistral models only
- [Hugging Face Text Generation Inference (TGI)](https://github.com/huggingface/text-generation-inference)
- [Transformers](https://huggingface.co/docs/transformers) version 4.35.0 and later, from any code or client that supports Transformers
- [AutoAWQ](https://github.com/casper-hansen/AutoAWQ) - for use from Python code
<!-- description end -->
<!-- repositories-available start -->
## Repositories available
* [AWQ model(s) for GPU inference.](https://huggingface.co/TheBloke/alfred-40B-1023-AWQ)
* [GPTQ models for GPU inference, with multiple quantisation parameter options.](https://huggingface.co/TheBloke/alfred-40B-1023-GPTQ)
* [2, 3, 4, 5, 6 and 8-bit GGUF models for CPU+GPU inference](https://huggingface.co/TheBloke/alfred-40B-1023-GGUF)
* [LightOn AI's original unquantised fp16 model in pytorch format, for GPU inference and for further conversions](https://huggingface.co/lightonai/alfred-40b-1023)
<!-- repositories-available end -->
<!-- prompt-template start -->
## Prompt template: Alfred
```
<start_system>You are Alfred, a helpful assistant trained by LightOn. Knowledge cutoff: November 2022. Current date: 16 November, 2023<end_message><start_user>{prompt}<end_message><start_assistant>
```
<!-- prompt-template end -->
<!-- README_AWQ.md-provided-files start -->
## Provided files, and AWQ parameters
I currently release 128g GEMM models only. The addition of group_size 32 models, and GEMV kernel models, is being actively considered.
Models are released as sharded safetensors files.
| Branch | Bits | GS | AWQ Dataset | Seq Len | Size |
| ------ | ---- | -- | ----------- | ------- | ---- |
| [main](https://huggingface.co/TheBloke/alfred-40B-1023-AWQ/tree/main) | 4 | 128 | [wikitext](https://huggingface.co/datasets/wikitext/viewer/wikitext-2-raw-v1) | 2048 | 23.32 GB
<!-- README_AWQ.md-provided-files end -->
<!-- README_AWQ.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/alfred-40B-1023-AWQ`.
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: `alfred-40B-1023-AWQ`
7. Select **Loader: AutoAWQ**.
8. Click Load, and the model will load and is now ready for use.
9. 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.
10. Once you're ready, click the **Text Generation** tab and enter a prompt to get started!
<!-- README_AWQ.md-text-generation-webui end -->
<!-- README_AWQ.md-use-from-vllm start -->
## Multi-user inference server: vLLM
Documentation on installing and using vLLM [can be found here](https://vllm.readthedocs.io/en/latest/).
- Please ensure you are using vLLM version 0.2 or later.
- When using vLLM as a server, pass the `--quantization awq` parameter.
For example:
```shell
python3 -m vllm.entrypoints.api_server --model TheBloke/alfred-40B-1023-AWQ --quantization awq --dtype auto
```
- When using vLLM from Python code, again set `quantization=awq`.
For example:
```python
from vllm import LLM, SamplingParams
prompts = [
"Tell me about AI",
"Write a story about llamas",
"What is 291 - 150?",
"How much wood would a woodchuck chuck if a woodchuck could chuck wood?",
]
prompt_template=f'''<start_system>You are Alfred, a helpful assistant trained by LightOn. Knowledge cutoff: November 2022. Current date: 16 November, 2023<end_message><start_user>{prompt}<end_message><start_assistant>
'''
prompts = [prompt_template.format(prompt=prompt) for prompt in prompts]
sampling_params = SamplingParams(temperature=0.8, top_p=0.95)
llm = LLM(model="TheBloke/alfred-40B-1023-AWQ", quantization="awq", dtype="auto")
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}")
```
<!-- README_AWQ.md-use-from-vllm start -->
<!-- README_AWQ.md-use-from-tgi start -->
## Multi-user inference server: Hugging Face Text Generation Inference (TGI)
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
--model-id TheBloke/alfred-40B-1023-AWQ --port 3000 --quantize awq --max-input-length 3696 --max-total-tokens 4096 --max-batch-prefill-tokens 4096
```
Example Python code for interfacing with TGI (requires [huggingface-hub](https://github.com/huggingface/huggingface_hub) 0.17.0 or later):
```shell
pip3 install huggingface-hub
```
```python
from huggingface_hub import InferenceClient
endpoint_url = "https://your-endpoint-url-here"
prompt = "Tell me about AI"
prompt_template=f'''<start_system>You are Alfred, a helpful assistant trained by LightOn. Knowledge cutoff: November 2022. Current date: 16 November, 2023<end_message><start_user>{prompt}<end_message><start_assistant>
'''
client = InferenceClient(endpoint_url)
response = client.text_generation(prompt,
max_new_tokens=128,
do_sample=True,
temperature=0.7,
top_p=0.95,
top_k=40,
repetition_penalty=1.1)
print(f"Model output: ", response)
```
<!-- README_AWQ.md-use-from-tgi end -->
<!-- README_AWQ.md-use-from-python start -->
## Inference from Python code using Transformers
### Install the necessary packages
- Requires: [Transformers](https://huggingface.co/docs/transformers) 4.35.0 or later.
- Requires: [AutoAWQ](https://github.com/casper-hansen/AutoAWQ) 0.1.6 or later.
```shell
pip3 install --upgrade "autoawq>=0.1.6" "transformers>=4.35.0"
```
Note that if you are using PyTorch 2.0.1, the above AutoAWQ command will automatically upgrade you to PyTorch 2.1.0.
If you are using CUDA 11.8 and wish to continue using PyTorch 2.0.1, instead run this command:
```shell
pip3 install https://github.com/casper-hansen/AutoAWQ/releases/download/v0.1.6/autoawq-0.1.6+cu118-cp310-cp310-linux_x86_64.whl
```
If you have problems installing [AutoAWQ](https://github.com/casper-hansen/AutoAWQ) using the pre-built wheels, install it from source instead:
```shell
pip3 uninstall -y autoawq
git clone https://github.com/casper-hansen/AutoAWQ
cd AutoAWQ
pip3 install .
```
### Transformers example code (requires Transformers 4.35.0 and later)
```python
from transformers import AutoModelForCausalLM, AutoTokenizer, TextStreamer
model_name_or_path = "TheBloke/alfred-40B-1023-AWQ"
tokenizer = AutoTokenizer.from_pretrained(model_name_or_path)
model = AutoModelForCausalLM.from_pretrained(
model_name_or_path,
low_cpu_mem_usage=True,
device_map="cuda:0"
)
# Using the text streamer to stream output one token at a time
streamer = TextStreamer(tokenizer, skip_prompt=True, skip_special_tokens=True)
prompt = "Tell me about AI"
prompt_template=f'''<start_system>You are Alfred, a helpful assistant trained by LightOn. Knowledge cutoff: November 2022. Current date: 16 November, 2023<end_message><start_user>{prompt}<end_message><start_assistant>
'''
# Convert prompt to tokens
tokens = tokenizer(
prompt_template,
return_tensors='pt'
).input_ids.cuda()
generation_params = {
"do_sample": True,
"temperature": 0.7,
"top_p": 0.95,
"top_k": 40,
"max_new_tokens": 512,
"repetition_penalty": 1.1
}
# Generate streamed output, visible one token at a time
generation_output = model.generate(
tokens,
streamer=streamer,
**generation_params
)
# Generation without a streamer, which will include the prompt in the output
generation_output = model.generate(
tokens,
**generation_params
)
# Get the tokens from the output, decode them, print them
token_output = generation_output[0]
text_output = tokenizer.decode(token_output)
print("model.generate output: ", text_output)
# Inference is also possible via Transformers' pipeline
from transformers import pipeline
pipe = pipeline(
"text-generation",
model=model,
tokenizer=tokenizer,
**generation_params
)
pipe_output = pipe(prompt_template)[0]['generated_text']
print("pipeline output: ", pipe_output)
```
<!-- README_AWQ.md-use-from-python end -->
<!-- README_AWQ.md-compatibility start -->
## Compatibility
The files provided are tested to work with:
- [text-generation-webui](https://github.com/oobabooga/text-generation-webui) using `Loader: AutoAWQ`.
- [vLLM](https://github.com/vllm-project/vllm) version 0.2.0 and later.
- [Hugging Face Text Generation Inference (TGI)](https://github.com/huggingface/text-generation-inference) version 1.1.0 and later.
- [Transformers](https://huggingface.co/docs/transformers) version 4.35.0 and later.
- [AutoAWQ](https://github.com/casper-hansen/AutoAWQ) version 0.1.1 and later.
<!-- README_AWQ.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**: Brandon Frisco, LangChain4j, Spiking Neurons AB, transmissions 11, Joseph William Delisle, Nitin Borwankar, Willem Michiel, Michael Dempsey, vamX, Jeffrey Morgan, zynix, jjj, Omer Bin Jawed, Sean Connelly, jinyuan sun, Jeromy Smith, Shadi, Pawan Osman, Chadd, Elijah Stavena, Illia Dulskyi, Sebastain Graf, Stephen Murray, terasurfer, Edmond Seymore, Celu Ramasamy, Mandus, Alex, biorpg, Ajan Kanaga, Clay Pascal, Raven Klaugh, 阿明, K, ya boyyy, usrbinkat, Alicia Loh, John Villwock, ReadyPlayerEmma, Chris Smitley, Cap'n Zoog, fincy, GodLy, S_X, sidney chen, Cory Kujawski, OG, Mano Prime, AzureBlack, Pieter, Kalila, Spencer Kim, Tom X Nguyen, Stanislav Ovsiannikov, Michael Levine, Andrey, Trailburnt, Vadim, Enrico Ros, Talal Aujan, Brandon Phillips, Jack West, Eugene Pentland, Michael Davis, Will Dee, webtim, Jonathan Leane, Alps Aficionado, Rooh Singh, Tiffany J. Kim, theTransient, Luke @flexchar, Elle, Caitlyn Gatomon, Ari Malik, subjectnull, Johann-Peter Hartmann, Trenton Dambrowitz, Imad Khwaja, Asp the Wyvern, Emad Mostaque, Rainer Wilmers, Alexandros Triantafyllidis, Nicholas, Pedro Madruga, SuperWojo, Harry Royden McLaughlin, James Bentley, Olakabola, David Ziegler, Ai Maven, Jeff Scroggin, Nikolai Manek, Deo Leter, Matthew Berman, Fen Risland, Ken Nordquist, Manuel Alberto Morcote, Luke Pendergrass, TL, Fred von Graf, Randy H, Dan Guido, NimbleBox.ai, Vitor Caleffi, Gabriel Tamborski, knownsqashed, Lone Striker, Erik Bjäreholt, John Detwiler, Leonard Tan, Iucharbius
Thank you to all my generous patrons and donaters!
And thank you again to a16z for their generous grant.
<!-- footer end -->
# Original model card: LightOn AI's Alfred 40B 1023
# Model Card for Alfred-40B-1023

`Alfred-40B-1023` is a finetuned version of [Falcon-40B](https://huggingface.co/tiiuae/falcon-40b), with an **extended context length of 8192 tokens**.
Finetuning was performed in October 2023. `Alfred-40B-1023` is made available under the Apache 2.0 License.
## Model Details
### Model Description
- **Developed by:** [LightOn](https://www.lighton.ai/)
* [Oskar Hallström](https://huggingface.co/ohallstrom) (project lead, training & modeling, internal long context data, evaluation)
* [Amélie Chatelain](https://huggingface.co/ameliechatelain) (internal data & long context data, data generation)
* [Clément Thiriet](https://huggingface.co/cthiriet) (data infrastructure, data generation, evaluation)
* [Julien Séailles](https://huggingface.co/Jseailleslighton) (data generation)
* [Adrien Cavaillès](https://huggingface.co/adcavail) (data generation)
* [Axel Marmet](https://huggingface.co/WeightsnWizardry)* (training 2K baseline)
`*` work done while at LightOn
- **Model type:** Causal decoder-only;
- **Language(s) (NLP):** English, German, Spanish, French (and limited capabilities in Italian, Portuguese, Polish, Dutch, Romanian, Czech, Swedish);
- **License:** Apache 2.0 license.
- **Finetuned from model:** [Falcon-40B](https://huggingface.co/tiiuae/falcon-40b)
- **Training date:** October 2023 (`1023`).
## Uses
### Direct Use
`Alfred-40B-1023` can be used as a chat model or as an instruct model.
For both instruct and chat mode, the model has been trained with chat tokens `<start_system>`, `<start_user>`, `<start_assistant>`, and `<end_message>`. These can be integrated into the prompt in the follwoing way:
```
<start_system>You are Alfred, a helpful assistant trained by LightOn. Knowledge cutoff: November 2022. Current date: 16 November, 2023<end_message><start_user>{user query}<end_message><start_assistant>
```
The stop word `<end_message>` should be used.
### Out-of-Scope Use
Production use without adequate assessment of risks and mitigation; any use cases which may be considered irresponsible or harmful.
## Bias, Risks, and Limitations
`Alfred-40B-1023` is a finetune of Falcon-40B. As such, it is trained mostly on English, German, Spanish, French, with limited capabilities also in Italian, Portuguese, Polish, Dutch, Romanian, Czech, Swedish. It will not generalize appropriately to other languages. Furthermore, as it is trained on a large-scale corpora representative of the web, it will carry the stereotypes and biases commonly encountered online.
### Recommendations
We recommend users of `Alfred-40B-1023` to implement appropriate guardrails and precautions in any production use.
## How to Get Started with the Model
Use the code below to get started with the model.
```
from transformers import AutoTokenizer, AutoModelForCausalLM
import transformers
import torch
model = "lightonai/alfred-40b-1023"
tokenizer = AutoTokenizer.from_pretrained("lightonai/alfred-0923-tokenizer")
pipeline = transformers.pipeline(
"text-generation",
model=model,
tokenizer=tokenizer,
torch_dtype=torch.bfloat16,
trust_remote_code=True,
device_map="auto",
)
sequences = pipeline(
"<start_system>You are Alfred, a helpful assistant trained by LightOn. Knowledge cutoff: November 2022. Current date: 16 November, 2023<end_message><start_user>Write me an email to my boss, explaining how the company could benefit by using LightOns platform for Large Language Models, Paradigm.<end_message><start_assistant>",
max_length=1000,
do_sample=True,
top_k=3,
num_return_sequences=1,
eos_token_id=tokenizer.eos_token_id,
)
for seq in sequences:
print(f"Result: {seq['generated_text']}")
```
## Training Details
### Training Data
Alfred-40B-1023 was trained on a mixture of publicly available and in-house curated datasets. The training data is composed of 50 % short context tasks, 45 % long context tasks and 5 % RefinedWeb.
| **Short context sources** |
|--------------------|
| [oasst1](https://huggingface.co/datasets/OpenAssistant/oasst1) |
| [dolphin](https://huggingface.co/ehartford/dolphin) |
| [openai-critiques](https://openaipublic.blob.core.windows.net/critiques/README.md) |
| internal |
`internal` is a collection of synthetic and human-generated datasets created by Ligthon, tailored towards the use cases of our clients.
| **Long context sources** |
|--------------------|
| [sled](https://huggingface.co/datasets/tau/sled) |
| internal-long-context |
`internal-long-context` is a collection of synthetic datasets generated by LightOn, tailored towards the use cases of our clients.
During training, we apply regular language modeling loss for a partition of the prompts in the long context data.
| **Pretraining objective source** |
|--------------------|
| [RefinedWeb](https://huggingface.co/datasets/tiiuae/falcon-refinedweb) |
### Training Procedure
`Alfred-40B-1023` was trained on 128 A100 40GB GPUs, using a 3D parallelism strategy (TP=8, PP=2, DP=8) combined with ZeRO. Alfred has been trained through supervised finetuning on 100 megatokens, with a learning rate decayed with a cosine schedule.
#### Preprocessing
All datasets have been filtered, up or downsampled, and adapted to our chat token format.
#### Context length extension
We extend the context length to 8K with a custom method that we name NTK-YaRN. As guessable from its name, our extension method draws inspiration from NTK-aware interpolation and YaRN.
During our context length extension efforts, we experimented with various methods suitable for RoPE embeddings. These include vanilla [positional interpolation](https://arxiv.org/abs/2306.15595), [NTK-aware interpolation](https://www.reddit.com/r/LocalLLaMA/comments/14lz7j5/ntkaware_scaled_rope_allows_llama_models_to_have/), [NTK-by-parts](https://github.com/jquesnelle/scaled-rope/pull/1), and lastly [YaRN](https://arxiv.org/abs/2309.00071).
YaRN looked very promising when applied at test-time, however finetuning with YaRN was not successful in our experiments. When extending the context length at training-time, NTK-aware interpolation was the most successful out of the already existing methods. Some of our results from trying different long context extension methods are shared in the Evaluation section below. We acknowledge that the same parameter values as proposed in the YaRN-paper have been used in our YaRN experiments, and that these potentially could have other optimal values for our particular setup.
##### NTK-YaRN
Similarly to NTK-aware interpolation (`NTK`), NTK-YaRN involves increasing the base of the RoPE embeddings. In the original implementation of NTK-aware interpolation the new base `b'` is adapted according to the following formula:
$$ b' = b \times s^{\frac{|D|}{|D|-2}} $$
where `b` is the original base, `s` the scaling factor of the context length, and `|D|` the model's head dimension.
However, we find (similar to other actors) that increasing the base slightly more is even better. The value of `b'` could probably be optimized even further, but for these experiments we have settled with the following value:
$$ b' = b \times (s+1)^{\frac{|D|}{|D|-2}} $$
In the following parts of this model card, context length extension with this extended scaling of the base is referred to as `NTK-Margin`. For `NTK-YaRN`, the extended scaling of the base is combined with the modification of the computation of the attention weights made in YaRN, where the query and key matrices are scaled by the factor `m`.
$$ m = 1 + 0.1 \times \log(s) $$
Scaling the query and key matrices this way substantially reduces the initial grad norm when applying a context length extension method in our training runs.
To cite NTK-YaRN, please refer to the model bibtex in the bottom of this model card.
## Evaluation
### Context length extension strategies
#### Training losses
After experimenting on a 7B scale, we finally run a selected partition of the extension methods on a 40B scale. In the figure below, we display the resulting training losses when training a 40B model with the different extension methods, ceteris paribus.

Initially, YaRN has the lowest training loss, which can be seen as a reflection of the fact that YaRN was the most successful extension method at test time. However all the other methods surpasse YaRN in terms of training loss already after a handful of megatokens. Comparing NTK-Margin vs NTK-YaRN, we can note that the scaling of Q and K matrices makes the training loss lower in the beginning, however NTK-YaRN's advantage over NTK-Margin decreases as the training goes on. Comparing NTK-Margin with NTK in turn, it seems like the larger value of the base in NTK-Margin gives an initial boost in training loss, however this advantage decreases as training goes on.
#### Performance on Long Context Benchmarks
We evaluate the context length extension methods on an own benchmark, consisting of four tasks.
* [Key-value retrieval UUID](https://arxiv.org/pdf/2307.03172.pdf)
* [Coarse-grained Topic Retrieval](https://lmsys.org/blog/2023-06-29-longchat/)
* [Fine-grained Line Retrieval](https://lmsys.org/blog/2023-06-29-longchat/)
* [Multi document retrieval data](https://nlp.stanford.edu/data/nfliu/lost-in-the-middle/nq-open-contriever-msmarco-retrieved-documents.jsonl.gz)
For each task, we have created 3 subtasks - one for each of the three context lengths 2K, 4K and 8K. In total, we thus have 12 subtasks.
In order to get an aggregated score that values each subtask equally, we normalize the scores for each subtask and then calculate the mean of the normalized scores for each extension method.

On these benchmarks, YaRN clearly lags behind. NTK-YaRN is the winning method, however NTK-Margin is so close that more extensive research is needed to verify that NTK-YaRN really is superior to NTK-Margin, especially when trained for longer.
### Comparison to 2K baseline
In order to track any potential degradation on 2K context tasks due to the context length extension, we compare our 8K model against a 2K model trained in a similar setup for 100 megatokens. When training the 2K baseline, we don't include any long context data.
We conduct the comparison by evaluating the models on a selection of tasks from EleutherAI harness, as well as ranking model outputs internally.

Notably, our 8K model not only performs on par with our 2K model on most of our EleutherAI harness tasks, in fact it outperforms the 2K model on a majority of the tasks. Reading comprehension is the only subcategory for which our 8K model is outperformed by the 2K model.
We recognize that there is a discrepancy between performance on classical NLP benchmarks and how humans perceive the model quality. When model outputs (limited to 2K context lengths) are ranked by LightOn employees internally, the 2K and 8K have strikingly similar performance. However, a few rare failure modes have been noted for the 8K version, which are not seen when using the 2K model. These failure modes are likely to be fixable with better composition of the long context data.
## Compute Infrastructure
### Hardware
Alfred-40B-1023 was trained on AWS SageMaker, on 128 A100 40GB GPUs in P4d instances.
### Software
Alfred-40B-1023 was trained with a custom codebase. Training leverages a 3D parallelism approach combined with ZeRO, as well as high-performance kernels such as FlashAttention.
## Model Card Contact
Please open a Community Discussion for any support request related to using Alfred with HuggingFace transformers.
For any other inquiry: [email protected]
## Citation
If you find the model useful in your work, please use the following bibtex when citing.
```
@article{alfred-40b-1023,
title={Alfred-40B-1023},
author={Hallström, Oskar and Chatelain, Amélie and Thiriet, Clément and Séailles, Julien and Cavaillès, Adrien and Marmet, Axel},
year={2023}
}
```
|
[
-0.5411783456802368,
-0.703170895576477,
0.39878302812576294,
-0.07896894216537476,
-0.1571548879146576,
-0.14949195086956024,
0.08169395476579666,
-0.6325857043266296,
0.13926135003566742,
0.31202763319015503,
-0.6352092623710632,
-0.46274667978286743,
-0.3001241385936737,
0.07621107995510101,
-0.2526145577430725,
1.003888487815857,
0.034041877835989,
-0.31597745418548584,
-0.17386671900749207,
-0.18517740070819855,
0.03921608254313469,
-0.27619022130966187,
-0.6749282479286194,
-0.3082750141620636,
0.3594096004962921,
0.2366422563791275,
0.7234388589859009,
0.6613560318946838,
0.20466169714927673,
0.40221235156059265,
0.0038455091416835785,
0.012919731438159943,
-0.26711052656173706,
-0.012118365615606308,
0.09357290714979172,
-0.1438378244638443,
-0.6916799545288086,
0.08315763622522354,
0.4935972988605499,
0.4172114133834839,
-0.15511807799339294,
0.16896875202655792,
-0.024977751076221466,
0.5606469511985779,
-0.5726003050804138,
0.06272512674331665,
-0.28929680585861206,
-0.02418086864054203,
-0.09519580751657486,
0.19341500103473663,
-0.16058403253555298,
-0.21645154058933258,
0.19419428706169128,
-0.9870645999908447,
0.2063421905040741,
0.16377322375774384,
1.2457317113876343,
0.1182684674859047,
-0.5005413293838501,
-0.03498540818691254,
-0.5148047804832458,
1.126901626586914,
-1.0733453035354614,
0.3293880224227905,
0.46250972151756287,
0.24693787097930908,
0.010778718627989292,
-1.053666353225708,
-0.7028651237487793,
-0.2205120325088501,
-0.06893178075551987,
0.2980775535106659,
-0.5424941778182983,
0.05952034518122673,
0.2998247742652893,
0.47121089696884155,
-0.6861770749092102,
-0.10597126185894012,
-0.36141180992126465,
-0.18611685931682587,
0.6972627639770508,
0.19368091225624084,
0.4126940965652466,
-0.30329206585884094,
-0.33962276577949524,
-0.4079360067844391,
-0.4052985906600952,
0.047361865639686584,
0.24072031676769257,
-0.010281743481755257,
-0.6368976831436157,
0.43501198291778564,
-0.199105903506279,
0.5041061043739319,
0.16998307406902313,
-0.09792115539312363,
0.25286197662353516,
-0.30923470854759216,
-0.39505115151405334,
-0.366363525390625,
1.275312066078186,
0.41376668214797974,
-0.14658208191394806,
0.1471136212348938,
-0.148236945271492,
-0.015265529043972492,
0.12707039713859558,
-0.9557414054870605,
-0.32320544123649597,
0.6272048354148865,
-0.5103222131729126,
-0.4704599678516388,
-0.15407760441303253,
-0.6968890428543091,
-0.06101761385798454,
0.15675562620162964,
0.6051766872406006,
-0.5704754590988159,
-0.22541272640228271,
-0.017871012911200523,
-0.44586995244026184,
0.3101494312286377,
0.390972763299942,
-0.9001501798629761,
0.36618632078170776,
0.2236461639404297,
0.5810980796813965,
0.10975746065378189,
-0.26446494460105896,
-0.32740458846092224,
0.20251841843128204,
-0.1459902971982956,
0.3988158404827118,
-0.09689996391534805,
-0.326822429895401,
-0.15340587496757507,
0.1431109458208084,
0.20122267305850983,
-0.36762845516204834,
0.5278179049491882,
-0.32197025418281555,
0.5157324075698853,
-0.2314506620168686,
-0.6098858118057251,
-0.3096408247947693,
0.06290829926729202,
-0.6306319236755371,
1.0634106397628784,
0.4668639600276947,
-0.9137762188911438,
0.13307508826255798,
-0.5642526149749756,
-0.3675113320350647,
0.15096986293792725,
-0.14713911712169647,
-0.6442204713821411,
-0.14404036104679108,
0.35884109139442444,
0.33119118213653564,
-0.3725220859050751,
-0.0698138177394867,
-0.33572155237197876,
-0.0922040045261383,
0.24859198927879333,
-0.20112468302249908,
1.1815687417984009,
0.2668311893939972,
-0.5239061117172241,
0.1065080314874649,
-0.8663182258605957,
0.10313842445611954,
0.4409800171852112,
-0.24238890409469604,
-0.042057331651449203,
-0.25169384479522705,
0.2340162843465805,
-0.0004077737976331264,
0.3379206955432892,
-0.4764634668827057,
0.21512392163276672,
-0.35067909955978394,
0.7075150609016418,
0.6537438631057739,
-0.021461671218276024,
0.47571253776550293,
-0.7471024394035339,
0.5561761856079102,
-0.03111787885427475,
0.33593329787254333,
-0.0964185893535614,
-0.6117156744003296,
-0.8507518768310547,
-0.2866785526275635,
0.32068848609924316,
0.5149560570716858,
-0.8386964797973633,
0.5457963943481445,
0.1549512892961502,
-0.6186975240707397,
-0.6110152006149292,
-0.26814839243888855,
0.28845009207725525,
0.6109415888786316,
0.4974823296070099,
-0.17296698689460754,
-0.5153407454490662,
-0.8367291688919067,
0.045526593923568726,
-0.3182967007160187,
-0.1954944133758545,
0.5013250112533569,
0.688961923122406,
-0.47228550910949707,
0.7668795585632324,
-0.5689759850502014,
-0.134599968791008,
-0.16932564973831177,
0.1643686145544052,
0.18160834908485413,
0.6402124762535095,
0.7500532269477844,
-0.5727967023849487,
-0.36687254905700684,
-0.11737198382616043,
-0.8222641944885254,
-0.13170067965984344,
0.007172678131610155,
-0.2317100167274475,
0.3946670591831207,
0.1542937308549881,
-0.8486602902412415,
0.5038979649543762,
0.5463244318962097,
-0.46918055415153503,
0.7546711564064026,
-0.28684377670288086,
0.17031091451644897,
-1.2509652376174927,
0.24752943217754364,
0.13009428977966309,
-0.3893478214740753,
-0.5255268216133118,
0.24012474715709686,
0.03597971424460411,
-0.002497885376214981,
-0.41030165553092957,
0.8526391983032227,
-0.42085784673690796,
0.09028299897909164,
-0.05886442959308624,
0.02962164394557476,
0.3866589367389679,
0.3760576546192169,
-0.18965710699558258,
0.6389766931533813,
0.584861159324646,
-0.7707369327545166,
0.4278483986854553,
0.4095533490180969,
-0.1337100714445114,
0.2000594586133957,
-0.8854430317878723,
0.10216499119997025,
0.1595178246498108,
0.27903231978416443,
-0.9370778799057007,
-0.3035638928413391,
0.4297720789909363,
-0.5958651304244995,
0.22618131339550018,
-0.11664977669715881,
-0.25113430619239807,
-0.3558843433856964,
-0.5621382594108582,
0.3839317262172699,
0.931515097618103,
-0.5006512403488159,
0.7017179727554321,
0.3693022131919861,
0.02116161398589611,
-0.6536997556686401,
-0.7494097352027893,
-0.18206094205379486,
-0.2594258487224579,
-0.7571437358856201,
0.5797982215881348,
-0.27628928422927856,
-0.3363090455532074,
0.11442107707262039,
0.09686095267534256,
-0.028110861778259277,
0.07351081818342209,
0.1685725450515747,
0.313300758600235,
-0.05023907870054245,
-0.24127958714962006,
0.17700375616550446,
-0.0858745351433754,
0.010197668336331844,
-0.2607647180557251,
0.5002229809761047,
-0.09423799067735672,
0.11365650594234467,
-0.6773380637168884,
0.29177650809288025,
0.5587839484214783,
-0.1403847485780716,
0.7548334002494812,
0.8160075545310974,
-0.40343937277793884,
-0.30500707030296326,
-0.33635184168815613,
-0.4320491850376129,
-0.5494292974472046,
0.14222069084644318,
-0.13735193014144897,
-0.6815075278282166,
0.5558374524116516,
0.18160249292850494,
0.311279833316803,
0.7789977192878723,
0.3643045127391815,
-0.33198976516723633,
1.0461902618408203,
0.6192843914031982,
0.04586771875619888,
0.4362441301345825,
-0.6311502456665039,
-0.18406261503696442,
-0.8744083046913147,
0.03145309537649155,
-0.423065185546875,
-0.13820767402648926,
-0.6236169934272766,
-0.32634493708610535,
0.42000672221183777,
0.22044596076011658,
-0.5569300055503845,
0.32729655504226685,
-0.5814176201820374,
-0.05748409405350685,
0.6926456093788147,
0.034823864698410034,
0.17114773392677307,
-0.027419688180088997,
-0.25689011812210083,
0.0013345060870051384,
-0.6249150633811951,
-0.39436057209968567,
1.0138367414474487,
0.32220959663391113,
0.639015793800354,
0.18169927597045898,
0.7364987134933472,
0.1934075951576233,
0.17411485314369202,
-0.6003739237785339,
0.6080189347267151,
0.02270767278969288,
-0.5695162415504456,
-0.36942601203918457,
-0.6374439597129822,
-0.9625638127326965,
0.15119247138500214,
-0.27847906947135925,
-0.7357773780822754,
0.23554641008377075,
0.16044959425926208,
-0.40567901730537415,
0.2589051127433777,
-0.5448288321495056,
0.8094542026519775,
0.010747453197836876,
-0.3226834833621979,
0.03081139549612999,
-0.5874300599098206,
0.2914905548095703,
0.22853043675422668,
0.23334236443042755,
-0.17518667876720428,
-0.235478937625885,
0.856971025466919,
-0.8820343613624573,
0.7336941957473755,
-0.10412312299013138,
-0.15639300644397736,
0.3656954765319824,
-0.13238249719142914,
0.5385111570358276,
0.09593380987644196,
-0.1294250786304474,
0.2013661414384842,
0.11276379972696304,
-0.44288942217826843,
-0.337828129529953,
0.4686538875102997,
-1.0496208667755127,
-0.40742814540863037,
-0.5389649271965027,
-0.4666311740875244,
0.11284977197647095,
0.18136674165725708,
0.658144474029541,
0.4604894518852234,
-0.13175450265407562,
-0.03793516382575035,
0.5130181908607483,
-0.44901779294013977,
0.6833617091178894,
0.4655221998691559,
-0.4538041651248932,
-0.7028053402900696,
0.753121554851532,
0.00594149949029088,
0.3194412291049957,
0.19222554564476013,
0.3085654079914093,
-0.2799259126186371,
-0.39035311341285706,
-0.8053590655326843,
0.3131769299507141,
-0.4864119589328766,
-0.35554730892181396,
-0.7246576547622681,
-0.271916925907135,
-0.5664386749267578,
-0.17705723643302917,
-0.2971613109111786,
-0.5928528308868408,
-0.5440767407417297,
0.19029100239276886,
0.7803407907485962,
0.602810263633728,
-0.19420766830444336,
0.32687219977378845,
-0.7435630559921265,
0.41055408120155334,
0.4442369043827057,
-0.004817979875952005,
0.11685338616371155,
-0.7357698678970337,
-0.20358571410179138,
0.12891969084739685,
-0.5163900852203369,
-0.7723919749259949,
0.6461825370788574,
0.1460268795490265,
0.34148767590522766,
0.35092517733573914,
0.32542285323143005,
0.4400250315666199,
-0.36031320691108704,
0.8772662878036499,
0.18375977873802185,
-1.0375723838806152,
0.5363723635673523,
-0.5292323231697083,
0.525367021560669,
0.26143351197242737,
0.5389693379402161,
-0.46500658988952637,
-0.5280566215515137,
-0.7697260975837708,
-0.9321781396865845,
0.7066404223442078,
0.42814552783966064,
-0.10708259791135788,
0.13514277338981628,
0.3716913163661957,
-0.07895743101835251,
0.12133163958787918,
-0.8034361600875854,
-0.5891253352165222,
-0.19693106412887573,
-0.27829381823539734,
0.22899402678012848,
0.00930081307888031,
-0.2636164426803589,
-0.560541570186615,
0.9984720945358276,
-0.1616259515285492,
0.5627526640892029,
0.33789950609207153,
0.08964359760284424,
-0.3882231116294861,
0.175078347325325,
0.3063627779483795,
0.6643738746643066,
-0.2858648896217346,
-0.1395697146654129,
0.14357513189315796,
-0.5515329837799072,
-0.01527024619281292,
0.45910608768463135,
-0.4798215329647064,
-0.03465978801250458,
0.34317490458488464,
0.8029708862304688,
0.007072836626321077,
-0.4560866057872772,
0.3804704546928406,
-0.25201037526130676,
-0.45213139057159424,
-0.35511070489883423,
0.250946044921875,
0.25159952044487,
0.39918753504753113,
0.5963483452796936,
-0.19556507468223572,
0.23929762840270996,
-0.5773604512214661,
0.2192276418209076,
0.4763161242008209,
-0.19162112474441528,
-0.17835037410259247,
1.0299148559570312,
0.07118035852909088,
-0.10367464274168015,
0.6268211603164673,
-0.35720643401145935,
-0.43480125069618225,
0.878774881362915,
0.5622466206550598,
0.7856730818748474,
-0.17444567382335663,
0.1970607191324234,
0.5473808646202087,
0.15328900516033173,
0.14203400909900665,
0.52347731590271,
0.17500163614749908,
-0.7087755799293518,
-0.21353688836097717,
-0.6998734474182129,
-0.446850061416626,
0.2917659878730774,
-0.6151118278503418,
0.1648271083831787,
-0.6028458476066589,
-0.2740883529186249,
0.11757469922304153,
0.24608217179775238,
-0.4926351010799408,
0.3336295187473297,
0.024765074253082275,
0.683797299861908,
-0.580116331577301,
0.7920613288879395,
0.741926372051239,
-0.5033050775527954,
-0.8532532453536987,
-0.04589855670928955,
0.09754989296197891,
-0.662096381187439,
0.13701093196868896,
0.08921471238136292,
0.0987834557890892,
0.23968081176280975,
-0.850774884223938,
-0.7445316910743713,
1.3757646083831787,
0.2774944305419922,
-0.602398157119751,
0.040114641189575195,
-0.06807667762041092,
0.27992433309555054,
-0.20620766282081604,
0.5521653890609741,
0.32845133543014526,
0.43534350395202637,
0.043165139853954315,
-0.8418781161308289,
0.40296313166618347,
-0.24657104909420013,
-0.08393712341785431,
0.15991592407226562,
-0.9363776445388794,
1.1315786838531494,
-0.24717514216899872,
-0.2024555206298828,
0.4026905298233032,
0.7745634913444519,
0.5001189112663269,
0.117653489112854,
0.4132753014564514,
0.8404545187950134,
0.8384813666343689,
-0.0972965732216835,
1.073419213294983,
-0.32207244634628296,
0.5705965757369995,
0.7186204791069031,
-0.10283094644546509,
0.7097834348678589,
0.22355325520038605,
-0.41409334540367126,
0.5529223680496216,
0.5841885805130005,
-0.13866867125034332,
0.37235966324806213,
0.04897913709282875,
-0.4217497408390045,
-0.012338508851826191,
-0.04862518236041069,
-0.6436053514480591,
0.1663188636302948,
0.3098451495170593,
-0.30359309911727905,
0.0775952935218811,
-0.04991680383682251,
0.06853807717561722,
-0.3906209170818329,
-0.18358109891414642,
0.6427392959594727,
0.31618183851242065,
-0.25389453768730164,
0.882960855960846,
0.15964820981025696,
0.8109415769577026,
-0.6202872395515442,
-0.1725238561630249,
-0.27496427297592163,
0.12672759592533112,
-0.1913326233625412,
-0.5822070240974426,
-0.04239786043763161,
-0.14472052454948425,
-0.15763245522975922,
-0.03186628967523575,
0.6554070115089417,
-0.3311738967895508,
-0.4574618935585022,
0.40722033381462097,
0.4476374387741089,
0.23020683228969574,
0.10608785599470139,
-0.9243279695510864,
0.3635534942150116,
0.03438936918973923,
-0.4584711194038391,
0.351238876581192,
0.4363226592540741,
0.3052745759487152,
0.6095849871635437,
0.5139095783233643,
-0.2095670998096466,
-0.0752381980419159,
-0.12635096907615662,
0.8853941559791565,
-0.8342772722244263,
-0.33261582255363464,
-0.7685413956642151,
0.6889241337776184,
-0.05296216160058975,
-0.5420936346054077,
0.7942609190940857,
0.47350001335144043,
0.7377673387527466,
-0.05490639805793762,
0.9210132956504822,
-0.36682936549186707,
0.3419988453388214,
-0.3456811308860779,
1.0241948366165161,
-0.8616057634353638,
0.058844950050115585,
-0.42786362767219543,
-0.7071479558944702,
0.10624002665281296,
0.788367509841919,
0.12621799111366272,
0.3647131323814392,
0.544944167137146,
0.671886682510376,
-0.023738820105791092,
-0.017587358132004738,
0.22481314837932587,
0.3947933614253998,
0.23904335498809814,
0.6568937301635742,
0.6619508862495422,
-0.9256232380867004,
0.5067805647850037,
-0.5352376699447632,
-0.2849561870098114,
-0.17301401495933533,
-0.8071295619010925,
-0.7806011438369751,
-0.5702952742576599,
-0.4687832295894623,
-0.6078442335128784,
-0.0714537501335144,
0.8441656231880188,
0.8746941089630127,
-0.720649242401123,
-0.3114173412322998,
-0.09343676269054413,
-0.05155973508954048,
-0.22705818712711334,
-0.3171866536140442,
0.375801146030426,
0.010355731472373009,
-0.7932887673377991,
0.37241458892822266,
0.007755430415272713,
0.40865081548690796,
-0.2329634428024292,
-0.25101378560066223,
-0.32928207516670227,
0.10459718853235245,
0.41119980812072754,
0.5392637848854065,
-0.5318241715431213,
-0.09826404601335526,
-0.24361728131771088,
-0.1879398077726364,
0.17583869397640228,
0.17077232897281647,
-0.816628634929657,
0.08724773675203323,
0.4070735573768616,
0.34594422578811646,
0.7218262553215027,
-0.16454465687274933,
0.603043258190155,
-0.5717026591300964,
0.17386089265346527,
0.26818642020225525,
0.3551900088787079,
0.20295275747776031,
-0.31722599267959595,
0.4710056185722351,
0.24597632884979248,
-0.7469977140426636,
-0.7193984389305115,
0.06250909715890884,
-1.0651935338974,
-0.40245887637138367,
0.9860280156135559,
-0.06758613139390945,
-0.4662724435329437,
0.04312073066830635,
-0.18051768839359283,
0.46732762455940247,
-0.6431201100349426,
0.45345187187194824,
0.350618839263916,
-0.18215160071849823,
-0.35700079798698425,
-0.684029757976532,
0.7220328450202942,
0.3833825886249542,
-0.9823876023292542,
-0.09140606224536896,
0.4086945056915283,
0.30256810784339905,
0.13073237240314484,
0.7711499929428101,
0.07959460467100143,
0.3313038647174835,
0.06626889109611511,
0.3291746973991394,
0.08823610842227936,
-0.02971380017697811,
-0.29197949171066284,
-0.07451498508453369,
-0.13225238025188446,
-0.09728763997554779
] |
ku-nlp/deberta-v2-tiny-japanese
|
ku-nlp
| 2023-03-23T16:13:46Z | 4,991 | 2 |
transformers
|
[
"transformers",
"pytorch",
"safetensors",
"deberta-v2",
"fill-mask",
"deberta",
"ja",
"dataset:wikipedia",
"dataset:cc100",
"dataset:oscar",
"license:cc-by-sa-4.0",
"autotrain_compatible",
"endpoints_compatible",
"region:us"
] |
fill-mask
| 2023-01-18T13:36:09Z |
---
language: ja
license: cc-by-sa-4.0
library_name: transformers
tags:
- deberta
- deberta-v2
- fill-mask
datasets:
- wikipedia
- cc100
- oscar
metrics:
- accuracy
mask_token: "[MASK]"
widget:
- text: "京都 大学 で 自然 言語 処理 を [MASK] する 。"
---
# Model Card for Japanese DeBERTa V2 tiny
## Model description
This is a Japanese DeBERTa V2 tiny model pre-trained on Japanese Wikipedia, the Japanese portion of CC-100, and the Japanese portion of OSCAR.
## 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-tiny-japanese')
model = AutoModelForMaskedLM.from_pretrained('ku-nlp/deberta-v2-tiny-japanese')
sentence = '京都 大学 で 自然 言語 処理 を [MASK] する 。' # input should be segmented into words by Juman++ in advance
encoding = tokenizer(sentence, return_tensors='pt')
...
```
You can also fine-tune this model on downstream tasks.
## Tokenization
The input text should be segmented into words by [Juman++](https://github.com/ku-nlp/jumanpp) in advance. [Juman++ 2.0.0-rc3](https://github.com/ku-nlp/jumanpp/releases/tag/v2.0.0-rc3) was used for pre-training. Each word is tokenized into subwords 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++](https://github.com/ku-nlp/jumanpp).
Then, we built a sentencepiece model with 32000 tokens including words ([JumanDIC](https://github.com/ku-nlp/JumanDIC)) and subwords induced by the unigram language model of [sentencepiece](https://github.com/google/sentencepiece).
We tokenized the segmented corpora into subwords using the sentencepiece model and trained the Japanese DeBERTa model using [transformers](https://github.com/huggingface/transformers) library.
The training took 33 hours using 8 NVIDIA A100-SXM4-40GB GPUs.
The following hyperparameters were used during pre-training:
- learning_rate: 1e-3
- per_device_train_batch_size: 128
- distributed_type: multi-GPU
- num_devices: 8
- gradient_accumulation_steps: 6
- total_train_batch_size: 6,144
- max_seq_length: 512
- optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-06
- lr_scheduler_type: linear schedule with warmup
- training_steps: 100,000
- warmup_steps: 10,000
The accuracy of the trained model on the masked language modeling task was 0.593.
The evaluation set consists of 5,000 randomly sampled documents from each of the training corpora.
## 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.4929437041282654,
-0.9312034845352173,
0.3184104561805725,
0.04606705904006958,
-0.624947190284729,
0.021989112719893456,
-0.29937776923179626,
-0.39620208740234375,
0.46511173248291016,
0.5297243595123291,
-0.6691055297851562,
-0.5444107055664062,
-0.7133411169052124,
0.06915556639432907,
-0.08648681640625,
0.8732500076293945,
0.005510066635906696,
0.27164214849472046,
0.15390519797801971,
0.058402638882398605,
-0.6256569027900696,
-0.36220625042915344,
-0.7491841316223145,
-0.39232683181762695,
0.2830664813518524,
0.48931407928466797,
0.6843101382255554,
0.6782227754592896,
0.23819664120674133,
0.27197301387786865,
-0.09389062970876694,
0.034269608557224274,
-0.23067213594913483,
-0.24162600934505463,
0.012159006670117378,
-0.6635075211524963,
-0.2613818645477295,
0.14336031675338745,
0.5834107398986816,
0.6602270007133484,
0.03127284720540047,
0.17427033185958862,
-0.031703103333711624,
0.5500122308731079,
-0.5776381492614746,
0.3531110882759094,
-0.7268787026405334,
0.2785422205924988,
-0.362972617149353,
0.16447244584560394,
-0.35213714838027954,
0.0511997751891613,
-0.0346992127597332,
-0.8214229941368103,
0.002156910952180624,
-0.019295701757073402,
1.0476994514465332,
0.23480230569839478,
-0.12109385430812836,
-0.2944503128528595,
-0.4995555877685547,
0.6191209554672241,
-0.7065165042877197,
0.27943098545074463,
0.7222733497619629,
0.15132559835910797,
-0.06408306211233139,
-0.738332211971283,
-0.836317241191864,
-0.18191906809806824,
-0.2754925787448883,
0.2644444406032562,
-0.2403922975063324,
-0.1285383105278015,
0.495932400226593,
0.17934143543243408,
-0.8297189474105835,
0.3523885905742645,
-0.5353704690933228,
-0.0625993087887764,
0.5796018838882446,
0.15113362669944763,
0.40727847814559937,
-0.47858649492263794,
-0.2260446846485138,
-0.31841814517974854,
-0.5921299457550049,
-0.0302470363676548,
0.5556860566139221,
0.12145216763019562,
-0.3614576756954193,
0.48176687955856323,
-0.32175493240356445,
0.4485075771808624,
0.11179237812757492,
-0.23398472368717194,
0.4255061149597168,
-0.17974312603473663,
-0.2945917248725891,
0.1562967747449875,
1.1873811483383179,
0.05024475231766701,
0.15034961700439453,
0.03409731388092041,
0.17279152572155,
0.14381034672260284,
0.2650662958621979,
-0.8995695114135742,
-0.36640381813049316,
0.08620984852313995,
-0.26909589767456055,
-0.3228912055492401,
-0.16740620136260986,
-0.7083204984664917,
-0.07519037276506424,
-0.43790173530578613,
0.6208346486091614,
-0.6313155889511108,
-0.14749541878700256,
0.219105064868927,
-0.0212897676974535,
0.14486728608608246,
0.11503399908542633,
-1.0002994537353516,
0.23455974459648132,
0.4896535873413086,
0.8301370739936829,
0.02167465165257454,
-0.3488931357860565,
-0.3316414952278137,
-0.1458844095468521,
-0.3380146920681,
0.42664703726768494,
-0.3721821904182434,
-0.28787127137184143,
-0.1953221708536148,
0.3450681269168854,
-0.3450419008731842,
-0.37499290704727173,
0.6523916721343994,
-0.43030717968940735,
0.5708199739456177,
0.17973163723945618,
-0.5467390418052673,
-0.2554776966571808,
0.24752859771251678,
-0.6391308307647705,
0.9380809664726257,
0.22747130692005157,
-0.9514662623405457,
0.29482632875442505,
-0.6287766098976135,
-0.25681692361831665,
0.33719202876091003,
-0.15784043073654175,
-0.4877675175666809,
-0.01930849254131317,
0.4116141200065613,
0.4750709533691406,
-0.0015014989767223597,
0.43743374943733215,
-0.24654613435268402,
-0.4967251420021057,
0.24683372676372528,
-0.3622278869152069,
1.1277104616165161,
0.18670640885829926,
-0.6238845586776733,
-0.2179473638534546,
-0.9541087746620178,
-0.1134355440735817,
0.324655681848526,
-0.15512749552726746,
-0.5370772480964661,
-0.35831713676452637,
0.07586046308279037,
0.3768545091152191,
0.18799284100532532,
-0.6162781715393066,
0.28854769468307495,
-0.632660984992981,
0.43400299549102783,
0.4751299023628235,
-0.18227338790893555,
0.31966474652290344,
0.058624397963285446,
0.6759350299835205,
0.2154841274023056,
0.24232962727546692,
-0.1810920089483261,
-0.3702748417854309,
-1.1334608793258667,
-0.34091541171073914,
0.6436142325401306,
0.5010302662849426,
-0.8989151120185852,
0.7707666754722595,
-0.36677294969558716,
-0.8238022923469543,
-0.8634005784988403,
-0.06357987225055695,
0.4955015778541565,
0.42304137349128723,
0.28571537137031555,
-0.5818115472793579,
-0.698415994644165,
-1.085123896598816,
0.26084595918655396,
-0.05348785221576691,
-0.04280809685587883,
0.06075207144021988,
0.8572046160697937,
-0.4479867219924927,
0.7096688747406006,
-0.5444028973579407,
-0.4356113076210022,
-0.240108460187912,
0.16595613956451416,
0.24159961938858032,
0.637043833732605,
0.36698850989341736,
-0.5574313998222351,
-0.5614948272705078,
-0.23911838233470917,
-0.6606360673904419,
0.0617561861872673,
0.0006958822486922145,
-0.2175878882408142,
0.3371533751487732,
0.5505415201187134,
-0.6344016194343567,
0.21009938418865204,
0.6477087140083313,
-0.2858070433139801,
0.37618890404701233,
-0.27156862616539,
-0.11053149402141571,
-1.446240782737732,
0.4284477233886719,
-0.15289171040058136,
-0.22370733320713043,
-0.595574676990509,
0.19242583215236664,
0.00778291467577219,
-0.3436785936355591,
-0.5904062390327454,
0.5337890386581421,
-0.40994149446487427,
0.1186370849609375,
-0.5350275635719299,
0.38301795721054077,
0.009996735490858555,
0.8941754102706909,
0.45280390977859497,
0.7425944805145264,
0.5513246655464172,
-0.5116701126098633,
0.062412332743406296,
0.49339476227760315,
-0.7412307262420654,
0.2708364427089691,
-0.7858337163925171,
0.16996553540229797,
-0.1027890145778656,
0.15905055403709412,
-0.7129327058792114,
-0.26679614186286926,
0.5687998533248901,
-0.469439297914505,
0.4849477708339691,
-0.15927328169345856,
-0.6815448999404907,
-0.36072584986686707,
-0.20795533061027527,
0.16932977735996246,
0.6541208624839783,
-0.42566433548927307,
0.34280887246131897,
0.5941150784492493,
-0.2513027489185333,
-0.5681673288345337,
-0.7085723876953125,
0.08474551141262054,
-0.27042919397354126,
-0.3900787830352783,
0.5379678606987,
-0.09627322852611542,
0.037293825298547745,
-0.1139976978302002,
0.20116841793060303,
-0.027150897309184074,
0.28909558057785034,
0.23543959856033325,
0.2904473543167114,
0.08704515546560287,
-0.01317682396620512,
0.21967485547065735,
-0.2460753470659256,
-0.030398305505514145,
-0.058177847415208817,
1.0394306182861328,
-0.033033519983291626,
0.05155579000711441,
-0.6041432023048401,
0.1736273318529129,
0.34876537322998047,
-0.08283434808254242,
0.9387307167053223,
0.9443902373313904,
-0.30769020318984985,
0.06997009366750717,
-0.3348501920700073,
-0.08347334712743759,
-0.42749524116516113,
0.5126563310623169,
-0.4816800653934479,
-0.8894641995429993,
0.39028021693229675,
0.2620623707771301,
-0.16237488389015198,
0.7817707061767578,
0.617385983467102,
0.03813409060239792,
1.1055742502212524,
0.6380822658538818,
-0.32306134700775146,
0.4655008912086487,
-0.5634511709213257,
-0.02390342578291893,
-1.084836483001709,
-0.278234601020813,
-0.5219753384590149,
-0.13143832981586456,
-0.7861617207527161,
-0.383476585149765,
0.29744094610214233,
0.2775358557701111,
-0.2338140308856964,
0.7007289528846741,
-0.4399561583995819,
0.48845988512039185,
0.6654796600341797,
0.058722253888845444,
0.1764594465494156,
0.14940324425697327,
-0.13840369880199432,
-0.21727347373962402,
-0.8705790638923645,
-0.5476605892181396,
0.9759907722473145,
0.618099570274353,
0.5812836289405823,
-0.25985729694366455,
0.6121917963027954,
0.046800993382930756,
-0.12178580462932587,
-0.7103177309036255,
0.46973034739494324,
-0.2799298167228699,
-0.703851044178009,
-0.22317898273468018,
-0.2957853674888611,
-0.9983187913894653,
0.44235292077064514,
-0.2342694103717804,
-0.6935049891471863,
0.04682021960616112,
-0.13428018987178802,
-0.18834638595581055,
0.05851622670888901,
-0.4605790972709656,
1.077414631843567,
-0.13922059535980225,
-0.0378173366189003,
-0.23748144507408142,
-0.888844907283783,
0.4256333112716675,
-0.26028209924697876,
0.15234042704105377,
-0.05656806007027626,
0.12625111639499664,
1.1198251247406006,
-0.3152396082878113,
0.8644145727157593,
-0.13747599720954895,
0.08073088526725769,
0.18480931222438812,
-0.1085648164153099,
0.38806071877479553,
0.1530752182006836,
0.2945864796638489,
0.5397281646728516,
0.08500122278928757,
-0.20590950548648834,
-0.35146018862724304,
0.5585340857505798,
-1.1451735496520996,
-0.3731366991996765,
-0.6109235882759094,
-0.2929665446281433,
-0.03348498046398163,
0.2649051547050476,
0.5401867032051086,
0.3846747577190399,
-0.09597814083099365,
0.38779106736183167,
0.6793978810310364,
-0.2913518249988556,
0.39770206809043884,
0.7802489399909973,
-0.17471420764923096,
-0.5639306306838989,
0.7429970502853394,
0.18083442747592926,
0.08597289025783539,
0.4557376503944397,
0.23694124817848206,
-0.26325729489326477,
-0.3968036472797394,
-0.7333166599273682,
0.4371459186077118,
-0.4738410711288452,
0.004104079212993383,
-0.988775908946991,
-0.3111632466316223,
-0.44637709856033325,
0.2068699300289154,
-0.47470661997795105,
-0.5678300857543945,
-0.31992974877357483,
0.05979263037443161,
0.007013755384832621,
0.23609060049057007,
0.09418019652366638,
0.5377410650253296,
-0.7217861413955688,
0.12255657464265823,
0.04252346605062485,
0.1048961654305458,
-0.2068750113248825,
-0.9523113965988159,
-0.5180045962333679,
0.17705875635147095,
-0.34871652722358704,
-0.5787805318832397,
0.5703006982803345,
-0.07684572041034698,
0.41254323720932007,
0.3078800141811371,
-0.13567079603672028,
0.6825044751167297,
-0.5713894963264465,
0.8953303694725037,
0.20259465277194977,
-0.9216565489768982,
0.7003123164176941,
-0.25308674573898315,
0.5593457221984863,
0.8610756397247314,
0.734241783618927,
-0.6667017936706543,
-0.488658607006073,
-0.9930369853973389,
-0.7270747423171997,
0.9959586262702942,
0.3246625065803528,
0.255608469247818,
-0.020915964618325233,
0.176836758852005,
0.1262381225824356,
0.29257869720458984,
-1.0016511678695679,
-0.24475303292274475,
-0.1763259768486023,
-0.2950041592121124,
-0.29182371497154236,
-0.2531398832798004,
0.04121823236346245,
-0.33280083537101746,
1.2679553031921387,
-0.15775659680366516,
0.2963939309120178,
0.10651595890522003,
-0.35467588901519775,
0.22827182710170746,
0.21160145103931427,
0.7793967127799988,
0.40029287338256836,
-0.19329391419887543,
-0.042922280728816986,
0.10251002013683319,
-0.7263830900192261,
0.015434297733008862,
0.3609938323497772,
-0.556675910949707,
0.36016738414764404,
0.3062651455402374,
1.25527024269104,
0.031066419556736946,
-0.7587996125221252,
0.5397091507911682,
-0.1332436501979828,
-0.3284667134284973,
-0.664863109588623,
0.06816200911998749,
-0.0045623271726071835,
0.09074101597070694,
0.0021825693547725677,
-0.3464190661907196,
0.06163056567311287,
-0.6725485920906067,
-0.07622013986110687,
0.26722443103790283,
-0.47846174240112305,
-0.26655662059783936,
0.7353836894035339,
0.06756439059972763,
-0.2042068988084793,
0.7129535675048828,
-0.27545005083084106,
-0.6173186898231506,
0.46531304717063904,
0.5800945162773132,
0.9011843800544739,
-0.08259642869234085,
0.31861111521720886,
0.7125431895256042,
0.3312709629535675,
0.0523904487490654,
-0.12434056401252747,
-0.053896136581897736,
-0.666271984577179,
-0.3285021185874939,
-0.8928462266921997,
-0.28282633423805237,
0.6275917291641235,
-0.4984000027179718,
0.32760539650917053,
-0.33210623264312744,
0.01137535646557808,
0.024264853447675705,
0.46622028946876526,
-0.5583745837211609,
0.4076443314552307,
0.3019534945487976,
0.8072760105133057,
-0.9621092677116394,
1.0836795568466187,
0.565924346446991,
-0.6965361833572388,
-0.9282259345054626,
-0.2819269299507141,
-0.3319607079029083,
-0.9538547992706299,
0.7482385039329529,
0.39824309945106506,
0.26614850759506226,
-0.14904862642288208,
-0.44092682003974915,
-0.8448677659034729,
1.0744558572769165,
0.13222579658031464,
-0.9622982740402222,
-0.06956459581851959,
0.2933726906776428,
0.6943396925926208,
-0.4062223732471466,
0.2884974777698517,
0.5689119696617126,
0.18018050491809845,
-0.0627932921051979,
-0.8644653558731079,
-0.05417986959218979,
-0.35193318128585815,
0.20800204575061798,
0.18134404718875885,
-0.6507437825202942,
0.7272300720214844,
0.3543005585670471,
-0.12654557824134827,
0.11197923123836517,
0.4575451612472534,
0.26419326663017273,
0.05862811952829361,
0.5680420994758606,
0.8821828961372375,
0.5871120691299438,
-0.01578061282634735,
0.7811434268951416,
-0.35658252239227295,
0.2549065351486206,
1.1476655006408691,
0.0008569615893065929,
0.8137744069099426,
0.3320011794567108,
-0.10779328644275665,
0.7062093019485474,
0.5513010621070862,
-0.2875426709651947,
0.6174448728561401,
0.11411730945110321,
-0.07291728258132935,
-0.06183099001646042,
-0.05446537584066391,
-0.318026602268219,
0.8148808479309082,
0.20683389902114868,
-0.5733864307403564,
0.09632118046283722,
0.41503146290779114,
0.521150529384613,
-0.09470463544130325,
-0.2452557384967804,
0.8766281008720398,
0.10485123097896576,
-0.9479649662971497,
0.5055119395256042,
0.404196172952652,
0.750231921672821,
-0.7570497393608093,
0.25942015647888184,
-0.28661414980888367,
0.28255146741867065,
0.17417007684707642,
-0.4969387948513031,
0.31230589747428894,
0.1652727872133255,
-0.07604381442070007,
-0.033777836710214615,
0.5854697823524475,
-0.6739950776100159,
-0.6779382824897766,
0.06978873163461685,
0.19129332900047302,
0.3803679049015045,
-0.058207690715789795,
-0.8336926698684692,
0.1273380070924759,
0.018748987466096878,
-0.33784595131874084,
0.46442991495132446,
0.06526929140090942,
0.0017423093086108565,
0.41172537207603455,
0.47619563341140747,
-0.05794893205165863,
-0.1591235101222992,
0.13215410709381104,
0.7001754641532898,
-0.4173610806465149,
-0.5192757844924927,
-0.9063490629196167,
0.4308021366596222,
-0.24737700819969177,
-0.3582475185394287,
0.7637638449668884,
0.758145809173584,
1.1987333297729492,
-0.34776490926742554,
0.6046656370162964,
-0.25227227807044983,
0.41045328974723816,
-0.8232644200325012,
0.7382361888885498,
-0.5923130512237549,
-0.12013188749551773,
-0.34924012422561646,
-0.8858378529548645,
-0.1005433052778244,
0.7803903222084045,
-0.15408839285373688,
-0.15765537321567535,
0.6718899607658386,
0.7895732522010803,
-0.07527867704629898,
-0.146619975566864,
0.2592209279537201,
0.11344873905181885,
0.190464586019516,
0.6873246431350708,
0.5591302514076233,
-0.8640634417533875,
0.48210400342941284,
-0.6142450571060181,
-0.03749934211373329,
-0.12807829678058624,
-0.6129896640777588,
-1.0151073932647705,
-0.6149131655693054,
-0.5998895764350891,
-0.2557961344718933,
-0.10958500951528549,
0.917957603931427,
0.6775208115577698,
-0.5589315891265869,
-0.1767873466014862,
-0.18842990696430206,
-0.34258872270584106,
0.01101365964859724,
-0.22183653712272644,
0.5701398849487305,
-0.28184252977371216,
-1.08413565158844,
0.3469372093677521,
-0.001903420314192772,
0.09235856682062149,
-0.3262094557285309,
-0.012724120169878006,
-0.2950383126735687,
-0.11241383105516434,
0.6161619424819946,
0.01915843039751053,
-0.5183297991752625,
-0.11029189079999924,
-0.04841974750161171,
-0.2653124928474426,
-0.046508725732564926,
0.39281851053237915,
-0.7653383016586304,
0.5119041800498962,
0.3434256613254547,
0.4263862073421478,
0.9656047224998474,
-0.23867270350456238,
0.3159119188785553,
-0.7238693833351135,
0.4573190212249756,
0.07465552538633347,
0.45892152190208435,
0.3292936682701111,
-0.13356764614582062,
0.7392418384552002,
0.4424438774585724,
-0.48437556624412537,
-0.6769469976425171,
0.1131652444601059,
-1.079896092414856,
-0.3739624321460724,
1.0747743844985962,
-0.18882209062576294,
-0.3893919885158539,
0.17912942171096802,
-0.3783387839794159,
0.4173027575016022,
0.09606688469648361,
0.7348544001579285,
0.7703878283500671,
0.4392671287059784,
-0.17687861621379852,
-0.4679565131664276,
0.3836427628993988,
0.3236682713031769,
-0.7971593141555786,
-0.27009084820747375,
0.40580475330352783,
0.44976258277893066,
0.3816275894641876,
0.8270559906959534,
-0.20425893366336823,
0.15016146004199982,
0.10709145665168762,
0.1187211349606514,
-0.22251209616661072,
-0.4033980369567871,
-0.4650307595729828,
0.02117948792874813,
-0.12636083364486694,
-0.3544442355632782
] |
Yehor/wav2vec2-xls-r-300m-uk-with-small-lm
|
Yehor
| 2022-07-30T08:51:01Z | 4,988 | 5 |
transformers
|
[
"transformers",
"pytorch",
"wav2vec2",
"automatic-speech-recognition",
"uk",
"dataset:mozilla-foundation/common_voice_10_0",
"license:apache-2.0",
"endpoints_compatible",
"has_space",
"region:us"
] |
automatic-speech-recognition
| 2022-06-08T12:31:06Z |
---
language:
- uk
license: "apache-2.0"
datasets:
- mozilla-foundation/common_voice_10_0
---
🇺🇦 Join Ukrainian Speech Recognition Community - https://t.me/speech_recognition_uk
⭐ See other Ukrainian models - https://github.com/egorsmkv/speech-recognition-uk
This model has apostrophes and hyphens.
The language model is trained on the texts of the Common Voice dataset, which is used during training.
Metrics:
| Dataset | CER | WER |
|-|-|-|
| CV7 (no LM) | 0.0432 | 0.2288 |
| CV7 (with LM) | 0.0169 | 0.0706 |
| CV10 (no LM) | 0.0412 | 0.2206 |
| CV10 (with LM) | 0.0118 | 0.0463 |
More:
- The same model, but trained on noisy data: https://huggingface.co/Yehor/wav2vec2-xls-r-300m-uk-with-small-lm-noisy
- Traced JIT version: https://huggingface.co/Yehor/wav2vec2-xls-r-300m-uk-traced-jit
|
[
-0.022918701171875,
-0.2824278175830841,
0.48122334480285645,
-0.01964644528925419,
-0.49960681796073914,
0.04573998600244522,
-0.19045943021774292,
-0.5258045792579651,
0.13662901520729065,
0.5517317652702332,
-0.563403844833374,
-0.6949248313903809,
-0.625929057598114,
0.25258949398994446,
-0.31575125455856323,
0.5094546675682068,
0.20699915289878845,
0.7878057360649109,
0.23697735369205475,
-0.4257853627204895,
-0.23707827925682068,
-0.838098406791687,
-0.7380082607269287,
-0.07341063767671585,
0.29276424646377563,
0.4496651589870453,
0.5176731944084167,
0.7769951224327087,
0.4654912054538727,
0.32196280360221863,
-0.19905659556388855,
-0.18020540475845337,
-0.12838642299175262,
0.1820315420627594,
0.06231917440891266,
-0.22799114882946014,
-0.2716820538043976,
-0.21081367135047913,
0.8665509223937988,
0.6991755366325378,
-0.6695659756660461,
0.2633131444454193,
-0.084773950278759,
0.429569810628891,
-0.25952208042144775,
0.06862910836935043,
-0.6017308235168457,
0.020513130351901054,
-0.32165852189064026,
0.46177494525909424,
-0.32111576199531555,
-0.15792876482009888,
0.17757681012153625,
-0.7962004542350769,
0.125022292137146,
0.2772340178489685,
0.9534283876419067,
0.13374541699886322,
0.02445601299405098,
-0.5793426632881165,
-0.7845411896705627,
0.9665611982345581,
-0.8072854280471802,
0.9648394584655762,
0.46374762058258057,
0.5867969393730164,
0.14824767410755157,
-0.6767913699150085,
-0.3390715718269348,
-0.13669562339782715,
0.24553869664669037,
0.25579848885536194,
-0.21906399726867676,
-0.10013935714960098,
0.4139990210533142,
0.05934755504131317,
-0.4711465537548065,
0.4560752809047699,
-0.8977953791618347,
-0.8906103372573853,
0.2970370352268219,
0.00926604587584734,
0.016059856861829758,
-0.0541064478456974,
-0.23464971780776978,
0.005723312962800264,
-0.4293951094150543,
0.2717510163784027,
0.6465110778808594,
0.7436604499816895,
-0.4009113311767578,
0.5637780427932739,
-0.32616469264030457,
0.715798556804657,
0.07480833679437637,
-0.5272204279899597,
0.6100494861602783,
-0.26678797602653503,
-0.09598534554243088,
0.17041654884815216,
0.9464530348777771,
-0.08845540881156921,
0.40320906043052673,
-0.04792822152376175,
-0.07361525297164917,
0.11623768508434296,
-0.08087703585624695,
-0.7326692938804626,
-0.29703593254089355,
-0.12098195403814316,
-0.49622178077697754,
-0.11579152941703796,
0.06964291632175446,
-0.542216956615448,
-0.17042788863182068,
-0.526742160320282,
0.5547797083854675,
-0.48055264353752136,
-0.3250732421875,
0.45172321796417236,
-0.20768320560455322,
0.2164810597896576,
0.4865739643573761,
-0.6330357789993286,
0.6725081205368042,
0.36120644211769104,
0.7288607954978943,
0.212704598903656,
-0.20084930956363678,
-0.5711054801940918,
-0.2853722870349884,
0.004139883443713188,
0.44341084361076355,
-0.5302619338035583,
-0.5178157091140747,
0.002331933006644249,
0.19805368781089783,
-0.015742653980851173,
-0.8209266662597656,
0.9526290893554688,
-0.05165613442659378,
0.24675224721431732,
-0.3950311243534088,
-0.5496407747268677,
0.04940745234489441,
-0.1812005639076233,
-0.7334868311882019,
1.2047622203826904,
-0.02609320916235447,
-0.7800566554069519,
0.45078250765800476,
-0.48571377992630005,
-0.12472032010555267,
-0.034974243491888046,
-0.011758486740291119,
-0.7112318873405457,
-0.1276921033859253,
-0.07928922772407532,
0.39436015486717224,
0.06530095636844635,
-0.16191408038139343,
-0.15538369119167328,
-0.1723925769329071,
0.3327169418334961,
-0.2559744715690613,
0.9694657325744629,
0.24497850239276886,
-0.06195104867219925,
-0.27998781204223633,
-1.2746325731277466,
-0.14792518317699432,
-0.2153957188129425,
-0.728561520576477,
-0.1985875368118286,
-0.029333166778087616,
0.2800080180168152,
0.5453594923019409,
0.14100174605846405,
-0.8113357424736023,
-0.11520359665155411,
-0.3088085651397705,
0.6266992688179016,
0.3615075945854187,
-0.28465917706489563,
0.21009644865989685,
-0.46625688672065735,
0.6899334788322449,
0.42762982845306396,
0.11524995416402817,
0.16489948332309723,
-0.7026170492172241,
-0.8153925538063049,
-0.5537070035934448,
0.4545210301876068,
0.5533298254013062,
-0.5105882883071899,
0.35708630084991455,
-0.04290066286921501,
-0.7297843098640442,
-1.084101676940918,
-0.07345681637525558,
0.5529914498329163,
0.7990619540214539,
0.45718270540237427,
-0.2158733457326889,
-1.0288076400756836,
-0.9750485420227051,
-0.28119736909866333,
-0.4336482286453247,
-0.14720375835895538,
0.2576327621936798,
0.6301992535591125,
0.06575629860162735,
0.5049831867218018,
0.022462328895926476,
-0.21329399943351746,
0.01850418746471405,
0.18596696853637695,
0.18037772178649902,
0.36215320229530334,
0.16000068187713623,
-0.7034705877304077,
-0.7202492356300354,
-0.26479387283325195,
-0.1657707542181015,
-0.33033043146133423,
0.2588113844394684,
0.21396297216415405,
0.2793331444263458,
0.5397359132766724,
-0.4092254936695099,
0.42845651507377625,
0.4218634068965912,
-0.12955141067504883,
0.9455559849739075,
0.17333348095417023,
0.09679105132818222,
-1.5430099964141846,
0.1716424524784088,
0.031680405139923096,
-0.6066234111785889,
-0.5132415890693665,
-0.3966463506221771,
0.02591566927731037,
-0.11315082013607025,
-0.9276944994926453,
0.32964807748794556,
-0.6879300475120544,
-0.270456463098526,
0.3050682544708252,
0.10816772282123566,
-0.154619038105011,
0.19395294785499573,
0.25237423181533813,
0.790991485118866,
1.0156328678131104,
-0.4334355592727661,
0.3162496089935303,
0.55938321352005,
-0.6218846440315247,
0.5199052095413208,
-0.6667215824127197,
0.06197444349527359,
0.2968524992465973,
-0.03783750906586647,
-0.9273672699928284,
-0.34545961022377014,
0.25916552543640137,
-0.7846215963363647,
0.0013869877438992262,
-0.3159531354904175,
-0.5107098817825317,
-0.42878761887550354,
-0.18251392245292664,
0.33632734417915344,
0.9060288071632385,
-0.6320071220397949,
0.06630083173513412,
0.44348517060279846,
-0.24339407682418823,
-0.6413506865501404,
-0.7692632079124451,
-0.021161094307899475,
-0.4252818822860718,
-0.3317377269268036,
0.11109937727451324,
-0.11361062526702881,
-0.2492816001176834,
-0.3322104215621948,
0.024600347504019737,
-0.494684636592865,
-0.1835811585187912,
0.4136243462562561,
0.12015758454799652,
-0.31689780950546265,
0.12278277426958084,
-0.4696081876754761,
0.07512153685092926,
0.0028471071273088455,
0.031428635120391846,
0.4899703562259674,
-0.025866203010082245,
-0.10980455577373505,
-1.1192108392715454,
0.1994740068912506,
0.9165530204772949,
0.003300778102129698,
0.4600193500518799,
0.6789956092834473,
-0.6924692988395691,
0.12192452698945999,
-0.6114495992660522,
-0.09831119328737259,
-0.4575181305408478,
0.36572253704071045,
-0.4694562256336212,
-0.9091671109199524,
1.040444254875183,
0.041322141885757446,
-0.3655528426170349,
0.5820739269256592,
0.4872400462627411,
-0.1549195498228073,
0.9645665287971497,
0.34458795189857483,
-0.399621844291687,
0.42780908942222595,
0.191860631108284,
0.0704372376203537,
-0.8041664958000183,
-0.3446028530597687,
-0.9734967947006226,
0.04547565057873726,
-0.6464959979057312,
-0.10731764137744904,
0.1151323914527893,
0.20371176302433014,
0.04485868662595749,
0.6771262288093567,
-0.5563380122184753,
0.4405185282230377,
0.27291053533554077,
0.16455791890621185,
0.37499627470970154,
0.10243327170610428,
-0.49884259700775146,
-0.41609811782836914,
-0.6446705460548401,
-0.5262085199356079,
0.9839875102043152,
0.4121411144733429,
0.8676967024803162,
0.02519845776259899,
0.7881097197532654,
-0.07431942969560623,
-0.0848088264465332,
-0.9305580854415894,
0.4676206409931183,
-0.1497468650341034,
-0.7116512060165405,
-0.4130873680114746,
-0.5844550132751465,
-1.0631067752838135,
-0.0968075692653656,
-0.2704432010650635,
-1.049320936203003,
0.0470665879547596,
0.12607327103614807,
-0.42408740520477295,
0.3272051513195038,
-0.45448341965675354,
0.49470046162605286,
0.3949790894985199,
0.10308735072612762,
0.17761272192001343,
-0.6521204710006714,
0.17351076006889343,
-0.022196097299456596,
0.37369149923324585,
0.008441565558314323,
0.005487827118486166,
1.1397488117218018,
-0.7116748690605164,
0.7817710638046265,
-0.3775688707828522,
0.14539802074432373,
0.2898385524749756,
-0.2816193401813507,
0.3396950364112854,
-0.25518450140953064,
-0.3079751133918762,
0.2163233757019043,
0.09175767004489899,
-0.25658583641052246,
0.009347241371870041,
0.44616013765335083,
-0.8835007548332214,
-0.026392003521323204,
-0.502352774143219,
-0.2178204357624054,
0.0854024887084961,
0.1164286732673645,
0.7838048338890076,
0.6878725290298462,
-0.48891231417655945,
0.4523366093635559,
0.43705976009368896,
0.016588741913437843,
0.34777405858039856,
1.0196733474731445,
-0.16064006090164185,
-0.5037037134170532,
0.3492368459701538,
0.6097623705863953,
0.3598523437976837,
0.08318726718425751,
0.22941017150878906,
-0.5527034997940063,
-0.744776725769043,
-0.34628891944885254,
0.22119282186031342,
-0.5646345615386963,
-0.19212521612644196,
-0.5648104548454285,
-0.392727255821228,
-0.5908494591712952,
0.1527079939842224,
-0.5288883447647095,
-0.5704325437545776,
-0.4929344952106476,
-0.12432055920362473,
0.6490588188171387,
0.8731520771980286,
-0.40632250905036926,
0.6763541102409363,
-0.5819287896156311,
0.3806670904159546,
0.16523434221744537,
0.3142745792865753,
-0.3889119029045105,
-1.09491765499115,
-0.5591217875480652,
0.15075817704200745,
-0.150101438164711,
-0.8465930223464966,
0.6307216286659241,
0.355136513710022,
0.46244025230407715,
0.14435487985610962,
-0.19777700304985046,
0.812219500541687,
-0.7543858885765076,
0.7175383567810059,
0.36924171447753906,
-1.0667775869369507,
0.38848745822906494,
-0.3746747374534607,
0.42243891954421997,
0.7135469913482666,
0.37254926562309265,
-0.6684103012084961,
-0.42403700947761536,
-0.7780493497848511,
-0.6490504145622253,
0.6207171678543091,
0.40272364020347595,
-0.2452934831380844,
0.26460596919059753,
0.6192829608917236,
0.4144992530345917,
0.02642749808728695,
-0.7838420867919922,
-0.12353479117155075,
0.012857990339398384,
-0.3377772867679596,
0.17780278623104095,
-0.11468899995088577,
0.15253280103206635,
-0.6033034920692444,
0.7551844120025635,
0.38462603092193604,
0.02259637601673603,
0.3856286108493805,
-0.2022218257188797,
-0.2576591670513153,
0.32858604192733765,
0.7285532355308533,
0.4567708373069763,
-0.2116255760192871,
-0.17430776357650757,
0.20540915429592133,
-0.9026122093200684,
0.1467481404542923,
0.0451836921274662,
0.02608724869787693,
0.5742897987365723,
0.14226776361465454,
0.6834032535552979,
0.22145573794841766,
-0.41127344965934753,
0.45130640268325806,
-0.31820276379585266,
-0.6015624403953552,
-0.6499661803245544,
-0.10915609449148178,
0.35818013548851013,
-0.022474147379398346,
0.2969304025173187,
0.29573169350624084,
0.32996460795402527,
-0.46110546588897705,
0.23023521900177002,
0.14357423782348633,
-0.3258843719959259,
-0.6385864615440369,
0.5722971558570862,
0.2682391405105591,
-0.8276929259300232,
0.43647366762161255,
-0.3115519881248474,
-0.7288756370544434,
0.645977258682251,
0.3810373544692993,
0.6224700808525085,
-0.7805283069610596,
0.05957382544875145,
0.8123328685760498,
0.2875159978866577,
-0.5104446411132812,
0.9943926334381104,
0.05401458591222763,
-0.6761563420295715,
-0.1265508383512497,
-0.7564824819564819,
-0.7309125661849976,
0.5365170240402222,
-1.2690939903259277,
0.6499733328819275,
-0.5098286867141724,
-0.1371580958366394,
0.5236994624137878,
0.04820599779486656,
-0.9417438507080078,
0.33495771884918213,
0.025388963520526886,
0.7373908162117004,
-1.0005691051483154,
1.082915186882019,
0.4429827332496643,
-0.08487618714570999,
-0.9270950555801392,
-0.3692924678325653,
0.036820922046899796,
-0.9125350117683411,
0.2745400667190552,
0.3300972282886505,
-0.09383361041545868,
0.014996997080743313,
-0.6231431365013123,
-0.9860026836395264,
1.0751457214355469,
0.3927871882915497,
-1.3171700239181519,
0.23223821818828583,
0.19706790149211884,
0.5582741498947144,
-0.2817877531051636,
-0.26903828978538513,
0.48013684153556824,
0.5085647702217102,
-0.17981325089931488,
-1.460662603378296,
-0.24707509577274323,
-0.06938585638999939,
-0.4608455300331116,
0.06541597843170166,
-0.6277592778205872,
0.8388732075691223,
-0.05402718484401703,
-0.43440210819244385,
0.6244582533836365,
0.08707056939601898,
0.3711736798286438,
0.22780074179172516,
0.5139970779418945,
0.9037478566169739,
0.983259916305542,
-0.007287418004125357,
0.4081590473651886,
-0.022071465849876404,
0.26644307374954224,
1.2695643901824951,
-0.35073697566986084,
1.133915901184082,
0.5187025666236877,
-0.48589086532592773,
0.4506351053714752,
0.7917123436927795,
-0.07578964531421661,
0.5326394438743591,
0.24432457983493805,
-0.08636442571878433,
-0.10608014464378357,
0.01573040336370468,
-0.5000503659248352,
0.7461197972297668,
0.4072754383087158,
-0.3697492182254791,
-0.004221160430461168,
0.002750808373093605,
0.06493282318115234,
0.09491315484046936,
-0.26817062497138977,
0.8799471259117126,
0.0973471999168396,
-0.12836909294128418,
0.5603286623954773,
-0.1049024686217308,
0.7806349396705627,
-0.5140811800956726,
0.17832507193088531,
0.3043861389160156,
-0.1595904380083084,
-0.14246797561645508,
-0.4118614196777344,
0.32130205631256104,
0.11221041530370712,
-0.35733166337013245,
-0.1625150442123413,
0.7484042048454285,
-0.797542929649353,
-0.8501303791999817,
0.2959892153739929,
0.5358906984329224,
0.6989516019821167,
0.11804145574569702,
-0.811143159866333,
0.11156684905290604,
-0.19245335459709167,
-0.040734175592660904,
0.06249929592013359,
0.5209304690361023,
0.3349413573741913,
0.5284439325332642,
0.5426366925239563,
0.44204503297805786,
0.2507251501083374,
0.2932932674884796,
0.614704966545105,
-0.6355626583099365,
-0.6966436505317688,
-0.7072075009346008,
0.4762251079082489,
-0.0038773282431066036,
-0.6381199955940247,
0.7138985395431519,
0.8525412082672119,
0.8298041224479675,
-0.1530352085828781,
0.7778825163841248,
0.3858022689819336,
1.1685086488723755,
-0.701988697052002,
0.8352696299552917,
-0.3686022162437439,
-0.06217331439256668,
-0.07737363129854202,
-0.7233149409294128,
-0.3923143744468689,
0.6524454355239868,
-0.027689127251505852,
-0.06897952407598495,
0.5797352194786072,
0.983736515045166,
-0.20745594799518585,
-0.3736564815044403,
0.7043551206588745,
0.5998214483261108,
-0.28163325786590576,
0.3154391944408417,
0.7302791476249695,
-0.6253746151924133,
0.6353016495704651,
-0.19150720536708832,
0.18358586728572845,
-0.21288245916366577,
-0.5199079513549805,
-0.7339670658111572,
-0.8478042483329773,
-0.5494409799575806,
-0.4270510673522949,
0.17921246588230133,
0.8060628175735474,
1.024431586265564,
-0.8260690569877625,
-0.42022716999053955,
0.014180747792124748,
-0.25032857060432434,
0.19806300103664398,
-0.1701170653104782,
0.12264144420623779,
0.23377355933189392,
-0.6173247694969177,
0.44267818331718445,
0.06459160894155502,
0.5336309671401978,
-0.05250702053308487,
-0.3296126127243042,
-0.17093271017074585,
0.10662242025136948,
0.08112394064664841,
0.4624911844730377,
-0.8892332911491394,
-0.36414992809295654,
0.0412946380674839,
-0.23128534853458405,
0.4547586441040039,
0.35699817538261414,
-0.5498213768005371,
0.41803833842277527,
0.4012675881385803,
-0.11107474565505981,
0.430679053068161,
-0.0872313603758812,
0.2964913547039032,
-0.905303955078125,
0.43364831805229187,
0.3475492298603058,
0.6343847513198853,
0.8211502432823181,
-0.19497829675674438,
0.25911766290664673,
0.3312583565711975,
-0.5839571356773376,
-1.053672432899475,
0.16426067054271698,
-1.2502479553222656,
0.169048473238945,
1.1745208501815796,
-0.16842344403266907,
-0.1519005447626114,
-0.36484450101852417,
-0.37209194898605347,
0.47454726696014404,
-0.7151076793670654,
0.7370885610580444,
1.2041929960250854,
0.19277799129486084,
-0.07638779282569885,
-0.5921679139137268,
0.8250908851623535,
0.22534558176994324,
-0.5875189304351807,
-0.06197478249669075,
0.3309955596923828,
0.7305373549461365,
0.1051851138472557,
0.6562914848327637,
-0.32512974739074707,
0.4169446527957916,
0.04754382371902466,
0.3005983233451843,
0.1237877681851387,
-0.3097321093082428,
-0.828277051448822,
-0.3296753764152527,
0.1931019425392151,
-0.46806666254997253
] |
Monero/WizardLM-Uncensored-SuperCOT-StoryTelling-30b
|
Monero
| 2023-05-31T05:57:07Z | 4,988 | 33 |
transformers
|
[
"transformers",
"pytorch",
"llama",
"text-generation",
"endpoints_compatible",
"has_space",
"text-generation-inference",
"region:us"
] |
text-generation
| 2023-05-31T02:53:31Z |
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.3633768558502197,
-0.6118709444999695,
0.2321094125509262,
0.053121913224458694,
0.07074056565761566,
0.5558211207389832,
-0.21482235193252563,
-0.3601371943950653,
0.30685752630233765,
1.0291190147399902,
-0.3549439013004303,
-0.5368757843971252,
-0.528017520904541,
-0.36690130829811096,
-0.38117116689682007,
1.3921087980270386,
-0.2122037261724472,
-0.05784108489751816,
-0.22545208036899567,
0.2144382894039154,
-0.83682781457901,
-0.6638462543487549,
-0.14750273525714874,
-0.3416614234447479,
0.6230660676956177,
0.4507104456424713,
0.6956460475921631,
0.1293572187423706,
0.1731269806623459,
0.2752908170223236,
-0.12377224862575531,
0.8922057151794434,
-0.9163598418235779,
0.3459719717502594,
-0.15651899576187134,
-0.6684714555740356,
-0.6671653985977173,
0.26096829771995544,
0.40437373518943787,
0.6445326805114746,
-0.0028041081968694925,
0.3014053404331207,
0.25743985176086426,
0.861901044845581,
-0.8101109266281128,
0.045665234327316284,
-0.42915818095207214,
0.008972834795713425,
-0.46280282735824585,
-0.5025476813316345,
-0.34840479493141174,
-0.5639751553535461,
0.25127536058425903,
-0.8204329013824463,
0.2656329870223999,
0.4119766354560852,
0.8324964642524719,
-0.16133733093738556,
-0.5962254405021667,
0.0017693579429760575,
-1.0706920623779297,
0.6011126041412354,
-0.09397008270025253,
-0.1478792279958725,
0.6718257665634155,
0.475314736366272,
0.23203815519809723,
-0.6500316858291626,
-0.5011743307113647,
0.012598841451108456,
-0.20534370839595795,
0.32228901982307434,
-0.14485184848308563,
-0.016347579658031464,
0.24480170011520386,
0.6566106081008911,
-0.4992431402206421,
-0.2646872401237488,
-0.8074966669082642,
-0.11444325745105743,
0.6403307914733887,
0.6684934496879578,
0.28501394391059875,
0.0074620856903493404,
-0.35533127188682556,
0.29901212453842163,
-0.5179702639579773,
0.06173745542764664,
0.5702418684959412,
-0.10885126888751984,
0.24534137547016144,
0.7905575037002563,
0.15236155688762665,
0.8150880336761475,
0.010129447095096111,
-0.5320529937744141,
-0.1447315216064453,
-0.17699721455574036,
-0.1697014570236206,
-0.08005886524915695,
0.4495485723018646,
0.6997827291488647,
0.6994789242744446,
-0.37070193886756897,
0.22340619564056396,
0.013357440941035748,
0.5371102690696716,
-0.46146807074546814,
-0.49576535820961,
0.057514738291502,
-0.44513610005378723,
-0.49474087357521057,
-0.12066750228404999,
-0.5592781901359558,
-0.6348991990089417,
-0.6677337884902954,
0.3989352285861969,
-0.8311823010444641,
-0.4852914810180664,
0.19972936809062958,
-0.5728070735931396,
0.10172247141599655,
0.6081188321113586,
-1.1609078645706177,
0.3524429202079773,
0.5568383932113647,
0.6034234166145325,
-0.40590277314186096,
-0.6836222410202026,
0.13962414860725403,
0.44708117842674255,
-0.5686715245246887,
0.7446703314781189,
-0.278841495513916,
-0.5594735741615295,
-0.3673197031021118,
-0.37549296021461487,
-0.4751298129558563,
-0.28200989961624146,
0.7144863605499268,
-0.9997813105583191,
0.0734485611319542,
-0.20010516047477722,
-0.762097179889679,
-0.5018821358680725,
0.2651856541633606,
-0.589365541934967,
0.7521325945854187,
0.23242156207561493,
-0.7337446808815002,
0.2822403013706207,
-0.638379693031311,
-0.13328120112419128,
0.30165743827819824,
0.279409795999527,
0.1698794811964035,
0.2220914214849472,
-0.1177435889840126,
-0.12373581528663635,
-0.4214697480201721,
0.4449535608291626,
0.03707493096590042,
-0.3472527265548706,
0.5158621072769165,
-0.8416532874107361,
0.946881890296936,
0.2702915668487549,
-0.11451604962348938,
-0.029391897842288017,
-0.6373711824417114,
0.2235335409641266,
-0.13325734436511993,
-0.004800866357982159,
-0.5466094017028809,
-0.251289039850235,
-0.038470424711704254,
-0.07076583057641983,
0.36190348863601685,
-0.3165872395038605,
0.5964328646659851,
-0.4595341980457306,
-0.25056782364845276,
0.62461256980896,
0.04802992194890976,
0.45108774304389954,
-0.6697801351547241,
0.693140983581543,
-0.2819286584854126,
0.28714752197265625,
-0.09105400741100311,
-0.3702189028263092,
-0.8606537580490112,
-0.2573648691177368,
0.19267679750919342,
0.6253926157951355,
-0.4778989553451538,
0.19816471636295319,
-0.09242713451385498,
-0.7685457468032837,
-0.5717760920524597,
0.2605043351650238,
0.3734722435474396,
0.6717982888221741,
0.2880036532878876,
0.18262074887752533,
-0.4016808867454529,
-0.7546803951263428,
-0.5320760011672974,
-0.16080230474472046,
0.12157581001520157,
0.24831771850585938,
0.32411012053489685,
0.31826505064964294,
1.0418707132339478,
-0.6963589191436768,
-0.4414692521095276,
-0.3428652286529541,
0.15107546746730804,
0.11660801619291306,
0.39739400148391724,
0.5120689272880554,
-0.8312743902206421,
-0.7457982301712036,
0.2697014808654785,
-1.0205645561218262,
0.09164129197597504,
0.12086523324251175,
-0.42121371626853943,
0.02714921347796917,
-0.012296264991164207,
-0.5332624912261963,
0.8284119963645935,
0.22425277531147003,
-0.6774003505706787,
1.0542958974838257,
-0.07859772443771362,
0.48283588886260986,
-0.7133408784866333,
-0.005873256362974644,
-0.7075068950653076,
0.18214577436447144,
-0.8052466511726379,
0.023927344009280205,
-0.22339782118797302,
0.08751695603132248,
-0.228019118309021,
0.5571609139442444,
-0.5427227020263672,
0.11809099465608597,
-0.4018282890319824,
0.01710980199277401,
0.7179926037788391,
0.39446765184402466,
0.027860581874847412,
0.547561526298523,
0.9727267026901245,
-0.7426267266273499,
0.8320620059967041,
0.22650755941867828,
0.11325804889202118,
0.9599077105522156,
-0.29832831025123596,
-0.3502391278743744,
0.04963376745581627,
0.03502480313181877,
-0.5847048163414001,
-0.2691532373428345,
-0.04805346205830574,
-0.617294430732727,
0.43125593662261963,
-0.03871309384703636,
-0.9067407846450806,
-0.7337955832481384,
-0.11341477930545807,
0.3611786365509033,
0.5345907211303711,
-0.5793707370758057,
0.9724732041358948,
0.23779384791851044,
0.14138728380203247,
-0.7111814022064209,
-0.47425350546836853,
0.169005885720253,
-0.43793046474456787,
-1.0194511413574219,
0.2410506010055542,
-0.2347477525472641,
-0.47513294219970703,
-0.13858246803283691,
0.06321289390325546,
-0.15662053227424622,
0.09480182826519012,
0.19320082664489746,
0.5990815162658691,
-0.2148299664258957,
0.034125883132219315,
0.06430470943450928,
-0.006929580122232437,
0.15294283628463745,
-0.43066444993019104,
0.3940439522266388,
-0.4703625440597534,
-0.5768983364105225,
-0.5809532403945923,
0.5685935616493225,
0.8515298366546631,
-0.39991524815559387,
0.7424119710922241,
0.4325157403945923,
-0.07797282189130783,
0.0032128312159329653,
-0.7972281575202942,
0.07875718176364899,
-0.4174164831638336,
-0.17604443430900574,
-0.34646573662757874,
-0.5830422639846802,
0.6046265363693237,
-0.029403502121567726,
0.048258088529109955,
0.632448673248291,
0.5367594361305237,
-0.31955549120903015,
0.7786968350410461,
0.3587249219417572,
0.44779837131500244,
-0.11573486030101776,
-0.6873411536216736,
0.07183843851089478,
-0.834979236125946,
-0.6539171934127808,
-0.13377510011196136,
-0.4507575035095215,
-0.15623155236244202,
-0.307775616645813,
0.38267508149147034,
0.5326129794120789,
-0.2888212502002716,
0.17654769122600555,
-0.5166939496994019,
0.8707388639450073,
0.6942673921585083,
-0.21115677058696747,
0.8941448330879211,
-0.051601968705654144,
0.12280005216598511,
-0.1491944044828415,
-0.6393784284591675,
-0.7006866931915283,
1.2542742490768433,
0.09698432683944702,
1.0510718822479248,
0.46253323554992676,
0.6916810274124146,
0.12830281257629395,
0.08087558299303055,
-0.5878052115440369,
0.3296410143375397,
0.03137769177556038,
-0.8956818580627441,
-0.13250328600406647,
0.18748903274536133,
-0.8827848434448242,
0.23365500569343567,
-0.15139922499656677,
-0.9390603303909302,
0.35288384556770325,
0.24852190911769867,
-0.5426836609840393,
0.8236631155014038,
-0.7710462808609009,
0.7857286930084229,
-0.19097033143043518,
-0.5235089659690857,
-0.10110284388065338,
-0.6819689869880676,
0.9398159384727478,
0.09489107877016068,
0.013573631644248962,
0.10221779346466064,
0.09806976467370987,
0.593593955039978,
-0.5711354613304138,
0.9052515625953674,
0.1977737993001938,
-0.029602089896798134,
0.8112010955810547,
0.4931109845638275,
0.1552978903055191,
0.0707666352391243,
0.2673022747039795,
-0.1462247520685196,
0.12744168937206268,
-0.25855207443237305,
-0.59077388048172,
0.7169514894485474,
-1.0544540882110596,
-0.7182151079177856,
-0.5329259634017944,
-0.7854771018028259,
-0.13429823517799377,
-0.010302037931978703,
0.5775780081748962,
0.5272718667984009,
-0.3422427773475647,
-0.14801041781902313,
0.9253813624382019,
0.2941015064716339,
0.2728365659713745,
0.6106264591217041,
-0.6946196556091309,
-0.26811105012893677,
0.9927887916564941,
0.29644492268562317,
0.36804381012916565,
-0.00811285525560379,
0.06044814735651016,
0.03638921305537224,
-0.34818151593208313,
-0.36807981133461,
0.09524133056402206,
-0.6468026638031006,
-0.257845938205719,
-0.9956247210502625,
-0.7501000165939331,
-0.2506367266178131,
-0.4754905700683594,
-0.41000568866729736,
-0.5528175830841064,
-0.7560977339744568,
-0.026379646733403206,
0.8497515320777893,
0.883796751499176,
-0.099550761282444,
0.28453484177589417,
-0.701286256313324,
0.253269761800766,
0.5999714136123657,
0.15341097116470337,
0.18320629000663757,
-0.5719049572944641,
-0.18470722436904907,
-0.32754990458488464,
-0.7648855447769165,
-0.9173932075500488,
0.5849718451499939,
-0.0007442856440320611,
0.591384768486023,
0.6559174060821533,
0.11415871977806091,
0.6649658679962158,
-0.3760971128940582,
0.8957904577255249,
0.1994226723909378,
-0.8008083701133728,
0.41488999128341675,
-0.4641738831996918,
-0.18616271018981934,
0.494905561208725,
0.09631766378879547,
-0.40243902802467346,
-0.8262419104576111,
-1.1226258277893066,
-0.6673832535743713,
0.6623868346214294,
0.35360297560691833,
0.19651605188846588,
0.1523350030183792,
-0.10334692150354385,
0.4765597879886627,
0.26984575390815735,
-0.6386476755142212,
-0.8039272427558899,
-0.552101194858551,
0.5271766781806946,
0.1665632128715515,
-0.15958000719547272,
-0.7003929018974304,
-0.6573215126991272,
0.5103263258934021,
-0.015575790777802467,
0.041177891194820404,
-0.24973836541175842,
-0.11370327323675156,
-0.03640821948647499,
0.25271883606910706,
0.39299046993255615,
0.8834394812583923,
-0.03379592299461365,
0.19867825508117676,
0.07486743479967117,
-0.5330340266227722,
-0.08913615345954895,
-0.07095488160848618,
-0.14259682595729828,
-0.06477004289627075,
0.4632459282875061,
1.0703229904174805,
-0.08385467529296875,
-0.3026968538761139,
0.7586746215820312,
0.0983586460351944,
-0.32547131180763245,
-0.7449206113815308,
0.36905601620674133,
0.2103693187236786,
0.2597273290157318,
0.5261742472648621,
0.7570154070854187,
0.3283531367778778,
-0.4127289950847626,
-0.10991913825273514,
0.3350123465061188,
-0.10820527374744415,
-0.1681806743144989,
0.6048184037208557,
0.08707913756370544,
-0.14846494793891907,
0.19165606796741486,
-0.1815534085035324,
-0.6172268390655518,
0.6466591358184814,
0.6319969892501831,
0.7278540730476379,
0.18915942311286926,
0.6020638942718506,
0.3067273795604706,
0.14170697331428528,
0.1031937450170517,
0.18035969138145447,
-0.028557701036334038,
-0.5047215819358826,
-0.39218419790267944,
-0.6397586464881897,
-0.27064037322998047,
-0.25994089245796204,
-0.8199793100357056,
0.4605219066143036,
-0.06011094152927399,
0.12039489299058914,
-0.2485688328742981,
-0.022053370252251625,
-0.635929524898529,
-0.20511306822299957,
-0.016605401411652565,
1.175697922706604,
-0.7299203276634216,
0.8439836502075195,
-0.03581121191382408,
-0.45703035593032837,
-1.042929768562317,
0.0614679753780365,
0.2318575382232666,
-0.7738853096961975,
0.8684355616569519,
-0.17166078090667725,
-0.025497958064079285,
0.19240331649780273,
-0.46300068497657776,
-1.0664503574371338,
1.452681064605713,
0.16090251505374908,
-0.27448976039886475,
-0.37524116039276123,
-0.5855550169944763,
0.8809145092964172,
-0.5504845380783081,
0.21810299158096313,
0.7858858704566956,
0.6812625527381897,
0.55721116065979,
-1.064184308052063,
-0.559884786605835,
-0.07010284066200256,
-0.05627550184726715,
-0.005816478282213211,
-0.5409452319145203,
0.999326229095459,
-0.42541131377220154,
-0.08916772156953812,
0.4074959456920624,
0.7744834423065186,
0.45104077458381653,
0.48616552352905273,
-0.19657860696315765,
0.2949568033218384,
1.062143325805664,
-0.103376105427742,
1.2159744501113892,
-0.21818669140338898,
0.16018322110176086,
0.9191272258758545,
-0.10863824188709259,
0.2240440994501114,
0.22455018758773804,
-0.25514376163482666,
0.9636380672454834,
0.582430362701416,
-0.19589267671108246,
0.2802201509475708,
0.22054094076156616,
-0.5827399492263794,
-0.2848019003868103,
-0.19485335052013397,
-0.6345003247261047,
0.4674581289291382,
0.35555148124694824,
-0.2825297713279724,
-0.08093567192554474,
0.42977067828178406,
0.20502491295337677,
0.38542887568473816,
-0.8426584005355835,
0.9194978475570679,
-0.2741049826145172,
-0.848683774471283,
0.7383323311805725,
-0.5766878128051758,
0.6545184850692749,
-0.520866870880127,
0.26226168870925903,
0.053537167608737946,
-0.00416509760543704,
-0.2964384853839874,
-0.933567464351654,
0.454319030046463,
-0.16130676865577698,
-0.4910829961299896,
-0.258855402469635,
0.9361938238143921,
-0.4554596543312073,
-0.4997765123844147,
0.2453787922859192,
0.9263858795166016,
0.3330780565738678,
0.13333474099636078,
-0.3497549593448639,
-0.4930266737937927,
-0.2197127640247345,
-0.1499037891626358,
0.17686964571475983,
0.7567509412765503,
-0.20500245690345764,
0.4943612515926361,
0.34362849593162537,
0.19936932623386383,
-0.07984176278114319,
0.1296466886997223,
1.1044087409973145,
-0.4139896035194397,
-0.3854841887950897,
-0.7797972559928894,
0.6795262694358826,
-0.24369890987873077,
-0.44361838698387146,
1.0281579494476318,
0.7129829525947571,
0.15659476816654205,
-0.22198256850242615,
0.6874922513961792,
0.01260541845113039,
0.6061808466911316,
-0.33192312717437744,
0.9861423969268799,
-0.5410588383674622,
0.2769617736339569,
-0.22956548631191254,
-0.7266302704811096,
-0.25566819310188293,
-0.0028730188496410847,
-0.12916326522827148,
0.013263006694614887,
0.941395103931427,
0.4860076904296875,
0.24321359395980835,
0.44803524017333984,
0.5542149543762207,
0.05941776558756828,
-0.14436614513397217,
0.35474109649658203,
1.078779935836792,
-0.061086900532245636,
0.7247037887573242,
-0.01536744087934494,
-0.4288365840911865,
-0.18633314967155457,
-0.5055546760559082,
-1.2335776090621948,
-0.6077135801315308,
-0.15870392322540283,
-0.7227859497070312,
-0.07981831580400467,
0.5157052278518677,
0.4248301386833191,
-0.4828931391239166,
-0.20007970929145813,
0.05175063759088516,
0.49248653650283813,
-0.4336971044540405,
-0.314302533864975,
0.45543578267097473,
-0.22846077382564545,
-0.6154981851577759,
0.20499707758426666,
0.2828577756881714,
0.198525071144104,
-0.6362068057060242,
-0.11629604548215866,
-0.007223051972687244,
0.19241459667682648,
0.5989947319030762,
0.42762404680252075,
-0.9982206225395203,
0.07730607688426971,
0.3660505414009094,
-0.21685247123241425,
-0.18340058624744415,
0.8415050506591797,
-0.9245471358299255,
0.5891852378845215,
0.331742525100708,
0.007383359596133232,
0.5666247010231018,
-0.28217166662216187,
0.5824042558670044,
-0.6835084557533264,
-0.5155534744262695,
0.46839678287506104,
0.20373106002807617,
0.13892093300819397,
-0.5403274297714233,
0.34505757689476013,
0.6513258814811707,
-0.7227047085762024,
-0.7200281023979187,
0.1806049793958664,
-0.9578973650932312,
-0.36026525497436523,
1.1862061023712158,
-0.014580088667571545,
-0.0922979936003685,
-0.5288043022155762,
-0.6814050078392029,
-0.07478002458810806,
-0.16545316576957703,
0.30984506011009216,
0.9593170285224915,
-0.4803008437156677,
0.02117825858294964,
-0.5400197505950928,
0.644485354423523,
-0.1419762223958969,
-0.5033336877822876,
0.5033345222473145,
0.5269734263420105,
0.21584513783454895,
0.5046274065971375,
0.6287188529968262,
-0.25051167607307434,
0.5497680902481079,
0.024136511608958244,
0.22810395061969757,
-0.2837744951248169,
-0.660307765007019,
0.2190670520067215,
0.6432443261146545,
-0.0007866364903748035,
0.2560774087905884
] |
Sygil/Sygil-Diffusion
|
Sygil
| 2023-09-10T01:46:55Z | 4,986 | 35 |
diffusers
|
[
"diffusers",
"stable-diffusion",
"sygil-diffusion",
"text-to-image",
"sygil-devs",
"finetune",
"stable-diffusion-1.5",
"en",
"ja",
"es",
"zh",
"license:openrail++",
"endpoints_compatible",
"has_space",
"diffusers:StableDiffusionPipeline",
"region:us"
] |
text-to-image
| 2022-12-31T12:09:07Z |
---
license: openrail++
language:
- en
- ja
- es
- zh
widget:
- text: environment art, realistic
example_title: Concept Art 1
- text: environment concept art, high quality
example_title: Concept Art 2
- text: environment,landscape, wallpaper
example_title: Concept Art 3
- text: a beautiful illustration of a fantasy forest
example_title: Fantasy Forest
tags:
- stable-diffusion
- sygil-diffusion
- text-to-image
- sygil-devs
- finetune
- stable-diffusion-1.5
inference: true
pinned: true
metrics:
- accuracy
- bertscore
- bleu
- bleurt
- brier_score
- cer
- character
- charcut_mt
- chrf
- code_eval
---
# About the model
-----------------
This model is a fine-tune of Stable Diffusion, trained on the [Imaginary Network Expanded Dataset](https://github.com/Sygil-Dev/INE-dataset), with the big advantage of allowing the use of multiple namespaces (labeled tags) to control various parts of the final generation.
While current models usually are prone to “context errors” and need substantial negative prompting to set them on the right track, the use of namespaces in this model (eg. “species:seal” or “studio:dc”) stop the model from misinterpreting a seal as the singer Seal, or DC Comics as Washington DC.
This model is also able to understand other languages besides English, currently it can partially understand prompts in Chinese, Japanese and Spanish. More training is already being done in order to have the model completely understand those languages and have it work just like how it works with English prompts.
As the model is fine-tuned on a wide variety of content, it’s able to generate many types of images and compositions, and easily outperforms the original model when it comes to portraits, architecture, reflections, fantasy, concept art, anime, landscapes and a lot more without being hyper-specialized like other community fine-tunes that are currently available.
**Note: The prompt engineering techniques needed are slightly different from other fine-tunes and the original Stable Diffusion model, so while you can still use your favorite prompts, for best results you might need to tweak them to make use of namespaces. A more detailed guide will be available later on, but you can use the tags and namespaces found here [Dataset Explorer](https://huggingface.co/spaces/Sygil/INE-dataset-explorer) should be able to start you off on the right track.
If you find my work useful, please consider supporting me on [GitHub Sponsors](https://github.com/sponsors/ZeroCool940711)!
This model is still in its infancy and it's meant to be constantly updated and trained with more and more data as time goes by, so feel free to give us feedback on our [Discord Server](https://discord.gg/ttM8Tm6wge) or on the discussions section on huggingface. We plan to improve it with more, better tags in the future, so any help is always welcome 😛
[](https://discord.gg/ttM8Tm6wge)
# Showcase

## Examples
Using the [🤗's Diffusers library](https://github.com/huggingface/diffusers) to run Sygil Diffusion in a simple and efficient manner.
```bash
pip install diffusers transformers accelerate scipy safetensors
```
Running the pipeline (if you don't swap the scheduler it will run with the default DDIM, in this example we are swapping it to DPMSolverMultistepScheduler):
```python
import torch
from diffusers import StableDiffusionPipeline, DPMSolverMultistepScheduler
model_id = "Sygil/Sygil-Diffusion"
# Use the DPMSolverMultistepScheduler (DPM-Solver++) scheduler here instead
pipe = StableDiffusionPipeline.from_pretrained(model_id, torch_dtype=torch.float16)
pipe.scheduler = DPMSolverMultistepScheduler.from_config(pipe.scheduler.config)
pipe = pipe.to("cuda")
prompt = "a beautiful illustration of a fantasy forest"
image = pipe(prompt).images[0]
image.save("fantasy_forest_illustration.png")
```
**Notes**:
- Despite not being a dependency, we highly recommend you to install [xformers](https://github.com/facebookresearch/xformers) for memory efficient attention (better performance)
- If you have low GPU RAM available, make sure to add a `pipe.enable_attention_slicing()` after sending it to `cuda` for less VRAM usage (to the cost of speed).
## Available Checkpoints:
- #### Stable:
- [Sygil Diffusion v0.1](https://huggingface.co/Sygil/Sygil-Diffusion/blob/main/sygil-diffusion-v0.1.ckpt): Trained on Stable Diffusion 1.5 for 800,000 steps.
- [Sygil Diffusion v0.2](https://huggingface.co/Sygil/Sygil-Diffusion/blob/main/sygil-diffusion-v0.2.ckpt): Resumed from Sygil Diffusion v0.1 and trained for a total of 1.77 million steps.
- [Sygil Diffusion v0.3](https://huggingface.co/Sygil/Sygil-Diffusion/blob/main/sygil-diffusion-v0.3.ckpt): Resumed from Sygil Diffusion v0.2 and trained for a total of 2.01 million steps.
- [Sygil Diffusion v0.4](https://huggingface.co/Sygil/Sygil-Diffusion/blob/main/sygil-diffusion-v0.4.ckpt): Resumed from Sygil Diffusion v0.3 and trained for a total of 2.37 million steps.
- #### Beta:
- No active beta right now.
Note: Checkpoints under the Beta section are updated daily or at least 3-4 times a week. This is usually the equivalent of 1-2 training session,
this is done until they are stable enough to be moved into a proper release, usually every 1 or 2 weeks.
While the beta checkpoints can be used as they are only the latest version is kept on the repo and the older checkpoints are removed when a new one
is uploaded to keep the repo clean. The HuggingFace inference API as well as the diffusers library will always use the latest beta checkpoint in the diffusers format.
For special cases we might make additional repositories to keep a copy of the diffusers model like when a model uses a different Stable Diffusion model as base (eg. Stable Diffusion 1.5 vs 2.1).
## Training
**Training Data**:
The model was trained on the following dataset:
- [Imaginary Network Expanded Dataset](https://github.com/Sygil-Dev/INE-dataset) dataset.
**Hardware and others**
- **Hardware:** 1 x Nvidia RTX 3050 8GB GPU
- **Hours Trained:** 857 hours approximately.
- **Optimizer:** AdamW
- **Adam Beta 1**: 0.9
- **Adam Beta 2**: 0.999
- **Adam Weight Decay**: 0.01
- **Adam Epsilon**: 1e-8
- **Gradient Checkpointing**: True
- **Gradient Accumulations**: 400
- **Batch:** 1
- **Learning Rate:** 1e-7
- **Learning Rate Scheduler:** cosine_with_restarts
- **Learning Rate Warmup Steps:** 10,000
- **Lora unet Learning Rate**: 1e-7
- **Lora Text Encoder Learning Rate**: 1e-7
- **Resolution**: 512 pixels
- **Total Training Steps:** 2,370,200
Note: For the learning rate I'm testing something new, after changing from using the `constant` scheduler to `cosine_with_restarts` after v0.3 was released, I noticed
it practically uses the optimal learning rate while trying to minimize the loss value, so, when every training session finishes I use for the next session the latest
learning rate value shown for the last few steps from the last session, this makes it so it will overtime decrease at a constant rate. When I add a lot of data to the training dataset
at once, I move the learning rate back to 1e-7 which then the scheduler will move down again as it learns more from the new data, this makes it so the training
doesn't overfit or uses a learning rate too low that makes the model not learn anything new for a while.
Developed by: [ZeroCool94](https://github.com/ZeroCool940711) at [Sygil-Dev](https://github.com/Sygil-Dev/)
## Community Contributions:
- [Kevin Turner (keturn)](https://huggingface.co/keturn): created the [INE-dataset-explorer](https://huggingface.co/spaces/Sygil/INE-dataset-explorer) space for better browsing of the INE dataset.
*This model card is based on the [Stable Diffusion v1](https://github.com/CompVis/stable-diffusion/blob/main/Stable_Diffusion_v1_Model_Card.md) and [DALL-E Mini model card](https://huggingface.co/dalle-mini/dalle-mini).*
# 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.4370788633823395,
-0.6363571286201477,
0.43031054735183716,
0.3429192006587982,
-0.0777212381362915,
-0.16321997344493866,
-0.010318262502551079,
-0.4239268898963928,
0.12083219736814499,
0.15043136477470398,
-0.6150556206703186,
-0.4789716601371765,
-0.6135245561599731,
-0.0454653725028038,
-0.07460784912109375,
1.1101739406585693,
-0.2848069965839386,
0.07105150818824768,
-0.04483863338828087,
-0.229666069149971,
-0.2147057205438614,
-0.17387321591377258,
-1.1085611581802368,
-0.3685263693332672,
0.45380347967147827,
0.06366679072380066,
0.3053379952907562,
0.5060091018676758,
0.3317050039768219,
0.2591301500797272,
-0.5043870210647583,
-0.009226193651556969,
-0.6009900569915771,
-0.06087908148765564,
0.19376590847969055,
-0.35730087757110596,
-0.5884435176849365,
0.09837377816438675,
0.784809947013855,
0.2891498804092407,
-0.4234306216239929,
0.24723796546459198,
0.20588469505310059,
0.5083099603652954,
-0.49550890922546387,
0.2762744426727295,
-0.16578437387943268,
-0.04482101649045944,
-0.27365708351135254,
0.28961119055747986,
-0.3765236437320709,
-0.2888249456882477,
0.20595060288906097,
-0.7918630838394165,
0.22231505811214447,
-0.2352454513311386,
1.0991137027740479,
0.3673717975616455,
-0.3424566984176636,
0.010137886740267277,
-0.3998805582523346,
0.5812844038009644,
-0.7199181914329529,
0.40541473031044006,
0.18756017088890076,
0.35986173152923584,
-0.13016250729560852,
-0.8668513298034668,
-0.4659855365753174,
-0.17002075910568237,
-0.03894377127289772,
0.37296152114868164,
-0.48532867431640625,
0.05367168039083481,
0.560736358165741,
0.29416486620903015,
-0.6068076491355896,
-0.039024364203214645,
-0.343143492937088,
-0.10626625269651413,
0.6607054471969604,
0.27260664105415344,
0.20061659812927246,
0.0054764524102211,
-0.5838276743888855,
-0.19136154651641846,
-0.4560515880584717,
0.4301239252090454,
0.24514038860797882,
0.0545433834195137,
-0.6186978816986084,
0.25230276584625244,
-0.07735682278871536,
0.6875743269920349,
0.3649626076221466,
-0.2884068787097931,
0.5107085108757019,
-0.12198170274496078,
-0.4623338580131531,
-0.14334656298160553,
0.7666149735450745,
0.2906840443611145,
-0.17921879887580872,
-0.02113969437777996,
-0.23134197294712067,
0.2959959805011749,
-0.029132109135389328,
-1.1023571491241455,
-0.3876422345638275,
0.2151736319065094,
-0.3610496520996094,
-0.3228582739830017,
-0.28808966279029846,
-0.6456979513168335,
-0.10545642673969269,
-0.08628986775875092,
0.5361301898956299,
-0.5316081047058105,
-0.4136001765727997,
0.3149529993534088,
-0.39741790294647217,
0.08036716282367706,
0.566512405872345,
-0.6073471903800964,
0.4674076735973358,
0.2888873517513275,
1.132529616355896,
-0.1744120717048645,
0.00033745000837370753,
-0.4025651514530182,
-0.014643767848610878,
-0.036416567862033844,
0.6850529313087463,
-0.34973379969596863,
-0.3289406895637512,
-0.4530288279056549,
0.21887831389904022,
-0.39466923475265503,
-0.45108044147491455,
0.4374927282333374,
-0.4182465076446533,
0.31669631600379944,
-0.24890926480293274,
-0.657532811164856,
-0.24968281388282776,
0.17417727410793304,
-0.6231755018234253,
1.1034610271453857,
0.5110116004943848,
-0.7074995040893555,
0.2851487994194031,
-0.844824492931366,
-0.004584051202982664,
-0.000999073265120387,
0.12850262224674225,
-0.6606866121292114,
-0.1252819448709488,
0.01353281270712614,
0.4512828588485718,
-0.02970377914607525,
0.041962407529354095,
-0.3261983096599579,
-0.35065069794654846,
0.0003306919534225017,
-0.2189488559961319,
1.2202537059783936,
0.34017327427864075,
-0.5011379718780518,
-0.05140251666307449,
-0.7303004264831543,
-0.18884684145450592,
0.1253701001405716,
-0.2422894537448883,
-0.1406964510679245,
-0.36919331550598145,
0.2363821268081665,
0.31872469186782837,
0.004898294806480408,
-0.8387377262115479,
0.35565847158432007,
-0.4666798710823059,
0.6134530305862427,
0.8781533241271973,
0.18333838880062103,
0.6903815269470215,
-0.3922942876815796,
0.6524068713188171,
0.28224238753318787,
0.47897449135780334,
-0.004794685170054436,
-0.716167688369751,
-0.7177860736846924,
-0.5049563646316528,
0.11081539839506149,
0.36535489559173584,
-0.49349379539489746,
0.10859730839729309,
0.05943923816084862,
-0.8182681798934937,
-0.47758781909942627,
-0.043983280658721924,
0.47354647517204285,
0.666449785232544,
0.38299036026000977,
-0.29671213030815125,
-0.21447619795799255,
-0.6258525252342224,
0.33576178550720215,
-0.13127514719963074,
0.3693792521953583,
0.19076643884181976,
0.5370123982429504,
-0.3846125304698944,
0.7943914532661438,
-0.675281286239624,
-0.18247784674167633,
-0.06347712874412537,
-0.17163784801959991,
0.3722798228263855,
0.5418820381164551,
0.7917680144309998,
-0.6937098503112793,
-0.6923694610595703,
-0.20912887156009674,
-0.7372751235961914,
-0.08157353103160858,
-0.04590710997581482,
-0.43989455699920654,
0.3505673110485077,
0.46480444073677063,
-0.7747055888175964,
0.48123103380203247,
0.6057111024856567,
-0.4623461067676544,
0.4955292046070099,
-0.017566226422786713,
-0.21249698102474213,
-1.1222562789916992,
0.08944045007228851,
0.38990482687950134,
-0.21332988142967224,
-0.5239361524581909,
0.14055268466472626,
-0.015747006982564926,
-0.040759969502687454,
-0.5538632869720459,
0.9916749000549316,
-0.4402149021625519,
0.5024176836013794,
-0.06751057505607605,
-0.059753336012363434,
0.10255833715200424,
0.5278528332710266,
-0.06928589940071106,
0.6392340660095215,
0.8123149871826172,
-0.654346227645874,
0.22066977620124817,
0.3336983323097229,
-0.164302259683609,
0.529511034488678,
-0.7479562163352966,
-0.1269262135028839,
-0.28110814094543457,
0.4708068370819092,
-0.9078037142753601,
-0.17028319835662842,
0.7715678215026855,
-0.21351081132888794,
0.5301095843315125,
-0.3915940821170807,
-0.34060460329055786,
-0.35550788044929504,
-0.11450620740652084,
0.2705884575843811,
0.7460200786590576,
-0.49729156494140625,
0.6427205204963684,
0.37289905548095703,
0.2788615822792053,
-0.5193573832511902,
-0.47518715262413025,
-0.3148799240589142,
-0.48466089367866516,
-0.7660646438598633,
0.4897189736366272,
-0.38613054156303406,
-0.3323523998260498,
-0.04432791471481323,
-0.1603177934885025,
0.0353119783103466,
0.07818954437971115,
0.510992169380188,
0.2168685346841812,
0.0029400435741990805,
-0.04657227545976639,
0.24048802256584167,
-0.4239331781864166,
-0.0011334805749356747,
-0.23659111559391022,
0.46801790595054626,
-0.13170164823532104,
-0.1079191043972969,
-0.7321761846542358,
-0.048967670649290085,
0.41021913290023804,
0.0022894488647580147,
0.843799352645874,
0.8077532649040222,
-0.3918270468711853,
-0.153927743434906,
-0.40774768590927124,
-0.24968387186527252,
-0.46788254380226135,
0.02171436697244644,
-0.3599403202533722,
-0.7115559577941895,
0.6298937797546387,
0.11241462826728821,
0.3557785451412201,
0.519291341304779,
0.5243630409240723,
-0.17035406827926636,
0.9003022909164429,
0.7882153987884521,
0.058812953531742096,
0.6667526960372925,
-0.7878569960594177,
-0.09294012933969498,
-0.931423008441925,
-0.32607701420783997,
-0.1431959569454193,
-0.3573136329650879,
-0.38732901215553284,
-0.3244245946407318,
0.6123671531677246,
0.2456316500902176,
-0.44054678082466125,
0.49724051356315613,
-0.6008800268173218,
0.1433979570865631,
0.17562715709209442,
0.400715708732605,
0.17175009846687317,
0.07614234834909439,
0.03457498550415039,
-0.03201541304588318,
-0.7849063277244568,
-0.2487288862466812,
0.8793115615844727,
0.4989716410636902,
0.838901937007904,
0.03749395161867142,
0.7638706564903259,
-0.029597966000437737,
0.4725356101989746,
-0.3091617524623871,
0.4833882749080658,
0.03969593346118927,
-0.5167466402053833,
-0.006281765643507242,
-0.41507020592689514,
-0.8109551072120667,
0.17920655012130737,
-0.08034837990999222,
-0.6143537163734436,
0.4635970890522003,
0.2352551519870758,
-0.5151066184043884,
0.28885650634765625,
-0.7029187679290771,
0.9326814413070679,
0.04440717026591301,
-0.4925605356693268,
-0.06978335976600647,
-0.7234249114990234,
0.27020391821861267,
0.0251304991543293,
-0.1800827533006668,
-0.2174397110939026,
-0.023465020582079887,
0.7498795390129089,
-0.4527808725833893,
0.8410854935646057,
-0.47595638036727905,
-0.0658486932516098,
0.22939640283584595,
-0.11357448995113373,
0.39613544940948486,
0.2124386727809906,
-0.2502226233482361,
0.36969730257987976,
0.11087337881326675,
-0.4745005965232849,
-0.4680081307888031,
0.7152820229530334,
-0.8176751732826233,
-0.17103178799152374,
-0.6477031111717224,
-0.41165849566459656,
0.16318771243095398,
0.007572157774120569,
0.6365099549293518,
0.5719126462936401,
-0.06698696315288544,
-0.29853329062461853,
0.9493353962898254,
-0.12487521767616272,
0.4990050792694092,
0.4672723114490509,
-0.2785910665988922,
-0.3166176974773407,
0.7462865114212036,
0.18591418862342834,
0.4356037974357605,
0.13882796466350555,
0.09160619229078293,
-0.13962502777576447,
-0.3539115786552429,
-0.7510520219802856,
0.5758765935897827,
-0.4996808171272278,
-0.2541884481906891,
-1.0230127573013306,
-0.30247122049331665,
-0.3575703203678131,
-0.13559530675411224,
-0.34997501969337463,
-0.29168421030044556,
-0.5576090216636658,
-0.0226526390761137,
0.7388877868652344,
0.6089248657226562,
-0.1636253446340561,
0.5601200461387634,
-0.4597170650959015,
0.0322297103703022,
-0.03328712657094002,
0.28452861309051514,
-0.013036512769758701,
-0.711942195892334,
-0.36943745613098145,
0.1763196438550949,
-0.40816938877105713,
-0.7859258055686951,
0.3260267674922943,
0.14540418982505798,
0.5756703615188599,
0.46489420533180237,
-0.17194393277168274,
0.8556260466575623,
-0.33681172132492065,
0.7485177516937256,
0.10801532864570618,
-0.5828052759170532,
0.42435383796691895,
-0.42574989795684814,
0.19799445569515228,
0.34290212392807007,
0.5607993602752686,
-0.32351160049438477,
-0.3598235845565796,
-0.8876289129257202,
-0.6886578798294067,
0.764789879322052,
0.3984770178794861,
0.03842491656541824,
0.14978498220443726,
0.7475557327270508,
-0.03913424164056778,
0.014973793178796768,
-0.79198157787323,
-0.5240341424942017,
-0.00784184318035841,
0.08373304456472397,
-0.09662019461393356,
-0.042025983333587646,
-0.20508332550525665,
-0.5499048829078674,
0.9523254036903381,
0.08750607073307037,
0.3912748694419861,
0.21812789142131805,
0.025669129565358162,
-0.21524128317832947,
-0.2353975921869278,
0.3092157244682312,
0.45035654306411743,
-0.32377883791923523,
-0.47062698006629944,
0.1582919955253601,
-0.5785117149353027,
0.21828807890415192,
0.3542931079864502,
-0.4033217430114746,
0.10619373619556427,
0.03653278574347496,
0.9114052653312683,
0.09402060508728027,
-0.44580501317977905,
0.5291740894317627,
-0.2744485139846802,
-0.16803430020809174,
-0.4308236837387085,
0.2862507104873657,
0.03230888023972511,
0.5469140410423279,
-0.04188487306237221,
0.41313686966896057,
0.114773228764534,
-0.1704595983028412,
0.10621638596057892,
0.4409407377243042,
-0.4450531601905823,
-0.40214642882347107,
0.9301335215568542,
-0.010645772330462933,
0.10439204424619675,
0.5937107801437378,
-0.3387904763221741,
-0.2706351578235626,
0.5594886541366577,
0.5759844779968262,
0.8495732545852661,
-0.23610644042491913,
0.37035244703292847,
0.5951948165893555,
0.1362587958574295,
-0.31786271929740906,
0.20072928071022034,
-0.04257935285568237,
-0.507533848285675,
-0.28341972827911377,
-0.8320209383964539,
-0.043788034468889236,
-0.10512685775756836,
-0.7223414778709412,
0.5019701719284058,
-0.39860910177230835,
-0.4545555114746094,
-0.05557160824537277,
0.07972709834575653,
-0.6511335372924805,
0.14307530224323273,
0.17510414123535156,
1.3287328481674194,
-1.082268238067627,
0.7494633197784424,
0.692716658115387,
-0.5465945601463318,
-0.7853731513023376,
-0.15298758447170258,
0.07373058050870895,
-0.5095100402832031,
0.4673973321914673,
0.1758071333169937,
-0.07010158896446228,
0.28492429852485657,
-0.7046123147010803,
-0.9354123473167419,
1.3144522905349731,
0.5268086194992065,
-0.4512394964694977,
-0.1890515834093094,
-0.48949572443962097,
0.6443338394165039,
-0.2305554449558258,
0.34105023741722107,
0.4892007112503052,
0.33598241209983826,
0.06917080283164978,
-0.7600968480110168,
-0.0023268028162419796,
-0.5567097663879395,
0.00964994914829731,
0.2712639272212982,
-0.9446018934249878,
0.9795371294021606,
-0.15151426196098328,
-0.38998696208000183,
0.2032843381166458,
0.5087864995002747,
0.36169037222862244,
0.44551312923431396,
0.4659797251224518,
1.1967437267303467,
0.6082814931869507,
-0.16252069175243378,
1.0945409536361694,
-0.2062603384256363,
0.4554680287837982,
0.6970161199569702,
-0.1233195886015892,
0.5433403253555298,
0.26190659403800964,
-0.19977250695228577,
0.7093815803527832,
0.8417219519615173,
0.0007932190201245248,
0.5068153738975525,
-0.038156524300575256,
-0.4533236622810364,
-0.1531684845685959,
0.0632709413766861,
-0.5284333825111389,
0.030043993145227432,
0.21074220538139343,
-0.21614372730255127,
-0.3874814808368683,
0.4337882697582245,
0.3405999541282654,
-0.3174556791782379,
-0.13845805823802948,
0.7335124015808105,
0.18847310543060303,
-0.4110831320285797,
0.5995091199874878,
-0.08952972292900085,
0.7194787263870239,
-0.7741068005561829,
-0.07328488677740097,
-0.21282395720481873,
0.3293190896511078,
-0.24762611091136932,
-0.6840359568595886,
0.11605232208967209,
-0.19280125200748444,
-0.24995039403438568,
-0.4013356566429138,
0.44013625383377075,
-0.33493492007255554,
-0.4228323996067047,
0.5342679619789124,
0.27207842469215393,
0.31642618775367737,
-0.02498765103518963,
-0.9783511757850647,
0.27890726923942566,
0.03170271962881088,
-0.3560223877429962,
0.43801090121269226,
0.16251875460147858,
0.028195004910230637,
0.7354124784469604,
0.5784159302711487,
0.029862185940146446,
0.1553926318883896,
-0.13380657136440277,
1.1558955907821655,
-0.22000709176063538,
-0.4570200741291046,
-0.7886108160018921,
0.7327713966369629,
-0.0343480259180069,
-0.5644626617431641,
0.9579673409461975,
0.5952258706092834,
0.9488107562065125,
0.11502104997634888,
0.5722271800041199,
-0.24833695590496063,
0.21513815224170685,
-0.40479105710983276,
0.7106756567955017,
-0.7869488000869751,
0.1283784806728363,
-0.4446336030960083,
-0.947250485420227,
0.020988959819078445,
0.72577303647995,
-0.17379702627658844,
0.014326468110084534,
0.37699130177497864,
0.9675390720367432,
-0.24308539927005768,
-0.07717086374759674,
-0.08755671977996826,
0.276978999376297,
0.3521482050418854,
0.598148763179779,
0.506571888923645,
-0.8058276176452637,
0.22437988221645355,
-0.6444952487945557,
-0.534610390663147,
-0.040441181510686874,
-0.608446478843689,
-0.7430511116981506,
-0.706834077835083,
-0.6014965772628784,
-0.9146141409873962,
0.09883905947208405,
0.8024500608444214,
0.8422980308532715,
-0.5333154201507568,
-0.24437189102172852,
-0.09570275247097015,
-0.2180936187505722,
-0.3828502893447876,
-0.24692650139331818,
0.2529746890068054,
-0.1529642790555954,
-0.8825179934501648,
0.20758073031902313,
0.25182226300239563,
0.2625770568847656,
-0.1883971393108368,
-0.2625786364078522,
-0.2070542275905609,
-0.2619655728340149,
0.48951441049575806,
0.3117399513721466,
-0.4014609754085541,
0.16358527541160583,
0.09712541103363037,
-0.26730409264564514,
0.09912650287151337,
0.3568255603313446,
-0.8201669454574585,
0.5364177823066711,
0.4123820960521698,
0.15098410844802856,
0.9332377910614014,
-0.08744540810585022,
0.23434214293956757,
-0.3598655164241791,
0.2528524398803711,
0.13261070847511292,
0.453736275434494,
0.08036354184150696,
-0.42778250575065613,
0.5775766968727112,
0.4692658483982086,
-0.7417633533477783,
-0.9634039402008057,
0.13592423498630524,
-1.2941616773605347,
-0.02391502819955349,
1.1007273197174072,
-0.13936391472816467,
-0.4256814122200012,
-0.028681330382823944,
-0.30034512281417847,
0.2589927315711975,
-0.5072352886199951,
0.5403290390968323,
0.4225764870643616,
-0.39803823828697205,
-0.22990289330482483,
-0.5529859066009521,
0.7118915915489197,
0.08837890625,
-0.5415522456169128,
-0.22237136960029602,
0.5211688876152039,
0.7204975485801697,
0.1292797178030014,
0.9092815518379211,
-0.13271234929561615,
0.23803004622459412,
-0.025103634223341942,
-0.014270083047449589,
0.009271171875298023,
-0.20756211876869202,
-0.6335282921791077,
-0.17245469987392426,
-0.3906272351741791,
-0.05563416704535484
] |
google/vit-base-patch32-384
|
google
| 2023-09-11T20:35:12Z | 4,985 | 13 |
transformers
|
[
"transformers",
"pytorch",
"tf",
"jax",
"safetensors",
"vit",
"image-classification",
"vision",
"dataset:imagenet-1k",
"dataset:imagenet-21k",
"arxiv:2010.11929",
"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
- imagenet-21k
---
# Vision Transformer (base-sized model)
Vision Transformer (ViT) model pre-trained on ImageNet-21k (14 million images, 21,843 classes) at resolution 224x224, and fine-tuned on ImageNet 2012 (1 million images, 1,000 classes) at resolution 384x384. It was introduced in the paper [An Image is Worth 16x16 Words: Transformers for Image Recognition at Scale](https://arxiv.org/abs/2010.11929) by Dosovitskiy et al. and first released in [this repository](https://github.com/google-research/vision_transformer). However, the weights were converted from the [timm repository](https://github.com/rwightman/pytorch-image-models) by Ross Wightman, who already converted the weights from JAX to PyTorch. Credits go to him.
Disclaimer: The team releasing ViT did not write a model card for this model so this model card has been written by the Hugging Face team.
## Model description
The Vision Transformer (ViT) is a transformer encoder model (BERT-like) pretrained on a large collection of images in a supervised fashion, namely ImageNet-21k, at a resolution of 224x224 pixels. Next, the model was fine-tuned on ImageNet (also referred to as ILSVRC2012), a dataset comprising 1 million images and 1,000 classes, at a higher resolution of 384x384.
Images are presented to the model as a sequence of fixed-size patches (resolution 32x32), which are linearly embedded. One also adds a [CLS] token to the beginning of a sequence to use it for classification tasks. One also adds absolute position embeddings before feeding the sequence to the layers of the Transformer encoder.
By pre-training the model, it learns an inner representation of images that can then be used to extract features useful for downstream tasks: if you have a dataset of labeled images for instance, you can train a standard classifier by placing a linear layer on top of the pre-trained encoder. One typically places a linear layer on top of the [CLS] token, as the last hidden state of this token can be seen as a representation of an entire image.
## Intended uses & limitations
You can use the raw model for image classification. See the [model hub](https://huggingface.co/models?search=google/vit) 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 ViTFeatureExtractor, ViTForImageClassification
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 = ViTFeatureExtractor.from_pretrained('google/vit-base-patch32-384')
model = ViTForImageClassification.from_pretrained('google/vit-base-patch32-384')
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])
```
Currently, both the feature extractor and model support PyTorch. Tensorflow and JAX/FLAX are coming soon, and the API of ViTFeatureExtractor might change.
## Training data
The ViT model was pretrained on [ImageNet-21k](http://www.image-net.org/), a dataset consisting of 14 million images and 21k classes, and fine-tuned on [ImageNet](http://www.image-net.org/challenges/LSVRC/2012/), a dataset consisting of 1 million images and 1k classes.
## Training procedure
### Preprocessing
The exact details of preprocessing of images during training/validation can be found [here](https://github.com/google-research/vision_transformer/blob/master/vit_jax/input_pipeline.py).
Images are resized/rescaled to the same resolution (224x224 during pre-training, 384x384 during fine-tuning) and normalized across the RGB channels with mean (0.5, 0.5, 0.5) and standard deviation (0.5, 0.5, 0.5).
### Pretraining
The model was trained on TPUv3 hardware (8 cores). All model variants are trained with a batch size of 4096 and learning rate warmup of 10k steps. For ImageNet, the authors found it beneficial to additionally apply gradient clipping at global norm 1. Pre-training resolution is 224.
## Evaluation results
For evaluation results on several image classification benchmarks, we refer to tables 2 and 5 of the original paper. Note that for fine-tuning, the best results are obtained with a higher resolution (384x384). Of course, increasing the model size will result in better performance.
### BibTeX entry and citation info
```bibtex
@misc{https://doi.org/10.48550/arxiv.2010.11929,
doi = {10.48550/ARXIV.2010.11929},
url = {https://arxiv.org/abs/2010.11929},
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},
keywords = {Computer Vision and Pattern Recognition (cs.CV), Artificial Intelligence (cs.AI), Machine Learning (cs.LG), FOS: Computer and information sciences, FOS: Computer and information sciences},
title = {An Image is Worth 16x16 Words: Transformers for Image Recognition at Scale},
publisher = {arXiv},
year = {2020},
copyright = {arXiv.org perpetual, non-exclusive license}
}
```
```bibtex
@inproceedings{deng2009imagenet,
title={Imagenet: A large-scale hierarchical image database},
author={Deng, Jia and Dong, Wei and Socher, Richard and Li, Li-Jia and Li, Kai and Fei-Fei, Li},
booktitle={2009 IEEE conference on computer vision and pattern recognition},
pages={248--255},
year={2009},
organization={Ieee}
}
```
|
[
-0.5693846940994263,
-0.19242806732654572,
0.017663290724158287,
-0.06139516457915306,
-0.3746528923511505,
-0.14528122544288635,
-0.09544193744659424,
-0.6456038951873779,
0.14488686621189117,
0.41875186562538147,
-0.23186877369880676,
-0.27060309052467346,
-0.7390978336334229,
-0.0598272867500782,
-0.5211582779884338,
0.8101386427879333,
-0.05592053011059761,
0.053455740213394165,
-0.27768850326538086,
-0.17915485799312592,
-0.33351272344589233,
-0.43445345759391785,
-0.6425979137420654,
-0.22486816346645355,
0.5078635215759277,
0.1885271668434143,
0.5484098196029663,
0.8082910776138306,
0.8310758471488953,
0.4232707619667053,
-0.014885212294757366,
0.05820499360561371,
-0.3086247742176056,
-0.34559693932533264,
0.023736584931612015,
-0.5044885277748108,
-0.27330106496810913,
0.20698793232440948,
0.601665735244751,
0.33680427074432373,
0.23138105869293213,
0.338277131319046,
0.14688622951507568,
0.4701820909976959,
-0.6601224541664124,
0.26711368560791016,
-0.516590416431427,
0.36177578568458557,
-0.11106212437152863,
-0.13375699520111084,
-0.4191780686378479,
-0.10701422393321991,
0.28029951453208923,
-0.5150433778762817,
0.5048204660415649,
-0.008832184597849846,
1.3546572923660278,
0.21116501092910767,
-0.24667814373970032,
0.14189030230045319,
-0.6813898682594299,
0.7343056201934814,
-0.2815453112125397,
0.39332106709480286,
0.11212147772312164,
0.47756460309028625,
0.18131914734840393,
-1.0990921258926392,
-0.5396836996078491,
-0.05298960208892822,
-0.029939716681838036,
0.14986412227153778,
-0.24072431027889252,
0.1520746797323227,
0.4995634853839874,
0.5825507640838623,
-0.42093178629875183,
0.09672727435827255,
-0.60750812292099,
-0.2976421117782593,
0.5446040034294128,
-0.014999059028923512,
0.07852787524461746,
0.05050312727689743,
-0.5697342753410339,
-0.4968012273311615,
-0.3280174732208252,
0.2028668224811554,
0.040502484887838364,
0.047443293035030365,
-0.07976987957954407,
0.4415665864944458,
0.12939688563346863,
0.6145133376121521,
0.22729650139808655,
-0.1466977596282959,
0.48727554082870483,
-0.2147318720817566,
-0.3479939103126526,
-0.06920410692691803,
0.8579453825950623,
0.37737801671028137,
0.2705764174461365,
0.020087406039237976,
-0.2694862186908722,
0.1505374312400818,
0.509433388710022,
-0.9741647243499756,
-0.1758371889591217,
-0.08466894924640656,
-0.6695096492767334,
-0.43884024024009705,
0.2943505048751831,
-0.6147360801696777,
-0.2243557870388031,
-0.3721987009048462,
0.7338882088661194,
-0.23652413487434387,
-0.16856355965137482,
-0.07686441391706467,
-0.06926022469997406,
0.6528783440589905,
0.4638172388076782,
-0.520685613155365,
0.2592659592628479,
0.2544640600681305,
1.006590723991394,
-0.14259456098079681,
-0.25293317437171936,
-0.05322527885437012,
-0.3916775584220886,
-0.4317456781864166,
0.6042540669441223,
-0.11193199455738068,
-0.19304953515529633,
-0.09402880072593689,
0.344377726316452,
-0.040454111993312836,
-0.4637049436569214,
0.36426016688346863,
-0.551517903804779,
0.05741104856133461,
-0.028942551463842392,
-0.24976424872875214,
-0.28263163566589355,
0.20706763863563538,
-0.6631770730018616,
0.9853084087371826,
0.1554356962442398,
-0.7640946507453918,
0.4224259555339813,
-0.4994564950466156,
-0.1135237067937851,
0.133283793926239,
-0.06303496658802032,
-0.7018387913703918,
0.012524981983006,
0.23433132469654083,
0.5169922113418579,
-0.2776499092578888,
-0.027989462018013,
-0.16150832176208496,
-0.49765852093696594,
0.2325395941734314,
-0.41449683904647827,
0.766810953617096,
0.2688472270965576,
-0.4000966548919678,
0.10013854503631592,
-0.6467828154563904,
0.025612125173211098,
0.27642685174942017,
-0.23689106106758118,
0.07575026154518127,
-0.3458547294139862,
0.1698458194732666,
0.32824820280075073,
0.26948484778404236,
-0.6786262392997742,
0.16836871206760406,
-0.1342809945344925,
0.45804956555366516,
0.7352211475372314,
-0.22746622562408447,
0.4898994266986847,
-0.25773531198501587,
0.3755171000957489,
0.18778647482395172,
0.4502734839916229,
-0.2952825427055359,
-0.5705578923225403,
-1.0088757276535034,
-0.2522904872894287,
0.40986478328704834,
0.43383556604385376,
-0.6632936596870422,
0.5193448662757874,
-0.47397810220718384,
-0.6588922142982483,
-0.3590329587459564,
-0.17186225950717926,
0.3194842040538788,
0.43805378675460815,
0.5099097490310669,
-0.5292763113975525,
-0.6432485580444336,
-0.9061349034309387,
0.13172747194766998,
0.05187186971306801,
-0.04355404153466225,
0.23755167424678802,
0.7478253841400146,
-0.2751435339450836,
0.8814508318901062,
-0.4098125994205475,
-0.36344143748283386,
-0.02962222881615162,
0.02293984219431877,
0.27102115750312805,
0.6298956871032715,
0.5311792492866516,
-0.8664811849594116,
-0.4006381034851074,
0.06079370528459549,
-0.719831645488739,
0.3426477611064911,
-0.05263753980398178,
-0.20229430496692657,
0.05135330930352211,
0.428795725107193,
-0.45398202538490295,
0.8416392803192139,
0.27964767813682556,
-0.05706535279750824,
0.4151128828525543,
-0.09499797970056534,
0.05204152688384056,
-1.0824029445648193,
0.0244639553129673,
0.24879272282123566,
-0.28715360164642334,
-0.458920955657959,
0.11383861303329468,
0.17633506655693054,
-0.1502377688884735,
-0.5082495808601379,
0.2743898928165436,
-0.41221803426742554,
-0.18786627054214478,
-0.2089342474937439,
-0.42864638566970825,
0.05016679689288139,
0.5817383527755737,
0.14084483683109283,
0.6114058494567871,
0.655625581741333,
-0.5714555382728577,
0.5555388331413269,
0.22641333937644958,
-0.5060243606567383,
0.38965511322021484,
-0.7550051808357239,
0.23859021067619324,
-0.07122045755386353,
0.30107948184013367,
-0.7855997085571289,
-0.1711433231830597,
0.12786829471588135,
-0.491788387298584,
0.5542633533477783,
-0.24179664254188538,
-0.3105860650539398,
-0.7644678354263306,
-0.24217934906482697,
0.5314158797264099,
0.6818230152130127,
-0.7083936333656311,
0.63346266746521,
0.24556481838226318,
0.5317498445510864,
-0.7015522718429565,
-1.0071914196014404,
0.011157680302858353,
-0.13430413603782654,
-0.479194700717926,
0.5512730479240417,
0.11929669976234436,
0.24236740171909332,
0.12360737472772598,
-0.013937152922153473,
-0.04745498299598694,
-0.18460491299629211,
0.5114952325820923,
0.37186381220817566,
-0.3379841446876526,
0.04733584448695183,
-0.4753396213054657,
-0.10696810483932495,
-0.023395365104079247,
-0.6122565865516663,
0.46869128942489624,
-0.48893678188323975,
-0.25443655252456665,
-0.5633362531661987,
-0.04783952981233597,
0.6694166660308838,
-0.2943917512893677,
0.6519676446914673,
0.9392122626304626,
-0.5335025191307068,
0.03543036803603172,
-0.48077142238616943,
-0.1121046394109726,
-0.48304203152656555,
0.4259524643421173,
-0.32548844814300537,
-0.5639028549194336,
0.6116893887519836,
0.06646759063005447,
-0.0784086063504219,
0.6637006998062134,
0.34147733449935913,
-0.1530655324459076,
0.8117709755897522,
0.604215681552887,
0.01227982435375452,
0.739510178565979,
-0.8704923391342163,
0.11457372456789017,
-0.8046857118606567,
-0.34854429960250854,
-0.32176122069358826,
-0.5534554719924927,
-0.653991162776947,
-0.4808632433414459,
0.3034907281398773,
0.018696308135986328,
-0.3874473571777344,
0.5327651500701904,
-0.7910491824150085,
0.373811811208725,
0.78663569688797,
0.6029824614524841,
-0.18345290422439575,
0.20598408579826355,
-0.059937573969364166,
0.075851209461689,
-0.5500114560127258,
-0.1881912797689438,
1.0573281049728394,
0.4834228754043579,
0.5916329622268677,
-0.2105439305305481,
0.5214681029319763,
0.0732816755771637,
0.10393794625997543,
-0.9382337927818298,
0.5737528204917908,
-0.2382194995880127,
-0.43220359086990356,
-0.1335868537425995,
-0.25849980115890503,
-1.0363138914108276,
0.08938594907522202,
-0.39703240990638733,
-0.6097452044487,
0.5480832457542419,
0.1994009017944336,
-0.15165147185325623,
0.5908224582672119,
-0.6093168258666992,
0.8360130190849304,
-0.2165716588497162,
-0.2936196029186249,
0.05956736207008362,
-0.7148873805999756,
0.10763818025588989,
-0.0025059168692678213,
-0.15669453144073486,
0.2901700437068939,
0.24074749648571014,
0.8940233588218689,
-0.7036365866661072,
0.8354247212409973,
-0.23125499486923218,
0.33789873123168945,
0.49217918515205383,
-0.3166113495826721,
0.2663722634315491,
-0.29591354727745056,
0.28184187412261963,
0.4743715524673462,
-0.04322722554206848,
-0.4347330331802368,
-0.5195504426956177,
0.365030974149704,
-1.0246583223342896,
-0.41706374287605286,
-0.46304386854171753,
-0.29212111234664917,
0.1786024272441864,
0.29492029547691345,
0.8135688900947571,
0.6760039329528809,
0.171355739235878,
0.6139758825302124,
0.6456681489944458,
-0.2840467095375061,
0.4223376512527466,
-0.20187266170978546,
-0.14227259159088135,
-0.3058845102787018,
0.9655783176422119,
0.38016507029533386,
0.11985599994659424,
0.4418138563632965,
0.24127459526062012,
-0.2028161883354187,
-0.5534441471099854,
-0.2262418121099472,
0.017908940091729164,
-0.7989466786384583,
-0.5210431218147278,
-0.47565630078315735,
-0.6918076276779175,
-0.3387221097946167,
-0.15721666812896729,
-0.44445350766181946,
-0.20910532772541046,
-0.4657163619995117,
-0.029120177030563354,
0.4142492413520813,
0.6300020217895508,
-0.028539028018712997,
0.5053777694702148,
-0.5617117881774902,
0.03705224767327309,
0.5072483420372009,
0.33109915256500244,
0.06513280421495438,
-0.7278146147727966,
-0.42041879892349243,
-0.012179854325950146,
-0.35013070702552795,
-0.5143716335296631,
0.41885411739349365,
0.30740511417388916,
0.4907832741737366,
0.6338481307029724,
-0.21536365151405334,
0.8251665234565735,
-0.33151525259017944,
0.7745500206947327,
0.4431437849998474,
-0.6858816742897034,
0.5391653776168823,
-0.03747756406664848,
0.24083468317985535,
0.22834192216396332,
0.40294715762138367,
-0.22193852066993713,
0.07167705148458481,
-0.7863105535507202,
-0.7054182291030884,
0.6627339124679565,
0.0734635591506958,
0.09738949686288834,
0.2699579894542694,
0.42883944511413574,
-0.16475997865200043,
-0.020499520003795624,
-0.8089008331298828,
-0.17916694283485413,
-0.6854939460754395,
-0.18421581387519836,
-0.1120997965335846,
-0.14170780777931213,
0.09778589010238647,
-0.6454952955245972,
0.41377317905426025,
-0.1020905002951622,
0.8555994629859924,
0.18723876774311066,
-0.2660778760910034,
-0.006135420873761177,
-0.31047746539115906,
0.3364576995372772,
0.3644291162490845,
-0.23502139747142792,
0.17080889642238617,
0.1305130571126938,
-0.9431984424591064,
0.032275035977363586,
-0.10050611197948456,
-0.07965829968452454,
-0.14341303706169128,
0.5572353601455688,
1.1093696355819702,
-0.023092949762940407,
-0.10413959622383118,
0.7617511749267578,
-0.126165509223938,
-0.4688584804534912,
-0.4540383815765381,
0.09523676335811615,
-0.3785572350025177,
0.28283506631851196,
0.4484020173549652,
0.5074903964996338,
0.032491397112607956,
-0.2569441497325897,
0.19409026205539703,
0.27563148736953735,
-0.49482133984565735,
-0.2736658751964569,
0.5789465308189392,
-0.06982152909040451,
-0.09142819046974182,
0.8381170630455017,
-0.03163597360253334,
-0.6625813841819763,
0.9252800941467285,
0.4283618927001953,
0.8404561281204224,
-0.13375888764858246,
0.06452209502458572,
0.6918103098869324,
0.2826775908470154,
-0.2253931611776352,
0.01185288280248642,
-0.055841874331235886,
-1.0119720697402954,
-0.2371978461742401,
-0.6080277562141418,
-0.053342580795288086,
0.2686728537082672,
-0.7527883648872375,
0.4060387909412384,
-0.6309790015220642,
-0.3275040090084076,
0.13621225953102112,
0.03966493159532547,
-1.1074419021606445,
0.4072953462600708,
0.28984126448631287,
0.8615084290504456,
-0.681424081325531,
0.7949692606925964,
0.7618537545204163,
-0.583192765712738,
-0.9470592737197876,
-0.29911676049232483,
-0.18587884306907654,
-0.8632456064224243,
0.7574564218521118,
0.5013012290000916,
0.020043693482875824,
0.13248178362846375,
-0.8271312117576599,
-0.8295909762382507,
1.3184963464736938,
0.1383851319551468,
-0.3464067578315735,
-0.013860752806067467,
0.10305626690387726,
0.4089917242527008,
-0.4272344708442688,
0.4327962398529053,
0.10643468797206879,
0.2402195781469345,
0.3844318091869354,
-0.7193816900253296,
-0.08490534126758575,
-0.37754571437835693,
0.325899600982666,
0.04146357253193855,
-0.5735210180282593,
0.9783347845077515,
-0.14395813643932343,
-0.1408553123474121,
0.0317891389131546,
0.546264111995697,
-0.19334371387958527,
-0.04277708753943443,
0.7061542272567749,
0.6979899406433105,
0.4857092797756195,
-0.3262871205806732,
0.927998423576355,
-0.011680635623633862,
0.41631996631622314,
0.5765713453292847,
0.2969374358654022,
0.6381152272224426,
0.27855184674263,
-0.307914137840271,
0.44717949628829956,
0.9476765990257263,
-0.5062124133110046,
0.5038876533508301,
0.06768202036619186,
0.04217834025621414,
-0.2285996973514557,
0.0016053980216383934,
-0.39477628469467163,
0.6562576293945312,
0.4108733832836151,
-0.6304141879081726,
0.09228450804948807,
0.3852663040161133,
-0.39806511998176575,
-0.4187348783016205,
-0.6005752682685852,
0.5536424517631531,
-0.0019206994911655784,
-0.3894810974597931,
0.6847154498100281,
-0.17186346650123596,
0.7215863466262817,
-0.3479442894458771,
-0.04491307958960533,
-0.08499724417924881,
0.3813796043395996,
-0.38335686922073364,
-0.7618669271469116,
0.093841053545475,
-0.22354082763195038,
-0.12444642931222916,
-0.13633185625076294,
0.8029971122741699,
-0.10159119218587875,
-0.550035834312439,
0.16338558495044708,
-0.007572818547487259,
0.30549538135528564,
-0.08988402038812637,
-0.6992282867431641,
-0.05670062080025673,
-0.07909446209669113,
-0.2937076985836029,
0.26842203736305237,
0.3411893844604492,
-0.1415114402770996,
0.4742889404296875,
0.6110914349555969,
-0.006464539561420679,
0.2845791280269623,
-0.10949261486530304,
0.9305192828178406,
-0.47026199102401733,
-0.4262791872024536,
-0.5085504055023193,
0.5232051014900208,
-0.163812518119812,
-0.3379434645175934,
0.47750619053840637,
0.41054224967956543,
1.058264970779419,
-0.26437732577323914,
0.5207111835479736,
-0.08208520710468292,
0.033422693610191345,
-0.32718193531036377,
0.4392961263656616,
-0.6366194486618042,
-0.16662606596946716,
-0.30203360319137573,
-0.8848766684532166,
-0.468290239572525,
0.8960765600204468,
-0.2149018943309784,
0.2183472365140915,
0.5370146632194519,
0.7560691833496094,
-0.1944684237241745,
-0.11731196194887161,
0.34791773557662964,
0.15286201238632202,
0.12665078043937683,
0.43385475873947144,
0.7197755575180054,
-0.7538522481918335,
0.5929478406906128,
-0.4918597340583801,
-0.25864529609680176,
-0.2763509154319763,
-0.6614839434623718,
-0.8139470219612122,
-0.8023208975791931,
-0.3983208239078522,
-0.5098233819007874,
-0.22970455884933472,
0.7191179394721985,
1.0149916410446167,
-0.8053619861602783,
-0.033571332693099976,
-0.24091866612434387,
-0.24720853567123413,
-0.3096807599067688,
-0.19167837500572205,
0.4763588309288025,
-0.07965005189180374,
-0.6405467391014099,
-0.20088966190814972,
0.01449767779558897,
0.24909715354442596,
-0.2544494867324829,
-0.07309166342020035,
-0.11323956400156021,
-0.33618688583374023,
0.5283621549606323,
0.3268737196922302,
-0.5366789102554321,
-0.4271174371242523,
0.031171001493930817,
-0.061831649392843246,
0.34804385900497437,
0.6579432487487793,
-0.8066784739494324,
0.4582720398902893,
0.4837462902069092,
0.5845525860786438,
0.8638882040977478,
-0.17151176929473877,
0.13567036390304565,
-0.6416938900947571,
0.3559209108352661,
0.15709041059017181,
0.5440470576286316,
0.20414847135543823,
-0.3855523467063904,
0.49357619881629944,
0.3967931568622589,
-0.5957207679748535,
-0.6724786758422852,
0.020885465666651726,
-1.1339411735534668,
-0.09343920648097992,
0.8608832955360413,
-0.3388250768184662,
-0.4852130115032196,
0.18882137537002563,
-0.12901654839515686,
0.46342626214027405,
-0.0521908663213253,
0.375043660402298,
0.34711214900016785,
0.08718164265155792,
-0.5687646269798279,
-0.37635132670402527,
0.30468475818634033,
-0.0931844487786293,
-0.4726707637310028,
-0.552456796169281,
0.12635590136051178,
0.20849601924419403,
0.5476247072219849,
0.26840516924858093,
-0.3088335394859314,
0.2282903641462326,
0.17139334976673126,
0.42002132534980774,
-0.12021122127771378,
-0.42199066281318665,
-0.3007245361804962,
0.06121346727013588,
-0.16686321794986725,
-0.6925861835479736
] |
rinna/japanese-gpt-neox-3.6b-instruction-ppo
|
rinna
| 2023-08-25T01:26:28Z | 4,985 | 66 |
transformers
|
[
"transformers",
"pytorch",
"safetensors",
"gpt_neox",
"text-generation",
"ja",
"lm",
"nlp",
"dataset:Anthropic/hh-rlhf",
"arxiv:2203.02155",
"arxiv:1707.06347",
"license:mit",
"has_space",
"text-generation-inference",
"region:us"
] |
text-generation
| 2023-05-30T01:50:48Z |
---
language: ja
thumbnail: https://github.com/rinnakk/japanese-pretrained-models/blob/master/rinna.png
tags:
- ja
- gpt_neox
- text-generation
- lm
- nlp
license: mit
datasets:
- Anthropic/hh-rlhf
inference: false
---
# japanese-gpt-neox-3.6b-instruction-ppo

# Overview
This repository provides a Japanese GPT-NeoX model of 3.6 billion parameters. The model is based on [`rinna/japanese-gpt-neox-3.6b-instruction-sft-v2`](https://huggingface.co/rinna/japanese-gpt-neox-3.6b-instruction-sft-v2) and has been aligned to serve as an instruction-following conversational agent.
* **Model architecture**
A 36-layer, 2816-hidden-size transformer-based language model.
* **RLHF**
Following the [OpenAI InstructGPT paper](https://arxiv.org/abs/2203.02155), **Reinforcement Learning from Human Feedback** (RLHF) has been applied to aligning the model's behaviour with input instructions. Particularly, the model has been trained in two stages, i.e. **Supervised Fine-Tuning** (SFT) and [PPO](https://arxiv.org/abs/1707.06347)-based **Reinforcement Learning** (RL).
* The first SFT stage produces [`rinna/japanese-gpt-neox-3.6b-instruction-sft-v2`](https://huggingface.co/rinna/japanese-gpt-neox-3.6b-instruction-sft-v2).
* The second RL stage produces this model.
* **PPO vs. SFT evaluation**
We conducted human evaluation and ChatGPT-based automated evaluation on 100 prompts to assess the *performance gain from reinforcement learning*.
| [PPO](https://huggingface.co/rinna/japanese-gpt-neox-3.6b-instruction-ppo) vs. [SFT](https://huggingface.co/rinna/japanese-gpt-neox-3.6b-instruction-sft-v2) | win | tie | loss |
| :---: | :---: | :---: | :---: |
| Human evaluation | **47**% | 30% | 23% |
| ChatGPT auto. evaluation | **63**% | 3% | 34% |
* **Reinforcement learning**
We used [CarperAI/trlx](https://github.com/CarperAI/trlx) and its implementation of the PPO algorithm for the RL stage.
The RL data is the subset of the following dataset and has been translated into Japanese.
* [Anthropic HH RLHF data](https://huggingface.co/datasets/Anthropic/hh-rlhf)
* **Model Series**
| Variant | Link |
| :-- | :--|
| 3.6B PPO | https://huggingface.co/rinna/japanese-gpt-neox-3.6b-instruction-ppo |
| 3.6B SFT-v2 | https://huggingface.co/rinna/japanese-gpt-neox-3.6b-instruction-sft-v2 |
| 3.6B SFT | https://huggingface.co/rinna/japanese-gpt-neox-3.6b-instruction-sft |
| 3.6B pretrained | https://huggingface.co/rinna/japanese-gpt-neox-3.6b |
* **Authors**
[Tianyu Zhao](https://huggingface.co/tianyuz) and [Kei Sawada](https://huggingface.co/keisawada)
# Limitations
* We found this verison of PPO model tends to generate repeated text more often than its SFT counterpart, and thus we set `repetition_penalty=1.1` for better generation performance. (*The same generation hyper-parameters are applied to the SFT model in aforementioned evaluation experiments.*) You can also explore other hyperparameter combinations that yield higher generation randomness/diversity for better generation quality, e.g. `temperature=0.9, repetition_penalty=1.0`.
# I/O Format
A special format has been adopted to construct inputs.
* An input prompt is formatted as a conversation between `ユーザー` and `システム`.
* Each input utterance consists of (1) its speaker (`"ユーザー"` or `"システム"`), (2) a colon (`":"`), (3) a whitespace (`" "`), and (4) utterance text (e.g. `"世界で一番高い山は?"`).
* The input prompt should be ended with `"システム: "` to acknowledge the model to generate a response.
* Since the model's tokenizer does not recognize `"\n"`, a special newline symbol `"<NL>"` is used instead.
* All the newlines in input and output utterances should be replaced with `"<NL>"`.
* All the utterances in the input prompt should be separated by `"<NL>"`.
Following is an example to construct an input from a conversation.
~~~python
prompt = [
{
"speaker": "ユーザー",
"text": "コンタクトレンズを慣れるにはどうすればよいですか?"
},
{
"speaker": "システム",
"text": "これについて具体的に説明していただけますか?何が難しいのでしょうか?"
},
{
"speaker": "ユーザー",
"text": "目が痛いのです。"
},
{
"speaker": "システム",
"text": "分かりました、コンタクトレンズをつけると目がかゆくなるということですね。思った以上にレンズを外す必要があるでしょうか?"
},
{
"speaker": "ユーザー",
"text": "いえ、レンズは外しませんが、目が赤くなるんです。"
}
]
prompt = [
f"{uttr['speaker']}: {uttr['text']}"
for uttr in prompt
]
prompt = "<NL>".join(prompt)
prompt = (
prompt
+ "<NL>"
+ "システム: "
)
print(prompt)
# "ユーザー: コンタクトレンズを慣れるにはどうすればよいですか?<NL>システム: これについて具体的に説明していただけますか?何が難しいのでしょうか?<NL>ユーザー: 目が痛いのです。<NL>システム: 分かりました、コンタクトレンズをつけると目がかゆくなるということですね。思った以上にレンズを外す必要があるでしょうか?<NL>ユーザー: いえ、レンズは外しませんが、目が赤くなるんです。<NL>システム: "
~~~
# How to use the model
~~~~python
import torch
from transformers import AutoTokenizer, AutoModelForCausalLM
tokenizer = AutoTokenizer.from_pretrained("rinna/japanese-gpt-neox-3.6b-instruction-ppo", use_fast=False)
model = AutoModelForCausalLM.from_pretrained("rinna/japanese-gpt-neox-3.6b-instruction-ppo")
if torch.cuda.is_available():
model = model.to("cuda")
token_ids = tokenizer.encode(prompt, add_special_tokens=False, return_tensors="pt")
with torch.no_grad():
output_ids = model.generate(
token_ids.to(model.device),
do_sample=True,
max_new_tokens=128,
temperature=0.7,
repetition_penalty=1.1,
pad_token_id=tokenizer.pad_token_id,
bos_token_id=tokenizer.bos_token_id,
eos_token_id=tokenizer.eos_token_id
)
output = tokenizer.decode(output_ids.tolist()[0][token_ids.size(1):])
output = output.replace("<NL>", "\n")
print(output)
"""それは、コンタクトレンズが目に合わないために起こることがあります。レンズが目の表面に長時間触れ続けることが原因となることがあります。また、コンタクトレンズが汚れている可能性もあります。コンタクトレンズケースを定期的に洗浄したり、コンタクトレンズを正しくフィットさせるようにしたりすることが役立ちます。</s>"""
~~~~
# Tokenization
The model uses a [sentencepiece](https://github.com/google/sentencepiece)-based tokenizer.
* The tokenizer has a vocabulary size of 32,000.
* It uses sentencepiece's byte fallback feature to decompose unknown text pieces into UTF-8 byte pieces and to avoid producing `<UNK>` tokens.
* sentencepiece's `--add_dummy_prefix` option was turned off so that a leading whitespace will not be prepended automatically.
~~~
print(tokenizer.tokenize("吾輩は猫である"))
# ['吾', '輩', 'は', '猫', 'である']
# instead of ['▁', '吾', '輩', 'は', '猫', 'である'] as in rinna/japanese-gpt-1b
~~~
* sentencepiece's `--remove_extra_whitespaces` option was turned off so that leading, trailing, and duplicate whitespaces are reserved.
~~~
print(tokenizer.tokenize(" 吾輩は 猫である "))
# ['▁', '▁', '吾', '輩', 'は', '▁', '▁', '猫', 'である', '▁', '▁', '▁']
# instead of ['▁', '吾', '輩', 'は', '▁猫', 'である'] as in rinna/japanese-gpt-1b
~~~
* Don't forget to set `use_fast=False` to make the above features function correctly.
~~~
good_tokenizer = AutoTokenizer.from_pretrained("rinna/japanese-gpt-neox-3.6b", use_fast=False)
bad_tokenizer = AutoTokenizer.from_pretrained("rinna/japanese-gpt-neox-3.6b")
print(good_tokenizer.decode(good_tokenizer.encode("გამარჯობა 吾輩は 猫である ")))
# 'გამარჯობა 吾輩は 猫である </s>'
print(bad_tokenizer.decode(bad_tokenizer.encode("გამარჯობა 吾輩は 猫である ")))
# 'გამარ[UNK]ობა 吾輩は 猫である </s>'
~~~
# Licenese
[The MIT license](https://opensource.org/licenses/MIT)
|
[
-0.30725738406181335,
-0.9916172027587891,
0.41561996936798096,
0.18499037623405457,
-0.3751432001590729,
-0.12886062264442444,
-0.21571855247020721,
-0.4016691744327545,
0.2581753432750702,
0.38205286860466003,
-0.7309914231300354,
-0.5360093712806702,
-0.4412815570831299,
0.3047942519187927,
-0.0005778037593699992,
1.1112831830978394,
-0.07196233421564102,
-0.09845748543739319,
0.09147027134895325,
0.17845533788204193,
-0.28766894340515137,
-0.5290995240211487,
-0.8885278105735779,
-0.36517342925071716,
0.19326288998126984,
0.23632942140102386,
0.63875412940979,
0.6559377908706665,
0.21457239985466003,
0.4189874529838562,
-0.1560416966676712,
0.10400392860174179,
-0.17291148006916046,
-0.22278375923633575,
0.09820724278688431,
-0.4323557913303375,
-0.4772205352783203,
0.0032072497997432947,
0.6857088804244995,
0.4520564675331116,
-0.01203624252229929,
-0.03295700624585152,
0.05699126422405243,
0.09355813264846802,
-0.1672867089509964,
0.3011797070503235,
-0.29657429456710815,
0.09941678494215012,
-0.004885501228272915,
-0.052605755627155304,
-0.3748234212398529,
-0.40383246541023254,
-0.07146589457988739,
-1.0029805898666382,
0.05496850982308388,
-0.019526401534676552,
1.2825084924697876,
0.04155350476503372,
-0.12726543843746185,
-0.22647014260292053,
-0.554662823677063,
0.8851277232170105,
-1.1015833616256714,
0.14928680658340454,
0.3529738783836365,
0.04270001873373985,
-0.23095209896564484,
-0.9506291151046753,
-0.7149479389190674,
-0.26201197504997253,
-0.2692359983921051,
0.37802472710609436,
-0.11436555534601212,
-0.06306137889623642,
0.3970594108104706,
0.11702174693346024,
-0.7185944318771362,
0.03813151270151138,
-0.23601867258548737,
-0.3839627504348755,
0.5800088047981262,
0.2301505208015442,
0.5850014686584473,
-0.5395610928535461,
-0.398416131734848,
-0.46342626214027405,
-0.3858500123023987,
0.036421727389097214,
0.3813072443008423,
0.3949415683746338,
-0.4453767240047455,
0.4486273229122162,
-0.1633928269147873,
0.6985604763031006,
-0.006257300265133381,
-0.30894869565963745,
0.3947185277938843,
-0.5827856063842773,
-0.2316044121980667,
-0.0908830389380455,
1.407711386680603,
0.3123510777950287,
0.14743445813655853,
0.11493739485740662,
-0.03864605352282524,
-0.06937874108552933,
-0.25289034843444824,
-0.9158108234405518,
-0.0710509717464447,
0.10926198959350586,
-0.38557350635528564,
-0.2468736469745636,
0.15293453633785248,
-0.7717635631561279,
0.11890809237957001,
-0.03753888979554176,
0.5294403433799744,
-0.640192985534668,
-0.41021037101745605,
0.19814147055149078,
-0.23803749680519104,
0.15645965933799744,
0.2141600102186203,
-0.7621027231216431,
0.2920905649662018,
0.5008614659309387,
0.7582489252090454,
0.26751604676246643,
-0.6064303517341614,
-0.2650003731250763,
-0.16892606019973755,
-0.10187041759490967,
0.42477700114250183,
-0.3639911115169525,
-0.45983079075813293,
-0.34367361664772034,
0.24468021094799042,
-0.3486781716346741,
-0.34363293647766113,
0.2587347626686096,
-0.20912320911884308,
0.8607569336891174,
-0.08282627165317535,
-0.4604242742061615,
-0.16032898426055908,
0.14328891038894653,
-0.32658469676971436,
1.0883764028549194,
0.24147309362888336,
-0.9074903130531311,
0.12692196667194366,
-0.6131783127784729,
-0.32802149653434753,
0.012065799906849861,
-0.003542608115822077,
-0.5211211442947388,
-0.282739520072937,
0.339994877576828,
0.2675606906414032,
-0.14233052730560303,
0.1437014937400818,
-0.18201395869255066,
-0.4241984486579895,
0.4897156059741974,
-0.4346252679824829,
1.0924663543701172,
0.25231555104255676,
-0.5724494457244873,
0.2504904270172119,
-0.9260757565498352,
0.09013843536376953,
0.41072747111320496,
-0.3460130989551544,
-0.1756603866815567,
-0.16367170214653015,
0.29959335923194885,
0.31328415870666504,
0.32273778319358826,
-0.566736102104187,
0.26870542764663696,
-0.6473369598388672,
0.8330824971199036,
0.7382261157035828,
0.17645269632339478,
0.246404230594635,
-0.2076590359210968,
0.528480052947998,
0.005194226745516062,
0.26725515723228455,
-0.23963020741939545,
-0.5880616903305054,
-0.8530396223068237,
0.02066463977098465,
0.2961866557598114,
0.7253322601318359,
-0.8981029391288757,
0.5989809036254883,
-0.14723654091358185,
-0.4976102113723755,
-0.3747938871383667,
-0.124064601957798,
0.5244563221931458,
0.5378586053848267,
0.3538673222064972,
-0.23779678344726562,
-0.7182145118713379,
-0.6263222098350525,
-0.01669694297015667,
-0.352403849363327,
0.06731721013784409,
0.35168221592903137,
0.6532620191574097,
-0.3037358224391937,
0.6926310658454895,
-0.44523265957832336,
0.08220555633306503,
-0.37658488750457764,
0.3204759657382965,
0.5228413939476013,
0.6299743056297302,
0.28067103028297424,
-0.5896766781806946,
-0.6214913129806519,
0.13986536860466003,
-0.701556384563446,
0.033891309052705765,
-0.3204270005226135,
-0.11292637884616852,
0.2822044789791107,
0.48959240317344666,
-0.5393523573875427,
0.3083624839782715,
0.23760730028152466,
-0.48575645685195923,
0.7161179184913635,
-0.2680659890174866,
0.06087641045451164,
-1.4788645505905151,
0.20929454267024994,
-0.09881733357906342,
-0.16943125426769257,
-0.44887426495552063,
0.1343168169260025,
0.013523999601602554,
-0.19447772204875946,
-0.5686126947402954,
0.7207047939300537,
-0.40146514773368835,
0.14319783449172974,
-0.22189313173294067,
0.2866859436035156,
-0.0032153907231986523,
0.6889787912368774,
0.3550659418106079,
0.8452873826026917,
0.3852651119232178,
-0.591032087802887,
0.3270668387413025,
0.26867663860321045,
-0.18555250763893127,
0.19333170354366302,
-0.8686428070068359,
0.22020211815834045,
0.1444578766822815,
0.19644775986671448,
-0.9810988903045654,
-0.15325410664081573,
0.6643407940864563,
-0.7338287234306335,
0.2212873250246048,
-0.138539656996727,
-0.46917396783828735,
-0.4921862781047821,
-0.11108831316232681,
0.17514213919639587,
0.49949410557746887,
-0.3551797866821289,
0.40034180879592896,
-0.008705414831638336,
-0.15661188960075378,
-0.7405403852462769,
-0.5990777611732483,
0.07145379483699799,
-0.22052603960037231,
-0.5938013792037964,
0.37252944707870483,
-0.15121237933635712,
0.0883532240986824,
0.04196125268936157,
0.10947892814874649,
0.16842278838157654,
0.08934933692216873,
0.08482339978218079,
0.46906888484954834,
-0.3045428395271301,
-0.2325923591852188,
-0.1078442707657814,
-0.3423575758934021,
0.12271630764007568,
-0.2879868149757385,
0.9671701788902283,
-0.13841626048088074,
-0.004799597896635532,
-0.7985675930976868,
0.176764577627182,
0.4502791464328766,
-0.12118308991193771,
0.6528140902519226,
0.9677128195762634,
-0.20172986388206482,
0.101481132209301,
-0.24667471647262573,
-0.33514368534088135,
-0.5009642243385315,
0.5973072648048401,
-0.4140002727508545,
-0.6421539783477783,
0.6518811583518982,
0.2109607458114624,
0.035712242126464844,
0.6212142109870911,
0.28146424889564514,
0.05846790969371796,
1.1365792751312256,
0.47319430112838745,
-0.08215931802988052,
0.5594999194145203,
-0.609550416469574,
0.13743771612644196,
-0.9884693026542664,
-0.27479907870292664,
-0.5100426077842712,
0.00935247354209423,
-0.8014598488807678,
-0.305011123418808,
0.2622830867767334,
-0.01733875833451748,
-0.3897361159324646,
0.6263957023620605,
-0.6744047999382019,
0.1916658580303192,
0.7003194689750671,
0.11215190589427948,
0.03794238716363907,
-0.04186403006315231,
-0.2809913456439972,
-0.10481110960245132,
-0.7457441687583923,
-0.4028366804122925,
0.9522451758384705,
0.31668543815612793,
0.6014982461929321,
-0.10094376653432846,
0.9115282893180847,
-0.2217230647802353,
-0.0008816919871605933,
-0.6720091700553894,
0.7482438683509827,
0.015064416453242302,
-0.49481433629989624,
-0.2987610399723053,
-0.7018528580665588,
-1.054012417793274,
0.27038320899009705,
-0.1486416757106781,
-0.9051094055175781,
0.07764759659767151,
-0.21148230135440826,
-0.4133545160293579,
0.2928546965122223,
-0.5981312990188599,
1.0439869165420532,
-0.2576032876968384,
-0.4789048731327057,
0.05883233621716499,
-0.6394568085670471,
0.18233489990234375,
0.36202308535575867,
0.28522977232933044,
0.15430022776126862,
0.05909431725740433,
1.1422184705734253,
-0.5938137173652649,
0.8785255551338196,
-0.17208264768123627,
0.10261575877666473,
0.20038534700870514,
-0.12052787095308304,
0.5271594524383545,
0.24012526869773865,
0.06886032968759537,
0.07068456709384918,
-0.00045696471352130175,
-0.24092765152454376,
-0.4843674600124359,
0.6183434724807739,
-1.1695562601089478,
-0.4790237843990326,
-0.7100146412849426,
-0.40245750546455383,
0.10694029927253723,
0.5169486403465271,
0.6461972594261169,
0.4210176169872284,
-0.09373690187931061,
0.013423946686089039,
0.517083466053009,
-0.6035466194152832,
0.5873385071754456,
0.5236732363700867,
-0.32268333435058594,
-0.730774998664856,
1.041292667388916,
0.08703848719596863,
0.22066277265548706,
0.4794813096523285,
0.4363805949687958,
-0.3774900734424591,
-0.28673237562179565,
-0.6148970127105713,
0.5929949283599854,
-0.5371969938278198,
0.021511048078536987,
-0.7624322175979614,
-0.3345988988876343,
-0.6516003012657166,
-0.009849963709712029,
-0.32183462381362915,
-0.4423927962779999,
-0.47134923934936523,
-0.038678720593452454,
0.24942678213119507,
0.5045366287231445,
-0.04055926948785782,
0.5030887126922607,
-0.5643764734268188,
0.20951052010059357,
0.18643061816692352,
0.036055389791727066,
-0.07822667062282562,
-0.6855682730674744,
-0.2741817533969879,
0.1298741102218628,
-0.34672054648399353,
-0.8684374094009399,
0.6070897579193115,
-0.09490109980106354,
0.4608406722545624,
0.38038694858551025,
-0.12313183397054672,
0.6684501767158508,
-0.18118916451931,
0.9369304180145264,
0.29679879546165466,
-1.028877854347229,
0.75901198387146,
-0.38233667612075806,
0.4024795889854431,
0.2760581970214844,
0.36904141306877136,
-0.9203821420669556,
-0.3135794997215271,
-0.9162055850028992,
-1.019985556602478,
1.1724539995193481,
0.12216828763484955,
0.10476914793252945,
-0.07467241585254669,
0.2993466258049011,
-0.09143079817295074,
-0.024787304922938347,
-1.0780986547470093,
-0.3760744035243988,
-0.4144524931907654,
-0.2133101522922516,
-0.1633923351764679,
-0.05790039151906967,
0.04435683414340019,
-0.3408149182796478,
0.9727514386177063,
0.02365872450172901,
0.575196385383606,
0.2556830942630768,
-0.08260258287191391,
0.02428310364484787,
0.25457775592803955,
0.6447118520736694,
0.43092355132102966,
-0.3175806701183319,
-0.13901226222515106,
0.12878797948360443,
-0.6062583923339844,
0.145227313041687,
0.22471322119235992,
-0.42819684743881226,
0.047341521829366684,
0.42369237542152405,
1.148473858833313,
0.2960233986377716,
-0.35005369782447815,
0.3351292908191681,
-0.3220163881778717,
-0.30735263228416443,
-0.3669743239879608,
0.2299477458000183,
0.1397663950920105,
-0.10386764258146286,
0.12087255716323853,
-0.11536378413438797,
-0.10439660400152206,
-0.6785460114479065,
0.05876309797167778,
0.2125469148159027,
-0.25148406624794006,
-0.2856091260910034,
0.7741246819496155,
0.1093498170375824,
-0.3838721513748169,
0.8987964987754822,
-0.2793225646018982,
-0.6713247895240784,
0.7300434708595276,
0.9686657190322876,
0.7175512313842773,
-0.21092589199543,
0.3861437439918518,
0.9068093299865723,
0.38604894280433655,
0.03943018242716789,
0.25495755672454834,
-0.07130876928567886,
-0.711855411529541,
-0.2969399094581604,
-0.6386474967002869,
-0.3211528956890106,
0.3818124532699585,
-0.5842289924621582,
0.14682923257350922,
-0.6750332117080688,
-0.22807860374450684,
-0.07168958336114883,
0.4037071168422699,
-0.47394630312919617,
0.2560354769229889,
0.04412189871072769,
0.676183819770813,
-0.9553216695785522,
0.7768791317939758,
0.7145034074783325,
-0.6450876593589783,
-1.0615284442901611,
-0.09826187044382095,
-0.10279621928930283,
-0.8720276355743408,
0.43586230278015137,
0.20566239953041077,
0.14785705506801605,
0.08706008642911911,
-0.3735138475894928,
-0.9663182497024536,
1.0207085609436035,
0.12296636402606964,
-0.40393996238708496,
-0.11029578745365143,
0.28439122438430786,
0.44726598262786865,
-0.1665421724319458,
0.71980881690979,
0.45380327105522156,
0.6979374885559082,
-0.12755262851715088,
-0.8706990480422974,
0.3226739466190338,
-0.6007975339889526,
0.0810604840517044,
0.06339260935783386,
-0.8181478977203369,
1.0633537769317627,
-0.08518614619970322,
-0.28250327706336975,
0.18686221539974213,
0.6896647810935974,
0.30304214358329773,
0.20869451761245728,
0.34962183237075806,
0.6143285036087036,
0.6498581171035767,
-0.34427860379219055,
0.9685474038124084,
-0.23304593563079834,
0.3852151334285736,
0.941046953201294,
0.0803367868065834,
0.7017902731895447,
0.23923397064208984,
-0.46168965101242065,
0.7396540641784668,
0.699971616268158,
-0.08231121301651001,
0.28998446464538574,
-0.020214708521962166,
-0.0541020892560482,
-0.07984998822212219,
0.14322930574417114,
-0.5338516235351562,
0.46018776297569275,
0.3591454029083252,
-0.3204067051410675,
-0.025537138804793358,
0.1675911843776703,
0.4625410735607147,
-0.13562242686748505,
0.03511051833629608,
0.9472708106040955,
0.0033508343622088432,
-0.8740041851997375,
0.8017464280128479,
0.2620643973350525,
0.8990713357925415,
-0.8178306221961975,
0.07680679112672806,
-0.28353404998779297,
0.22980910539627075,
-0.11997397243976593,
-0.6553065776824951,
0.03678717836737633,
-0.07389365881681442,
0.0042986213229596615,
-0.08054407685995102,
0.47201961278915405,
-0.36573708057403564,
-0.641557514667511,
0.333345890045166,
0.1578141450881958,
0.3482408821582794,
0.10060340166091919,
-1.0597761869430542,
0.19411686062812805,
0.250710129737854,
-0.3765150010585785,
0.347320020198822,
0.251956582069397,
0.14158277213573456,
0.4218205511569977,
0.7353610992431641,
0.12403442710638046,
-0.054394692182540894,
0.07976505160331726,
0.6313942670822144,
-0.7485161423683167,
-0.651162326335907,
-0.8686461448669434,
0.510166347026825,
-0.15102523565292358,
-0.6728631258010864,
0.9476678371429443,
0.6044092774391174,
0.9914128184318542,
-0.008431030437350273,
0.876406729221344,
-0.23187729716300964,
0.2976474165916443,
-0.5305160880088806,
0.6830418705940247,
-0.5965708494186401,
0.038953252136707306,
-0.46112924814224243,
-0.8474108576774597,
-0.111564040184021,
0.8882137537002563,
-0.34742459654808044,
0.23049727082252502,
0.7067843675613403,
0.9503483176231384,
-0.043082430958747864,
-0.003519289894029498,
0.12591952085494995,
0.3653847873210907,
0.3431043028831482,
0.8620882630348206,
0.7109808921813965,
-0.8508032560348511,
0.5135796070098877,
-0.7277237176895142,
-0.28728607296943665,
-0.2757665514945984,
-0.6555370092391968,
-0.7792225480079651,
-0.6077317595481873,
-0.46622148156166077,
-0.5409343838691711,
-0.07339764386415482,
0.9028027653694153,
0.7026885747909546,
-0.7106090188026428,
-0.45252156257629395,
-0.20522353053092957,
0.12130315601825714,
-0.5386945605278015,
-0.33349159359931946,
0.5194976925849915,
-0.25044572353363037,
-0.9922972917556763,
0.37467584013938904,
-0.05545981600880623,
0.16950076818466187,
-0.006586978677660227,
-0.23492887616157532,
-0.28772494196891785,
0.025226891040802002,
0.32047903537750244,
0.446016788482666,
-0.639889657497406,
-0.058290086686611176,
0.19963569939136505,
-0.06442990154027939,
0.06846394389867783,
0.4235805571079254,
-0.5915589332580566,
0.3875812292098999,
0.517382025718689,
0.05235937982797623,
0.7279874086380005,
-0.14909490942955017,
0.41867515444755554,
-0.5193763971328735,
0.23959317803382874,
0.11791971325874329,
0.4353902041912079,
0.35226500034332275,
-0.43267765641212463,
0.3909170627593994,
0.5519284009933472,
-0.5582741498947144,
-0.7879645824432373,
0.046982474625110626,
-1.0280052423477173,
-0.4813542664051056,
1.1979581117630005,
-0.18289820849895477,
-0.5432645678520203,
0.04385003447532654,
-0.40453749895095825,
0.5942684412002563,
-0.34535324573516846,
0.5817959308624268,
0.6015064120292664,
-0.008544561453163624,
-0.23235172033309937,
-0.3002116084098816,
0.34632056951522827,
0.4698278605937958,
-0.7557987570762634,
0.05159870535135269,
0.2028687298297882,
0.5188688635826111,
0.3541397452354431,
0.7794051170349121,
-0.19754336774349213,
0.4256562292575836,
0.1837921291589737,
0.189010888338089,
-0.30102312564849854,
-0.09116597473621368,
-0.2597849369049072,
-0.10402236133813858,
-0.16346660256385803,
-0.18302319943904877
] |
facebook/wav2vec2-large-xlsr-53-german
|
facebook
| 2021-07-06T02:46:28Z | 4,983 | 1 |
transformers
|
[
"transformers",
"pytorch",
"jax",
"wav2vec2",
"automatic-speech-recognition",
"speech",
"audio",
"de",
"dataset:common_voice",
"license:apache-2.0",
"endpoints_compatible",
"region:us"
] |
automatic-speech-recognition
| 2022-03-02T23:29:05Z |
---
language: de
datasets:
- common_voice
tags:
- speech
- audio
- automatic-speech-recognition
license: apache-2.0
---
## Evaluation on Common Voice DE Test
```python
import torchaudio
from datasets import load_dataset, load_metric
from transformers import (
Wav2Vec2ForCTC,
Wav2Vec2Processor,
)
import torch
import re
import sys
model_name = "facebook/wav2vec2-large-xlsr-53-german"
device = "cuda"
chars_to_ignore_regex = '[\,\?\.\!\-\;\:\"]' # noqa: W605
model = Wav2Vec2ForCTC.from_pretrained(model_name).to(device)
processor = Wav2Vec2Processor.from_pretrained(model_name)
ds = load_dataset("common_voice", "de", split="test", data_dir="./cv-corpus-6.1-2020-12-11")
resampler = torchaudio.transforms.Resample(orig_freq=48_000, new_freq=16_000)
def map_to_array(batch):
speech, _ = torchaudio.load(batch["path"])
batch["speech"] = resampler.forward(speech.squeeze(0)).numpy()
batch["sampling_rate"] = resampler.new_freq
batch["sentence"] = re.sub(chars_to_ignore_regex, '', batch["sentence"]).lower().replace("’", "'")
return batch
ds = ds.map(map_to_array)
def map_to_pred(batch):
features = processor(batch["speech"], sampling_rate=batch["sampling_rate"][0], padding=True, return_tensors="pt")
input_values = features.input_values.to(device)
attention_mask = features.attention_mask.to(device)
with torch.no_grad():
logits = model(input_values, attention_mask=attention_mask).logits
pred_ids = torch.argmax(logits, dim=-1)
batch["predicted"] = processor.batch_decode(pred_ids)
batch["target"] = batch["sentence"]
return batch
result = ds.map(map_to_pred, batched=True, batch_size=16, remove_columns=list(ds.features.keys()))
wer = load_metric("wer")
print(wer.compute(predictions=result["predicted"], references=result["target"]))
```
**Result**: 18.5 %
|
[
-0.4354369342327118,
-0.7727211713790894,
0.16200853884220123,
0.346499502658844,
-0.22613632678985596,
-0.07826312631368637,
-0.5189223289489746,
-0.23691920936107635,
0.14086928963661194,
0.39642417430877686,
-0.7267441153526306,
-0.820210337638855,
-0.6360331177711487,
-0.1726432740688324,
-0.24384483695030212,
0.8889893889427185,
0.3137877285480499,
-0.02249368652701378,
-0.004639739636331797,
-0.18670159578323364,
-0.45205774903297424,
-0.3079336881637573,
-0.7531359195709229,
-0.2370915412902832,
0.1660291850566864,
0.3695347309112549,
0.2552400529384613,
0.11378558725118637,
0.3480866849422455,
0.5072466731071472,
-0.07774374634027481,
-0.020240236073732376,
-0.4644973576068878,
-0.08684951812028885,
0.14875507354736328,
-0.43216249346733093,
-0.3624942898750305,
0.2946348786354065,
0.6412896513938904,
0.3833297789096832,
-0.08882299810647964,
0.42485231161117554,
-0.08045646548271179,
0.36891287565231323,
-0.3542686700820923,
0.1985122263431549,
-0.7715855240821838,
-0.2741677463054657,
0.05337183177471161,
-0.1930508017539978,
-0.4474189579486847,
-0.35755008459091187,
0.22215025126934052,
-0.6007356643676758,
0.6038790941238403,
-0.13687865436077118,
1.06080162525177,
0.3904210925102234,
0.006879339925944805,
-0.3286566436290741,
-0.5935121774673462,
1.0774375200271606,
-0.8508279919624329,
0.3119582533836365,
0.28405994176864624,
0.20370563864707947,
-0.21963560581207275,
-1.1710150241851807,
-0.8003674745559692,
-0.16779862344264984,
0.1897827535867691,
0.20139175653457642,
-0.559436023235321,
0.2332938313484192,
0.39272549748420715,
0.1569606214761734,
-0.6339852809906006,
-0.017561178654432297,
-0.916249692440033,
-0.3988874554634094,
0.7999429702758789,
-0.09288930147886276,
0.253319650888443,
-0.2527841329574585,
-0.12688350677490234,
-0.518638014793396,
-0.14138738811016083,
0.26024892926216125,
0.384822815656662,
0.30481553077697754,
-0.3775539994239807,
0.5673230290412903,
-0.29349827766418457,
0.880511999130249,
0.15107804536819458,
-0.25401052832603455,
0.8096880316734314,
-0.2127821147441864,
-0.4195907413959503,
0.33269673585891724,
1.1093640327453613,
0.41302821040153503,
0.41428208351135254,
0.18149355053901672,
0.11821765452623367,
0.4300937056541443,
0.006849233992397785,
-0.7973668575286865,
-0.31573599576950073,
0.5582088232040405,
-0.22871491312980652,
-0.20609809458255768,
0.01918621174991131,
-0.7546519041061401,
-0.013329283334314823,
0.03740204870700836,
0.892444372177124,
-0.4868806302547455,
-0.14827658236026764,
0.30637508630752563,
-0.30997806787490845,
0.1379294991493225,
-0.1645287275314331,
-0.7803794741630554,
0.26125988364219666,
0.5625410079956055,
0.83827805519104,
0.17628693580627441,
-0.31044235825538635,
-0.5881627202033997,
-0.3325943946838379,
0.04587174206972122,
0.516472339630127,
-0.18349184095859528,
-0.49220573902130127,
-0.3303113579750061,
0.10707174986600876,
-0.3637271821498871,
-0.6600477695465088,
0.9526262879371643,
-0.11449522525072098,
0.41824644804000854,
0.01306920312345028,
-0.4358693063259125,
-0.3424791097640991,
-0.22963550686836243,
-0.5450426340103149,
1.134749412536621,
0.10861784219741821,
-0.7247097492218018,
0.30218473076820374,
-0.6223067045211792,
-0.4234103560447693,
-0.23157134652137756,
-0.2393464744091034,
-0.6211329698562622,
0.021227534860372543,
0.37995925545692444,
0.5614008903503418,
-0.17740270495414734,
0.120573990046978,
-0.2820515036582947,
-0.7885761857032776,
0.37940630316734314,
-0.5958693623542786,
1.1666507720947266,
0.22937986254692078,
-0.5911366939544678,
0.2586119472980499,
-0.9955325126647949,
0.20343732833862305,
-0.1454758644104004,
-0.2546519637107849,
0.0527307502925396,
-0.029887424781918526,
0.36097580194473267,
0.22102320194244385,
0.10145699232816696,
-0.8128034472465515,
-0.0354468859732151,
-0.6626753807067871,
0.6368509531021118,
0.5359454154968262,
0.06742779910564423,
0.04013202339410782,
-0.25537118315696716,
0.31811201572418213,
-0.026617832481861115,
-0.11368440091609955,
0.20464372634887695,
-0.5775448083877563,
-0.6935879588127136,
-0.7049335241317749,
0.16322514414787292,
0.6512050032615662,
-0.32174259424209595,
0.8236938118934631,
-0.46775826811790466,
-0.7754917740821838,
-1.1499241590499878,
-0.15218904614448547,
0.14819388091564178,
0.6740691065788269,
0.49513259530067444,
-0.2503044307231903,
-0.7717182040214539,
-0.996789276599884,
-0.11980104446411133,
-0.10707630217075348,
-0.24964416027069092,
0.39864563941955566,
0.3482910394668579,
-0.3992540240287781,
0.897700309753418,
-0.6201510429382324,
-0.3356392979621887,
-0.32331275939941406,
0.25378933548927307,
0.7290276288986206,
0.5691409111022949,
0.3335007131099701,
-0.7195620536804199,
-0.34059998393058777,
-0.3480779528617859,
-0.3802225589752197,
-0.2946581244468689,
-0.18068894743919373,
0.10676755011081696,
0.037941545248031616,
0.3236345052719116,
-0.6858779788017273,
0.4433826506137848,
0.4145069420337677,
-0.3798353374004364,
0.4453105628490448,
-0.13740989565849304,
0.3431769907474518,
-1.214477777481079,
0.11223427951335907,
-0.06376242637634277,
-0.07490728795528412,
-0.41749557852745056,
-0.4674498736858368,
-0.27183404564857483,
-0.08688385039567947,
-0.6099372506141663,
0.3819941580295563,
-0.27199143171310425,
-0.10116566717624664,
-0.15214022994041443,
0.4870256781578064,
-0.07981154322624207,
0.6126582622528076,
-0.0667143166065216,
0.7699753642082214,
0.8738299012184143,
-0.6532237529754639,
0.8148285150527954,
0.30688393115997314,
-0.6109681725502014,
0.41283077001571655,
-0.9666887521743774,
0.27842411398887634,
0.05855792388319969,
0.1658450961112976,
-1.3060369491577148,
-0.04952605441212654,
0.06456787139177322,
-1.0592124462127686,
0.004704069811850786,
0.16784830391407013,
-0.3905516266822815,
-0.5821811556816101,
-0.30270159244537354,
0.28064966201782227,
0.6778412461280823,
-0.43005314469337463,
0.3392576575279236,
0.3913775682449341,
-0.004332642536610365,
-0.6706896424293518,
-0.8142992258071899,
-0.2640230059623718,
-0.3075629472732544,
-0.978040874004364,
0.3850899338722229,
0.009882757440209389,
-0.13981781899929047,
0.006794737186282873,
-0.1830763965845108,
-0.014193398877978325,
-0.05222948268055916,
0.3023567795753479,
0.3028540313243866,
-0.1077280342578888,
-0.10746993869543076,
-0.16456906497478485,
-0.01204637996852398,
0.11259331554174423,
-0.12121128290891647,
0.8233257532119751,
-0.20825669169425964,
-0.15019504725933075,
-0.8262050747871399,
0.02223062515258789,
0.534832775592804,
-0.2432810664176941,
0.5019585490226746,
1.111124873161316,
-0.30756521224975586,
-0.0682109147310257,
-0.5741284489631653,
-0.06788280606269836,
-0.5454825758934021,
0.972271740436554,
-0.29231953620910645,
-0.6402263045310974,
0.6060923933982849,
0.14766256511211395,
-0.015321859158575535,
0.7112261056900024,
0.7681746482849121,
-0.0603187158703804,
0.7159015536308289,
0.2049260139465332,
-0.17598432302474976,
0.42182183265686035,
-0.7640132904052734,
0.08185809850692749,
-0.8645273447036743,
-0.20971724390983582,
-0.6007936000823975,
-0.38566040992736816,
-0.7116048336029053,
-0.47567257285118103,
0.2927694022655487,
-0.012237660586833954,
-0.05726549029350281,
0.5048800706863403,
-0.8599990010261536,
0.15723483264446259,
0.7095605134963989,
0.1938031166791916,
-0.12952356040477753,
0.11493188887834549,
-0.04730233550071716,
-0.02129761129617691,
-0.4448671042919159,
-0.40728139877319336,
1.2576680183410645,
0.25052347779273987,
0.6373902559280396,
-0.2329748123884201,
0.8228761553764343,
0.11934832483530045,
-0.13303892314434052,
-0.779973566532135,
0.6705756187438965,
-0.226388618350029,
-0.5551954507827759,
-0.3782244324684143,
-0.31535348296165466,
-1.071317434310913,
0.32157278060913086,
-0.16743621230125427,
-1.087087869644165,
0.12725476920604706,
-0.1525963842868805,
-0.5599632263183594,
-0.008210291154682636,
-0.8038601279258728,
0.889133632183075,
0.13341131806373596,
-0.1860964298248291,
-0.40351563692092896,
-0.526003897190094,
0.16340617835521698,
0.1297602504491806,
0.09056974947452545,
-0.11515013128519058,
0.3712786138057709,
1.3820350170135498,
0.020376035943627357,
0.6401187777519226,
-0.22321274876594543,
0.2835049033164978,
0.6563884615898132,
-0.5959836840629578,
0.12453670054674149,
-0.00819387286901474,
-0.2071683257818222,
0.2014249712228775,
0.25249192118644714,
-0.2259635627269745,
-0.5176559686660767,
0.8201206922531128,
-0.9966017603874207,
-0.43117234110832214,
-0.3570103645324707,
-0.5453420281410217,
-0.21813297271728516,
0.08441691100597382,
0.7613124251365662,
0.6236914992332458,
-0.3379315733909607,
0.5399887561798096,
0.5588050484657288,
-0.3921670913696289,
0.5912052989006042,
0.13606181740760803,
0.01621462218463421,
-0.8003259301185608,
0.6896783113479614,
0.06695085018873215,
0.2735292911529541,
0.03787387162446976,
0.009048586711287498,
-0.5071555376052856,
-0.2981554865837097,
-0.127774178981781,
0.23992663621902466,
-0.5392239093780518,
0.04186289384961128,
-0.6885902881622314,
-0.34341365098953247,
-0.879734992980957,
0.06317275762557983,
-0.3470596969127655,
-0.4001349210739136,
-0.4278363585472107,
-0.08274528384208679,
0.37965887784957886,
0.20134176313877106,
-0.22405536472797394,
0.5774514079093933,
-0.5320541858673096,
0.6526733040809631,
0.17106766998767853,
-0.012373233214020729,
-0.317123144865036,
-0.8337087631225586,
-0.2742891013622284,
0.0970592051744461,
-0.437715619802475,
-0.9594889283180237,
0.5218372941017151,
0.18104645609855652,
0.7397137880325317,
0.19640982151031494,
0.12389733642339706,
0.80141681432724,
-0.26642534136772156,
0.818293571472168,
0.13211339712142944,
-1.1396143436431885,
0.6251437067985535,
-0.06916533410549164,
0.23531502485275269,
0.5659374594688416,
0.03833045810461044,
-0.647746205329895,
-0.4365732967853546,
-0.953471302986145,
-0.9684393405914307,
0.8871215581893921,
0.371551513671875,
0.09816967695951462,
0.08409176021814346,
0.07441950589418411,
-0.26312464475631714,
0.1423724889755249,
-0.6709527373313904,
-0.5043442249298096,
-0.22830970585346222,
-0.4914989471435547,
-0.4561457633972168,
-0.08091681450605392,
-0.16977550089359283,
-0.5169865489006042,
0.8229588270187378,
0.31076714396476746,
0.6051056385040283,
0.5363671779632568,
0.03637176379561424,
0.22810620069503784,
0.38361141085624695,
0.7853174209594727,
0.33353325724601746,
-0.501478374004364,
-0.0350484624505043,
0.3094264566898346,
-0.8428841233253479,
0.07854580134153366,
0.2293669879436493,
0.15543657541275024,
0.34888267517089844,
0.49303483963012695,
1.165317177772522,
0.026042992249131203,
-0.3836681842803955,
0.5032811164855957,
-0.02006830833852291,
-0.3044969141483307,
-0.5732788443565369,
0.18285605311393738,
0.2995379567146301,
0.24472443759441376,
0.4591558277606964,
0.1548190861940384,
0.022862054407596588,
-0.3732454180717468,
0.45729508996009827,
0.36035236716270447,
-0.26239076256752014,
-0.22169791162014008,
0.6551952362060547,
0.1653536856174469,
-0.5250242948532104,
0.7226381301879883,
0.017251931130886078,
-0.5305426716804504,
0.8388742804527283,
0.48340705037117004,
1.167486310005188,
-0.18970486521720886,
-0.01502536702901125,
0.630561888217926,
0.3485727906227112,
0.08131495118141174,
0.5033421516418457,
-0.05805155262351036,
-0.7038789987564087,
-0.25285327434539795,
-0.589752733707428,
0.022562948986887932,
0.3589142858982086,
-0.80865478515625,
0.5067965984344482,
-0.26810890436172485,
-0.3218638598918915,
0.11386512219905853,
0.34373030066490173,
-0.7826865911483765,
0.4727860987186432,
-0.04007392376661301,
0.7639808058738708,
-0.8917984366416931,
1.0248067378997803,
0.2357502281665802,
-0.38850000500679016,
-1.1711004972457886,
-0.10085051506757736,
-0.25421303510665894,
-0.7506500482559204,
0.6388893723487854,
0.3656888008117676,
-0.21610188484191895,
0.1871930956840515,
-0.5529196262359619,
-0.7413097023963928,
1.1267021894454956,
0.4438280463218689,
-0.5808634757995605,
0.24907812476158142,
-0.055755145847797394,
0.506872296333313,
-0.25970569252967834,
0.2664179503917694,
0.6536677479743958,
0.4695362448692322,
0.05186536908149719,
-1.1023324728012085,
-0.08103954792022705,
-0.10871399939060211,
-0.41617488861083984,
-0.24637684226036072,
-0.4434207081794739,
1.0023727416992188,
-0.32274627685546875,
-0.16722242534160614,
-0.02402985654771328,
0.8899203538894653,
0.5594961047172546,
0.5038885474205017,
0.5226438641548157,
0.7072021961212158,
0.9465497136116028,
-0.13611552119255066,
0.6817094087600708,
-0.12230470031499863,
0.6804616451263428,
1.025010108947754,
0.13241690397262573,
1.0599762201309204,
0.4787173867225647,
-0.3152959644794464,
0.5513032078742981,
0.5411544442176819,
-0.34300822019577026,
0.7712525129318237,
0.4175603687763214,
-0.38894885778427124,
0.07971396297216415,
0.32783129811286926,
-0.5787347555160522,
0.8613790273666382,
0.19658103585243225,
-0.38533809781074524,
0.15302464365959167,
0.0005797962076030672,
-0.01369140762835741,
-0.08042456209659576,
-0.182564377784729,
0.46017730236053467,
-0.007115624845027924,
-0.575710117816925,
0.9141263961791992,
-0.006705279462039471,
1.012465238571167,
-0.48571133613586426,
0.0733848288655281,
0.2679525911808014,
0.36416417360305786,
-0.3213592767715454,
-0.5208564400672913,
0.26096847653388977,
-0.0382271334528923,
-0.10883808881044388,
0.2087189108133316,
0.3415810763835907,
-0.571577250957489,
-0.7037103176116943,
0.3467617928981781,
0.04432310163974762,
0.40398725867271423,
0.007410709746181965,
-0.6737270951271057,
0.26417413353919983,
0.3178774118423462,
-0.3794049620628357,
-0.23443548381328583,
0.2838662266731262,
0.3530728816986084,
0.46750858426094055,
0.6089527010917664,
0.3553255796432495,
0.26288843154907227,
0.05351545661687851,
0.6112401485443115,
-0.7440757751464844,
-0.5647180080413818,
-0.8828012943267822,
0.48642730712890625,
-0.17263706028461456,
-0.46688663959503174,
0.6701709628105164,
0.6943814158439636,
0.8303468823432922,
-0.1265856772661209,
0.7264646887779236,
-0.18313127756118774,
0.5189294219017029,
-0.43376851081848145,
0.9559250473976135,
-0.39808323979377747,
0.1469489187002182,
-0.5007876753807068,
-0.8783277273178101,
-0.03698180615901947,
0.9102780222892761,
-0.312632292509079,
0.1516793668270111,
0.7361719608306885,
1.0826880931854248,
-0.0435798317193985,
-0.15568947792053223,
0.40101075172424316,
0.3036763668060303,
0.3068033754825592,
0.7001367211341858,
0.3277217447757721,
-0.7355014085769653,
0.7017324566841125,
-0.35843369364738464,
-0.2372000366449356,
0.04747212305665016,
-0.4666866660118103,
-0.6890498399734497,
-0.7997189164161682,
-0.4764874279499054,
-0.579533040523529,
-0.22609341144561768,
1.0229883193969727,
0.6959596276283264,
-0.7919589877128601,
-0.36360248923301697,
0.13795867562294006,
-0.03403451666235924,
-0.3425673544406891,
-0.24401694536209106,
0.7397417426109314,
-0.018476411700248718,
-0.9994765520095825,
0.5210416913032532,
-0.210286483168602,
-0.2076755315065384,
-0.0640229731798172,
-0.06433280557394028,
-0.3024180829524994,
0.08924150466918945,
0.21339713037014008,
0.19873987138271332,
-0.9487136006355286,
-0.33560049533843994,
-0.11344998329877853,
-0.26289883255958557,
0.09166084229946136,
0.25217732787132263,
-0.927439272403717,
0.4671352207660675,
0.6025508642196655,
0.2684655487537384,
0.8139984607696533,
-0.1501864790916443,
0.3619734048843384,
-0.6793078780174255,
0.4765407145023346,
0.19372792541980743,
0.3812534511089325,
0.4081384837627411,
-0.3013851046562195,
0.29540368914604187,
0.40940722823143005,
-0.5996106863021851,
-0.8944639563560486,
-0.143274188041687,
-1.5506757497787476,
0.020386965945363045,
1.2522774934768677,
-0.15422552824020386,
-0.2927635908126831,
0.08191117644309998,
-0.45306241512298584,
0.9048521518707275,
-0.4135996103286743,
0.7056370973587036,
0.6730852723121643,
-0.19533957540988922,
0.08110266923904419,
-0.49246859550476074,
0.4544998109340668,
0.45603591203689575,
-0.4827500283718109,
-0.14989596605300903,
0.3856934607028961,
0.6413410305976868,
0.2915496230125427,
0.9652065634727478,
-0.0649651437997818,
0.3164903521537781,
0.25482943654060364,
0.38901686668395996,
-0.15261590480804443,
0.04290969297289848,
-0.5519205927848816,
0.17178377509117126,
-0.2952621281147003,
-1.0524330139160156
] |
Austism/chronos-hermes-13b-v2
|
Austism
| 2023-08-03T02:55:20Z | 4,979 | 13 |
transformers
|
[
"transformers",
"pytorch",
"llama",
"text-generation",
"llama-2",
"chatbot",
"storywriting",
"generalist-model",
"license:other",
"endpoints_compatible",
"has_space",
"text-generation-inference",
"region:us"
] |
text-generation
| 2023-08-02T23:02:15Z |
---
license: other
tags:
- llama
- llama-2
- pytorch
- chatbot
- storywriting
- generalist-model
---
# chronos-hermes-13b-v2
([chronos-13b-v2](https://huggingface.co/elinas/chronos-13b-v2) + [Nous-Hermes-Llama2-13b](https://huggingface.co/NousResearch/Nous-Hermes-Llama2-13b)) 75/25 merge
This offers the imaginative writing style of chronos while still retaining coherency and being capable. Outputs are long and utilize exceptional prose.
Supports a maxium context length of 4096.
- [GPTQ Quantized Weights](https://huggingface.co/Austism/chronos-hermes-13b-v2-GPTQ)
## Prompt Format
The model follows the Alpaca prompt format:
```
### Instruction:
<prompt>
### Response:
```
This is an adaption of [chronos-hermes-13b](https://huggingface.co/Austism/chronos-hermes-13b) for llama-2.
|
[
-0.41563019156455994,
-0.6567564010620117,
0.8608415722846985,
0.6612399816513062,
-0.5816321969032288,
-0.06905487179756165,
-0.02155274525284767,
-0.8338620662689209,
0.5096865296363831,
0.7262775301933289,
-1.1033400297164917,
-0.27393725514411926,
-0.5355294346809387,
0.42742297053337097,
-0.1257513463497162,
1.178320288658142,
-0.07495062053203583,
0.057987816631793976,
0.10894232243299484,
-0.18121644854545593,
-0.12256798148155212,
-0.3943903148174286,
-0.9675201773643494,
-0.34856879711151123,
0.8401685953140259,
0.3482663631439209,
0.8110376000404358,
0.5279861092567444,
0.07494325190782547,
0.29642418026924133,
-0.17569886147975922,
0.26704922318458557,
-0.253646582365036,
0.24157702922821045,
-0.0359395332634449,
-0.11265692114830017,
-1.0361096858978271,
-0.03494056686758995,
0.606875479221344,
0.3703360855579376,
-0.1790531426668167,
0.17582854628562927,
0.11570364236831665,
0.4580870270729065,
-0.2037956714630127,
0.2619069218635559,
-0.09522508084774017,
0.12241286784410477,
-0.13294415175914764,
-0.33631712198257446,
-0.35843953490257263,
-0.4832906424999237,
0.15982063114643097,
-1.3191137313842773,
0.01223729457706213,
0.3381389081478119,
0.7608818411827087,
0.04178157448768616,
-0.7086531519889832,
-0.4489350914955139,
-0.377996027469635,
0.9254045486450195,
-0.45591479539871216,
0.015910496935248375,
0.41994744539260864,
0.361149400472641,
-0.15169619023799896,
-0.8688575625419617,
-0.6630380749702454,
-0.24123625457286835,
0.0974273532629013,
0.20147520303726196,
-0.23505932092666626,
-0.23506678640842438,
0.3207992613315582,
0.34963709115982056,
-0.7031144499778748,
0.24835018813610077,
-0.5081120133399963,
-0.25349918007850647,
0.5408441424369812,
0.4374316930770874,
0.3619956970214844,
-0.07708185166120529,
-0.34187620878219604,
-0.5488380789756775,
-0.41983509063720703,
0.03814320266246796,
0.5118156671524048,
0.15340958535671234,
-0.6731010675430298,
0.7935712933540344,
-0.2563738226890564,
0.477334588766098,
0.22910846769809723,
-0.09980414062738419,
0.12026926875114441,
-0.3332771062850952,
-0.15945804119110107,
0.00888859573751688,
0.7468855977058411,
0.4794103503227234,
0.07858546078205109,
0.10156592726707458,
0.08607780188322067,
0.09156501293182373,
0.024969423189759254,
-1.0157006978988647,
-0.07032062858343124,
0.2533385455608368,
-0.4086001515388489,
-0.41327136754989624,
-0.13930656015872955,
-0.8400521278381348,
-0.3515145778656006,
-0.1380174458026886,
0.14550462365150452,
-0.6551076769828796,
0.25411415100097656,
0.3321797549724579,
-0.2718929946422577,
0.3020167946815491,
0.717299222946167,
-0.8038858771324158,
0.6371250152587891,
0.4898393750190735,
0.49662989377975464,
0.34937968850135803,
-0.1126851812005043,
-0.47083666920661926,
0.15359917283058167,
-0.2656826972961426,
0.7028990387916565,
-0.5091457366943359,
-0.5877780914306641,
-0.30308181047439575,
0.3179117441177368,
0.212860107421875,
0.020783763378858566,
0.9754575490951538,
-0.4849338233470917,
0.8208768367767334,
-0.50052410364151,
-0.5585957169532776,
-0.3680935502052307,
-0.09246952831745148,
-0.7627125382423401,
0.9510005712509155,
0.28676143288612366,
-0.5497929453849792,
-0.06328347325325012,
-0.5198409557342529,
-0.17269955575466156,
0.16330736875534058,
0.11124803125858307,
-0.31826716661453247,
-0.04394219070672989,
0.35535740852355957,
0.2685357630252838,
-0.4897491931915283,
-0.1153382733464241,
-0.5279638767242432,
-0.2078738659620285,
0.20652145147323608,
-0.037893977016210556,
0.9656581282615662,
0.3405224084854126,
-0.10996899753808975,
0.0908457487821579,
-0.8311362266540527,
-0.04119841754436493,
0.48466432094573975,
-0.027808217331767082,
-0.13787542283535004,
-0.10721185803413391,
0.22227713465690613,
-0.05208791419863701,
0.6049455404281616,
-0.506488025188446,
0.602405846118927,
0.04003063589334488,
0.4678569436073303,
0.6744047999382019,
-0.018818886950612068,
0.74101722240448,
-0.7127878665924072,
0.7006244659423828,
-0.3529585003852844,
0.2437257468700409,
-0.1280377209186554,
-0.8406904339790344,
-0.5219583511352539,
-0.3732273578643799,
-0.11153170466423035,
0.7800282835960388,
-0.8435097932815552,
0.5718572735786438,
0.12541088461875916,
-0.870947003364563,
-0.13121621310710907,
-0.16849033534526825,
0.1792290210723877,
0.5124292373657227,
0.41093987226486206,
-0.41576460003852844,
-0.5962182879447937,
-0.5975332260131836,
0.14926260709762573,
-0.2102704793214798,
-0.07577981799840927,
0.28882017731666565,
0.2929117679595947,
-0.255063533782959,
0.3989660441875458,
-0.6627975106239319,
0.1334434300661087,
-0.39765259623527527,
0.1671757847070694,
0.21065747737884521,
0.437917023897171,
0.8423862457275391,
-0.35456061363220215,
-0.11784040927886963,
-0.1427912712097168,
-0.6187315583229065,
-0.3101218342781067,
-0.1785740852355957,
-0.11964759230613708,
-0.015273061580955982,
0.07745015621185303,
-0.6504952907562256,
0.18483075499534607,
0.5358624458312988,
-0.8239098787307739,
0.6751095056533813,
-0.1972186118364334,
0.3493538200855255,
-1.3937556743621826,
-0.14337609708309174,
0.10804486274719238,
-0.05142592266201973,
-0.22262276709079742,
0.0278561282902956,
0.11901355534791946,
0.06632458418607712,
-0.27839910984039307,
1.0140926837921143,
-0.35113438963890076,
0.07029249519109726,
-0.2576303780078888,
0.1560833603143692,
0.40338897705078125,
0.3440181314945221,
0.16087029874324799,
0.5210922956466675,
0.5128046274185181,
-0.5213840007781982,
0.6351481676101685,
0.5465466380119324,
-0.07561884075403214,
0.5018817186355591,
-0.918561577796936,
-0.004101424943655729,
0.002385030034929514,
0.8905243873596191,
-0.8111047148704529,
-0.22697709500789642,
0.6861124038696289,
-0.35070085525512695,
0.030798794701695442,
0.2023521065711975,
-0.5994437336921692,
-0.45991742610931396,
-0.7125998735427856,
0.786866307258606,
0.560029149055481,
-0.3891313970088959,
0.5211684703826904,
-0.3399624526500702,
-0.5849649310112,
-0.5221494436264038,
-0.6600223779678345,
0.1867101490497589,
-0.4080849289894104,
-0.4425239562988281,
0.5152365565299988,
-0.46468183398246765,
0.0794786810874939,
-0.12635208666324615,
0.26233673095703125,
-0.007952048443257809,
-0.14111903309822083,
0.054061517119407654,
0.5987390279769897,
-0.45922723412513733,
-0.3460139036178589,
0.5001462697982788,
-0.10336598008871078,
-0.16834992170333862,
-0.06290294975042343,
0.6530900597572327,
-0.04495801776647568,
-0.10328936576843262,
-0.8865943551063538,
0.5826291441917419,
0.7750690579414368,
0.17239554226398468,
0.694277286529541,
0.6434675455093384,
-0.366053968667984,
0.04535659775137901,
-0.3848019540309906,
-0.1864314079284668,
-0.4826256036758423,
0.21232129633426666,
-0.3714792728424072,
-0.940903902053833,
0.6945086717605591,
0.3334680199623108,
-0.15073858201503754,
0.7269912958145142,
0.4292982816696167,
0.012132757343351841,
0.7536687254905701,
0.747636079788208,
0.10239517688751221,
0.6193335056304932,
-0.1485239863395691,
0.014278188347816467,
-1.0386929512023926,
-0.3886607587337494,
-0.5951683521270752,
-0.14350773394107819,
-0.6293536424636841,
-0.24372147023677826,
-0.05785131826996803,
0.3548665940761566,
-0.5911098718643188,
0.7326500415802002,
-0.4570094048976898,
0.2908684015274048,
0.6530478596687317,
0.3269062340259552,
0.2177474945783615,
0.08578629791736603,
0.033094022423028946,
-0.21386495232582092,
-0.44136467576026917,
-0.7568846344947815,
0.9080477356910706,
0.40009069442749023,
0.6180104613304138,
0.426528662443161,
0.4912254214286804,
0.18264226615428925,
0.012218471616506577,
-0.5374987125396729,
0.6177458167076111,
0.03539442643523216,
-0.24310503900051117,
-0.2743752598762512,
-0.26463043689727783,
-1.0286400318145752,
0.008879235945641994,
-0.339351624250412,
-0.8717719912528992,
0.14470285177230835,
-0.2936917245388031,
-0.6273359656333923,
0.07145372778177261,
-0.3051845133304596,
0.7545256614685059,
-0.04763779789209366,
-0.11099519580602646,
-0.2141571342945099,
-0.5855790376663208,
0.31399402022361755,
0.12977300584316254,
-0.05470661446452141,
-0.033266108483076096,
-0.47148561477661133,
0.7919316291809082,
-0.5344563126564026,
0.8884459733963013,
0.4538247287273407,
-0.382404625415802,
0.4724354147911072,
0.10751447826623917,
0.36374741792678833,
0.3877332806587219,
-0.03799501061439514,
-0.03224059194326401,
0.11127293109893799,
-0.575607180595398,
-0.37879490852355957,
0.640390932559967,
-0.800651490688324,
-0.13313783705234528,
-0.6775522232055664,
-0.6745674014091492,
0.010291860438883305,
-0.027098285034298897,
0.5141469836235046,
0.6800289750099182,
-0.2809062898159027,
-0.02577647939324379,
0.5991495847702026,
-0.43568897247314453,
0.6608098149299622,
0.5488529205322266,
-0.18523159623146057,
-1.0831398963928223,
0.2745946943759918,
-0.16849404573440552,
0.12371925264596939,
0.31819185614585876,
0.31996071338653564,
-0.407287061214447,
0.050326887518167496,
-0.9075970649719238,
0.5518949031829834,
-0.41781651973724365,
-0.18721510469913483,
-0.6149996519088745,
-0.15709714591503143,
-0.6827421188354492,
-0.5280246734619141,
-0.06156475096940994,
-0.969494640827179,
-0.7393441200256348,
-0.1468278467655182,
1.095892071723938,
0.7856603860855103,
-0.23360390961170197,
0.6767167448997498,
-1.0058549642562866,
0.4974549412727356,
0.3469404876232147,
-0.015555985271930695,
0.2090483158826828,
-0.7696352005004883,
0.1043507382273674,
-0.2718213200569153,
-0.5892403721809387,
-1.1695791482925415,
0.46925121545791626,
-0.03129798546433449,
0.3089313805103302,
0.5106959342956543,
0.07911176979541779,
0.5211719870567322,
-0.44161510467529297,
1.0849696397781372,
0.3945833146572113,
-1.0028948783874512,
0.4606688916683197,
-0.7670007348060608,
0.2517373263835907,
0.21560345590114594,
0.36632102727890015,
-0.5598774552345276,
-0.2669993042945862,
-0.8573865294456482,
-0.9351369738578796,
0.8394280076026917,
0.45715367794036865,
0.08112330734729767,
-0.04450610652565956,
0.3882240056991577,
0.19103483855724335,
0.12237832695245743,
-0.9440974593162537,
-0.39064472913742065,
-0.14163927733898163,
-0.5261786580085754,
-0.24832071363925934,
-0.5218866467475891,
-0.34172549843788147,
-0.1683979034423828,
0.7769014835357666,
-0.0696532130241394,
0.25156790018081665,
0.2168024480342865,
0.31392332911491394,
-0.12436284869909286,
0.2528494596481323,
0.9417745471000671,
0.19341705739498138,
-0.08559273928403854,
-0.1808014065027237,
0.20406237244606018,
-0.5189798474311829,
0.01287624891847372,
0.33815306425094604,
0.039734236896038055,
-0.29952722787857056,
0.5516788959503174,
0.6248633861541748,
0.011275420896708965,
-0.4994346797466278,
0.18640227615833282,
-0.33816707134246826,
0.10261154174804688,
-0.3395823836326599,
-0.08337858319282532,
0.2312355786561966,
0.48347875475883484,
0.3874553442001343,
-0.18781743943691254,
0.22234655916690826,
-0.7309527397155762,
0.06675703078508377,
0.1227763369679451,
-0.21016712486743927,
-0.3081653416156769,
0.7776999473571777,
0.20388846099376678,
-0.18857616186141968,
0.3324538469314575,
-0.48760393261909485,
-0.42754897475242615,
0.9367806315422058,
0.8033462166786194,
0.9243074655532837,
-0.32745420932769775,
0.17692920565605164,
0.5048677325248718,
0.40666836500167847,
-0.20538246631622314,
0.6640377640724182,
-0.30641549825668335,
-0.397386372089386,
-0.26675426959991455,
-0.551038920879364,
-0.4731328785419464,
-0.2303449958562851,
-0.7831864953041077,
0.3579390347003937,
-0.608522891998291,
-0.06692683696746826,
-0.4461115598678589,
0.30922433733940125,
-0.38966241478919983,
0.3012998402118683,
0.15894781053066254,
0.9640374779701233,
-0.9184094667434692,
0.7685854434967041,
0.7244330048561096,
-0.3766583800315857,
-0.762739896774292,
-0.38358086347579956,
0.0827433317899704,
-0.8666067123413086,
0.14695920050144196,
0.10211421549320221,
-0.14277227222919464,
-0.309693306684494,
-0.6713922023773193,
-0.9709024429321289,
1.454514980316162,
0.22729654610157013,
-0.4919546842575073,
0.20886272192001343,
-0.19564493000507355,
0.49501538276672363,
-0.6314718127250671,
0.2826772630214691,
0.15399853885173798,
0.41259869933128357,
0.23672442138195038,
-0.9812369346618652,
0.3813706040382385,
-0.2710772156715393,
-0.07873266935348511,
-0.06015627086162567,
-0.9056038856506348,
0.8751805424690247,
-0.19384929537773132,
-0.024149028584361076,
1.1314233541488647,
1.0770442485809326,
0.6102630496025085,
0.6085302233695984,
0.20342247188091278,
0.9127492904663086,
0.7608127593994141,
-0.20279870927333832,
1.1392414569854736,
-0.20930518209934235,
0.2549910545349121,
1.159610390663147,
-0.3719809949398041,
0.588014543056488,
0.308088481426239,
-0.13467517495155334,
0.9102662801742554,
0.9447134137153625,
0.1575508415699005,
0.4969724714756012,
0.0022611268796026707,
-0.31538859009742737,
-0.1354813575744629,
-0.10306090116500854,
-0.8463518023490906,
-0.05543692037463188,
0.28357404470443726,
-0.15576165914535522,
-0.012608358636498451,
-0.28704482316970825,
0.33910009264945984,
0.049860887229442596,
-0.2261292040348053,
0.4301098585128784,
0.2689133882522583,
-0.4115689992904663,
0.12805971503257751,
0.1626986414194107,
0.6201557517051697,
-0.9455862641334534,
0.10111166536808014,
-0.23709814250469208,
-0.06386274844408035,
0.021103357896208763,
-0.8477692604064941,
0.061830587685108185,
-0.16634634137153625,
-0.2628103494644165,
-0.2849404215812683,
0.2913404703140259,
-0.2232203632593155,
-0.8389668464660645,
0.3671892583370209,
0.43002021312713623,
-0.046968962997198105,
0.14145764708518982,
-0.6762124300003052,
0.16590392589569092,
-0.16609075665473938,
-0.3692860007286072,
0.2359016239643097,
0.7743479013442993,
0.04215765371918678,
0.5916239023208618,
0.40952080488204956,
-0.14140060544013977,
-0.21736615896224976,
0.055116135627031326,
0.6972037553787231,
-0.767725944519043,
-0.6460843086242676,
-0.6550919413566589,
0.2118341624736786,
-0.12099908292293549,
-0.7545143365859985,
0.756043016910553,
0.4009339511394501,
0.42806100845336914,
-0.08066277951002121,
0.4036274254322052,
0.026726974174380302,
0.25765448808670044,
-0.6160518527030945,
0.4298435151576996,
-0.6800905466079712,
-0.011920283548533916,
-0.5028989911079407,
-1.0858265161514282,
-0.13863897323608398,
0.7275673747062683,
0.004117375239729881,
0.10965899378061295,
0.8996769189834595,
0.5057915449142456,
0.24440769851207733,
0.4262990951538086,
-0.08673597872257233,
0.0933091789484024,
-0.030123205855488777,
0.7632110714912415,
0.8099233508110046,
-0.8254063129425049,
0.31128668785095215,
-0.220062255859375,
-0.4066014289855957,
-0.16678084433078766,
-1.207912802696228,
-0.6464826464653015,
-0.48227474093437195,
-0.3623208701610565,
-0.6194906234741211,
-0.17130398750305176,
0.8397013545036316,
0.4662982225418091,
-0.6439929008483887,
-0.3622250258922577,
0.2461131513118744,
-0.11213613301515579,
-0.24381978809833527,
-0.20028021931648254,
0.28198203444480896,
0.2602103352546692,
-0.8776494264602661,
0.3588811159133911,
0.2569158971309662,
0.6735053658485413,
0.15387749671936035,
-0.2713256776332855,
0.2974650263786316,
0.4063063859939575,
0.7580571174621582,
0.3875388503074646,
-0.7041471600532532,
-0.12998580932617188,
0.03920803591609001,
-0.29436737298965454,
-0.29401305317878723,
0.6580541133880615,
-0.7035282850265503,
-0.31678852438926697,
0.39277520775794983,
0.22746430337429047,
0.4225119948387146,
-0.08636029064655304,
0.6083551049232483,
-0.23235470056533813,
0.41757088899612427,
0.16762857139110565,
0.8003135919570923,
0.33995845913887024,
-0.39609289169311523,
0.47577401995658875,
0.29769769310951233,
-0.5536572933197021,
-0.525771975517273,
0.35003235936164856,
-1.9647465944290161,
-0.44301098585128784,
1.057037591934204,
0.23600542545318604,
-0.20304174721240997,
0.3380267322063446,
-0.6970352530479431,
0.24716413021087646,
-0.693551778793335,
0.7486324310302734,
0.8226016759872437,
-0.23075033724308014,
0.03440123796463013,
-0.1386302411556244,
0.16662950813770294,
0.4321081042289734,
-0.6671338081359863,
-0.2664731442928314,
0.7294522523880005,
0.14721085131168365,
0.13863247632980347,
0.768397331237793,
-0.16739974915981293,
0.38332051038742065,
0.02571398764848709,
0.24470187723636627,
0.09638966619968414,
-0.19285254180431366,
-0.2970135509967804,
0.02397937700152397,
-0.09968911856412888,
-0.056274719536304474
] |
InvokeAI/ip_adapter_sd_image_encoder
|
InvokeAI
| 2023-09-23T18:33:25Z | 4,974 | 1 |
transformers
|
[
"transformers",
"safetensors",
"clip_vision_model",
"license:apache-2.0",
"endpoints_compatible",
"region:us"
] | null | 2023-09-14T22:12:37Z |
---
license: apache-2.0
---
This is the Image Encoder required for SD1.5 IP Adapter model to function correctly. It is compatible with version 3.2+ of Invoke AI.
IP Adapter allows for users to input an Image Prompt, which is interpreted by the system, and passed in as conditioning for the image generation process.
The Community Edition of Invoke AI can be found at invoke.ai or on GitHub at https://github.com/invoke-ai/InvokeAI
Note:
This model is a copy of https://huggingface.co/h94/IP-Adapter/tree/5c2eae7d8a9c3365ba4745f16b94eb0293e319d3/models/image_encoder. It is hosted here in a format compatibile with InvokeAI.
|
[
-0.5806384086608887,
0.007549057248979807,
0.10941405594348907,
0.28603628277778625,
-0.7692630290985107,
-0.3521805703639984,
0.9499683976173401,
-0.31185629963874817,
0.27182602882385254,
0.8231085538864136,
-0.6635648012161255,
-0.18815268576145172,
-0.745519757270813,
0.03740209713578224,
-0.06833314150571823,
0.8697869777679443,
-0.1614113599061966,
0.3089207708835602,
-0.22387900948524475,
-0.18632100522518158,
-0.7225789427757263,
0.0802515298128128,
-1.0339314937591553,
-0.6871728897094727,
-0.10889805853366852,
0.6383904814720154,
0.5157803297042847,
0.40355661511421204,
0.8723470568656921,
0.07701036334037781,
0.13245536386966705,
-0.3673546314239502,
-0.35358354449272156,
-0.004348434507846832,
0.04793085530400276,
-0.464857280254364,
-0.5143692493438721,
0.01672215200960636,
0.6268954277038574,
0.2107287496328354,
-0.110416941344738,
0.32643043994903564,
-0.3652275800704956,
0.8452730774879456,
-0.38717225193977356,
0.007424882147461176,
-0.7412369847297668,
0.37159907817840576,
-0.32070183753967285,
-0.039856135845184326,
-0.18319670855998993,
-0.2760859429836273,
-0.32372337579727173,
-0.45102280378341675,
0.057081956416368484,
0.10995321720838547,
1.065585732460022,
0.8169184923171997,
-0.1922769397497177,
-0.21908217668533325,
-0.47854724526405334,
0.09031213819980621,
-0.860004186630249,
0.18120801448822021,
0.34575527906417847,
0.6724684238433838,
-0.531948983669281,
-0.803592324256897,
-0.9094507694244385,
0.12996162474155426,
0.23068910837173462,
0.28630775213241577,
-0.4473913013935089,
0.3924233913421631,
0.5316234230995178,
0.20808249711990356,
-0.217564195394516,
0.22434239089488983,
-0.8347150683403015,
0.18523240089416504,
0.41773125529289246,
0.22003085911273956,
0.38553372025489807,
-0.10453226417303085,
-0.35540443658828735,
0.31685617566108704,
-0.9651551246643066,
0.21297255158424377,
0.7036682367324829,
-0.16957807540893555,
-0.6998491287231445,
0.5724480748176575,
0.20620447397232056,
0.8405780792236328,
0.2845759987831116,
-0.0969967395067215,
0.08799231797456741,
0.1387202888727188,
-0.09918919205665588,
0.3033793568611145,
0.5457255244255066,
0.761945366859436,
-0.021672585979104042,
0.3617793917655945,
-0.17563961446285248,
-0.2961503565311432,
0.37708574533462524,
-1.6123716831207275,
-0.48298048973083496,
0.5609765648841858,
-1.0055487155914307,
-0.13794144988059998,
0.5404746532440186,
-0.7859029173851013,
-0.40282362699508667,
0.3120756447315216,
0.10330807417631149,
-0.3728960156440735,
-0.5497743487358093,
-0.016790397465229034,
-0.7091917991638184,
0.7882505059242249,
0.4533448815345764,
-0.49250295758247375,
0.33035552501678467,
0.3000761866569519,
0.8921812176704407,
0.11722661554813385,
-0.12731508910655975,
-0.41140756011009216,
0.1528642475605011,
-0.25557294487953186,
0.7312784790992737,
-0.49829116463661194,
-0.6532164812088013,
-0.023743869736790657,
0.3751758337020874,
0.1493004858493805,
-0.8317983150482178,
0.6994139552116394,
-0.9681124091148376,
-0.1880308836698532,
0.16901755332946777,
-0.7664565443992615,
-0.40553244948387146,
-0.2531808614730835,
-0.951747477054596,
0.7337791919708252,
0.2554837465286255,
-0.9435977935791016,
0.5874383449554443,
-1.5476011037826538,
0.1045481488108635,
0.6822592616081238,
0.11747722327709198,
-0.38903412222862244,
-0.1187780350446701,
-0.1954011768102646,
0.28688210248947144,
-0.03992074728012085,
-0.20683102309703827,
-0.38790392875671387,
-0.7081103920936584,
-0.022286219522356987,
-0.17053116858005524,
1.119719386100769,
0.5241271257400513,
-0.057059723883867264,
-0.08219049870967865,
-0.9058352708816528,
-0.30925440788269043,
0.27005428075790405,
-0.0691094696521759,
-0.03145766258239746,
0.08587896823883057,
-0.427985817193985,
0.022039109840989113,
0.3158115744590759,
-1.1714438199996948,
-0.018166769295930862,
-0.0447084866464138,
0.4349266290664673,
0.4037541449069977,
0.2843257784843445,
0.3301507532596588,
-0.012336121872067451,
0.6179559230804443,
0.4460395276546478,
0.3829784393310547,
-0.3846316635608673,
-0.7771434187889099,
-0.5446414947509766,
-0.4979066550731659,
-0.10178215801715851,
0.5293316841125488,
-0.9386962652206421,
0.4788750410079956,
-0.1710599809885025,
-0.9623207449913025,
-0.9853016138076782,
-0.2229466736316681,
0.002734301844611764,
0.3310374617576599,
-0.009365133009850979,
-0.37265464663505554,
-0.35494935512542725,
-0.9692665934562683,
0.2393883764743805,
-0.24696624279022217,
-0.046311236917972565,
0.0949985533952713,
0.6481918096542358,
-0.5338060855865479,
1.0490326881408691,
-0.19547541439533234,
-0.17787541449069977,
-0.21150794625282288,
-0.3230738639831543,
0.7458916306495667,
0.6340361833572388,
0.8767899870872498,
-0.6812989115715027,
-0.4803761839866638,
0.0919904038310051,
-0.8028689026832581,
0.030070772394537926,
0.18389825522899628,
0.19229982793331146,
-0.2776097357273102,
0.39902281761169434,
-0.7067216038703918,
0.7810673117637634,
0.7038029432296753,
-0.3347651958465576,
0.479780375957489,
-0.5244287848472595,
0.09453829377889633,
-1.1756236553192139,
-0.040832627564668655,
-0.10203958302736282,
-0.15408967435359955,
-0.4909369945526123,
0.5063263177871704,
-0.06078783795237541,
-0.3839390277862549,
-0.6211494207382202,
0.6984315514564514,
-0.08573389053344727,
0.12691724300384521,
-0.4460681676864624,
-0.45375218987464905,
-0.11886725574731827,
-0.04507598280906677,
-0.3499476909637451,
1.1024667024612427,
0.9239697456359863,
-0.625072717666626,
0.7731274962425232,
0.24250119924545288,
-0.1964731216430664,
0.7802092432975769,
-1.08049738407135,
0.4595089554786682,
-0.45070314407348633,
0.4042220413684845,
-0.8911533355712891,
-0.41325920820236206,
0.7787137627601624,
-0.21200229227542877,
0.23111775517463684,
-0.6829953789710999,
-0.21200761198997498,
-0.6642820835113525,
-0.1831434965133667,
0.7734572291374207,
0.534760057926178,
-1.2326791286468506,
0.7081167101860046,
0.48542043566703796,
0.24187567830085754,
-0.020517129451036453,
-0.5624133944511414,
-0.08082634955644608,
-0.3757965564727783,
-0.516997218132019,
0.3147768974304199,
0.03479796648025513,
-0.20319505035877228,
0.1103932186961174,
0.29575738310813904,
-0.4537372589111328,
-0.2721768915653229,
0.6554580926895142,
0.29185670614242554,
-0.13914547860622406,
-0.49476537108421326,
0.23466035723686218,
-0.2634632885456085,
0.24339526891708374,
-0.0499160997569561,
0.07694686204195023,
0.05629153549671173,
-0.7013564705848694,
-0.8842626214027405,
0.7735810279846191,
0.9327412843704224,
0.057400237768888474,
0.6440243721008301,
0.13632738590240479,
-0.7847859859466553,
0.1058504730463028,
-0.2635177671909332,
0.05285438150167465,
-0.5328532457351685,
0.4060819447040558,
-0.5710697770118713,
-0.4446350932121277,
0.8584949970245361,
-0.2467668056488037,
-0.2423458844423294,
0.5231664180755615,
-0.1159961000084877,
-0.2413158267736435,
0.9912107586860657,
0.47078099846839905,
-0.22488270699977875,
0.5154548287391663,
-0.2537032961845398,
0.30145883560180664,
-1.1610004901885986,
-0.1800684928894043,
-0.4070186913013458,
-0.193671315908432,
-0.33792099356651306,
0.031200669705867767,
0.18153908848762512,
0.12141738086938858,
-0.6294174790382385,
0.3607226312160492,
-0.7889084815979004,
0.7514345645904541,
0.530492901802063,
0.28107017278671265,
-0.3372246325016022,
-0.1754220426082611,
0.45671817660331726,
-0.3601319193840027,
-0.8799638748168945,
-0.5198954939842224,
0.7212013602256775,
0.7420491576194763,
0.9196127653121948,
0.16088438034057617,
0.5293494462966919,
0.375483900308609,
0.07128409296274185,
-0.4431385397911072,
0.48022696375846863,
-0.5222936272621155,
-0.4407655894756317,
0.007672734092921019,
0.24211876094341278,
-0.9590654373168945,
-0.19047081470489502,
0.03111509419977665,
-0.6853123307228088,
0.3925766050815582,
0.3077623248100281,
-0.3794441521167755,
0.6238135695457458,
-0.984400749206543,
0.8468294739723206,
0.0918414294719696,
0.1579078733921051,
-0.22093787789344788,
-0.5547624826431274,
0.2696269154548645,
0.3690546154975891,
-0.1799207627773285,
-0.055631257593631744,
0.2421811819076538,
0.49500352144241333,
-0.4806234836578369,
0.9504754543304443,
-0.9715354442596436,
0.34585344791412354,
0.5140071511268616,
-0.09970276802778244,
0.7326920628547668,
0.163413867354393,
-0.256357878446579,
0.44714564085006714,
0.2668263614177704,
-0.5918838977813721,
-0.27596986293792725,
0.512949526309967,
-0.9702601432800293,
-0.4651626646518707,
-0.16089534759521484,
-0.051993150264024734,
0.6399213671684265,
-0.011464018374681473,
0.6654161214828491,
0.274774432182312,
-0.053020182996988297,
0.12068100273609161,
0.7779555320739746,
-0.04169251397252083,
0.4285092055797577,
0.16165432333946228,
-0.0621437169611454,
-0.3392263650894165,
1.0833183526992798,
-0.17610786855220795,
0.36808526515960693,
-0.08864933997392654,
-0.15294429659843445,
0.11549749225378036,
-0.6483048796653748,
-0.5941208004951477,
0.06797619163990021,
-0.978497326374054,
-0.5830681324005127,
-0.39217373728752136,
-0.8631184697151184,
0.08264831453561783,
-0.2795422375202179,
-0.2793591320514679,
0.2136453092098236,
-0.7675878405570984,
0.04142511263489723,
0.6499657034873962,
1.1008062362670898,
0.08679179847240448,
0.9767799377441406,
-0.6842851638793945,
0.3172512352466583,
0.36084914207458496,
0.6164315938949585,
-0.21121157705783844,
-0.6705604791641235,
-0.12727323174476624,
-0.07989850640296936,
-0.26922860741615295,
-1.0706065893173218,
0.25290289521217346,
0.5208967328071594,
0.7882753014564514,
0.7418385744094849,
-0.09155366569757462,
0.593952476978302,
-0.5143934488296509,
1.1104375123977661,
0.3108774721622467,
-0.7386384010314941,
0.6807511448860168,
-0.06407985836267471,
0.6995006203651428,
0.5947147607803345,
0.25208035111427307,
-0.29959869384765625,
-0.16543880105018616,
-0.47291335463523865,
-0.61607426404953,
0.5648531317710876,
-0.22545668482780457,
0.35445624589920044,
-0.01409613061696291,
0.8823297023773193,
0.5138727426528931,
-0.048550624400377274,
-0.48937660455703735,
-0.25720345973968506,
-0.5600957870483398,
-0.013998540118336678,
0.786334216594696,
-0.4838067889213562,
-0.049507785588502884,
-0.43693193793296814,
0.5110635161399841,
-0.2631353437900543,
0.8563038110733032,
0.25078749656677246,
0.11302807182073593,
-0.34283557534217834,
-0.342019259929657,
0.322177529335022,
0.3570944666862488,
-0.33833202719688416,
-0.06537411361932755,
0.36726921796798706,
-0.7841936349868774,
-0.09651164710521698,
0.06184789165854454,
-0.1336715966463089,
0.20634327828884125,
0.17731761932373047,
1.3916178941726685,
-0.4218335747718811,
-0.07153340429067612,
0.7648224830627441,
-0.287440687417984,
-0.2509342432022095,
-0.6218396425247192,
0.3470970690250397,
-0.29904139041900635,
0.4444575011730194,
0.5130932331085205,
0.68998783826828,
0.48491308093070984,
-0.019574005156755447,
-0.10725542902946472,
0.47783368825912476,
-0.5887278914451599,
-0.387713223695755,
0.7579110860824585,
0.35891348123550415,
-0.6760230660438538,
0.8529298305511475,
-0.7847877144813538,
-0.4406071603298187,
0.8883765339851379,
1.0349172353744507,
1.1335933208465576,
-0.019275177270174026,
0.09758377075195312,
0.7462642788887024,
0.3455163538455963,
0.37146034836769104,
0.6018173694610596,
0.24771122634410858,
-0.8658750653266907,
-0.09055521339178085,
-0.327612966299057,
-0.42538654804229736,
-0.1582874208688736,
-0.509131908416748,
0.7013222575187683,
-0.4876090884208679,
-0.06445544213056564,
-0.14909082651138306,
-0.559811532497406,
-0.9124599099159241,
0.1286381185054779,
0.1784486174583435,
1.596728801727295,
-0.5998774766921997,
1.0549336671829224,
0.8476279377937317,
-0.18434837460517883,
-0.5391090512275696,
0.12007268518209457,
-0.5041707158088684,
-0.763532280921936,
0.6091780662536621,
0.1291964203119278,
-0.005422703456133604,
0.15806828439235687,
-1.1971018314361572,
-0.6920537948608398,
1.2358665466308594,
0.6024734377861023,
-0.05858028680086136,
0.4747244715690613,
-0.039105646312236786,
0.19425193965435028,
-1.1262871026992798,
0.5777071714401245,
0.28561288118362427,
0.34505289793014526,
0.38397350907325745,
-0.5824537873268127,
0.08945118635892868,
-0.572696328163147,
0.5741785764694214,
0.027857515960931778,
-0.5785108804702759,
0.3998253047466278,
-0.45555251836776733,
-0.12475527077913284,
0.30796122550964355,
0.7106878757476807,
0.3556855320930481,
0.17265468835830688,
0.5918331146240234,
0.4546568989753723,
0.545871913433075,
-0.1763908565044403,
0.9980276226997375,
-0.4740370810031891,
-0.09561245143413544,
1.0400480031967163,
-0.37867602705955505,
0.6613346934318542,
0.8743830919265747,
-0.2779735028743744,
0.6039709448814392,
0.9540572762489319,
-0.33203747868537903,
0.7586758136749268,
-0.015674209222197533,
-0.4465659260749817,
0.15957048535346985,
-0.1115187406539917,
-0.6433365941047668,
0.2532576322555542,
0.6387588977813721,
-0.26409053802490234,
-0.30620548129081726,
0.10266561061143875,
-0.2188827097415924,
-0.42418137192726135,
-0.3973139524459839,
0.9407968521118164,
-0.33315280079841614,
-0.47786465287208557,
0.16079573333263397,
-0.3337308466434479,
0.7917959094047546,
-0.7101848721504211,
-0.744036078453064,
-0.046849481761455536,
0.16870473325252533,
-0.43030476570129395,
-1.2844690084457397,
0.673240065574646,
-0.25990328192710876,
-0.23223251104354858,
0.15988239645957947,
0.9709279537200928,
-0.03861205279827118,
-0.3286002278327942,
0.3293687105178833,
-0.39176487922668457,
0.7107821106910706,
0.09271431714296341,
-0.7020691633224487,
0.19295306503772736,
-0.12895707786083221,
0.4677182734012604,
-0.07217398285865784,
0.439982533454895,
0.38278496265411377,
0.6577458381652832,
0.31417906284332275,
0.10499069839715958,
0.19363610446453094,
0.14692044258117676,
1.084108829498291,
-0.20490601658821106,
-0.3468957245349884,
-0.46330761909484863,
0.7853454351425171,
-0.5175710320472717,
-0.7320541143417358,
0.1621810644865036,
0.5855116844177246,
0.7120237946510315,
-0.4116252362728119,
0.8634843826293945,
-0.4919065833091736,
-0.11240293085575104,
-0.18819932639598846,
0.7961863875389099,
-0.36842337250709534,
-0.08839129656553268,
0.06689652055501938,
-0.7597261071205139,
-0.14643841981887817,
0.5680366158485413,
0.13113096356391907,
-0.27155542373657227,
0.39580315351486206,
1.0270209312438965,
-0.14093634486198425,
0.22907093167304993,
0.28912344574928284,
-0.24054010212421417,
0.3576941192150116,
0.010844402946531773,
0.5587376356124878,
-0.9226572513580322,
0.00510863633826375,
-0.06472894549369812,
-0.584059476852417,
0.1342562586069107,
-0.965165913105011,
-0.8278217911720276,
-0.5276647210121155,
-0.3759373724460602,
-0.5025416016578674,
0.3163154423236847,
1.2095729112625122,
0.8629530072212219,
-0.8835959434509277,
-0.36407455801963806,
-0.26690706610679626,
0.062398068606853485,
0.02394380234181881,
-0.22378766536712646,
-0.25489792227745056,
-0.0054334308952093124,
-0.5937210321426392,
-0.07993912696838379,
0.3081832230091095,
0.32387614250183105,
-0.3144679665565491,
-0.5788249373435974,
-0.10024110972881317,
-0.06797165423631668,
0.17924319207668304,
0.46050259470939636,
-0.6499912738800049,
-0.38427093625068665,
-0.3533492684364319,
0.1165795847773552,
0.16785837709903717,
0.48469269275665283,
-0.3979964852333069,
0.6719151139259338,
0.4289012551307678,
0.3664209544658661,
0.36063849925994873,
-0.5224122405052185,
0.6285117864608765,
-0.5365208983421326,
0.6598972678184509,
-0.018259836360812187,
0.6923185586929321,
0.29945799708366394,
-0.5802695155143738,
0.30879801511764526,
0.061069030314683914,
-0.7521210312843323,
-0.5397923588752747,
0.21910887956619263,
-0.6518601775169373,
0.11104442179203033,
0.8596377372741699,
-0.4065820276737213,
-0.4168989658355713,
-0.08770613372325897,
-0.7907159328460693,
0.008406802080571651,
-0.5699225664138794,
0.41285309195518494,
0.5510185956954956,
-0.1293485164642334,
-0.8202505111694336,
-0.3063752353191376,
0.4151056408882141,
-0.5260265469551086,
-0.7931883335113525,
-0.6907135844230652,
-0.0024898736737668514,
-0.04833314195275307,
0.2147880345582962,
0.434164822101593,
-0.2790945768356323,
0.48273995518684387,
0.43857112526893616,
0.5664690732955933,
0.04584828019142151,
-0.19090138375759125,
-0.5048467516899109,
-0.11772775650024414,
0.3207691013813019,
-0.8685631155967712
] |
diffusers/ddpm_dummy
|
diffusers
| 2023-02-08T12:31:14Z | 4,973 | 0 |
transformers
|
[
"transformers",
"hf_diffuse",
"endpoints_compatible",
"has_space",
"region:us"
] | null | 2022-05-31T12:37:35Z |
---
tags:
- hf_diffuse
---
# Dummy diffusion model following architecture of https://github.com/lucidrains/denoising-diffusion-pytorch
Run the model as follows:
```python
from diffusers import UNetModel, GaussianDiffusion
import torch
# 1. Load model
unet = UNetModel.from_pretrained("fusing/ddpm_dummy")
# 2. Do one denoising step with model
batch_size, num_channels, height, width = 1, 3, 32, 32
dummy_noise = torch.ones((batch_size, num_channels, height, width))
time_step = torch.tensor([10])
image = unet(dummy_noise, time_step)
# 3. Load sampler
sampler = GaussianDiffusion.from_config("fusing/ddpm_dummy")
# 4. Sample image from sampler passing the model
image = sampler.sample(model, batch_size=1)
print(image)
```
|
[
-0.2200021892786026,
-0.8753972053527832,
0.4553127586841583,
0.5151492357254028,
-0.33908751606941223,
-0.1868429034948349,
0.2141130268573761,
0.11595543473958969,
-0.11328759044408798,
0.3728974759578705,
-0.42083871364593506,
-0.47132545709609985,
-0.4465262293815613,
-0.19265884160995483,
-0.562622606754303,
0.9865314960479736,
-0.16703306138515472,
0.26250675320625305,
-0.020653031766414642,
0.22197873890399933,
-0.2629847824573517,
-0.007923916913568974,
-1.085815191268921,
-0.48274341225624084,
0.19660896062850952,
-0.0635330006480217,
0.37424957752227783,
0.03672396019101143,
0.2346457839012146,
0.4188458025455475,
-0.19168922305107117,
-0.3562352955341339,
-0.43136897683143616,
-0.24312350153923035,
0.17587541043758392,
-0.3106852173805237,
-0.15460331737995148,
0.011386160738766193,
0.8134596347808838,
0.1717844307422638,
-0.4521353840827942,
-0.14633294939994812,
-0.2794472575187683,
0.320019006729126,
-0.39658424258232117,
-0.08871059864759445,
-0.1663486510515213,
-0.1226811334490776,
0.3382405638694763,
0.06705716997385025,
-0.39181751012802124,
-0.1845160871744156,
-0.011475528590381145,
-0.48107394576072693,
0.9282366037368774,
-0.36744990944862366,
1.0585850477218628,
0.1858203262090683,
-0.3297041952610016,
0.17342747747898102,
-0.6574510335922241,
0.7312288880348206,
-0.7101078629493713,
0.07847540080547333,
0.2770107686519623,
0.09261800348758698,
0.10498308390378952,
-1.2411202192306519,
-0.6585699915885925,
-0.07289200276136398,
-0.18285225331783295,
0.2215912938117981,
-0.12531980872154236,
0.15808001160621643,
0.40982550382614136,
0.37477821111679077,
-0.6751691102981567,
-0.25915905833244324,
-0.9668852090835571,
-0.17620080709457397,
0.6633772850036621,
0.15091949701309204,
-0.021330401301383972,
-0.0419711172580719,
-0.6599923372268677,
-0.017739666625857353,
0.02409878559410572,
-0.49681752920150757,
0.41575804352760315,
-0.44062507152557373,
-0.5628393292427063,
-0.010329137556254864,
-0.3480537533760071,
0.6621282696723938,
0.22225257754325867,
-0.02451293170452118,
0.31113317608833313,
-0.18470565974712372,
-0.49475157260894775,
-0.0797349363565445,
0.7742008566856384,
0.20301207900047302,
0.10662642121315002,
-0.010582378134131432,
-0.23986701667308807,
-0.07460185885429382,
0.2408987283706665,
-1.4751009941101074,
-1.0085150003433228,
0.47661617398262024,
-0.3379015028476715,
-0.40972205996513367,
-0.04797119274735451,
-0.7484330534934998,
-0.0036774741020053625,
0.08178447932004929,
1.166992425918579,
-0.32213538885116577,
-0.5977138876914978,
0.3274272084236145,
-0.3780170679092407,
0.1440783441066742,
0.3554080128669739,
-0.6027185320854187,
0.5516820549964905,
0.04982404038310051,
1.4263420104980469,
0.0977291539311409,
-0.08511882275342941,
-0.08758217841386795,
0.1401527225971222,
-0.21870963275432587,
0.608421802520752,
-0.08938579261302948,
-0.7442278861999512,
-0.4695993959903717,
0.013186571188271046,
-0.24962218105793,
-0.5578587651252747,
0.3335118293762207,
-0.5794000625610352,
0.19944854080677032,
0.17569546401500702,
-0.4098885953426361,
-0.5265843272209167,
-0.2034837007522583,
-0.4885159730911255,
1.0154023170471191,
0.458805114030838,
-0.6044724583625793,
0.2258976846933365,
-0.8270366191864014,
-0.36250364780426025,
-0.024361301213502884,
0.20924608409404755,
-0.8457306623458862,
0.21704085171222687,
-0.05831505358219147,
0.5990510582923889,
0.35323822498321533,
-0.2806376814842224,
-0.3641889989376068,
-0.6263301372528076,
0.14252519607543945,
-0.7292951345443726,
1.020998477935791,
0.3335363566875458,
-0.23282010853290558,
0.28942009806632996,
-0.7206053137779236,
-0.13275359570980072,
-0.008651770651340485,
-0.24249304831027985,
0.06734676659107208,
-0.6192067265510559,
0.5178897380828857,
0.2983497679233551,
-0.12205585092306137,
-0.7527450919151306,
0.20545262098312378,
-0.028479475528001785,
0.4896843731403351,
0.754643440246582,
0.4494120180606842,
0.45610809326171875,
-0.3595734238624573,
0.15492431819438934,
0.5854408144950867,
-0.011051943525671959,
0.25714531540870667,
-0.46605661511421204,
-0.7790629863739014,
-0.8686445951461792,
0.4455087184906006,
0.21080279350280762,
-0.3608846068382263,
0.3162303864955902,
0.08521226048469543,
-0.5927067399024963,
-0.29516568779945374,
-0.03717230260372162,
-0.20099225640296936,
0.6216054558753967,
0.41452157497406006,
-0.48210135102272034,
-0.44689661264419556,
-0.8395211100578308,
0.6972439885139465,
0.1619662493467331,
-0.22872842848300934,
-0.3964395523071289,
0.829714834690094,
-0.27866989374160767,
0.6427739858627319,
-0.8354066610336304,
-0.23754848539829254,
-0.028640536591410637,
0.468955934047699,
0.6019356846809387,
0.8551103472709656,
0.433214008808136,
-0.6682614684104919,
-0.7255396246910095,
-0.23167400062084198,
-0.5996742844581604,
-0.025516167283058167,
-0.20354530215263367,
-0.25209349393844604,
0.2717558443546295,
0.3906565308570862,
-0.8087883591651917,
0.8363147974014282,
0.376499742269516,
-0.3007221817970276,
0.8476450443267822,
-0.6231479644775391,
0.09450389444828033,
-1.0147169828414917,
0.037281330674886703,
0.16598626971244812,
-0.3734540045261383,
-0.6925610303878784,
-0.06549444794654846,
0.04384251683950424,
0.250514417886734,
-0.6011194586753845,
0.8058132529258728,
-0.41043052077293396,
0.3362876772880554,
-0.49599018692970276,
-0.3836289942264557,
0.11626052856445312,
0.32848313450813293,
0.10173486173152924,
0.41660577058792114,
1.0145093202590942,
-0.9068484902381897,
0.5243587493896484,
0.07518564164638519,
-0.17562712728977203,
0.562561571598053,
-0.9210681915283203,
0.0662001520395279,
0.010122144594788551,
0.44021135568618774,
-1.2901029586791992,
-0.1123366728425026,
0.516139805316925,
-0.2758425772190094,
0.27696216106414795,
-0.5146082043647766,
-0.5680617690086365,
-0.3262578547000885,
-0.12999004125595093,
0.6433188915252686,
0.9829200506210327,
-0.4015038013458252,
0.5278184413909912,
-0.16288839280605316,
0.2869170308113098,
-0.19453813135623932,
-0.632529616355896,
-0.3862433135509491,
-0.28714460134506226,
-0.7274086475372314,
0.5013661980628967,
-0.17036940157413483,
-0.0894392803311348,
0.010980655439198017,
-0.1360790878534317,
-0.5911206007003784,
-0.14256539940834045,
0.17967303097248077,
0.298637330532074,
-0.07095446437597275,
-0.19725248217582703,
-0.045340269804000854,
-0.29886457324028015,
0.33195167779922485,
0.023553011938929558,
0.711322009563446,
0.07046141475439072,
-0.36466386914253235,
-0.9085128903388977,
0.08725348860025406,
0.32504650950431824,
0.5223514437675476,
0.8544003963470459,
1.3265138864517212,
-0.23549863696098328,
-0.21644821763038635,
-0.6210343837738037,
-0.5105226039886475,
-0.508859395980835,
0.5101739168167114,
-0.390442818403244,
0.15724612772464752,
0.7412156462669373,
0.2006995975971222,
-0.04170798510313034,
0.30278703570365906,
0.7889639139175415,
-0.19463767111301422,
0.8302652835845947,
0.42691463232040405,
0.277397483587265,
0.552511990070343,
-1.1043615341186523,
-0.03392518311738968,
-0.8268370032310486,
-0.14537964761257172,
-0.09871194511651993,
-0.567864179611206,
-0.084158755838871,
-0.6386627554893494,
0.41022762656211853,
0.3701048493385315,
-0.20600095391273499,
-0.02954978682100773,
-0.3590374290943146,
0.5665715932846069,
0.6667243838310242,
0.5665619969367981,
0.3183389902114868,
0.44867587089538574,
-0.05948513746261597,
0.3050294518470764,
-0.7833631038665771,
-0.24137917160987854,
0.8644671440124512,
0.12131571769714355,
0.9492558240890503,
-0.14607688784599304,
0.9081788659095764,
0.010960632003843784,
0.30987778306007385,
-0.4801296293735504,
0.4149179756641388,
0.12911468744277954,
-0.7995224595069885,
0.006684442050755024,
-0.21079230308532715,
-0.817673921585083,
0.6393048763275146,
0.18215182423591614,
-0.5584081411361694,
0.13195602595806122,
0.14911234378814697,
-0.4286106526851654,
0.6450372934341431,
-0.8245042562484741,
0.7392972111701965,
0.2872975468635559,
-0.6901305317878723,
-0.42609667778015137,
-0.3259786069393158,
0.6456373333930969,
0.13585972785949707,
-0.1774941086769104,
0.15087319910526276,
0.02798996865749359,
0.9799196720123291,
-0.2699796259403229,
0.8016019463539124,
-0.45992714166641235,
0.22872745990753174,
0.401719868183136,
0.04785104840993881,
0.1362132430076599,
0.27686676383018494,
-0.2156531661748886,
0.3846113085746765,
0.3077755868434906,
-0.6946077346801758,
-0.29266032576560974,
0.6900050044059753,
-0.6498487591743469,
-0.35602179169654846,
-0.5704107284545898,
-0.7685982584953308,
0.6264910697937012,
-0.07039984315633774,
0.6192970871925354,
0.5148695707321167,
-0.11597902327775955,
0.09987655282020569,
0.615386426448822,
0.2785765826702118,
0.8428520560264587,
0.3267354667186737,
-0.25313419103622437,
-0.2713525891304016,
0.7365887761116028,
0.10992897301912308,
0.4579795002937317,
-0.06170210242271423,
0.2746574878692627,
-0.49899858236312866,
-0.5986467599868774,
-0.37303298711776733,
0.5416587591171265,
-0.617639422416687,
-0.04108395427465439,
-0.8018195033073425,
-0.579959511756897,
-0.4013988673686981,
-0.28173327445983887,
-0.1587792932987213,
-0.09542907774448395,
-0.5992289781570435,
0.11793328076601028,
0.650183916091919,
0.5649435520172119,
-0.6697555780410767,
0.8098351955413818,
-0.379631370306015,
0.5073480606079102,
0.18793465197086334,
0.25702306628227234,
0.15955711901187897,
-0.8526907563209534,
-0.16500800848007202,
0.04779573157429695,
-0.452905535697937,
-0.8035047650337219,
0.5542325973510742,
-0.14871162176132202,
0.5856682062149048,
0.6114457249641418,
0.07798556983470917,
0.7934911847114563,
-0.07021304219961166,
0.4471380114555359,
0.2000000923871994,
-0.9011929631233215,
0.29442721605300903,
-0.23819027841091156,
0.047943513840436935,
0.05295722931623459,
0.22634020447731018,
-0.27422860264778137,
-0.16774925589561462,
-1.1460623741149902,
-0.8644390106201172,
0.9143794775009155,
0.5752560496330261,
0.06110602989792824,
0.2757317125797272,
0.20986945927143097,
-0.09417375177145004,
0.005057135131210089,
-1.0230735540390015,
-0.23908868432044983,
-0.12830446660518646,
0.07413086295127869,
-0.030051620677113533,
-0.11489401757717133,
-0.35325679183006287,
-0.6525331139564514,
0.7929107546806335,
0.26598554849624634,
0.517821729183197,
0.44636234641075134,
-0.195298433303833,
-0.04188617318868637,
-0.20361506938934326,
0.6513545513153076,
0.6046543717384338,
-0.5351115465164185,
-0.0404713936150074,
0.2049933522939682,
-0.6585772037506104,
0.31041425466537476,
-0.30293142795562744,
-0.3163779675960541,
0.3988519608974457,
0.1406775265932083,
0.7160155177116394,
-0.057396601885557175,
0.24530577659606934,
0.25416311621665955,
0.11551311612129211,
-0.5727440118789673,
-0.25745120644569397,
0.40121135115623474,
0.30091211199760437,
0.15977680683135986,
0.2922695279121399,
0.3237956762313843,
-0.05835266783833504,
0.058860860764980316,
0.17594289779663086,
0.5012462735176086,
-0.20356714725494385,
-0.26905444264411926,
0.6022284030914307,
0.12048300355672836,
-0.12111376971006393,
0.7819961905479431,
-0.2657318115234375,
-0.3033720850944519,
0.9679770469665527,
0.45430317521095276,
0.9402931332588196,
0.02663850598037243,
0.30097100138664246,
0.5994443893432617,
0.16954024136066437,
-0.40238815546035767,
0.20618650317192078,
-0.19008228182792664,
-0.41592681407928467,
-0.14520695805549622,
-0.7303909063339233,
-0.127056285738945,
0.27196386456489563,
-0.6078016757965088,
0.36850038170814514,
-0.4150119721889496,
0.14149703085422516,
-0.2971932888031006,
0.22861526906490326,
-0.7568755149841309,
0.251801997423172,
-0.4178508520126343,
0.7774537205696106,
-1.2090284824371338,
1.176352620124817,
0.15231257677078247,
-0.42838841676712036,
-0.6893433332443237,
-0.019869348034262657,
-0.3442118167877197,
-0.6640293598175049,
0.5897883772850037,
0.20884959399700165,
0.016906941309571266,
0.5072041749954224,
-0.40395087003707886,
-0.49185317754745483,
1.170670986175537,
0.12268760800361633,
-0.0429474413394928,
0.3982848525047302,
-0.48581430315971375,
0.4094507694244385,
-0.17706693708896637,
0.5833666920661926,
0.4654800593852997,
0.5467464923858643,
0.5956742167472839,
-0.36036309599876404,
-0.07268041372299194,
0.05777306854724884,
-0.10616669058799744,
-0.04931604117155075,
-0.3893567621707916,
1.3542066812515259,
-0.52262282371521,
-0.3145964443683624,
0.41335079073905945,
0.46614596247673035,
0.2666192650794983,
0.16164395213127136,
0.3321835696697235,
0.7645201086997986,
0.31351542472839355,
-0.16876347362995148,
0.8534747958183289,
0.16548678278923035,
0.7024983167648315,
0.6699862480163574,
-0.08499542623758316,
0.6345250010490417,
0.5069833993911743,
-0.4259487986564636,
0.8400678634643555,
0.744630753993988,
-0.39702308177948,
0.7194299101829529,
0.2897301912307739,
-0.6410213112831116,
0.07142096757888794,
0.6502119302749634,
-0.767744779586792,
0.09105651080608368,
0.22161412239074707,
-0.22783222794532776,
-0.48751962184906006,
-0.1395692080259323,
-0.15861240029335022,
-0.6977869272232056,
-0.21760353446006775,
0.482891708612442,
-0.3058675527572632,
-0.29409700632095337,
0.7282502055168152,
0.05210309848189354,
1.010056734085083,
-0.7585703730583191,
-0.10364686697721481,
-0.21731190383434296,
0.48446357250213623,
-0.45788711309432983,
-0.5537922382354736,
0.38770055770874023,
-0.4183805286884308,
-0.24414144456386566,
0.00012098265870008618,
0.534488320350647,
-0.4118586480617523,
-0.8985331058502197,
0.2807352542877197,
0.20682264864444733,
0.6402883529663086,
-0.22425957024097443,
-0.5154513716697693,
0.020677149295806885,
-0.07245425879955292,
-0.4628423750400543,
0.19869093596935272,
0.12389922887086868,
0.44951415061950684,
0.6223734021186829,
0.7225186228752136,
0.19926048815250397,
0.3833499550819397,
-0.19068777561187744,
0.5968447923660278,
-0.43024110794067383,
-0.67885422706604,
-1.075231671333313,
0.7361218333244324,
-0.23958897590637207,
-0.30934396386146545,
0.6931594610214233,
0.5678477883338928,
0.7625603675842285,
-0.44080501794815063,
0.40136203169822693,
-0.08851174265146255,
-0.13566981256008148,
-0.6834632158279419,
0.8604851961135864,
-0.3128513991832733,
0.1551378071308136,
-0.16904011368751526,
-0.8287001252174377,
0.0011040812823921442,
1.175316572189331,
-0.19815029203891754,
0.6140555143356323,
0.7772645950317383,
1.4821972846984863,
-0.5170977711677551,
-0.27729445695877075,
0.466777503490448,
0.5010321736335754,
0.04347660019993782,
0.24075594544410706,
0.545078694820404,
-0.7977221608161926,
0.2958255410194397,
-0.8706459999084473,
-0.10192618519067764,
-0.05634993314743042,
-0.6658248901367188,
-0.725366473197937,
-0.42773202061653137,
-0.8113919496536255,
-0.5881335735321045,
-0.3852730989456177,
0.33209505677223206,
1.4027518033981323,
-0.6431242823600769,
-0.35595738887786865,
-0.4790973961353302,
0.1998612880706787,
-0.29277312755584717,
-0.3254890739917755,
0.39143481850624084,
-0.035017479211091995,
-1.0071184635162354,
-0.10730194300413132,
0.009637831710278988,
0.3677464723587036,
-0.4019313156604767,
-0.10520470142364502,
-0.7203957438468933,
-0.12699754536151886,
0.18261562287807465,
0.037049900740385056,
-0.6934736371040344,
-0.03481480851769447,
-0.7806305885314941,
-0.14496564865112305,
0.08929189294576645,
0.3253381848335266,
-1.0117149353027344,
0.3291473984718323,
0.5397540330886841,
-0.2952690124511719,
0.9825334548950195,
-0.28138673305511475,
0.22875970602035522,
-0.884032666683197,
0.44915759563446045,
-0.05485181137919426,
0.3180556893348694,
0.1057192012667656,
-0.3253631889820099,
0.5562286376953125,
0.726769208908081,
-0.502598762512207,
-0.8888750672340393,
-0.09951797127723694,
-1.1310101747512817,
-0.4600353538990021,
1.064429759979248,
0.0035194153897464275,
-0.2506595253944397,
-0.40796661376953125,
-0.36846840381622314,
0.5227689146995544,
-0.39464056491851807,
0.8164646625518799,
0.4125792384147644,
-0.31917038559913635,
-0.22764082252979279,
-0.37755823135375977,
0.21072211861610413,
0.14618536829948425,
-0.557090163230896,
-0.2832176685333252,
0.4054228365421295,
0.9993945360183716,
0.28846031427383423,
0.8889557719230652,
0.07857988029718399,
0.45614707469940186,
0.6891947984695435,
0.1088569238781929,
-0.16869445145130157,
-0.15790040791034698,
-0.7331344485282898,
0.2969549596309662,
-0.5545666217803955,
-0.7897710800170898
] |
numind/generic-entity_recognition_NER-v1
|
numind
| 2023-11-08T16:25:16Z | 4,972 | 46 |
transformers
|
[
"transformers",
"pytorch",
"roberta",
"feature-extraction",
"token-classification",
"entity-recognition",
"foundation-model",
"RoBERTa",
"generic",
"en",
"license:mit",
"region:us"
] |
token-classification
| 2023-09-06T09:38:13Z |
---
license: mit
language:
- en
pipeline_tag: token-classification
inference: false
tags:
- token-classification
- entity-recognition
- foundation-model
- feature-extraction
- RoBERTa
- generic
---
# SOTA Entity Recognition English Foundation Model by NuMind 🔥
This model provides the best embedding for the Entity Recognition task in English.
**Checkout other models by NuMind:**
* SOTA Multilingual Entity Recognition Foundation Model: [link](https://huggingface.co/numind/entity-recognition-multilingual-general-sota-v1)
* SOTA Sentiment Analysis Foundation Model: [English](https://huggingface.co/numind/generic-sentiment-v1), [Multilingual](https://huggingface.co/numind/generic-sentiment-multi-v1)
## About
[Roberta-base](https://huggingface.co/roberta-base) fine-tuned on an artificially annotated subset of [C4](https://huggingface.co/datasets/c4).
**Metrics:**
Read more about evaluation protocol & datasets in our [blog post](https://www.numind.ai/blog/a-foundation-model-for-entity-recognition).
| Model | F1 macro |
|----------|----------|
| RoBERTa-base | 0.7129 |
| ours | 0.7500 |
| ours + two emb | 0.7686 |
## Usage
Embeddings can be used out of the box or fine-tuned on specific datasets.
Get embeddings:
```python
import torch
import transformers
model = transformers.AutoModel.from_pretrained(
'numind/entity-recognition-general-sota-v1',
output_hidden_states=True
)
tokenizer = transformers.AutoTokenizer.from_pretrained(
'numind/entity-recognition-general-sota-v1'
)
text = [
"NuMind is an AI company based in Paris and USA.",
"See other models from us on https://huggingface.co/numind"
]
encoded_input = tokenizer(
text,
return_tensors='pt',
padding=True,
truncation=True
)
output = model(**encoded_input)
# for better quality
emb = torch.cat(
(output.hidden_states[-1], output.hidden_states[-7]),
dim=2
)
# for better speed
# emb = output.hidden_states[-1]
```
|
[
-0.42341214418411255,
-0.5660475492477417,
0.35446128249168396,
0.43893149495124817,
-0.28269505500793457,
-0.043765801936388016,
-0.22211381793022156,
-0.42167794704437256,
0.5438998937606812,
0.26058143377304077,
-0.40022438764572144,
-0.771232545375824,
-0.7139967679977417,
0.2651132047176361,
-0.2863978445529938,
0.9648503661155701,
-0.16283300518989563,
0.518177330493927,
-0.29850903153419495,
-0.33706530928611755,
-0.26243752241134644,
-0.4316471815109253,
-0.7867885231971741,
-0.5197083950042725,
0.1376936286687851,
0.28813475370407104,
0.3219605088233948,
0.30641642212867737,
0.4377935528755188,
0.33813944458961487,
0.11948704719543457,
0.001565351034514606,
-0.23786477744579315,
0.052948564291000366,
-0.2844514846801758,
-0.4238245189189911,
-0.4849415123462677,
-0.1591143161058426,
0.6329471468925476,
0.28549692034721375,
-0.031381767243146896,
0.21293304860591888,
-0.1517551839351654,
0.21773415803909302,
-0.5674719214439392,
0.4254377782344818,
-0.36088114976882935,
0.10570599138736725,
-0.07757662236690521,
-0.015797384083271027,
-0.3633265495300293,
-0.4370421767234802,
0.18156491219997406,
-0.6011167764663696,
-0.010224833153188229,
0.05235821753740311,
1.3569220304489136,
0.41174137592315674,
-0.3780314028263092,
-0.32503649592399597,
-0.5632942318916321,
0.8052546977996826,
-0.5484384298324585,
0.6830096244812012,
0.3546641170978546,
0.24217961728572845,
0.1250123530626297,
-0.809657871723175,
-0.5843334197998047,
-0.09047165513038635,
-0.014418894425034523,
0.20538948476314545,
-0.25729900598526,
-0.019767647609114647,
0.32987308502197266,
0.30984821915626526,
-0.6067986488342285,
0.12866777181625366,
-0.24751824140548706,
-0.39277732372283936,
0.5804776549339294,
0.043359071016311646,
0.38349488377571106,
-0.26187664270401,
-0.35541418194770813,
-0.18300195038318634,
-0.7856499552726746,
0.039838336408138275,
0.13094963133335114,
0.07104193419218063,
-0.04839947074651718,
0.4911023676395416,
-0.24130940437316895,
0.5186095833778381,
-0.019708920270204544,
-0.03144524618983269,
0.5319302082061768,
-0.05573214218020439,
-0.3605306148529053,
0.16029143333435059,
0.9126028418540955,
0.12563204765319824,
0.21540996432304382,
-0.1064445972442627,
-0.42137953639030457,
0.39281684160232544,
-0.06899052858352661,
-0.98207688331604,
-0.2606085538864136,
0.06754158437252045,
-0.3902971148490906,
-0.1498965620994568,
0.10041812807321548,
-0.5946086645126343,
-0.17832934856414795,
-0.006131710484623909,
0.6981671452522278,
-0.5932978987693787,
-0.46416667103767395,
0.28589823842048645,
0.11476205289363861,
0.28556352853775024,
-0.017688481137156487,
-0.8769719004631042,
0.35008808970451355,
0.46227794885635376,
0.8086380958557129,
0.0227213054895401,
-0.2727893888950348,
-0.1652715653181076,
-0.11631278693675995,
-0.19691883027553558,
0.7564684152603149,
-0.4387049078941345,
-0.08676967769861221,
-0.09863423556089401,
0.08585874736309052,
0.0732896625995636,
-0.36152076721191406,
0.4357732832431793,
-0.6745655536651611,
0.30342426896095276,
-0.24924592673778534,
-0.6919494867324829,
-0.4437341094017029,
0.3129722476005554,
-0.9321261644363403,
1.1239089965820312,
0.05926932394504547,
-0.8159980177879333,
0.5972387194633484,
-0.9243459701538086,
-0.24344944953918457,
0.035605110228061676,
-0.4590276777744293,
-0.6265124678611755,
-0.03189561143517494,
0.2372312694787979,
0.7847964763641357,
-0.29112157225608826,
0.3929981589317322,
-0.2411661595106125,
-0.3218677043914795,
0.013388904742896557,
-0.19099873304367065,
1.1349388360977173,
0.19912053644657135,
-0.6142767071723938,
0.10885979235172272,
-0.8920974731445312,
-0.012528518214821815,
0.3987083435058594,
-0.36333322525024414,
-0.3819848597049713,
-0.23739928007125854,
0.2522943615913391,
0.1493307650089264,
0.288102924823761,
-0.6342706084251404,
0.03958866372704506,
-0.6155334711074829,
0.6413131952285767,
0.5689021944999695,
0.029781607910990715,
0.47246015071868896,
-0.0013919917400926352,
0.4381912350654602,
0.13199304044246674,
-0.1663760542869568,
0.09523458033800125,
-0.4436689615249634,
-0.8726367950439453,
-0.4159987270832062,
0.758395254611969,
0.49069201946258545,
-0.8667482137680054,
0.5216083526611328,
-0.5053449869155884,
-0.5699271559715271,
-0.6773476004600525,
-0.1207030788064003,
0.4986264407634735,
0.20779666304588318,
0.5173820853233337,
-0.261451780796051,
-0.8222582340240479,
-0.9214673042297363,
-0.21309609711170197,
0.013918215408921242,
0.06899651885032654,
0.18327277898788452,
0.857393205165863,
-0.3770505487918854,
0.8500444889068604,
-0.40787094831466675,
-0.3038540780544281,
-0.19276133179664612,
0.08274265378713608,
0.3599931597709656,
0.6655557751655579,
0.6440548300743103,
-1.0082553625106812,
-0.7343588471412659,
-0.19216646254062653,
-0.8369069695472717,
0.27065858244895935,
0.17397432029247284,
-0.11093022674322128,
0.16259588301181793,
0.24514590203762054,
-0.782968282699585,
0.42854076623916626,
0.42626985907554626,
-0.5307672619819641,
0.2446025311946869,
-0.007739597465842962,
0.0850367620587349,
-1.4490294456481934,
0.06656330823898315,
0.07893108576536179,
-0.5602033138275146,
-0.422813355922699,
0.33103445172309875,
0.290423721075058,
0.0655599981546402,
-0.5474468469619751,
0.6715438961982727,
-0.6915098428726196,
-0.21795301139354706,
0.24246034026145935,
-0.010668925009667873,
0.0912921279668808,
0.5355801582336426,
0.20332491397857666,
0.7452919483184814,
0.6964280605316162,
-0.6267048120498657,
0.4667910039424896,
0.5348140001296997,
-0.5722024440765381,
0.5647621154785156,
-0.8032447695732117,
0.1671762615442276,
-0.02015400305390358,
0.1259153038263321,
-0.6650217175483704,
-0.14109715819358826,
0.20022407174110413,
-0.6025797724723816,
0.5652595162391663,
0.07322315871715546,
-0.6058657169342041,
-0.1335476040840149,
-0.22767683863639832,
0.3360354006290436,
0.38920411467552185,
-0.7288814187049866,
0.7581850290298462,
0.5440697073936462,
0.02964063361287117,
-0.8515313267707825,
-0.8817350268363953,
-0.060978420078754425,
-0.16867667436599731,
-0.387288898229599,
0.5760269165039062,
-0.011843004263937473,
0.19655925035476685,
0.22438693046569824,
-0.14725729823112488,
-0.21671518683433533,
0.11769575625658035,
0.33649301528930664,
0.3325441777706146,
-0.4354230761528015,
0.14440132677555084,
0.04349216818809509,
-0.2495725303888321,
0.07035057991743088,
-0.37382668256759644,
0.7477911114692688,
-0.3045133650302887,
-0.1470295637845993,
-0.38957762718200684,
0.24749022722244263,
0.4114956557750702,
-0.3274150788784027,
0.8307896256446838,
0.8187841773033142,
-1.0788427591323853,
-0.07419149577617645,
-0.6308791637420654,
-0.2456274777650833,
-0.44479575753211975,
0.562576949596405,
-0.8099384903907776,
-0.8537097573280334,
0.34417593479156494,
0.023281166329979897,
-0.014501198194921017,
0.6634169816970825,
0.797713041305542,
-0.05228199064731598,
1.120411992073059,
0.7741763591766357,
-0.24885354936122894,
0.5286126732826233,
-0.8704093098640442,
0.4196895658969879,
-0.7026855945587158,
-0.36314183473587036,
-0.5347069501876831,
-0.22906777262687683,
-0.4362834692001343,
-0.2106323540210724,
0.015139251947402954,
0.13394717872142792,
-0.25848138332366943,
0.6894298791885376,
-0.6310644745826721,
0.39088836312294006,
0.6172561645507812,
0.17142648994922638,
0.016482479870319366,
0.0945388600230217,
-0.3652326166629791,
-0.19060353934764862,
-0.6267032623291016,
-0.679254412651062,
1.1039392948150635,
0.4986574351787567,
0.7141702771186829,
0.06542997062206268,
1.088714361190796,
0.016453241929411888,
0.2438657134771347,
-0.7897646427154541,
0.588108241558075,
-0.13568620383739471,
-0.7970899343490601,
-0.34976115822792053,
-0.3899199366569519,
-0.974665105342865,
-0.12672051787376404,
-0.5617694854736328,
-0.8245886564254761,
0.17398004233837128,
-0.0116544459015131,
-0.4938514828681946,
0.28811439871788025,
-0.5204391479492188,
1.0024559497833252,
0.06931230425834656,
-0.10954146087169647,
-0.16782672703266144,
-0.21121914684772491,
0.010132553055882454,
0.22748726606369019,
-0.16526558995246887,
-0.060164354741573334,
0.01533777080476284,
0.9604560732841492,
-0.04415498301386833,
0.5944766998291016,
-0.34709787368774414,
0.29823192954063416,
0.1907343715429306,
0.0010225409641861916,
0.3564437925815582,
0.3367486000061035,
0.020461009815335274,
0.37986427545547485,
0.0819239690899849,
-0.2839583158493042,
-0.569360613822937,
0.7542484402656555,
-1.0542501211166382,
-0.3820864260196686,
-0.4718818664550781,
-0.2776183784008026,
-0.022263595834374428,
0.5847782492637634,
0.6518479585647583,
0.47592106461524963,
-0.3882346749305725,
0.4579358994960785,
0.9041664600372314,
-0.14040997624397278,
0.38953545689582825,
0.36331304907798767,
-0.056763626635074615,
-0.36581507325172424,
1.0299736261367798,
0.36638376116752625,
-0.228797048330307,
0.6778721213340759,
0.0030395621433854103,
-0.6639359593391418,
-0.3912803530693054,
-0.6422459483146667,
0.2563055455684662,
-0.8694266080856323,
-0.6483240723609924,
-1.1142443418502808,
-0.393157035112381,
-0.704236626625061,
0.04506506770849228,
-0.41607555747032166,
-0.5481441617012024,
-0.440591037273407,
-0.4572131335735321,
0.5118308663368225,
0.5976881980895996,
-0.02933748997747898,
0.21791435778141022,
-0.6305685639381409,
0.3718831241130829,
0.3195143938064575,
0.36840179562568665,
-0.3161837160587311,
-0.3686599135398865,
-0.2199537456035614,
-0.11136976629495621,
-0.11306411772966385,
-1.3388994932174683,
0.47427788376808167,
0.40903279185295105,
0.7097927331924438,
0.4205170273780823,
-0.1744644194841385,
0.46055498719215393,
-0.45331376791000366,
0.6479939818382263,
0.27401983737945557,
-1.1020065546035767,
0.48078399896621704,
0.214023619890213,
-0.16862709820270538,
0.49731698632240295,
0.8923209309577942,
-0.24207676947116852,
-0.100034698843956,
-0.7591062784194946,
-0.8662494421005249,
0.5248433351516724,
0.040562305599451065,
0.16390849649906158,
0.0013864722568541765,
0.2842627763748169,
0.00991786364465952,
0.2835332751274109,
-1.0759990215301514,
-0.384141206741333,
-0.24331361055374146,
-0.6705459356307983,
0.04126589372754097,
-0.4078172445297241,
0.09604593366384506,
-0.15887846052646637,
0.9359769821166992,
0.038662057369947433,
0.6354748010635376,
0.2339017242193222,
-0.5557936429977417,
0.17731395363807678,
0.10820986330509186,
0.2566504180431366,
0.40883487462997437,
-0.09153935313224792,
0.18486995995044708,
0.4686294198036194,
-0.579463541507721,
0.2325938642024994,
0.043305378407239914,
-0.38386934995651245,
0.2843853533267975,
0.23758213222026825,
0.868221640586853,
0.4272550046443939,
-0.20895574986934662,
0.7188190221786499,
-0.14883165061473846,
-0.1389557421207428,
-0.5499240159988403,
0.11002159863710403,
0.26905331015586853,
0.348984032869339,
-0.051791928708553314,
0.1621711403131485,
0.4455689787864685,
-0.3931894302368164,
0.16749395430088043,
0.3523118495941162,
-0.3667553961277008,
-0.3362463116645813,
0.682024359703064,
0.047866880893707275,
-0.49862736463546753,
0.6808201670646667,
-0.5470326542854309,
-0.8034600019454956,
0.6649371981620789,
0.7341899871826172,
1.023461937904358,
-0.3881686329841614,
0.13386784493923187,
0.7463808059692383,
0.29334768652915955,
-0.1652335226535797,
0.8278884887695312,
0.04342762008309364,
-1.1132590770721436,
-0.11486166715621948,
-0.5981459617614746,
-0.16901448369026184,
-0.024068288505077362,
-0.8845818042755127,
0.601349413394928,
-0.7583988308906555,
-0.3753332793712616,
0.09516531974077225,
0.3915189802646637,
-1.3766947984695435,
0.49294313788414,
0.007437616121023893,
1.0989445447921753,
-1.0430220365524292,
1.0100219249725342,
1.093122124671936,
-0.7336385846138,
-0.9803032279014587,
-0.5113462805747986,
-0.2748182415962219,
-0.971145510673523,
0.47605592012405396,
0.3325243294239044,
0.052740007638931274,
0.3507150411605835,
-0.4687608480453491,
-1.0995756387710571,
1.357430338859558,
0.3943682014942169,
-0.4443320035934448,
-0.10833051800727844,
-0.20394623279571533,
0.4208691716194153,
-0.5356040596961975,
0.5074142813682556,
0.6971807479858398,
0.4391200840473175,
-0.2993796467781067,
-0.6998723149299622,
0.2807905972003937,
-0.3312287926673889,
0.07002730667591095,
-0.07333464920520782,
-0.6096738576889038,
0.9374306797981262,
-0.023980118334293365,
-0.3887775242328644,
-0.10173390805721283,
0.8217334151268005,
0.38253775238990784,
0.37130460143089294,
0.6057146787643433,
0.8865097761154175,
0.7200055122375488,
-0.2252972424030304,
0.6516482830047607,
-0.3388652205467224,
0.6659824848175049,
0.9945377707481384,
0.04238450527191162,
0.9677208065986633,
0.3806011378765106,
-0.18114957213401794,
0.778030514717102,
0.7364743947982788,
-0.29077407717704773,
0.6681879162788391,
0.035055410116910934,
0.16188892722129822,
-0.005818147677928209,
-0.05889483541250229,
-0.452975869178772,
0.5851925611495972,
0.43611395359039307,
-0.31398430466651917,
0.11237405985593796,
0.051724910736083984,
0.06583606451749802,
-0.08063993602991104,
-0.20690765976905823,
0.7568897604942322,
0.06629074364900589,
-0.27439987659454346,
0.41984447836875916,
0.24339239299297333,
0.9197943210601807,
-0.5053420066833496,
-0.18185187876224518,
-0.08297193795442581,
-0.06685381382703781,
-0.4157434105873108,
-0.5164501070976257,
0.20015622675418854,
0.033777736127376556,
-0.2756027281284332,
-0.12197405844926834,
0.7561156749725342,
-0.4506303668022156,
-0.5409491658210754,
0.5316135287284851,
0.315507709980011,
0.4414677321910858,
-0.08581569790840149,
-0.9548372030258179,
0.03970208019018173,
-0.1222696602344513,
-0.505879819393158,
0.003206294495612383,
0.42687737941741943,
-0.0007952469168230891,
0.5609273314476013,
0.4914780855178833,
0.27310314774513245,
0.0965031310915947,
0.09213924407958984,
0.7585825324058533,
-0.7824612259864807,
-0.8247358798980713,
-0.8350057005882263,
0.4243010878562927,
-0.24462652206420898,
-0.3899801969528198,
0.6375389695167542,
0.5762340426445007,
1.0416103601455688,
-0.10147368907928467,
0.5925541520118713,
-0.12157220393419266,
0.3313974142074585,
-0.5352841019630432,
0.9130241274833679,
-0.6675753593444824,
-0.14548179507255554,
-0.3099591135978699,
-1.2551419734954834,
-0.3699927031993866,
1.2578667402267456,
-0.2367057204246521,
0.07741837948560715,
0.7304224371910095,
0.94330233335495,
-0.21109123528003693,
-0.10091852396726608,
0.42555108666419983,
0.5079838633537292,
0.11831637471914291,
0.7229189872741699,
0.6831241846084595,
-0.7041770815849304,
0.3155134320259094,
-0.2612292766571045,
-0.23839408159255981,
-0.34049442410469055,
-0.7696422338485718,
-0.933415412902832,
-0.7210417985916138,
-0.4628974497318268,
-0.5227886438369751,
-0.23415054380893707,
1.2667869329452515,
0.8909182548522949,
-1.24744713306427,
0.08819801360368729,
0.022136732935905457,
0.1346958875656128,
-0.13827475905418396,
-0.22246630489826202,
0.500055730342865,
-0.004441894590854645,
-0.9887142181396484,
0.21372400224208832,
0.34574687480926514,
-0.0303899385035038,
-0.48222970962524414,
-0.07965618371963501,
-0.23969827592372894,
0.017236176878213882,
0.32440564036369324,
0.2030666619539261,
-0.6942778825759888,
-0.2568119764328003,
0.09750406444072723,
-0.39663487672805786,
-0.027499772608280182,
0.5070198178291321,
-0.5611031651496887,
0.3569088876247406,
0.49868282675743103,
0.9413701891899109,
0.6179195642471313,
-0.5678055286407471,
0.4376336336135864,
-0.5901880860328674,
0.25865432620048523,
0.5019092559814453,
0.8515684604644775,
0.5091667771339417,
-0.5975885987281799,
0.6399522423744202,
0.13375893235206604,
-0.358746737241745,
-0.8927863836288452,
0.02757849171757698,
-0.6831784248352051,
0.08764076232910156,
0.8576722145080566,
-0.6531501412391663,
-0.39101114869117737,
0.07438140362501144,
-0.0675760954618454,
0.48476138710975647,
-0.2657102048397064,
0.6436845064163208,
0.6848846673965454,
0.20276577770709991,
-0.028685232624411583,
-0.32859161496162415,
0.43994808197021484,
0.4312198758125305,
-0.6628585457801819,
-0.6438555717468262,
0.1563897579908371,
0.5858628749847412,
0.3356533348560333,
0.8489264845848083,
-0.12969288229942322,
0.2560218274593353,
0.24327048659324646,
0.37134572863578796,
-0.09303298592567444,
-0.6199901103973389,
-0.5484058856964111,
-0.0891709104180336,
-0.05438554286956787,
-0.45768848061561584
] |
timm/eva02_large_patch14_clip_224.merged2b_s4b_b131k
|
timm
| 2023-04-10T22:00:30Z | 4,967 | 5 |
open_clip
|
[
"open_clip",
"zero-shot-image-classification",
"clip",
"license:mit",
"has_space",
"region:us"
] |
zero-shot-image-classification
| 2023-04-10T21:53:29Z |
---
tags:
- zero-shot-image-classification
- clip
library_tag: open_clip
license: mit
---
# Model card for eva02_large_patch14_clip_224.merged2b_s4b_b131k
|
[
-0.6605575680732727,
-0.17169009149074554,
0.3590492606163025,
0.642855703830719,
-0.7036140561103821,
0.3853590786457062,
0.4185776710510254,
0.0021124680060893297,
0.869714617729187,
0.9960983991622925,
-0.7817772626876831,
-0.2650907635688782,
-0.5623430013656616,
0.0645076185464859,
-0.608435869216919,
0.6563367247581482,
-0.10380522161722183,
0.16030694544315338,
-0.08472286909818649,
0.03952222689986229,
-0.6348671317100525,
-0.6563847064971924,
-0.7902513742446899,
-0.24996159970760345,
0.47625458240509033,
0.7950724363327026,
0.3022121489048004,
0.5048955678939819,
0.8265504837036133,
0.5135661363601685,
-0.2854781150817871,
0.3692135512828827,
-0.39820221066474915,
-0.3241989016532898,
-0.08124031126499176,
-0.44203802943229675,
-1.4503657817840576,
0.1545032113790512,
0.9879642724990845,
0.04621104523539543,
-0.4343119263648987,
0.3183993697166443,
-0.05558827891945839,
-0.09952902793884277,
-0.3799118399620056,
-0.009729722514748573,
-0.32230350375175476,
0.00042092203511856496,
-0.34051066637039185,
-0.20292408764362335,
-0.23099151253700256,
-0.1817883849143982,
-0.5552018880844116,
-0.6252616047859192,
0.11236456036567688,
0.043639618903398514,
1.3134896755218506,
0.14328986406326294,
-0.2332638055086136,
0.347594290971756,
-0.6954078674316406,
0.7036054134368896,
-0.581506609916687,
0.5815125107765198,
0.28656288981437683,
0.21687307953834534,
-0.28205201029777527,
-0.8056655526161194,
-0.2642114460468292,
0.6125919222831726,
0.17514391243457794,
0.010020705871284008,
-0.42291536927223206,
0.012102920562028885,
0.6838774085044861,
0.44644784927368164,
-0.13783474266529083,
0.3609018921852112,
-1.2246676683425903,
-0.34372851252555847,
0.7386057376861572,
0.30760595202445984,
0.22557446360588074,
-0.16778570413589478,
-0.9889176487922668,
-0.04775996133685112,
-0.4627384841442108,
-0.6731739044189453,
0.8465047478675842,
-0.29641395807266235,
-0.6056280136108398,
0.6704216599464417,
0.11875467747449875,
0.475265771150589,
0.05870671942830086,
0.12585535645484924,
0.32187619805336,
-0.5321085453033447,
-0.5862995982170105,
-0.17091217637062073,
0.22770079970359802,
0.9004936218261719,
-0.46396738290786743,
0.6533458232879639,
-0.26069557666778564,
-0.34920480847358704,
0.3363216817378998,
-1.0859285593032837,
-0.3539007008075714,
-0.1994335949420929,
-0.6174657940864563,
-0.4436686336994171,
0.4668186902999878,
-1.1678682565689087,
0.15293912589550018,
-0.11143948137760162,
0.4033570885658264,
0.017397603020071983,
-0.5840604305267334,
-0.06952712684869766,
-0.6404114365577698,
0.21214494109153748,
0.28467628359794617,
-0.5697448253631592,
0.31745338439941406,
0.8418861627578735,
0.5748956203460693,
0.32169288396835327,
-0.053239766508340836,
-0.15147052705287933,
0.2404593825340271,
-0.6615561246871948,
0.8032881021499634,
-0.4674230217933655,
-0.6697748303413391,
0.15079978108406067,
0.6410197615623474,
0.13563218712806702,
-0.5190250277519226,
0.5406900644302368,
-0.6174560785293579,
-0.06128472462296486,
-0.40948036313056946,
-0.4341147840023041,
-0.10032575577497482,
0.35205745697021484,
-1.0002106428146362,
1.2381110191345215,
0.48988351225852966,
-0.4580458402633667,
0.2823229432106018,
-0.6647430658340454,
0.3818860948085785,
0.5994489789009094,
0.3352262079715729,
-0.43446624279022217,
-0.05333418399095535,
-0.5533311367034912,
0.12381394952535629,
0.04981881007552147,
-0.0549631342291832,
-0.5043843388557434,
-0.3585006892681122,
-0.13517425954341888,
-0.3222616910934448,
0.579552948474884,
0.436015784740448,
0.5086183547973633,
0.10147584229707718,
-0.49210432171821594,
-0.026627864688634872,
0.15678295493125916,
-0.06386229395866394,
-0.30325138568878174,
-0.8089596629142761,
0.3446672260761261,
0.03411473333835602,
0.5490655899047852,
-0.4763352572917938,
0.49228551983833313,
0.41626977920532227,
0.277090847492218,
0.7273547649383545,
0.39189836382865906,
0.19480681419372559,
-0.3529968857765198,
0.7560870051383972,
-0.24792274832725525,
0.3468441665172577,
0.0034173608291894197,
-0.441015362739563,
-0.8416268825531006,
-0.6118897199630737,
0.4027141034603119,
0.2914428114891052,
-0.12068641185760498,
0.9095173478126526,
0.30531445145606995,
-0.8428573608398438,
0.31476888060569763,
0.03008357249200344,
0.3678589165210724,
0.10586521774530411,
0.3469977080821991,
-0.45179659128189087,
-1.0350315570831299,
-1.2530354261398315,
0.14452236890792847,
-0.023880239576101303,
-0.09691178798675537,
0.42877599596977234,
0.6471272110939026,
-0.9138041138648987,
0.3072793185710907,
-0.9144437313079834,
-0.5089255571365356,
-0.6550853848457336,
0.09302835166454315,
0.13234259188175201,
0.6012241244316101,
0.8062211275100708,
-0.38522326946258545,
-0.10378595441579819,
-0.4855276644229889,
-0.4854399859905243,
-0.2472635954618454,
0.12254977226257324,
-0.4507601857185364,
-0.019044607877731323,
0.7659769654273987,
-0.4568084180355072,
0.78440922498703,
0.8061265349388123,
-0.8324019312858582,
-0.1190061867237091,
-0.589168906211853,
0.5546782612800598,
-1.193170189857483,
-0.0740366280078888,
-0.05165272578597069,
-0.3917367160320282,
-0.3480905592441559,
-0.11280693858861923,
0.37024304270744324,
0.15602222084999084,
-0.6863544583320618,
0.5948693156242371,
-0.5744479298591614,
0.20434626936912537,
-0.3981018364429474,
-0.28283125162124634,
0.2944154441356659,
-0.01962675340473652,
-0.20515228807926178,
0.5585535764694214,
-0.028248144313693047,
-0.17404033243656158,
0.7532277703285217,
0.6786421537399292,
0.35175541043281555,
0.5522958636283875,
-0.3441242277622223,
-0.12694577872753143,
-0.2700786888599396,
0.4380597472190857,
-0.6642898321151733,
-0.851998507976532,
0.029458606615662575,
0.2071298062801361,
0.5702521800994873,
-0.25930875539779663,
-0.37869343161582947,
-1.0426348447799683,
-0.4228722155094147,
1.1791441440582275,
0.666894793510437,
-0.6375599503517151,
0.6841986179351807,
0.3134930729866028,
-0.08925257623195648,
-0.2433512955904007,
-0.7359083294868469,
-0.1454329788684845,
-0.2874008119106293,
-0.4430287182331085,
0.6288203597068787,
-0.08647935837507248,
0.011892604641616344,
-0.11763731390237808,
-0.1450212150812149,
-0.6197616457939148,
-0.4241114854812622,
0.5764657258987427,
0.7674801349639893,
-0.3345727324485779,
-0.3428884446620941,
0.02593020163476467,
-0.35882240533828735,
-0.09549685567617416,
0.5689610838890076,
0.5934741497039795,
0.1448204070329666,
-0.07983505725860596,
-0.16239681839942932,
0.43030720949172974,
0.9069480895996094,
-0.25567445158958435,
0.5563661456108093,
0.40011242032051086,
-0.6867422461509705,
-0.30030885338783264,
-0.9074124693870544,
-0.2943854331970215,
-0.4725218415260315,
0.5466110110282898,
-0.26149770617485046,
-0.3069925904273987,
0.6458413600921631,
-0.15242697298526764,
-0.23938782513141632,
0.6941555142402649,
0.20827394723892212,
0.32636940479278564,
0.8100302815437317,
0.6601297855377197,
0.26593759655952454,
0.6878400444984436,
-0.6697585582733154,
0.42974549531936646,
-1.1240640878677368,
-0.5756504535675049,
-0.19354276359081268,
-0.39562177658081055,
-0.06606961786746979,
-0.9050242304801941,
-0.1652597039937973,
0.5982559323310852,
-0.19320854544639587,
0.8699306845664978,
-0.3692225217819214,
0.8850012421607971,
0.606087863445282,
0.18159697949886322,
-0.06009720265865326,
-0.34659966826438904,
0.5603089928627014,
0.127409890294075,
-0.44884222745895386,
-0.26993122696876526,
1.1744625568389893,
0.7379027605056763,
0.7461917400360107,
0.033443909138441086,
0.9622616171836853,
0.18413200974464417,
0.1834917664527893,
-0.13560810685157776,
0.7801017761230469,
-0.2939067780971527,
-0.7999690175056458,
0.07554767280817032,
0.2528190016746521,
-0.8271360397338867,
-0.24063320457935333,
-0.25697579979896545,
-0.5598205327987671,
0.2886999547481537,
0.4177362620830536,
-0.4234984219074249,
0.4803890585899353,
-0.8309944272041321,
1.2401667833328247,
-0.03014315478503704,
0.05111559107899666,
-0.4825389087200165,
0.05891134962439537,
0.9548003077507019,
-0.12258148193359375,
-0.07588258385658264,
-0.16217456758022308,
0.0710080936551094,
1.180000901222229,
-0.7118483781814575,
0.13647159934043884,
-0.07133765518665314,
0.07832109183073044,
0.33788490295410156,
-0.22978179156780243,
0.6666333079338074,
0.43982821702957153,
0.3624052405357361,
0.26558196544647217,
0.21817229688167572,
-0.37902992963790894,
-0.3282691538333893,
0.9636914730072021,
-0.3784094452857971,
-0.21279755234718323,
-0.3878737986087799,
0.08214499801397324,
0.3986777663230896,
-0.11744797974824905,
0.7101899981498718,
1.0123401880264282,
0.00036740500945597887,
0.4395786225795746,
0.45354658365249634,
0.027588440105319023,
0.4886142611503601,
0.6146508455276489,
-0.4804691970348358,
-0.7925938367843628,
0.6776712536811829,
-0.0356292761862278,
0.1026136502623558,
-0.21645639836788177,
-0.06916221976280212,
-0.24710842967033386,
0.011193366721272469,
-0.01973455585539341,
0.3968663811683655,
-0.2451179474592209,
-0.8702883124351501,
-0.3578827679157257,
-0.6978170275688171,
-0.12774303555488586,
-0.33205291628837585,
-0.7797005772590637,
-0.04694370552897453,
-0.5103934407234192,
-0.5194811224937439,
0.7658460140228271,
0.9983550906181335,
-0.6639086008071899,
0.8569514751434326,
-1.1203504800796509,
0.32101085782051086,
0.3383544683456421,
0.8123035430908203,
-0.46416178345680237,
-0.8187311291694641,
0.06721218675374985,
-0.33700668811798096,
-0.6766520142555237,
-1.1372649669647217,
0.40040504932403564,
-0.2367606908082962,
0.5790818333625793,
0.6588310599327087,
-0.19799531996250153,
0.9978523254394531,
-0.6088491678237915,
1.2285703420639038,
0.5977077484130859,
-0.862362265586853,
0.2997795045375824,
-0.2720385193824768,
-0.1724270135164261,
0.21659931540489197,
0.09231854975223541,
-0.2799006998538971,
-0.22422483563423157,
-1.5482054948806763,
-0.9613104462623596,
0.5081339478492737,
-0.0368829108774662,
0.09694848209619522,
-0.13337567448616028,
-0.025257937610149384,
-0.1431378722190857,
-0.015267940238118172,
-0.26102039217948914,
-0.6943968534469604,
-0.10491267591714859,
-0.22669605910778046,
0.31047096848487854,
-0.9576358795166016,
-0.41092678904533386,
-0.46618956327438354,
0.6203146576881409,
0.2804507911205292,
0.7545060515403748,
-0.10795620083808899,
0.3157162368297577,
-0.14366404712200165,
-0.0892954021692276,
1.194096326828003,
0.23794573545455933,
-0.6822986602783203,
0.1247636005282402,
0.09768041968345642,
-0.4910854399204254,
-0.06266570091247559,
0.4036014676094055,
0.307185560464859,
0.15824750065803528,
0.5455341935157776,
0.855861246585846,
0.7082518935203552,
-0.10514059662818909,
0.8666788935661316,
-0.12003118544816971,
-0.4242035746574402,
-0.43410524725914,
-0.09868140518665314,
-0.2784886062145233,
0.4480198621749878,
-0.03748118132352829,
0.365369588136673,
0.29210758209228516,
-0.4197348952293396,
0.5327052474021912,
0.7869199514389038,
-0.5344333052635193,
-0.40475744009017944,
0.569674551486969,
0.6728747487068176,
-0.9548666477203369,
0.6021207571029663,
-0.03472452983260155,
-0.7616228461265564,
1.0095257759094238,
0.7758916616439819,
0.8530634045600891,
-0.6518325805664062,
-0.060859665274620056,
0.732123076915741,
0.049632634967565536,
-0.4649302363395691,
0.4912499487400055,
0.09289560467004776,
-0.4789098799228668,
-0.03505297377705574,
-0.39954477548599243,
-0.29847872257232666,
0.20469069480895996,
-1.2106605768203735,
0.9171350598335266,
-0.40673115849494934,
-0.273300439119339,
-0.3054085671901703,
-0.030215660110116005,
-0.7889407277107239,
0.17931129038333893,
0.29460814595222473,
1.910082459449768,
-1.1968885660171509,
0.9706985354423523,
0.4108324646949768,
-0.2570805847644806,
-1.1386266946792603,
-0.6847759485244751,
-0.30624905228614807,
-0.768118679523468,
0.4487288296222687,
0.11293390393257141,
0.6561118364334106,
-0.2885766923427582,
-0.5746561884880066,
-1.28102707862854,
1.1530489921569824,
-0.05889935418963432,
-0.6312474608421326,
0.25300613045692444,
-0.7859247326850891,
-0.00938673410564661,
-0.5538519620895386,
0.4880395233631134,
0.8472622632980347,
0.8372402191162109,
0.6284831762313843,
-0.9938305020332336,
-0.3568112254142761,
-0.23041267693042755,
-0.14598484337329865,
0.7191441655158997,
-1.1076220273971558,
0.7593380212783813,
0.05296638235449791,
0.45877063274383545,
0.5634909272193909,
0.47784096002578735,
0.14100314676761627,
0.09010517597198486,
0.28041860461235046,
0.8560411930084229,
0.582889199256897,
-0.11280202865600586,
0.26596900820732117,
-0.21493005752563477,
0.5383333563804626,
0.8850574493408203,
-0.33950480818748474,
0.9109436273574829,
0.8965018391609192,
-0.025422848761081696,
0.8718878626823425,
0.5564342141151428,
-0.7533181309700012,
0.38696029782295227,
-0.1899244785308838,
-0.06978867202997208,
-0.5496472716331482,
0.3005644977092743,
-1.042478322982788,
0.44128161668777466,
0.2972222566604614,
-1.025079607963562,
-0.39976996183395386,
-0.2253159135580063,
-0.004214621614664793,
0.0503108985722065,
-0.5850688219070435,
0.572502076625824,
-0.21384941041469574,
-0.6570569276809692,
-0.08490601927042007,
0.2601413130760193,
0.3895173966884613,
-0.8908165097236633,
-0.6865068078041077,
-0.2352645844221115,
0.41219285130500793,
-0.28147730231285095,
-0.8069946765899658,
0.5661742091178894,
-0.20304438471794128,
-0.472095787525177,
-0.2400432974100113,
0.38571837544441223,
-0.6568533778190613,
-0.8749832510948181,
0.37999916076660156,
-0.5918532609939575,
0.1641138643026352,
0.2439127117395401,
-0.333407461643219,
0.7364861965179443,
0.03971662372350693,
0.0812920406460762,
0.23685160279273987,
0.0762115940451622,
-0.011568975634872913,
0.2795913517475128,
0.36983954906463623,
0.21675539016723633,
0.28034451603889465,
-0.7265188694000244,
0.8089931607246399,
-0.5996272563934326,
-0.7271867394447327,
-0.6225364208221436,
0.7285793423652649,
-0.6982701420783997,
-0.6631080508232117,
0.745812714099884,
1.15937077999115,
0.2535172700881958,
-0.4417320191860199,
0.2711121141910553,
0.1890401840209961,
0.48688042163848877,
-0.16505572199821472,
0.40266501903533936,
-0.5637772679328918,
0.1373477727174759,
0.011318755336105824,
-0.9911887049674988,
-0.22049856185913086,
0.527706503868103,
0.3347744643688202,
-0.4376257061958313,
0.7489032745361328,
0.7456950545310974,
-0.28134578466415405,
0.028005892410874367,
0.46604862809181213,
0.17730651795864105,
0.3021957278251648,
0.3123742341995239,
0.38154441118240356,
-0.8038463592529297,
0.18262013792991638,
0.007096340414136648,
-0.6652749180793762,
-0.7582518458366394,
-0.9824665784835815,
-1.0333237648010254,
-0.2403467297554016,
-0.4216286242008209,
-0.5469628572463989,
-0.5825337171554565,
1.0790505409240723,
1.1015406847000122,
-0.5251858234405518,
0.09397060424089432,
0.02456527389585972,
0.3408491015434265,
0.40934187173843384,
-0.18774056434631348,
0.09718036651611328,
0.12704125046730042,
-0.49206238985061646,
0.18361513316631317,
0.3770084083080292,
0.5139918923377991,
0.08617349714040756,
-0.33074381947517395,
0.4657587707042694,
0.6388408541679382,
0.3294226825237274,
0.534075915813446,
-0.7411442399024963,
-0.5185799598693848,
-0.3359430432319641,
0.2610517144203186,
-0.10212482511997223,
0.7045180797576904,
-0.46072447299957275,
-0.19474726915359497,
0.44085946679115295,
0.02261749468743801,
0.4491947591304779,
0.4576283395290375,
0.8606604933738708,
-0.9097415208816528,
0.6676329374313354,
-0.1915382742881775,
0.7156846523284912,
-0.26158419251441956,
-0.05727801471948624,
0.5526188015937805,
0.41355717182159424,
-0.6690780520439148,
-1.5708096027374268,
-0.031910914927721024,
-1.5900919437408447,
0.19558510184288025,
1.4796274900436401,
0.16505590081214905,
-0.373412549495697,
0.3626430332660675,
-0.8477476835250854,
-0.13552355766296387,
-0.38550856709480286,
-0.1534269005060196,
0.5827226638793945,
0.15223126113414764,
-0.4004460573196411,
-0.07954441756010056,
0.5301847457885742,
-0.3999318480491638,
-0.8228974938392639,
-0.2750585675239563,
0.019054343923926353,
0.3794260025024414,
0.3855336606502533,
0.18426917493343353,
-0.06478067487478256,
0.523891806602478,
0.3498021364212036,
0.5721407532691956,
-0.1942465901374817,
-0.5210142731666565,
-0.2614009380340576,
-0.08185748755931854,
-0.015086839906871319,
-0.7452033162117004
] |
Yukang/LongAlpaca-13B
|
Yukang
| 2023-11-01T08:29:13Z | 4,962 | 6 |
transformers
|
[
"transformers",
"pytorch",
"safetensors",
"llama",
"text-generation",
"arxiv:2309.12307",
"endpoints_compatible",
"text-generation-inference",
"region:us"
] |
text-generation
| 2023-10-08T06:21:02Z |
# LongLoRA and LongAlpaca for Long-context LLMs
[](https://huggingface.co/Yukang)
[](https://github.com/dvlab-research/LongLoRA)
[](https://huggingface.co/datasets/Yukang/LongAlpaca-12k)
[](https://arxiv.org/abs/2309.12307)
[](https://github.com/dvlab-research/LongLoRA/blob/main/LICENSE)
[](https://github.com/dvlab-research/LongLoRA/blob/main/DATA_LICENSE)
[](https://github.com/dvlab-research/LongLoRA/blob/main/WEIGHT_LICENSE)
For detailed usage and codes, please visit the [Github project](https://github.com/dvlab-research/LongLoRA).
## TABLE OF CONTENTS
1. [News](#news)
2. [Examples](#examples)
3. [Highlights](#highlights)
4. [How to contribute](#how-to-contribute)
5. [Requirements](#usage-requirements)
6. [Installation and quick guide](#installation-and-quick-guide)
7. [LongAlpaca Data](#longalpaca-data)
8. [Models](#models)
9. [Training](#training)
10. [Evaluation](#evaluation)
11. [Demo](#demo)
12. [Data Generation via Pdf2Text](#data-generation-via-pdf2text)
13. [Citation](#citation)
14. [Acknowledgement](#acknowledgement)
15. [License](#license)
## News
- [x] [2023.10.8] **We release the long instruction-following dataset**, [LongAlpaca-12k](https://huggingface.co/datasets/Yukang/LongAlpaca-12k) and **the corresponding models**, [LongAlpaca-7B](https://huggingface.co/Yukang/LongAlpaca-7B), [LongAlpaca-13B](https://huggingface.co/Yukang/LongAlpaca-13B), and [LongAlpaca-70B](https://huggingface.co/Yukang/LongAlpaca-70B).
- (*The previous sft models*, [Llama-2-13b-chat-longlora-32k-sft](https://huggingface.co/Yukang/Llama-2-13b-chat-longlora-32k-sft) and [Llama-2-70b-chat-longlora-32k-sft](https://huggingface.co/Yukang/Llama-2-70b-chat-longlora-32k-sft), *have been depreciated*.)
- [x] [2023.10.3] We add support GPTNeoX models. Please refer to this [PR](https://github.com/dvlab-research/LongLoRA/pull/32) for usage. Thanks for @naubull2 for this contribution.
- [x] [2023.9.22] We release all our fine-tuned [models](https://huggingface.co/Yukang), including **70B-32k models**, [LLaMA2-LongLoRA-70B-32k](https://huggingface.co/Yukang/Llama-2-70b-longlora-32k), [LLaMA2-LongLoRA-7B-100k](https://huggingface.co/Yukang/Llama-2-7b-longlora-100k-ft). Welcome to check them out!
- [x] [2023.9.22] We release [Paper](http://arxiv.org/abs/2309.12307) and this GitHub repo, including training and evaluation code.
**LongLoRA: Efficient Fine-tuning of Long-Context Large Language Models [[Paper](http://arxiv.org/abs/2309.12307)]** <br />
[Yukang Chen](https://scholar.google.com/citations?user=6p0ygKUAAAAJ&hl=en),
[Shengju Qian](https://scholar.google.com/citations?user=QNnWmasAAAAJ),
[Haotian Tang](https://scholar.google.com/citations?user=WxL13BAAAAAJ&hl),
[Xin Lai](https://scholar.google.com/citations?user=tqNDPA4AAAAJ&hl=zh-CN),
[Zhijian Liu](https://scholar.google.com/citations?user=3coYSTUAAAAJ&hl=en),
[Song Han](https://scholar.google.com/citations?user=E0iCaa4AAAAJ&hl=zh-CN),
[Jiaya Jia](https://scholar.google.com/citations?user=XPAkzTEAAAAJ&hl=en)<br />
## Highlights
1. In LongLoRA approach, The proposed shifted short attention is easy to implement, compatible with Flash-Attention, and is not required during inference.
2. We released all our models, including models from 7B to 70B, context length from 8k to 100k, including [LLaMA2-LongLoRA-7B-100k](https://huggingface.co/Yukang/Llama-2-7b-longlora-100k-ft), [LLaMA2-LongLoRA-13B-64k](https://huggingface.co/Yukang/Llama-2-13b-longlora-64k), and [LLaMA2-LongLoRA-70B-32k](https://huggingface.co/Yukang/Llama-2-70b-longlora-32k).
3. We built up a long-context instruction-following dataset, [LongAlpaca-12k](#longalpaca-data). We released the corresponding [LongAlpaca-7B](https://huggingface.co/Yukang/LongAlpaca-7B), [LongAlpaca-13B](https://huggingface.co/Yukang/LongAlpaca-13B) and [LongAlpaca-70B](https://huggingface.co/Yukang/LongAlpaca-70B) models. To our best knowledge, this is the first open-sourced long-context 70B model.
## How to Contribute
- Make sure to have git installed.
- Create your own [fork](https://github.com/dvlab-research/LongLoRA/fork) of the project.
- Clone the repository on your local machine, using git clone and pasting the url of this project.
- Read both the `Requirements` and `Installation and Quick Guide` sections below.
- Commit and push your changes.
- Make a pull request when finished modifying the project.
## Usage Requirements
To download and use the [pre-trained weights](#pre-trained-weights) you will need:
1. Hugging Face (HF) account with valid email. Note, the email used for HF must alse be used for the license agreement.
2. Accept the Meta [license and acceptable use policy](https://ai.meta.com/resources/models-and-libraries/llama-downloads/)
## Installation and Quick Guide
To install and run the application:
1. [Fork this repo](https://github.com/dvlab-research/LongLoRA/fork) on github
2. Clone the repository on your local machine, using git clone and pasting the url of this project.
3. Run the following code:
```
pip install -r requirements.txt
pip install flash-attn --no-build-isolation
```
4. Use either a [Released model](#released-models) or [Fine tune](#fine-tuning) a model to fit your preferences.
5. Test your model by chat.
6. Deploy your own demo.
## LongAlpaca Data
LongAlpaca-12k contains 9k long QA data that we collected and 3k short QA sampled from the original [Alpaca data](https://github.com/tatsu-lab/stanford_alpaca/blob/main/alpaca_data.json). This is to avoid the case that the model might degrade at short instruction following. The data we collect contains various types and amounts as the following figure.
| Data | Short QA | Long QA | Total | Download |
|:---------------|----------|----------|----------|----------|
| LongAlpaca-12k | 3k | 9k | 12k | [Link](https://huggingface.co/datasets/Yukang/LongAlpaca-12k) |
Following the original Alpaca format, our Long QA data uses the following prompts for fine-tuning:
- `instruction`: `str`, describes the task the model should perform. For example, to answer a question after reading a book section or paper. We vary the contents and questions to make instructions diverse.
- `output`: `str`, the answer to the instruction.
We did not use the `input` format in the Alpaca format for simplicity.
## Models
### Models with supervised fine-tuning
| Model | Size | Context | Train | Link |
|:---------------|------|---------|---------|-----------------------------------------------------------------------------------------------------------------------|
| LongAlpaca-7B | 7B | 32768 | Full FT | [Model](https://huggingface.co/Yukang/LongAlpaca-7B) |
| LongAlpaca-13B | 13B | 32768 | Full FT | [Model](https://huggingface.co/Yukang/LongAlpaca-13B) |
| LongAlpaca-70B | 70B | 32768 | LoRA+ | [Model](https://huggingface.co/Yukang/LongAlpaca-70B) [(LoRA-weight)](https://huggingface.co/Yukang/LongAlpaca-70B-lora) |
### Models with context extension via fully fine-tuning
| Model | Size | Context | Train | Link |
|:----------------------------|------|---------|-------|-------------------------------------------------------------------|
| Llama-2-7b-longlora-8k-ft | 7B | 8192 | Full FT | [Model](https://huggingface.co/Yukang/Llama-2-7b-longlora-8k-ft) |
| Llama-2-7b-longlora-16k-ft | 7B | 16384 | Full FT | [Model](https://huggingface.co/Yukang/Llama-2-7b-longlora-16k-ft) |
| Llama-2-7b-longlora-32k-ft | 7B | 32768 | Full FT | [Model](https://huggingface.co/Yukang/Llama-2-7b-longlora-32k-ft) |
| Llama-2-7b-longlora-100k-ft | 7B | 100000 | Full FT | [Model](https://huggingface.co/Yukang/Llama-2-7b-longlora-100k-ft) |
| Llama-2-13b-longlora-8k-ft | 13B | 8192 | Full FT | [Model](https://huggingface.co/Yukang/Llama-2-13b-longlora-8k-ft) |
| Llama-2-13b-longlora-16k-ft | 13B | 16384 | Full FT | [Model](https://huggingface.co/Yukang/Llama-2-13b-longlora-16k-ft) |
| Llama-2-13b-longlora-32k-ft | 13B | 32768 | Full FT | [Model](https://huggingface.co/Yukang/Llama-2-13b-longlora-32k-ft) |
### Models with context extension via improved LoRA fine-tuning
| Model | Size | Context | Train | Link |
|:----------------------------|------|---------|-------|---------------------------------------------------------------------|
| Llama-2-7b-longlora-8k | 7B | 8192 | LoRA+ | [LoRA-weight](https://huggingface.co/Yukang/Llama-2-7b-longlora-8k) |
| Llama-2-7b-longlora-16k | 7B | 16384 | LoRA+ | [LoRA-weight](https://huggingface.co/Yukang/Llama-2-7b-longlora-16k) |
| Llama-2-7b-longlora-32k | 7B | 32768 | LoRA+ | [LoRA-weight](https://huggingface.co/Yukang/Llama-2-7b-longlora-32k) |
| Llama-2-13b-longlora-8k | 13B | 8192 | LoRA+ | [LoRA-weight](https://huggingface.co/Yukang/Llama-2-13b-longlora-8k) |
| Llama-2-13b-longlora-16k | 13B | 16384 | LoRA+ | [LoRA-weight](https://huggingface.co/Yukang/Llama-2-13b-longlora-16k) |
| Llama-2-13b-longlora-32k | 13B | 32768 | LoRA+ | [LoRA-weight](https://huggingface.co/Yukang/Llama-2-13b-longlora-32k) |
| Llama-2-13b-longlora-64k | 13B | 65536 | LoRA+ | [LoRA-weight](https://huggingface.co/Yukang/Llama-2-13b-longlora-64k) |
| Llama-2-70b-longlora-32k | 70B | 32768 | LoRA+ | [LoRA-weight](https://huggingface.co/Yukang/Llama-2-70b-longlora-32k) |
| Llama-2-70b-chat-longlora-32k | 70B | 32768 | LoRA+ | [LoRA-weight](https://huggingface.co/Yukang/Llama-2-70b-chat-longlora-32k) |
## Training
### Pre-trained weights
We use LLaMA2 models as the pre-trained weights and fine-tune them to long context window sizes. Download based on your choices.
| Pre-trained weights |
|:-------------------------------------------------------------------------------------|
| [Llama-2-7b-hf](https://huggingface.co/meta-llama/Llama-2-7b-hf) |
|[Llama-2-13b-hf](https://huggingface.co/meta-llama/Llama-2-13b-hf) |
| [Llama-2-70b-hf](https://huggingface.co/meta-llama/Llama-2-70b-hf) |
| [Llama-2-7b-chat-hf](https://huggingface.co/meta-llama/Llama-2-7b-chat-hf) |
| [Llama-2-13b-chat-hf](https://huggingface.co/meta-llama/Llama-2-13b-chat-hf) |
| [Llama-2-70b-chat-hf](https://huggingface.co/meta-llama/Llama-2-70b-chat-hf) |
This project also supports GPTNeoX models as the base model architecture. Some candidate pre-trained weights may include [GPT-NeoX-20B](https://huggingface.co/EleutherAI/gpt-neox-20b), [Polyglot-ko-12.8B](https://huggingface.co/EleutherAI/polyglot-ko-12.8b) and other variants.
### Fine-tuning
```
torchrun --nproc_per_node=8 fine-tune.py \
--model_name_or_path path_to/Llama-2-7b-hf \
--bf16 True \
--output_dir path_to_saving_checkpoints \
--cache_dir path_to_cache \
--model_max_length 8192 \
--use_flash_attn True \
--low_rank_training False \
--num_train_epochs 1 \
--per_device_train_batch_size 1 \
--per_device_eval_batch_size 2 \
--gradient_accumulation_steps 8 \
--evaluation_strategy "no" \
--save_strategy "steps" \
--save_steps 1000 \
--save_total_limit 2 \
--learning_rate 2e-5 \
--weight_decay 0.0 \
--warmup_steps 20 \
--lr_scheduler_type "constant_with_warmup" \
--logging_steps 1 \
--deepspeed "ds_configs/stage2.json" \
--tf32 True \
--max_steps 1000
```
- Please remember to change `path_to/Llama-2-7b-hf`, `path_to_saving_checkpoints`, `path_to_cache` to your own directory.
- Note that you can change `model_max_length` to other values.
- You could change `ds_configs/stage2.json` to `ds_configs/stage3.json` if you want.
- Please set `use_flash_attn` as `False` if you use V100 machines or do not install flash attention.
- You can set `low_rank_training` as `False` if you want to use fully fine-tuning. It will cost more GPU memory and slower, but the performance will be a bit better.
- When training is finished, to get the full model weight:
```
cd path_to_saving_checkpoints && python zero_to_fp32.py . pytorch_model.bin
```
### Supervised Fine-tuning
```
torchrun --nproc_per_node=8 supervised-fine-tune.py \
--model_name_or_path path_to_Llama2_chat_models \
--bf16 True \
--output_dir path_to_saving_checkpoints \
--model_max_length 32768 \
--use_flash_attn True \
--data_path LongAlpaca-12k.json \
--low_rank_training True \
--num_train_epochs 3 \
--per_device_train_batch_size 1 \
--per_device_eval_batch_size 2 \
--gradient_accumulation_steps 1 \
--evaluation_strategy "no" \
--save_strategy "steps" \
--save_steps 1000 \
--save_total_limit 2 \
--learning_rate 2e-5 \
--weight_decay 0.0 \
--warmup_steps 20 \
--lr_scheduler_type "constant_with_warmup" \
--logging_steps 1 \
--deepspeed "ds_configs/stage2.json" \
--tf32 True
```
- There is no need to make supervised fine-tuning upon the fine-tuned context extended models. It is all right to directly use base model as Llama2-chat models, as the amount of long instruction following data is enough for SFT.
- Our long instruction following data can be found in [LongAlpaca-12k.json](https://huggingface.co/datasets/Yukang/LongAlpaca-12k).
### Get trainable weights in low-rank training
In low-rank training, we set embedding and normalization layers as trainable. Please use the following line to extract the trainable weights `trainable_params.bin` from `pytorch_model.bin`
```
python3 get_trainable_weights.py --checkpoint_path path_to_saving_checkpoints --trainable_params "embed,norm"
```
### Merge LoRA Weight
Merge the LoRA weights of `pytorch_model.bin` and trainable parameters `trainable_params.bin`, save the resulting model into your desired path in the Hugging Face format:
```
python3 merge_lora_weights_and_save_hf_model.py \
--base_model path_to/Llama-2-7b-hf \
--peft_model path_to_saving_checkpoints \
--context_size 8192 \
--save_path path_to_saving_merged_model
```
For example,
```
python3 merge_lora_weights_and_save_hf_model.py \
--base_model /dataset/pretrained-models/Llama-2-7b-hf \
--peft_model /dataset/yukangchen/hf_models/lora-models/Llama-2-7b-longlora-8k \
--context_size 8192 \
--save_path /dataset/yukangchen/models/Llama-2-7b-longlora-8k-merged
```
## Evaluation
### Perplexity Validation
To evaluate a model that is trained in the low-rank setting, please set both `base_model` and `peft_model`. `base_model` is the pre-trained weight. `peft_model` is the path to the saved checkpoint, which should contain `trainable_params.bin`, `adapter_model.bin` and `adapter_config.json`. For example,
```
python3 eval.py --seq_len 8192 --context_size 8192 --batch_size 1 --base_model path_to/Llama-2-7b-hf --peft_model path_to_saving_checkpoints --data_path pg19/test.bin
```
To evaluate a model that is fully fine-tuned, you only need to set `base_model` as the path to the saved checkpoint, which should contain `pytorch_model.bin` and `config.json`. `peft_model` should be ignored.
```
python3 eval.py --seq_len 8192 --context_size 8192 --batch_size 1 --base_model path_to_saving_checkpoints --data_path pg19/test.bin
```
- Note that `--seq_len` is to set the sequence length for evaluation. `--context_size` is to set the context length of the model during fine-tuning. `--seq_len` should not be larger than `--context_size`.
- We have already tokenized the validation and test splits of PG19 and proof-pile dataset into `pg19/validation.bin`, `pg19/test.bin`, and `proof-pile/test_sampled_data.bin`, with the tokenizer of LLaMA. `proof-pile/test_sampled_data.bin` contains 128 documents that are randomly sampled from the total proof-pile test split. For each document, it has at least 32768 tokens. We also release the sampled ids in [proof-pile/test_sampled_ids.bin](https://drive.google.com/file/d/1cnzWODLRQYAd7HeugzLCIhaqzaLZv7J5/view?usp=share_link). You can download them from the links below.
| Dataset | Split | Link |
|:-----------|------------|--------------------------------------------------------------------------------------------------------------|
| PG19 | validation | [pg19/validation.bin](https://drive.google.com/file/d/1rbJvb0qRIf2mQoN2ON7S93TbTzMnlrN6/view?usp=share_link) |
| PG19 | test | [pg19/test.bin](https://drive.google.com/file/d/1QANDMdctpacPAYgS04adDXqByGEq-Ret/view?usp=share_link) |
| Proof-pile | test | [proof-pile/test_sampled_data.bin](https://drive.google.com/file/d/1bUI5lPDvrqzY_XXJJ2sSuvZx0Y9AZClE/view?usp=share_link) |
### Passkey Retrieval
We provide a manner to test the passkey retrieval accuracy. For example,
```
python3 passkey_retrivial.py \
--context_size 32768 \
--base_model path_to/Llama-2-7b-longlora-32k \
--max_tokens 32768 \
--interval 1000
```
- Note that the `context_size` is the context length during fine-tuning.
- `max_tokens` is maximum length for the document in passkey retrieval evaluation.
- `interval` is the interval during the document length increasing. It is a rough number because the document increases by sentences.
## Demo
### Local Inference
To chat with [Llama-2-13b-chat-longlora-32k-sft](https://huggingface.co/Yukang/Llama-2-13b-chat-longlora-32k-sft) or [Llama-2-70b-chat-longlora-32k-sft](https://huggingface.co/Yukang/Llama-2-70b-chat-longlora-32k-sft), you need to run `merge_lora_weights_and_save_hf_model.py` first, and then:
```
python3 inference.py \
--base_model path_to_model \
--question $question \
--context_size $context_length \
--max_gen_len $max_gen_len \
--flash_attn True \
--material $material_content \
--material_type $material_type \
--material_title $material_title
```
To ask a question related to a book:
```
python3 inference.py \
--base_model /data/models/Llama-2-13b-chat-longlora-32k-sft \
--question "Why doesn't Professor Snape seem to like Harry?" \
--context_size 32768 \
--max_gen_len 512 \
--flash_attn True \
--material "materials/Harry Potter and the Philosophers Stone_section2.txt" \
--material_type "book" \
--material_title "Harry Potter and the Philosophers Stone"
```
Note that you can ignore `material_type` or `material_title`.
To ask a question related to a paper:
```
python3 inference.py \
--base_model /data/models/Llama-2-13b-chat-longlora-32k-sft \
--question "What are the main contributions and novelties of this work?" \
--context_size 32768 \
--max_gen_len 512 \
--flash_attn True \
--material "materials/paper1.txt" \
--material_type "paper"
```
### Online Demo
To deploy your own demo run
```
python3 demo.py \
--base_model path_to_model \
--context_size $context_size \
--max_gen_len $max_gen_len \
--flash_attn True
```
Example
```
python3 demo.py \
--base_model /data/models/Llama-2-13b-chat-longlora-32k-sft \
--context_size 32768 \
--max_gen_len 512 \
--flash_attn True
```
- Note that `flash_attn=True` will make the generation slow but save much GPU memory.
## Data Generation via Pdf2text
During our dataset collection, we convert paper and books from pdf to text. The conversion quality has a large influence on the final model quality. We think that this step is non-trivial. We release the tool for the pdf2txt conversion, in the folder `pdf2txt`. It is built upon `pdf2image`, `easyocr`, `ditod` and `detectron2`. Please refer to the [README.md](pdf2txt/README.md) in `pdf2txt` for more details.
## Citation
If you find this project useful in your research, please consider citing:
```
@article{longlora,
title={LongLoRA: Efficient Fine-tuning of Long-Context Large Language Models},
author={Yukang Chen and Shengju Qian and Haotian Tang and Xin Lai and Zhijian Liu and Song Han and Jiaya Jia},
journal={arXiv:2309.12307},
year={2023}
}
```
```
@misc{long-alpaca,
author = {Yukang Chen and Shaozuo Yu and Shengju Qian and Haotian Tang and Xin Lai and Zhijian Liu and Song Han and Jiaya Jia},
title = {Long Alpaca: Long-context Instruction-following models},
year = {2023},
publisher = {GitHub},
journal = {GitHub repository},
howpublished = {\url{https://github.com/dvlab-research/LongLoRA}},
}
```
## Acknowledgement
- This work is built upon the [LLaMA2](https://ai.meta.com/llama) as the pre-trained models.
- This work can also be built upon the [GPTNeoX-HF](https://huggingface.co/docs/transformers/model_doc/gpt_neox) which is based upon [EleutherAI/GPTNeoX](https://github.com/EleutherAI/gpt-neox) as the pre-trained model architecture.
- This work is based on [DeepSpeed](https://github.com/microsoft/DeepSpeed), [peft](https://github.com/huggingface/peft), and [Flash-Attention2](https://github.com/Dao-AILab/flash-attention) for acceleration.
- Some evaluation code is modified upon [Landmark Attention](https://github.com/epfml/landmark-attention).
- We use [LongChat](https://github.com/DachengLi1/LongChat) for the retrieval evaluation.
## License
- LongLoRA is licensed under the Apache License 2.0. This means that it requires the preservation of copyright and license notices.
- Data and weights are under CC-BY-NC 4.0 License. They are licensed for research use only, and allowed only non-commercial. Models trained using the dataset should not be used outside of research purposes.
|
[
-0.5884331464767456,
-0.6896625757217407,
0.5236799120903015,
0.48572924733161926,
-0.3544394373893738,
-0.41559937596321106,
-0.30604586005210876,
-0.727525532245636,
0.3211347758769989,
0.48291510343551636,
-0.6353682279586792,
-0.7877796292304993,
-0.4473293721675873,
0.15306586027145386,
-0.23214295506477356,
1.187361717224121,
-0.2141733169555664,
-0.27305448055267334,
0.06691325455904007,
-0.44768720865249634,
-0.4387858510017395,
-0.4336465001106262,
-0.6416406631469727,
-0.3691323399543762,
0.7647053003311157,
0.12508630752563477,
0.646313488483429,
0.6282401084899902,
0.39965733885765076,
0.2824942171573639,
-0.3567771017551422,
0.26522377133369446,
-0.5495225787162781,
-0.287608802318573,
-0.04402531310915947,
-0.21162550151348114,
-0.9862250685691833,
-0.06958506256341934,
0.6337800025939941,
0.3620665669441223,
-0.003828964661806822,
0.46151942014694214,
0.1689644157886505,
0.8860480189323425,
-0.4724760055541992,
0.2900579571723938,
-0.1078517884016037,
-0.14671777188777924,
-0.41476747393608093,
-0.005974296946078539,
-0.13118115067481995,
-0.2524445652961731,
-0.02897406741976738,
-0.6818650960922241,
-0.14456216990947723,
-0.0585981160402298,
1.0999243259429932,
0.4230586886405945,
-0.6129192113876343,
-0.28311190009117126,
-0.3506042957305908,
0.8615154027938843,
-0.9944528937339783,
0.3653644621372223,
0.4853099584579468,
0.21905086934566498,
-0.37600022554397583,
-0.6349048018455505,
-0.548313558101654,
-0.1101452112197876,
-0.24601933360099792,
0.15071813762187958,
-0.2828029692173004,
0.00954904779791832,
0.4457533657550812,
0.3404344916343689,
-0.5887755751609802,
0.26721903681755066,
-0.49932342767715454,
0.14897407591342926,
0.8663381934165955,
0.020333759486675262,
0.15460266172885895,
-0.293588787317276,
-0.6054547429084778,
-0.29463696479797363,
-0.6448381543159485,
0.377750039100647,
0.2829718589782715,
0.3437735140323639,
-0.6716542840003967,
0.4857049882411957,
-0.4345449209213257,
0.8307399749755859,
0.09404582530260086,
-0.41419127583503723,
0.612441897392273,
-0.37596604228019714,
-0.5003215074539185,
-0.15625277161598206,
0.9709738492965698,
0.35275182127952576,
-0.09567810595035553,
0.2663170099258423,
-0.26034677028656006,
-0.16788940131664276,
-0.20732611417770386,
-0.9691133499145508,
0.05908793583512306,
0.3884897232055664,
-0.5272659063339233,
-0.2619250416755676,
-0.06631877273321152,
-0.9187282919883728,
-0.09046651422977448,
-0.40255266427993774,
0.41380774974823,
-0.3741040825843811,
-0.24998608231544495,
0.2873861789703369,
0.16272896528244019,
0.4485597610473633,
0.36188486218452454,
-0.6558932662010193,
0.25505053997039795,
0.6066747307777405,
0.849362850189209,
-0.23149077594280243,
-0.3000716269016266,
-0.20129723846912384,
0.04818016290664673,
-0.24215258657932281,
0.4290649890899658,
-0.08135479688644409,
-0.30039530992507935,
-0.22266392409801483,
0.4629487991333008,
-0.11393982917070389,
-0.3121655285358429,
0.6664315462112427,
-0.3874104619026184,
0.2179335206747055,
-0.5035544633865356,
-0.46671557426452637,
-0.4092802405357361,
0.2524583041667938,
-0.6538057923316956,
1.2478317022323608,
0.4452131390571594,
-0.8848557472229004,
0.1821128875017166,
-0.8540915250778198,
-0.1668909192085266,
-0.3363627791404724,
0.1109205037355423,
-0.7466038465499878,
-0.3224703073501587,
0.43959179520606995,
0.7195476293563843,
-0.36208412051200867,
0.2943063974380493,
-0.4886360764503479,
-0.3742887079715729,
0.09449256956577301,
-0.05872068181633949,
1.0330810546875,
0.2623147964477539,
-0.5812628269195557,
0.37883397936820984,
-0.9369346499443054,
-0.0767819881439209,
0.44365161657333374,
-0.37556231021881104,
-0.24207140505313873,
-0.26148521900177,
0.05574639141559601,
0.26447761058807373,
0.24756401777267456,
-0.34833043813705444,
0.4562720060348511,
-0.22333893179893494,
0.5795499682426453,
0.7347707748413086,
-0.18483996391296387,
0.1949038952589035,
-0.4410429000854492,
0.45188233256340027,
0.14671021699905396,
0.29476991295814514,
0.07240593433380127,
-0.44363051652908325,
-0.949637234210968,
-0.5182588696479797,
0.16093021631240845,
0.3919106721878052,
-0.6847817301750183,
0.6472288966178894,
-0.46691668033599854,
-0.6477392315864563,
-0.403228759765625,
0.24276502430438995,
0.485552042722702,
0.6658521890640259,
0.5991044044494629,
-0.28576770424842834,
-0.34274619817733765,
-1.0235856771469116,
0.3471929430961609,
0.009305354207754135,
0.012906455434858799,
0.36486488580703735,
0.8757522106170654,
-0.5191112160682678,
0.8466019034385681,
-0.5884110331535339,
-0.33543092012405396,
-0.10717583447694778,
-0.16159121692180634,
0.4921054244041443,
0.6139600276947021,
1.0883718729019165,
-0.6906644105911255,
-0.3712514042854309,
-0.09712258726358414,
-0.767542839050293,
0.019211407750844955,
0.07227886468172073,
-0.34407326579093933,
0.4497010409832001,
0.3270791172981262,
-0.8833764791488647,
0.5800383687019348,
0.6942687034606934,
-0.4660860002040863,
0.6037747263908386,
-0.02434171363711357,
0.09633606672286987,
-1.3437315225601196,
0.3743637502193451,
0.1317877173423767,
-0.34116142988204956,
-0.5488623976707458,
0.17746314406394958,
0.222700297832489,
0.024201253429055214,
-0.6585738658905029,
0.9182183146476746,
-0.5739272236824036,
-0.0861314982175827,
-0.18613481521606445,
-0.06134398654103279,
0.0851900577545166,
0.8850064277648926,
0.01809101551771164,
0.8170762062072754,
0.505214512348175,
-0.6179686188697815,
0.34193751215934753,
0.29809099435806274,
-0.3344206213951111,
0.2728745639324188,
-0.9585555195808411,
0.22982238233089447,
-0.017071295529603958,
0.725620448589325,
-0.6554936170578003,
-0.47398045659065247,
0.5640506744384766,
-0.16165918111801147,
0.3858720660209656,
-0.287128746509552,
-0.3788323402404785,
-0.7074382305145264,
-0.583839476108551,
0.6044512987136841,
0.46735337376594543,
-0.7646850347518921,
0.2557215988636017,
0.1692701280117035,
0.08176541328430176,
-0.6686496734619141,
-0.5873093008995056,
-0.24050341546535492,
-0.5883442163467407,
-0.7461193203926086,
0.39741334319114685,
-0.2423839569091797,
-0.022128835320472717,
-0.19180083274841309,
0.22480258345603943,
0.057453595101833344,
-0.0421658419072628,
0.4348719120025635,
0.3255435824394226,
-0.2302374392747879,
0.1169242337346077,
-0.10315477102994919,
0.05938972532749176,
-0.17009562253952026,
-0.005439996253699064,
0.688818097114563,
-0.3738378584384918,
-0.2681063413619995,
-0.6896731853485107,
0.1638912856578827,
0.6158158779144287,
-0.34537795186042786,
0.7870573401451111,
0.828662097454071,
-0.3311707675457001,
-0.08028865605592728,
-0.5902664065361023,
0.019521407783031464,
-0.49851104617118835,
0.3422398269176483,
-0.2864362299442291,
-0.8182576894760132,
0.8015673756599426,
0.20842020213603973,
0.11456434428691864,
0.6353625655174255,
0.5155086517333984,
0.2468779981136322,
0.8926020264625549,
0.6197183728218079,
-0.353485107421875,
0.6071590781211853,
-0.544653594493866,
-0.1575012356042862,
-1.03786301612854,
-0.12072939425706863,
-0.34829169511795044,
-0.2820207178592682,
-0.7125864028930664,
-0.710779070854187,
0.41081416606903076,
0.1909872144460678,
-0.5503849387168884,
0.42795494198799133,
-0.6421279907226562,
0.17538321018218994,
0.5014240741729736,
0.32879623770713806,
-0.008067461661994457,
-0.19180333614349365,
0.3096511960029602,
0.256781667470932,
-0.4783017635345459,
-0.3366893231868744,
1.1578900814056396,
0.7106578946113586,
0.6395455598831177,
0.08489945530891418,
0.9212480783462524,
-0.06523481011390686,
0.29005274176597595,
-0.7757487893104553,
0.5785661339759827,
-0.004537554923444986,
-0.49901196360588074,
-0.37803447246551514,
-0.4923042058944702,
-1.1317040920257568,
0.19537580013275146,
-0.10341865569353104,
-0.6917788982391357,
0.3829862177371979,
0.10300710797309875,
-0.6033360362052917,
0.2695023715496063,
-0.4934598505496979,
0.9245402812957764,
-0.34469062089920044,
-0.42886438965797424,
-0.013829130679368973,
-0.6830262541770935,
0.6921418309211731,
-0.031403716653585434,
0.15796266496181488,
-0.2713561952114105,
0.06814078241586685,
1.0676460266113281,
-0.5483578443527222,
0.923944354057312,
-0.19030222296714783,
-0.3022330701351166,
0.5307773947715759,
-0.3151434659957886,
0.706572949886322,
0.0729808509349823,
-0.16194574534893036,
0.29989248514175415,
0.16456542909145355,
-0.5493723154067993,
-0.4491353929042816,
0.6924618482589722,
-0.9263002872467041,
-0.4583054184913635,
-0.5311867594718933,
-0.57365483045578,
-0.02627868577837944,
0.3148825168609619,
0.12826968729496002,
0.1920633316040039,
0.04310642182826996,
0.24806371331214905,
0.5917777419090271,
-0.3857840895652771,
0.46143871545791626,
0.27084729075431824,
-0.3951159417629242,
-0.4604908227920532,
0.7211931347846985,
0.04583771526813507,
0.21629509329795837,
0.025477683171629906,
0.1563878208398819,
-0.1377430409193039,
-0.5878776907920837,
-0.5171570777893066,
0.5684987902641296,
-0.6090125441551208,
-0.41480785608291626,
-0.46810194849967957,
-0.2567928731441498,
-0.5996083617210388,
-0.04603119567036629,
-0.47958242893218994,
-0.3293554484844208,
-0.6633636951446533,
-0.05364615097641945,
0.610772430896759,
0.5832653045654297,
0.07651838660240173,
0.4114675521850586,
-0.7489098310470581,
0.3399294316768646,
0.40210670232772827,
0.28878268599510193,
-0.03511809930205345,
-0.5719671845436096,
-0.21176719665527344,
0.31867432594299316,
-0.41147303581237793,
-0.8103006482124329,
0.7063122391700745,
0.062256596982479095,
0.2535429894924164,
0.3773496150970459,
-0.10553082078695297,
1.047203779220581,
-0.184282124042511,
0.8344648480415344,
0.2652742266654968,
-0.7550401091575623,
0.6503942608833313,
-0.6711465716362,
0.3508753776550293,
0.49970653653144836,
0.43349605798721313,
-0.3402611017227173,
0.08546409755945206,
-0.46818116307258606,
-1.0172468423843384,
0.6748166680335999,
0.15981778502464294,
-0.09288646280765533,
0.11446762830018997,
0.5774600505828857,
0.044028300791978836,
0.06173933669924736,
-1.0796422958374023,
-0.25649023056030273,
-0.2217564731836319,
-0.22978338599205017,
-0.19824254512786865,
-0.24094639718532562,
-0.42773205041885376,
-0.484677791595459,
0.8180862069129944,
-0.38588863611221313,
0.17801854014396667,
0.36200860142707825,
0.02059551514685154,
-0.06469236314296722,
0.13809233903884888,
0.8600607514381409,
0.780862033367157,
-0.38803866505622864,
-0.2701514959335327,
0.30589818954467773,
-0.27036821842193604,
-0.10937778651714325,
0.2573080062866211,
-0.2329532653093338,
-0.2252267748117447,
0.42507776618003845,
1.1254922151565552,
0.3044240474700928,
-0.4799340069293976,
0.4858243465423584,
-0.04282112792134285,
-0.17791379988193512,
-0.4294413626194,
0.06625581532716751,
0.2392505258321762,
0.4057725667953491,
0.20847967267036438,
-0.30912306904792786,
0.00491312425583601,
-0.6591334939002991,
0.00502252159640193,
0.4546267092227936,
-0.18832314014434814,
-0.47449028491973877,
0.5766077041625977,
0.05695295333862305,
0.10920634865760803,
0.4884137511253357,
-0.177459716796875,
-0.42385488748550415,
0.8108887076377869,
0.5293178558349609,
0.6771420240402222,
-0.14969958364963531,
-0.006310010328888893,
0.6867443919181824,
-0.06977874785661697,
-0.37058666348457336,
0.24367962777614594,
0.06022367253899574,
-0.3533669412136078,
-0.10662531107664108,
-0.9909602403640747,
0.023492714390158653,
0.37553685903549194,
-0.7369191646575928,
0.43594372272491455,
-0.36187782883644104,
-0.4402281641960144,
-0.07037552446126938,
0.3948361575603485,
-0.8123006224632263,
0.2065640091896057,
0.19988706707954407,
0.958077073097229,
-0.7506119608879089,
1.0561891794204712,
0.38908621668815613,
-0.4541262686252594,
-0.9864194393157959,
-0.3042532503604889,
-0.01550973765552044,
-0.8681250810623169,
0.5929871201515198,
0.30535393953323364,
0.10878312587738037,
-0.2893711030483246,
-0.7576457858085632,
-1.208720088005066,
1.6001439094543457,
0.3501989245414734,
-0.7195205092430115,
-0.23609015345573425,
0.07005275785923004,
0.6265277862548828,
-0.2963884472846985,
0.212868794798851,
0.6396664381027222,
0.5878982543945312,
0.12905541062355042,
-1.2959524393081665,
0.2630191445350647,
-0.25189560651779175,
-0.05431909114122391,
0.1503078043460846,
-1.2927864789962769,
1.1358705759048462,
-0.17734576761722565,
-0.09941830486059189,
0.2484927624464035,
0.9089303612709045,
0.6504020690917969,
0.43803051114082336,
0.5036443471908569,
0.803314745426178,
0.6607826948165894,
0.007208874449133873,
1.0409579277038574,
-0.2515459656715393,
0.5614079833030701,
1.050370454788208,
0.01308831013739109,
0.8165614008903503,
0.4098692536354065,
-0.28994932770729065,
0.39923471212387085,
0.9529221057891846,
-0.05202249065041542,
0.2664819359779358,
0.1435563564300537,
0.019428519532084465,
-0.046890899538993835,
0.02842799574136734,
-0.7418549060821533,
0.4438961148262024,
0.21929903328418732,
-0.37883684039115906,
-0.026126505807042122,
-0.05773950740695,
0.3698781430721283,
-0.3809834420681,
-0.3878895044326782,
0.5358806848526001,
0.38387200236320496,
-0.6164340376853943,
1.1377673149108887,
-0.024921875447034836,
1.0662131309509277,
-0.7506194114685059,
0.09416569024324417,
-0.23927618563175201,
0.17050956189632416,
-0.3767194151878357,
-0.6938676834106445,
0.032524093985557556,
-0.02263316884636879,
0.04998788610100746,
-0.14108525216579437,
0.6044605374336243,
-0.407560259103775,
-0.7035224437713623,
0.5735529661178589,
0.22177360951900482,
0.1878686398267746,
0.09503569453954697,
-0.9280736446380615,
0.2556433379650116,
-0.044150110334157944,
-0.859190046787262,
0.5837651491165161,
0.21779844164848328,
-0.2899593114852905,
0.8168535828590393,
0.7331182956695557,
0.0400129035115242,
0.020556462928652763,
-0.08515451848506927,
1.1821590662002563,
-0.7766309380531311,
-0.42157110571861267,
-0.7329084277153015,
0.5039209723472595,
-0.05675496160984039,
-0.4842630922794342,
0.7005344033241272,
0.5262911319732666,
0.7920754551887512,
0.11236806958913803,
0.3792915940284729,
-0.05227113887667656,
0.48000651597976685,
-0.6070458292961121,
0.8107647895812988,
-0.891457200050354,
0.00257769413292408,
-0.373757541179657,
-0.938949704170227,
-0.20802921056747437,
0.4748973250389099,
-0.29826104640960693,
0.16891057789325714,
0.30806639790534973,
0.8086678385734558,
-0.22889088094234467,
-0.27055200934410095,
-0.026799237355589867,
0.1837475299835205,
0.5762617588043213,
0.9078762531280518,
0.3589315116405487,
-0.6552515625953674,
0.22136026620864868,
-0.5812464952468872,
-0.1907161921262741,
-0.36002135276794434,
-0.8475868701934814,
-0.9675852060317993,
-0.5668566823005676,
-0.25438550114631653,
-0.35340726375579834,
-0.00667430879548192,
1.0833855867385864,
0.9206710457801819,
-0.7593259215354919,
-0.33038291335105896,
0.32622411847114563,
0.043671153485774994,
-0.17317961156368256,
-0.21243132650852203,
0.817566454410553,
0.07271681725978851,
-0.8739331364631653,
0.41583147644996643,
-0.16832248866558075,
0.4875437617301941,
-0.06526198983192444,
-0.35133346915245056,
-0.21307268738746643,
-0.04619733989238739,
0.7588532567024231,
0.6435414552688599,
-0.6630005240440369,
-0.3675699532032013,
-0.1462843269109726,
-0.1648380160331726,
0.14432159066200256,
0.2135169506072998,
-0.6225438714027405,
-0.005885179154574871,
0.46983930468559265,
0.21863678097724915,
0.7251599431037903,
0.21318727731704712,
0.14405059814453125,
-0.4853597581386566,
0.5771404504776001,
0.1283867061138153,
0.49554643034935,
0.29974380135536194,
-0.32277655601501465,
0.8123053312301636,
-0.050163451582193375,
-0.7298340201377869,
-1.1557536125183105,
0.010538071393966675,
-1.4854754209518433,
-0.23128823935985565,
1.3119388818740845,
-0.2942366898059845,
-0.698333203792572,
0.45902884006500244,
-0.22606398165225983,
0.3968767523765564,
-0.41109853982925415,
0.7697290182113647,
0.49728405475616455,
-0.22073566913604736,
-0.021206092089414597,
-0.6841134428977966,
0.6668815016746521,
0.31535857915878296,
-1.0660896301269531,
0.09723219275474548,
0.5128573179244995,
0.5156857967376709,
0.24503973126411438,
0.7418678402900696,
-0.11222133040428162,
0.14474132657051086,
-0.5459281802177429,
0.08889442682266235,
-0.3072914481163025,
-0.12846322357654572,
-0.359933078289032,
-0.08070885390043259,
-0.25284045934677124,
-0.03954802080988884
] |
lmsys/longchat-13b-16k
|
lmsys
| 2023-07-29T02:59:51Z | 4,961 | 128 |
transformers
|
[
"transformers",
"pytorch",
"llama",
"text-generation",
"has_space",
"text-generation-inference",
"region:us"
] |
text-generation
| 2023-06-28T05:33:42Z |
---
inference: false
---
# longchat-13b-16k Model Card
## Usage
Please use load_model from FastChat or LongChat repo to load the model (or chatting API from FastChat). There is a monkey patch needed to use the model.
Usage referece:
(LongChat) python3 eval.py --model-name-or-path lmsys/longchat-13b-16k --task topics
(FastChat) python3 -m fastchat.serve.cli --model-path lmsys/longchat-13b-16k
Under the hood, the monkey patch is added in:
https://github.com/lm-sys/FastChat/blob/da0641e567cf93756b0978ab5a6b092e96f06240/fastchat/model/model_adapter.py#L429
## Model details
**Model type:**
longchat-13b-16k is an open-source chatbot trained by fine-tuning llama-13b on user-shared conversations collected from ShareGPT, using the condensing rotary embedding technique reported in the [blog](https://lmsys.org/blog/2023-06-29-longchat).
**Model date:**
longchat-13b-16k was trained on June 2023.
**Organizations developing the model:**
The LongChat developers: Dacheng Li*, Rulin Shao*, Anze Xie, Ying Sheng, Lianmin Zheng, Ion Stoica, Xuezhe Ma, and Hao Zhang
**Paper or resources for more information:**
https://github.com/DachengLi1/LongChat
**Where to send questions or comments about the model:**
https://github.com/DachengLi1/LongChat
## Intended use
**Primary intended uses:**
The primary use of longchat-13b-16k is for research purposes.
**Primary intended users:**
The primary intended users of the model are researchers in natural language processing, machine learning, and artificial intelligence.
## Training dataset
18K conversations collected from ShareGPT.com.
## Evaluation dataset
A preliminary evaluation of the model quality is conducted by our released [LongEval](https://github.com/DachengLi1/LongChat).
|
[
-0.2712010443210602,
-0.9214392900466919,
0.3622422516345978,
0.6445318460464478,
-0.4446267783641815,
-0.04586578905582428,
-0.24169600009918213,
-0.791553258895874,
0.28148356080055237,
0.5137894153594971,
-0.7391541004180908,
-0.29012125730514526,
-0.26073867082595825,
-0.011330346576869488,
-0.09396105259656906,
1.0649000406265259,
0.23046471178531647,
-0.15812209248542786,
-0.07490073889493942,
0.01780037209391594,
-0.6852370500564575,
-0.5658807158470154,
-0.920690655708313,
-0.360094279050827,
0.4336647689342499,
0.3924557864665985,
0.7526269555091858,
0.3071642518043518,
0.469216525554657,
0.37657707929611206,
-0.2794501483440399,
0.22697705030441284,
-0.7870272397994995,
-0.18050070106983185,
-0.049480415880680084,
-0.3302326500415802,
-0.9248831272125244,
-0.054681502282619476,
0.5291560888290405,
0.31958872079849243,
-0.18815122544765472,
0.1574954390525818,
0.3408115804195404,
0.30524107813835144,
-0.08993922919034958,
0.4752780497074127,
-0.4977107048034668,
-0.4695843756198883,
-0.33924612402915955,
-0.032679442316293716,
-0.4235925078392029,
-0.20680008828639984,
0.09685375541448593,
-0.5301828384399414,
-0.32990941405296326,
0.0863165557384491,
0.9204562306404114,
0.017505912110209465,
-0.636995255947113,
-0.4829249680042267,
-0.7043347954750061,
0.7688294649124146,
-0.9547569155693054,
0.13672253489494324,
0.4752013385295868,
0.47112375497817993,
-0.3945465087890625,
-0.683593213558197,
-0.41150519251823425,
-0.49267134070396423,
-0.014919652603566647,
-0.10979076474905014,
-0.16346175968647003,
0.18779981136322021,
0.3445970118045807,
0.3046603202819824,
-0.4017220735549927,
0.35247719287872314,
-1.015139102935791,
-0.0928557738661766,
0.7316941618919373,
0.5074024796485901,
0.1092175617814064,
-0.1819974184036255,
-0.5457440614700317,
0.13276469707489014,
-0.3333846926689148,
0.1352410614490509,
0.5178667902946472,
0.44371557235717773,
-0.5831722021102905,
0.35633358359336853,
-0.22954681515693665,
0.5925893783569336,
-0.00449528219178319,
-0.10336851328611374,
0.428617000579834,
-0.2642683684825897,
-0.2924642860889435,
-0.22933581471443176,
1.049317717552185,
0.4870193600654602,
0.11770130693912506,
0.4266754984855652,
-0.02882874570786953,
-0.20736335217952728,
0.12379290163516998,
-1.0662648677825928,
0.10783391445875168,
0.3065837025642395,
-0.5106850862503052,
-0.4652027189731598,
-0.3046970069408417,
-0.5717652440071106,
-0.3293669819831848,
-0.11829917132854462,
0.21111620962619781,
-0.4556852877140045,
-0.4687519371509552,
0.16917270421981812,
0.2694920301437378,
0.13650234043598175,
0.34246164560317993,
-0.8539808392524719,
0.49859634041786194,
0.7185692191123962,
0.8612279295921326,
-0.0930124819278717,
-0.46488940715789795,
0.241696298122406,
-0.22348544001579285,
-0.5325191020965576,
0.47107815742492676,
-0.12017938494682312,
-0.28963467478752136,
0.08176491409540176,
0.3671189844608307,
-0.07043713331222534,
-0.5422753691673279,
0.9364597201347351,
-0.39656972885131836,
0.026232609525322914,
0.17641420662403107,
-0.5913012623786926,
-0.09424133598804474,
0.38499927520751953,
-0.5837153792381287,
1.160082459449768,
-0.17961187660694122,
-0.7433212995529175,
-0.14111657440662384,
-0.9844921827316284,
-0.21227064728736877,
0.34236791729927063,
0.24811945855617523,
-0.4247722625732422,
-0.2029997855424881,
-0.12390826642513275,
0.7667861580848694,
-0.1579461395740509,
0.5020301342010498,
-0.7203742861747742,
-0.5832645297050476,
0.44145646691322327,
-0.45759323239326477,
1.081990122795105,
0.3526933491230011,
0.2696700394153595,
0.3045453429222107,
-0.8899428844451904,
-0.08573100715875626,
0.3242473602294922,
-0.29047825932502747,
-0.34327763319015503,
-0.14419125020503998,
-0.006301651708781719,
0.03007335215806961,
0.5509423613548279,
-0.6315598487854004,
0.30934539437294006,
-0.3067384660243988,
0.7548225522041321,
0.6491459012031555,
-0.09562790393829346,
0.36335456371307373,
-0.3349240720272064,
0.19840770959854126,
0.24916726350784302,
0.42915186285972595,
-0.24728767573833466,
-0.7121604681015015,
-0.7350348234176636,
-0.13851909339427948,
-0.11909322440624237,
0.5592153668403625,
-0.42253732681274414,
0.5700501203536987,
-0.39802366495132446,
-0.9503105878829956,
-0.41322988271713257,
-0.12374269217252731,
-0.050910577178001404,
0.06720579415559769,
0.1662619560956955,
-0.10541204363107681,
-0.4775112569332123,
-0.8943343162536621,
-0.1392563283443451,
-0.24463500082492828,
0.2146659940481186,
0.6411574482917786,
0.71340411901474,
-0.5551223158836365,
0.6173794865608215,
-0.5497046113014221,
-0.12636078894138336,
-0.392993688583374,
-0.06890667229890823,
0.6004553437232971,
0.5470601916313171,
0.5401591658592224,
-0.38797909021377563,
-0.6064802408218384,
-0.3117649555206299,
-0.4844675362110138,
0.359041303396225,
-0.3309793472290039,
-0.3553711771965027,
0.1520276963710785,
0.2844972610473633,
-1.033169150352478,
0.7158203721046448,
0.6494918465614319,
-0.4683193862438202,
0.6326075196266174,
-0.2385416477918625,
0.04337988421320915,
-1.4776816368103027,
-0.07389399409294128,
-0.07744979858398438,
-0.3160663843154907,
-0.6445519328117371,
-0.030983256176114082,
0.2262846976518631,
-0.5363399386405945,
-0.577288806438446,
0.9232670068740845,
-0.4152032434940338,
0.37836068868637085,
-0.46635901927948,
-0.15759536623954773,
-0.2123081386089325,
0.6511638760566711,
-0.08523806929588318,
0.6158294677734375,
0.6292093992233276,
-0.7453891634941101,
0.7707804441452026,
0.3752613961696625,
-0.41062286496162415,
0.31896454095840454,
-0.7799180150032043,
0.43619436025619507,
0.2784942090511322,
0.5443546175956726,
-1.0674362182617188,
-0.17364796996116638,
0.6766623854637146,
-0.42240825295448303,
0.2638435661792755,
-0.172280952334404,
-0.18239791691303253,
-0.6873171329498291,
-0.12091003358364105,
0.4584426283836365,
0.35046008229255676,
-0.5850486755371094,
0.41414597630500793,
0.18770891427993774,
-0.04185476899147034,
-0.45543861389160156,
-0.7642589211463928,
0.16541576385498047,
-0.3748675286769867,
-0.9573671817779541,
0.40424293279647827,
-0.2740333080291748,
0.08531970530748367,
-0.23050811886787415,
0.10350091755390167,
-0.27160727977752686,
-0.05130978673696518,
0.5123204588890076,
0.2784730792045593,
-0.09566571563482285,
0.11093991994857788,
-0.3564186692237854,
-0.135088250041008,
0.08876962214708328,
0.1797134280204773,
0.8025285601615906,
-0.10144494473934174,
-0.127810999751091,
-0.8995159864425659,
0.23281502723693848,
0.6825166940689087,
-0.04805542528629303,
1.110375165939331,
0.602915346622467,
-0.37273162603378296,
-0.1263766884803772,
-0.5609109401702881,
-0.3591999113559723,
-0.5725309252738953,
0.6426364779472351,
-0.22593913972377777,
-0.737856388092041,
0.719683051109314,
0.03535076230764389,
0.1405336707830429,
0.3384283483028412,
0.4359692633152008,
0.0743778869509697,
0.5826624631881714,
0.662027895450592,
-0.23690730333328247,
0.7439590096473694,
-0.09756217896938324,
0.4351571500301361,
-0.6083886027336121,
-0.15419882535934448,
-0.5233175754547119,
-0.19047163426876068,
-0.842064380645752,
-0.4299459755420685,
-0.27410563826560974,
-0.11061946302652359,
-0.3516947031021118,
0.4210011661052704,
-0.3855947256088257,
0.27062347531318665,
0.6172065734863281,
0.2931099236011505,
-0.08695845305919647,
-0.2282758355140686,
0.3205840587615967,
0.03104320913553238,
-0.3328845500946045,
-0.4983219802379608,
1.0442085266113281,
0.7348672747612,
1.026867389678955,
-0.10000408440828323,
0.8806054592132568,
-0.0444101020693779,
0.00789792649447918,
-0.7711395621299744,
0.799343466758728,
0.22424378991127014,
-0.8338305950164795,
-0.22050058841705322,
-0.46589064598083496,
-0.9493167996406555,
-0.20663005113601685,
0.10611224174499512,
-0.858379065990448,
0.004928348585963249,
0.01957578770816326,
-0.3702229857444763,
0.20480243861675262,
-0.8164930939674377,
1.199718713760376,
-0.22240114212036133,
-0.18003098666667938,
-0.4587487280368805,
-0.4251968264579773,
0.5587087869644165,
0.1407940685749054,
0.18023067712783813,
-0.26209086179733276,
0.20327778160572052,
1.0457978248596191,
-0.42075029015541077,
1.277047038078308,
-0.12287100404500961,
-0.11764056980609894,
0.6349211931228638,
-0.06762868165969849,
0.7731759548187256,
-0.0013703133445233107,
0.014449418522417545,
0.39576759934425354,
0.23248615860939026,
-0.36505040526390076,
-0.37781745195388794,
0.9720385670661926,
-1.0233817100524902,
-0.4486359655857086,
-0.3838425874710083,
-0.4544895887374878,
0.07845617830753326,
0.16153131425380707,
-0.04771311581134796,
0.38493573665618896,
-0.1783360093832016,
0.46351373195648193,
0.2496797889471054,
-0.49039626121520996,
0.3962223529815674,
0.3410399854183197,
-0.43351319432258606,
-0.3515327274799347,
0.6910918951034546,
0.07800767570734024,
0.2833552360534668,
0.03618063032627106,
0.19378243386745453,
-0.2236758917570114,
-0.25733304023742676,
-0.06182529777288437,
0.3769448399543762,
-0.5524206757545471,
-0.17983418703079224,
-0.4347691535949707,
-0.6348543763160706,
-0.47370976209640503,
0.29931196570396423,
-0.6023351550102234,
-0.23980826139450073,
-0.597564697265625,
-0.034723613411188126,
0.6286649107933044,
0.5144217610359192,
0.0007038452313281596,
0.7543783783912659,
-0.8028594851493835,
0.24224475026130676,
0.18873347342014313,
0.3906071186065674,
0.0938037782907486,
-0.7892796993255615,
-0.4742347300052643,
0.3465633988380432,
-0.5862011313438416,
-0.847941517829895,
0.4294569790363312,
0.11955131590366364,
0.5472161173820496,
0.4303325414657593,
0.16953623294830322,
0.9194268584251404,
-0.34545913338661194,
0.8415225148200989,
0.08336717635393143,
-0.6692487597465515,
0.4371446669101715,
-0.48856911063194275,
0.13266673684120178,
0.22796468436717987,
0.4661315381526947,
-0.9044532775878906,
-0.025701381266117096,
-0.697969913482666,
-0.5589558482170105,
0.8821520209312439,
0.11213447153568268,
0.71039879322052,
-0.15495586395263672,
0.3971159756183624,
-0.08177674561738968,
-0.13147109746932983,
-1.0003300905227661,
-0.202371284365654,
-0.035417452454566956,
-0.25011828541755676,
-0.02715393155813217,
-0.6425036787986755,
0.01884138584136963,
-0.2831478714942932,
0.7210732102394104,
0.07725036889314651,
0.4853949546813965,
-0.23333972692489624,
0.1011701449751854,
0.09148946404457092,
0.2177216112613678,
0.655756413936615,
0.7748764753341675,
-0.4244198799133301,
-0.40141165256500244,
0.1648535430431366,
-0.47828906774520874,
-0.2729155719280243,
0.13612422347068787,
0.13688889145851135,
-0.1839626133441925,
0.13450804352760315,
1.2249137163162231,
0.3299344778060913,
-0.23787754774093628,
0.4829140603542328,
-0.15326273441314697,
-0.05347394943237305,
-0.43370407819747925,
-0.11177346855401993,
0.626078188419342,
0.4785905182361603,
0.21404176950454712,
-0.13117870688438416,
-0.11532633006572723,
-0.5890564322471619,
-0.20900526642799377,
0.37253692746162415,
-0.3849877417087555,
-0.32556918263435364,
0.349567711353302,
0.5447251200675964,
-0.6812808513641357,
0.862119734287262,
-0.08419039845466614,
-0.348630428314209,
0.5463467240333557,
0.7455810904502869,
0.6101384162902832,
-0.3593122959136963,
-0.05186932533979416,
0.614481508731842,
0.07105640321969986,
-0.09386888146400452,
0.24359087646007538,
0.097842738032341,
-0.6510734558105469,
-0.3118683695793152,
-0.432415246963501,
-0.39454126358032227,
0.44669345021247864,
-0.6083457469940186,
0.70921790599823,
-0.3371811509132385,
-0.3905993103981018,
-0.15416470170021057,
0.479933500289917,
-0.6325350403785706,
-0.08414293825626373,
0.19284847378730774,
0.9836075305938721,
-0.6991575956344604,
1.0524476766586304,
0.35436075925827026,
-0.173845112323761,
-0.866104781627655,
-0.4910458028316498,
-0.09586941450834274,
-1.081492304801941,
0.45106008648872375,
0.35929232835769653,
0.34015876054763794,
-0.17117838561534882,
-0.8834816217422485,
-0.8464000225067139,
1.0974667072296143,
0.02997283823788166,
-0.8060751557350159,
-0.08412092179059982,
0.1342736929655075,
0.3656104803085327,
-0.21348156034946442,
0.5134682059288025,
0.17898565530776978,
0.1681249588727951,
0.21091590821743011,
-1.341749906539917,
0.11199001967906952,
-0.24156808853149414,
-0.20451340079307556,
0.052828606218099594,
-0.9437443017959595,
0.8295817971229553,
-0.18506482243537903,
-0.06809172034263611,
0.5202809572219849,
0.8659693598747253,
0.372043639421463,
0.2590116858482361,
0.3323078155517578,
0.3340156078338623,
0.7012295722961426,
0.13469888269901276,
0.5410211682319641,
-0.4583265781402588,
0.603140115737915,
1.045994520187378,
-0.056380968540906906,
0.8416242599487305,
0.3829830586910248,
-0.15069307386875153,
0.3532883822917938,
0.8639834523200989,
-0.038815271109342575,
0.4491186738014221,
0.18770918250083923,
-0.01220865361392498,
-0.2610366642475128,
0.16257649660110474,
-0.5078494548797607,
0.25336867570877075,
0.5393238663673401,
-0.27262675762176514,
-0.12501204013824463,
-0.1209077388048172,
0.16623498499393463,
-0.5095552206039429,
-0.19355663657188416,
0.6542931795120239,
0.3957461714744568,
-0.4736078083515167,
0.7555128335952759,
0.07082449644804001,
1.0728322267532349,
-0.7822110056877136,
-0.07108918577432632,
-0.2432561069726944,
0.5814844369888306,
0.013782224617898464,
-0.7102014422416687,
0.24696502089500427,
-0.26229533553123474,
0.24155285954475403,
-0.11509457230567932,
0.9459124803543091,
-0.31273600459098816,
-0.4905141294002533,
0.38712984323501587,
0.2147686779499054,
0.4846991002559662,
-0.25772377848625183,
-0.9742510914802551,
0.3138962686061859,
0.07943030446767807,
-0.4031705856323242,
0.3883122205734253,
0.4972120225429535,
-0.16503961384296417,
0.9852004647254944,
0.6012604832649231,
-0.08236397057771683,
-0.05734653398394585,
-0.05609395354986191,
0.863349974155426,
-0.764244794845581,
-0.7035189867019653,
-1.0009167194366455,
0.48298513889312744,
-0.20851324498653412,
-0.5698412656784058,
0.672782301902771,
0.5360150933265686,
0.5609597563743591,
0.003771423362195492,
0.3901190459728241,
-0.03837547078728676,
0.7111701965332031,
-0.07878517359495163,
0.9916397929191589,
-0.43422743678092957,
0.0726458802819252,
-0.11152811348438263,
-0.7591685056686401,
0.11502639204263687,
0.5884926319122314,
-0.39151832461357117,
0.00894156750291586,
0.5104798674583435,
0.9539883732795715,
-0.38425350189208984,
0.21217676997184753,
0.39624640345573425,
0.36751648783683777,
0.5497528910636902,
0.5613940954208374,
1.1353846788406372,
-0.5597565174102783,
0.814034104347229,
-0.3247297704219818,
-0.26549580693244934,
-0.53141188621521,
-0.8793126940727234,
-1.2990940809249878,
-0.4884040653705597,
-0.24447226524353027,
-0.39457088708877563,
0.057612668722867966,
1.0374311208724976,
0.8278324007987976,
-0.39067643880844116,
-0.6180535554885864,
0.33140382170677185,
-0.06873885542154312,
-0.08257392793893814,
-0.21783074736595154,
0.27294179797172546,
-0.22622618079185486,
-0.6013336181640625,
0.377641499042511,
-0.28988057374954224,
0.26945605874061584,
-0.09152418375015259,
-0.2904514968395233,
-0.21188732981681824,
0.07474728673696518,
0.4028126895427704,
0.30592188239097595,
-0.6050347685813904,
-0.13925401866436005,
0.003643347881734371,
-0.2543129324913025,
0.18392065167427063,
0.39807140827178955,
-0.3598370850086212,
-0.10459516942501068,
0.3363073468208313,
0.22966411709785461,
0.8563477993011475,
-0.11170855909585953,
0.3361711800098419,
-0.5209296941757202,
0.5018229484558105,
0.1270909607410431,
0.27397841215133667,
0.29264071583747864,
-0.2577418088912964,
0.3286287784576416,
0.035052575170993805,
-0.8965662121772766,
-1.0558972358703613,
-0.12407775968313217,
-1.1380668878555298,
-0.19572824239730835,
1.2470256090164185,
-0.23709715902805328,
-0.5070018172264099,
0.09349191188812256,
-0.6227912902832031,
0.2915744483470917,
-0.6757219433784485,
0.524519145488739,
0.7896631956100464,
0.13772979378700256,
-0.18939822912216187,
-0.6204937696456909,
0.40164098143577576,
-0.19612883031368256,
-0.8331624269485474,
0.31887108087539673,
0.17577432096004486,
0.5046594738960266,
0.1539747565984726,
0.8088324666023254,
0.20822900533676147,
-0.07375308871269226,
-0.10951507836580276,
0.22429946064949036,
-0.19521112740039825,
-0.20080317556858063,
-0.09173763543367386,
-0.3532865047454834,
-0.06638558954000473,
-0.46936023235321045
] |
Yukang/LongAlpaca-7B
|
Yukang
| 2023-11-01T08:29:41Z | 4,952 | 9 |
transformers
|
[
"transformers",
"pytorch",
"safetensors",
"llama",
"text-generation",
"arxiv:2309.12307",
"endpoints_compatible",
"text-generation-inference",
"region:us"
] |
text-generation
| 2023-10-07T11:53:07Z |
# LongLoRA and LongAlpaca for Long-context LLMs
[](https://huggingface.co/Yukang)
[](https://github.com/dvlab-research/LongLoRA)
[](https://huggingface.co/datasets/Yukang/LongAlpaca-12k)
[](https://arxiv.org/abs/2309.12307)
[](https://github.com/dvlab-research/LongLoRA/blob/main/LICENSE)
[](https://github.com/dvlab-research/LongLoRA/blob/main/DATA_LICENSE)
[](https://github.com/dvlab-research/LongLoRA/blob/main/WEIGHT_LICENSE)
For detailed usage and codes, please visit the [Github project](https://github.com/dvlab-research/LongLoRA).
## TABLE OF CONTENTS
1. [News](#news)
2. [Examples](#examples)
3. [Highlights](#highlights)
4. [How to contribute](#how-to-contribute)
5. [Requirements](#usage-requirements)
6. [Installation and quick guide](#installation-and-quick-guide)
7. [LongAlpaca Data](#longalpaca-data)
8. [Models](#models)
9. [Training](#training)
10. [Evaluation](#evaluation)
11. [Demo](#demo)
12. [Data Generation via Pdf2Text](#data-generation-via-pdf2text)
13. [Citation](#citation)
14. [Acknowledgement](#acknowledgement)
15. [License](#license)
## News
- [x] [2023.10.8] **We release the long instruction-following dataset**, [LongAlpaca-12k](https://huggingface.co/datasets/Yukang/LongAlpaca-12k) and **the corresponding models**, [LongAlpaca-7B](https://huggingface.co/Yukang/LongAlpaca-7B), [LongAlpaca-13B](https://huggingface.co/Yukang/LongAlpaca-13B), and [LongAlpaca-70B](https://huggingface.co/Yukang/LongAlpaca-70B).
- (*The previous sft models*, [Llama-2-13b-chat-longlora-32k-sft](https://huggingface.co/Yukang/Llama-2-13b-chat-longlora-32k-sft) and [Llama-2-70b-chat-longlora-32k-sft](https://huggingface.co/Yukang/Llama-2-70b-chat-longlora-32k-sft), *have been depreciated*.)
- [x] [2023.10.3] We add support GPTNeoX models. Please refer to this [PR](https://github.com/dvlab-research/LongLoRA/pull/32) for usage. Thanks for @naubull2 for this contribution.
- [x] [2023.9.22] We release all our fine-tuned [models](https://huggingface.co/Yukang), including **70B-32k models**, [LLaMA2-LongLoRA-70B-32k](https://huggingface.co/Yukang/Llama-2-70b-longlora-32k), [LLaMA2-LongLoRA-7B-100k](https://huggingface.co/Yukang/Llama-2-7b-longlora-100k-ft). Welcome to check them out!
- [x] [2023.9.22] We release [Paper](http://arxiv.org/abs/2309.12307) and this GitHub repo, including training and evaluation code.
**LongLoRA: Efficient Fine-tuning of Long-Context Large Language Models [[Paper](http://arxiv.org/abs/2309.12307)]** <br />
[Yukang Chen](https://scholar.google.com/citations?user=6p0ygKUAAAAJ&hl=en),
[Shengju Qian](https://scholar.google.com/citations?user=QNnWmasAAAAJ),
[Haotian Tang](https://scholar.google.com/citations?user=WxL13BAAAAAJ&hl),
[Xin Lai](https://scholar.google.com/citations?user=tqNDPA4AAAAJ&hl=zh-CN),
[Zhijian Liu](https://scholar.google.com/citations?user=3coYSTUAAAAJ&hl=en),
[Song Han](https://scholar.google.com/citations?user=E0iCaa4AAAAJ&hl=zh-CN),
[Jiaya Jia](https://scholar.google.com/citations?user=XPAkzTEAAAAJ&hl=en)<br />
## Highlights
1. In LongLoRA approach, The proposed shifted short attention is easy to implement, compatible with Flash-Attention, and is not required during inference.
2. We released all our models, including models from 7B to 70B, context length from 8k to 100k, including [LLaMA2-LongLoRA-7B-100k](https://huggingface.co/Yukang/Llama-2-7b-longlora-100k-ft), [LLaMA2-LongLoRA-13B-64k](https://huggingface.co/Yukang/Llama-2-13b-longlora-64k), and [LLaMA2-LongLoRA-70B-32k](https://huggingface.co/Yukang/Llama-2-70b-longlora-32k).
3. We built up a long-context instruction-following dataset, [LongAlpaca-12k](#longalpaca-data). We released the corresponding [LongAlpaca-7B](https://huggingface.co/Yukang/LongAlpaca-7B), [LongAlpaca-13B](https://huggingface.co/Yukang/LongAlpaca-13B) and [LongAlpaca-70B](https://huggingface.co/Yukang/LongAlpaca-70B) models. To our best knowledge, this is the first open-sourced long-context 70B model.
## How to Contribute
- Make sure to have git installed.
- Create your own [fork](https://github.com/dvlab-research/LongLoRA/fork) of the project.
- Clone the repository on your local machine, using git clone and pasting the url of this project.
- Read both the `Requirements` and `Installation and Quick Guide` sections below.
- Commit and push your changes.
- Make a pull request when finished modifying the project.
## Usage Requirements
To download and use the [pre-trained weights](#pre-trained-weights) you will need:
1. Hugging Face (HF) account with valid email. Note, the email used for HF must alse be used for the license agreement.
2. Accept the Meta [license and acceptable use policy](https://ai.meta.com/resources/models-and-libraries/llama-downloads/)
## Installation and Quick Guide
To install and run the application:
1. [Fork this repo](https://github.com/dvlab-research/LongLoRA/fork) on github
2. Clone the repository on your local machine, using git clone and pasting the url of this project.
3. Run the following code:
```
pip install -r requirements.txt
pip install flash-attn --no-build-isolation
```
4. Use either a [Released model](#released-models) or [Fine tune](#fine-tuning) a model to fit your preferences.
5. Test your model by chat.
6. Deploy your own demo.
## LongAlpaca Data
LongAlpaca-12k contains 9k long QA data that we collected and 3k short QA sampled from the original [Alpaca data](https://github.com/tatsu-lab/stanford_alpaca/blob/main/alpaca_data.json). This is to avoid the case that the model might degrade at short instruction following. The data we collect contains various types and amounts as the following figure.
| Data | Short QA | Long QA | Total | Download |
|:---------------|----------|----------|----------|----------|
| LongAlpaca-12k | 3k | 9k | 12k | [Link](https://huggingface.co/datasets/Yukang/LongAlpaca-12k) |
Following the original Alpaca format, our Long QA data uses the following prompts for fine-tuning:
- `instruction`: `str`, describes the task the model should perform. For example, to answer a question after reading a book section or paper. We vary the contents and questions to make instructions diverse.
- `output`: `str`, the answer to the instruction.
We did not use the `input` format in the Alpaca format for simplicity.
## Models
### Models with supervised fine-tuning
| Model | Size | Context | Train | Link |
|:---------------|------|---------|---------|-----------------------------------------------------------------------------------------------------------------------|
| LongAlpaca-7B | 7B | 32768 | Full FT | [Model](https://huggingface.co/Yukang/LongAlpaca-7B) |
| LongAlpaca-13B | 13B | 32768 | Full FT | [Model](https://huggingface.co/Yukang/LongAlpaca-13B) |
| LongAlpaca-70B | 70B | 32768 | LoRA+ | [Model](https://huggingface.co/Yukang/LongAlpaca-70B) [(LoRA-weight)](https://huggingface.co/Yukang/LongAlpaca-70B-lora) |
### Models with context extension via fully fine-tuning
| Model | Size | Context | Train | Link |
|:----------------------------|------|---------|-------|-------------------------------------------------------------------|
| Llama-2-7b-longlora-8k-ft | 7B | 8192 | Full FT | [Model](https://huggingface.co/Yukang/Llama-2-7b-longlora-8k-ft) |
| Llama-2-7b-longlora-16k-ft | 7B | 16384 | Full FT | [Model](https://huggingface.co/Yukang/Llama-2-7b-longlora-16k-ft) |
| Llama-2-7b-longlora-32k-ft | 7B | 32768 | Full FT | [Model](https://huggingface.co/Yukang/Llama-2-7b-longlora-32k-ft) |
| Llama-2-7b-longlora-100k-ft | 7B | 100000 | Full FT | [Model](https://huggingface.co/Yukang/Llama-2-7b-longlora-100k-ft) |
| Llama-2-13b-longlora-8k-ft | 13B | 8192 | Full FT | [Model](https://huggingface.co/Yukang/Llama-2-13b-longlora-8k-ft) |
| Llama-2-13b-longlora-16k-ft | 13B | 16384 | Full FT | [Model](https://huggingface.co/Yukang/Llama-2-13b-longlora-16k-ft) |
| Llama-2-13b-longlora-32k-ft | 13B | 32768 | Full FT | [Model](https://huggingface.co/Yukang/Llama-2-13b-longlora-32k-ft) |
### Models with context extension via improved LoRA fine-tuning
| Model | Size | Context | Train | Link |
|:----------------------------|------|---------|-------|---------------------------------------------------------------------|
| Llama-2-7b-longlora-8k | 7B | 8192 | LoRA+ | [LoRA-weight](https://huggingface.co/Yukang/Llama-2-7b-longlora-8k) |
| Llama-2-7b-longlora-16k | 7B | 16384 | LoRA+ | [LoRA-weight](https://huggingface.co/Yukang/Llama-2-7b-longlora-16k) |
| Llama-2-7b-longlora-32k | 7B | 32768 | LoRA+ | [LoRA-weight](https://huggingface.co/Yukang/Llama-2-7b-longlora-32k) |
| Llama-2-13b-longlora-8k | 13B | 8192 | LoRA+ | [LoRA-weight](https://huggingface.co/Yukang/Llama-2-13b-longlora-8k) |
| Llama-2-13b-longlora-16k | 13B | 16384 | LoRA+ | [LoRA-weight](https://huggingface.co/Yukang/Llama-2-13b-longlora-16k) |
| Llama-2-13b-longlora-32k | 13B | 32768 | LoRA+ | [LoRA-weight](https://huggingface.co/Yukang/Llama-2-13b-longlora-32k) |
| Llama-2-13b-longlora-64k | 13B | 65536 | LoRA+ | [LoRA-weight](https://huggingface.co/Yukang/Llama-2-13b-longlora-64k) |
| Llama-2-70b-longlora-32k | 70B | 32768 | LoRA+ | [LoRA-weight](https://huggingface.co/Yukang/Llama-2-70b-longlora-32k) |
| Llama-2-70b-chat-longlora-32k | 70B | 32768 | LoRA+ | [LoRA-weight](https://huggingface.co/Yukang/Llama-2-70b-chat-longlora-32k) |
## Training
### Pre-trained weights
We use LLaMA2 models as the pre-trained weights and fine-tune them to long context window sizes. Download based on your choices.
| Pre-trained weights |
|:-------------------------------------------------------------------------------------|
| [Llama-2-7b-hf](https://huggingface.co/meta-llama/Llama-2-7b-hf) |
|[Llama-2-13b-hf](https://huggingface.co/meta-llama/Llama-2-13b-hf) |
| [Llama-2-70b-hf](https://huggingface.co/meta-llama/Llama-2-70b-hf) |
| [Llama-2-7b-chat-hf](https://huggingface.co/meta-llama/Llama-2-7b-chat-hf) |
| [Llama-2-13b-chat-hf](https://huggingface.co/meta-llama/Llama-2-13b-chat-hf) |
| [Llama-2-70b-chat-hf](https://huggingface.co/meta-llama/Llama-2-70b-chat-hf) |
This project also supports GPTNeoX models as the base model architecture. Some candidate pre-trained weights may include [GPT-NeoX-20B](https://huggingface.co/EleutherAI/gpt-neox-20b), [Polyglot-ko-12.8B](https://huggingface.co/EleutherAI/polyglot-ko-12.8b) and other variants.
### Fine-tuning
```
torchrun --nproc_per_node=8 fine-tune.py \
--model_name_or_path path_to/Llama-2-7b-hf \
--bf16 True \
--output_dir path_to_saving_checkpoints \
--cache_dir path_to_cache \
--model_max_length 8192 \
--use_flash_attn True \
--low_rank_training False \
--num_train_epochs 1 \
--per_device_train_batch_size 1 \
--per_device_eval_batch_size 2 \
--gradient_accumulation_steps 8 \
--evaluation_strategy "no" \
--save_strategy "steps" \
--save_steps 1000 \
--save_total_limit 2 \
--learning_rate 2e-5 \
--weight_decay 0.0 \
--warmup_steps 20 \
--lr_scheduler_type "constant_with_warmup" \
--logging_steps 1 \
--deepspeed "ds_configs/stage2.json" \
--tf32 True \
--max_steps 1000
```
- Please remember to change `path_to/Llama-2-7b-hf`, `path_to_saving_checkpoints`, `path_to_cache` to your own directory.
- Note that you can change `model_max_length` to other values.
- You could change `ds_configs/stage2.json` to `ds_configs/stage3.json` if you want.
- Please set `use_flash_attn` as `False` if you use V100 machines or do not install flash attention.
- You can set `low_rank_training` as `False` if you want to use fully fine-tuning. It will cost more GPU memory and slower, but the performance will be a bit better.
- When training is finished, to get the full model weight:
```
cd path_to_saving_checkpoints && python zero_to_fp32.py . pytorch_model.bin
```
### Supervised Fine-tuning
```
torchrun --nproc_per_node=8 supervised-fine-tune.py \
--model_name_or_path path_to_Llama2_chat_models \
--bf16 True \
--output_dir path_to_saving_checkpoints \
--model_max_length 32768 \
--use_flash_attn True \
--data_path LongAlpaca-12k.json \
--low_rank_training True \
--num_train_epochs 3 \
--per_device_train_batch_size 1 \
--per_device_eval_batch_size 2 \
--gradient_accumulation_steps 1 \
--evaluation_strategy "no" \
--save_strategy "steps" \
--save_steps 1000 \
--save_total_limit 2 \
--learning_rate 2e-5 \
--weight_decay 0.0 \
--warmup_steps 20 \
--lr_scheduler_type "constant_with_warmup" \
--logging_steps 1 \
--deepspeed "ds_configs/stage2.json" \
--tf32 True
```
- There is no need to make supervised fine-tuning upon the fine-tuned context extended models. It is all right to directly use base model as Llama2-chat models, as the amount of long instruction following data is enough for SFT.
- Our long instruction following data can be found in [LongAlpaca-12k.json](https://huggingface.co/datasets/Yukang/LongAlpaca-12k).
### Get trainable weights in low-rank training
In low-rank training, we set embedding and normalization layers as trainable. Please use the following line to extract the trainable weights `trainable_params.bin` from `pytorch_model.bin`
```
python3 get_trainable_weights.py --checkpoint_path path_to_saving_checkpoints --trainable_params "embed,norm"
```
### Merge LoRA Weight
Merge the LoRA weights of `pytorch_model.bin` and trainable parameters `trainable_params.bin`, save the resulting model into your desired path in the Hugging Face format:
```
python3 merge_lora_weights_and_save_hf_model.py \
--base_model path_to/Llama-2-7b-hf \
--peft_model path_to_saving_checkpoints \
--context_size 8192 \
--save_path path_to_saving_merged_model
```
For example,
```
python3 merge_lora_weights_and_save_hf_model.py \
--base_model /dataset/pretrained-models/Llama-2-7b-hf \
--peft_model /dataset/yukangchen/hf_models/lora-models/Llama-2-7b-longlora-8k \
--context_size 8192 \
--save_path /dataset/yukangchen/models/Llama-2-7b-longlora-8k-merged
```
## Evaluation
### Perplexity Validation
To evaluate a model that is trained in the low-rank setting, please set both `base_model` and `peft_model`. `base_model` is the pre-trained weight. `peft_model` is the path to the saved checkpoint, which should contain `trainable_params.bin`, `adapter_model.bin` and `adapter_config.json`. For example,
```
python3 eval.py --seq_len 8192 --context_size 8192 --batch_size 1 --base_model path_to/Llama-2-7b-hf --peft_model path_to_saving_checkpoints --data_path pg19/test.bin
```
To evaluate a model that is fully fine-tuned, you only need to set `base_model` as the path to the saved checkpoint, which should contain `pytorch_model.bin` and `config.json`. `peft_model` should be ignored.
```
python3 eval.py --seq_len 8192 --context_size 8192 --batch_size 1 --base_model path_to_saving_checkpoints --data_path pg19/test.bin
```
- Note that `--seq_len` is to set the sequence length for evaluation. `--context_size` is to set the context length of the model during fine-tuning. `--seq_len` should not be larger than `--context_size`.
- We have already tokenized the validation and test splits of PG19 and proof-pile dataset into `pg19/validation.bin`, `pg19/test.bin`, and `proof-pile/test_sampled_data.bin`, with the tokenizer of LLaMA. `proof-pile/test_sampled_data.bin` contains 128 documents that are randomly sampled from the total proof-pile test split. For each document, it has at least 32768 tokens. We also release the sampled ids in [proof-pile/test_sampled_ids.bin](https://drive.google.com/file/d/1cnzWODLRQYAd7HeugzLCIhaqzaLZv7J5/view?usp=share_link). You can download them from the links below.
| Dataset | Split | Link |
|:-----------|------------|--------------------------------------------------------------------------------------------------------------|
| PG19 | validation | [pg19/validation.bin](https://drive.google.com/file/d/1rbJvb0qRIf2mQoN2ON7S93TbTzMnlrN6/view?usp=share_link) |
| PG19 | test | [pg19/test.bin](https://drive.google.com/file/d/1QANDMdctpacPAYgS04adDXqByGEq-Ret/view?usp=share_link) |
| Proof-pile | test | [proof-pile/test_sampled_data.bin](https://drive.google.com/file/d/1bUI5lPDvrqzY_XXJJ2sSuvZx0Y9AZClE/view?usp=share_link) |
### Passkey Retrieval
We provide a manner to test the passkey retrieval accuracy. For example,
```
python3 passkey_retrivial.py \
--context_size 32768 \
--base_model path_to/Llama-2-7b-longlora-32k \
--max_tokens 32768 \
--interval 1000
```
- Note that the `context_size` is the context length during fine-tuning.
- `max_tokens` is maximum length for the document in passkey retrieval evaluation.
- `interval` is the interval during the document length increasing. It is a rough number because the document increases by sentences.
## Demo
### Local Inference
To chat with [Llama-2-13b-chat-longlora-32k-sft](https://huggingface.co/Yukang/Llama-2-13b-chat-longlora-32k-sft) or [Llama-2-70b-chat-longlora-32k-sft](https://huggingface.co/Yukang/Llama-2-70b-chat-longlora-32k-sft), you need to run `merge_lora_weights_and_save_hf_model.py` first, and then:
```
python3 inference.py \
--base_model path_to_model \
--question $question \
--context_size $context_length \
--max_gen_len $max_gen_len \
--flash_attn True \
--material $material_content \
--material_type $material_type \
--material_title $material_title
```
To ask a question related to a book:
```
python3 inference.py \
--base_model /data/models/Llama-2-13b-chat-longlora-32k-sft \
--question "Why doesn't Professor Snape seem to like Harry?" \
--context_size 32768 \
--max_gen_len 512 \
--flash_attn True \
--material "materials/Harry Potter and the Philosophers Stone_section2.txt" \
--material_type "book" \
--material_title "Harry Potter and the Philosophers Stone"
```
Note that you can ignore `material_type` or `material_title`.
To ask a question related to a paper:
```
python3 inference.py \
--base_model /data/models/Llama-2-13b-chat-longlora-32k-sft \
--question "What are the main contributions and novelties of this work?" \
--context_size 32768 \
--max_gen_len 512 \
--flash_attn True \
--material "materials/paper1.txt" \
--material_type "paper"
```
### Online Demo
To deploy your own demo run
```
python3 demo.py \
--base_model path_to_model \
--context_size $context_size \
--max_gen_len $max_gen_len \
--flash_attn True
```
Example
```
python3 demo.py \
--base_model /data/models/Llama-2-13b-chat-longlora-32k-sft \
--context_size 32768 \
--max_gen_len 512 \
--flash_attn True
```
- Note that `flash_attn=True` will make the generation slow but save much GPU memory.
## Data Generation via Pdf2text
During our dataset collection, we convert paper and books from pdf to text. The conversion quality has a large influence on the final model quality. We think that this step is non-trivial. We release the tool for the pdf2txt conversion, in the folder `pdf2txt`. It is built upon `pdf2image`, `easyocr`, `ditod` and `detectron2`. Please refer to the [README.md](pdf2txt/README.md) in `pdf2txt` for more details.
## Citation
If you find this project useful in your research, please consider citing:
```
@article{longlora,
title={LongLoRA: Efficient Fine-tuning of Long-Context Large Language Models},
author={Yukang Chen and Shengju Qian and Haotian Tang and Xin Lai and Zhijian Liu and Song Han and Jiaya Jia},
journal={arXiv:2309.12307},
year={2023}
}
```
```
@misc{long-alpaca,
author = {Yukang Chen and Shaozuo Yu and Shengju Qian and Haotian Tang and Xin Lai and Zhijian Liu and Song Han and Jiaya Jia},
title = {Long Alpaca: Long-context Instruction-following models},
year = {2023},
publisher = {GitHub},
journal = {GitHub repository},
howpublished = {\url{https://github.com/dvlab-research/LongLoRA}},
}
```
## Acknowledgement
- This work is built upon the [LLaMA2](https://ai.meta.com/llama) as the pre-trained models.
- This work can also be built upon the [GPTNeoX-HF](https://huggingface.co/docs/transformers/model_doc/gpt_neox) which is based upon [EleutherAI/GPTNeoX](https://github.com/EleutherAI/gpt-neox) as the pre-trained model architecture.
- This work is based on [DeepSpeed](https://github.com/microsoft/DeepSpeed), [peft](https://github.com/huggingface/peft), and [Flash-Attention2](https://github.com/Dao-AILab/flash-attention) for acceleration.
- Some evaluation code is modified upon [Landmark Attention](https://github.com/epfml/landmark-attention).
- We use [LongChat](https://github.com/DachengLi1/LongChat) for the retrieval evaluation.
## License
- LongLoRA is licensed under the Apache License 2.0. This means that it requires the preservation of copyright and license notices.
- Data and weights are under CC-BY-NC 4.0 License. They are licensed for research use only, and allowed only non-commercial. Models trained using the dataset should not be used outside of research purposes.
|
[
-0.5884331464767456,
-0.6896625757217407,
0.5236799120903015,
0.48572924733161926,
-0.3544394373893738,
-0.41559937596321106,
-0.30604586005210876,
-0.727525532245636,
0.3211347758769989,
0.48291510343551636,
-0.6353682279586792,
-0.7877796292304993,
-0.4473293721675873,
0.15306586027145386,
-0.23214295506477356,
1.187361717224121,
-0.2141733169555664,
-0.27305448055267334,
0.06691325455904007,
-0.44768720865249634,
-0.4387858510017395,
-0.4336465001106262,
-0.6416406631469727,
-0.3691323399543762,
0.7647053003311157,
0.12508630752563477,
0.646313488483429,
0.6282401084899902,
0.39965733885765076,
0.2824942171573639,
-0.3567771017551422,
0.26522377133369446,
-0.5495225787162781,
-0.287608802318573,
-0.04402531310915947,
-0.21162550151348114,
-0.9862250685691833,
-0.06958506256341934,
0.6337800025939941,
0.3620665669441223,
-0.003828964661806822,
0.46151942014694214,
0.1689644157886505,
0.8860480189323425,
-0.4724760055541992,
0.2900579571723938,
-0.1078517884016037,
-0.14671777188777924,
-0.41476747393608093,
-0.005974296946078539,
-0.13118115067481995,
-0.2524445652961731,
-0.02897406741976738,
-0.6818650960922241,
-0.14456216990947723,
-0.0585981160402298,
1.0999243259429932,
0.4230586886405945,
-0.6129192113876343,
-0.28311190009117126,
-0.3506042957305908,
0.8615154027938843,
-0.9944528937339783,
0.3653644621372223,
0.4853099584579468,
0.21905086934566498,
-0.37600022554397583,
-0.6349048018455505,
-0.548313558101654,
-0.1101452112197876,
-0.24601933360099792,
0.15071813762187958,
-0.2828029692173004,
0.00954904779791832,
0.4457533657550812,
0.3404344916343689,
-0.5887755751609802,
0.26721903681755066,
-0.49932342767715454,
0.14897407591342926,
0.8663381934165955,
0.020333759486675262,
0.15460266172885895,
-0.293588787317276,
-0.6054547429084778,
-0.29463696479797363,
-0.6448381543159485,
0.377750039100647,
0.2829718589782715,
0.3437735140323639,
-0.6716542840003967,
0.4857049882411957,
-0.4345449209213257,
0.8307399749755859,
0.09404582530260086,
-0.41419127583503723,
0.612441897392273,
-0.37596604228019714,
-0.5003215074539185,
-0.15625277161598206,
0.9709738492965698,
0.35275182127952576,
-0.09567810595035553,
0.2663170099258423,
-0.26034677028656006,
-0.16788940131664276,
-0.20732611417770386,
-0.9691133499145508,
0.05908793583512306,
0.3884897232055664,
-0.5272659063339233,
-0.2619250416755676,
-0.06631877273321152,
-0.9187282919883728,
-0.09046651422977448,
-0.40255266427993774,
0.41380774974823,
-0.3741040825843811,
-0.24998608231544495,
0.2873861789703369,
0.16272896528244019,
0.4485597610473633,
0.36188486218452454,
-0.6558932662010193,
0.25505053997039795,
0.6066747307777405,
0.849362850189209,
-0.23149077594280243,
-0.3000716269016266,
-0.20129723846912384,
0.04818016290664673,
-0.24215258657932281,
0.4290649890899658,
-0.08135479688644409,
-0.30039530992507935,
-0.22266392409801483,
0.4629487991333008,
-0.11393982917070389,
-0.3121655285358429,
0.6664315462112427,
-0.3874104619026184,
0.2179335206747055,
-0.5035544633865356,
-0.46671557426452637,
-0.4092802405357361,
0.2524583041667938,
-0.6538057923316956,
1.2478317022323608,
0.4452131390571594,
-0.8848557472229004,
0.1821128875017166,
-0.8540915250778198,
-0.1668909192085266,
-0.3363627791404724,
0.1109205037355423,
-0.7466038465499878,
-0.3224703073501587,
0.43959179520606995,
0.7195476293563843,
-0.36208412051200867,
0.2943063974380493,
-0.4886360764503479,
-0.3742887079715729,
0.09449256956577301,
-0.05872068181633949,
1.0330810546875,
0.2623147964477539,
-0.5812628269195557,
0.37883397936820984,
-0.9369346499443054,
-0.0767819881439209,
0.44365161657333374,
-0.37556231021881104,
-0.24207140505313873,
-0.26148521900177,
0.05574639141559601,
0.26447761058807373,
0.24756401777267456,
-0.34833043813705444,
0.4562720060348511,
-0.22333893179893494,
0.5795499682426453,
0.7347707748413086,
-0.18483996391296387,
0.1949038952589035,
-0.4410429000854492,
0.45188233256340027,
0.14671021699905396,
0.29476991295814514,
0.07240593433380127,
-0.44363051652908325,
-0.949637234210968,
-0.5182588696479797,
0.16093021631240845,
0.3919106721878052,
-0.6847817301750183,
0.6472288966178894,
-0.46691668033599854,
-0.6477392315864563,
-0.403228759765625,
0.24276502430438995,
0.485552042722702,
0.6658521890640259,
0.5991044044494629,
-0.28576770424842834,
-0.34274619817733765,
-1.0235856771469116,
0.3471929430961609,
0.009305354207754135,
0.012906455434858799,
0.36486488580703735,
0.8757522106170654,
-0.5191112160682678,
0.8466019034385681,
-0.5884110331535339,
-0.33543092012405396,
-0.10717583447694778,
-0.16159121692180634,
0.4921054244041443,
0.6139600276947021,
1.0883718729019165,
-0.6906644105911255,
-0.3712514042854309,
-0.09712258726358414,
-0.767542839050293,
0.019211407750844955,
0.07227886468172073,
-0.34407326579093933,
0.4497010409832001,
0.3270791172981262,
-0.8833764791488647,
0.5800383687019348,
0.6942687034606934,
-0.4660860002040863,
0.6037747263908386,
-0.02434171363711357,
0.09633606672286987,
-1.3437315225601196,
0.3743637502193451,
0.1317877173423767,
-0.34116142988204956,
-0.5488623976707458,
0.17746314406394958,
0.222700297832489,
0.024201253429055214,
-0.6585738658905029,
0.9182183146476746,
-0.5739272236824036,
-0.0861314982175827,
-0.18613481521606445,
-0.06134398654103279,
0.0851900577545166,
0.8850064277648926,
0.01809101551771164,
0.8170762062072754,
0.505214512348175,
-0.6179686188697815,
0.34193751215934753,
0.29809099435806274,
-0.3344206213951111,
0.2728745639324188,
-0.9585555195808411,
0.22982238233089447,
-0.017071295529603958,
0.725620448589325,
-0.6554936170578003,
-0.47398045659065247,
0.5640506744384766,
-0.16165918111801147,
0.3858720660209656,
-0.287128746509552,
-0.3788323402404785,
-0.7074382305145264,
-0.583839476108551,
0.6044512987136841,
0.46735337376594543,
-0.7646850347518921,
0.2557215988636017,
0.1692701280117035,
0.08176541328430176,
-0.6686496734619141,
-0.5873093008995056,
-0.24050341546535492,
-0.5883442163467407,
-0.7461193203926086,
0.39741334319114685,
-0.2423839569091797,
-0.022128835320472717,
-0.19180083274841309,
0.22480258345603943,
0.057453595101833344,
-0.0421658419072628,
0.4348719120025635,
0.3255435824394226,
-0.2302374392747879,
0.1169242337346077,
-0.10315477102994919,
0.05938972532749176,
-0.17009562253952026,
-0.005439996253699064,
0.688818097114563,
-0.3738378584384918,
-0.2681063413619995,
-0.6896731853485107,
0.1638912856578827,
0.6158158779144287,
-0.34537795186042786,
0.7870573401451111,
0.828662097454071,
-0.3311707675457001,
-0.08028865605592728,
-0.5902664065361023,
0.019521407783031464,
-0.49851104617118835,
0.3422398269176483,
-0.2864362299442291,
-0.8182576894760132,
0.8015673756599426,
0.20842020213603973,
0.11456434428691864,
0.6353625655174255,
0.5155086517333984,
0.2468779981136322,
0.8926020264625549,
0.6197183728218079,
-0.353485107421875,
0.6071590781211853,
-0.544653594493866,
-0.1575012356042862,
-1.03786301612854,
-0.12072939425706863,
-0.34829169511795044,
-0.2820207178592682,
-0.7125864028930664,
-0.710779070854187,
0.41081416606903076,
0.1909872144460678,
-0.5503849387168884,
0.42795494198799133,
-0.6421279907226562,
0.17538321018218994,
0.5014240741729736,
0.32879623770713806,
-0.008067461661994457,
-0.19180333614349365,
0.3096511960029602,
0.256781667470932,
-0.4783017635345459,
-0.3366893231868744,
1.1578900814056396,
0.7106578946113586,
0.6395455598831177,
0.08489945530891418,
0.9212480783462524,
-0.06523481011390686,
0.29005274176597595,
-0.7757487893104553,
0.5785661339759827,
-0.004537554923444986,
-0.49901196360588074,
-0.37803447246551514,
-0.4923042058944702,
-1.1317040920257568,
0.19537580013275146,
-0.10341865569353104,
-0.6917788982391357,
0.3829862177371979,
0.10300710797309875,
-0.6033360362052917,
0.2695023715496063,
-0.4934598505496979,
0.9245402812957764,
-0.34469062089920044,
-0.42886438965797424,
-0.013829130679368973,
-0.6830262541770935,
0.6921418309211731,
-0.031403716653585434,
0.15796266496181488,
-0.2713561952114105,
0.06814078241586685,
1.0676460266113281,
-0.5483578443527222,
0.923944354057312,
-0.19030222296714783,
-0.3022330701351166,
0.5307773947715759,
-0.3151434659957886,
0.706572949886322,
0.0729808509349823,
-0.16194574534893036,
0.29989248514175415,
0.16456542909145355,
-0.5493723154067993,
-0.4491353929042816,
0.6924618482589722,
-0.9263002872467041,
-0.4583054184913635,
-0.5311867594718933,
-0.57365483045578,
-0.02627868577837944,
0.3148825168609619,
0.12826968729496002,
0.1920633316040039,
0.04310642182826996,
0.24806371331214905,
0.5917777419090271,
-0.3857840895652771,
0.46143871545791626,
0.27084729075431824,
-0.3951159417629242,
-0.4604908227920532,
0.7211931347846985,
0.04583771526813507,
0.21629509329795837,
0.025477683171629906,
0.1563878208398819,
-0.1377430409193039,
-0.5878776907920837,
-0.5171570777893066,
0.5684987902641296,
-0.6090125441551208,
-0.41480785608291626,
-0.46810194849967957,
-0.2567928731441498,
-0.5996083617210388,
-0.04603119567036629,
-0.47958242893218994,
-0.3293554484844208,
-0.6633636951446533,
-0.05364615097641945,
0.610772430896759,
0.5832653045654297,
0.07651838660240173,
0.4114675521850586,
-0.7489098310470581,
0.3399294316768646,
0.40210670232772827,
0.28878268599510193,
-0.03511809930205345,
-0.5719671845436096,
-0.21176719665527344,
0.31867432594299316,
-0.41147303581237793,
-0.8103006482124329,
0.7063122391700745,
0.062256596982479095,
0.2535429894924164,
0.3773496150970459,
-0.10553082078695297,
1.047203779220581,
-0.184282124042511,
0.8344648480415344,
0.2652742266654968,
-0.7550401091575623,
0.6503942608833313,
-0.6711465716362,
0.3508753776550293,
0.49970653653144836,
0.43349605798721313,
-0.3402611017227173,
0.08546409755945206,
-0.46818116307258606,
-1.0172468423843384,
0.6748166680335999,
0.15981778502464294,
-0.09288646280765533,
0.11446762830018997,
0.5774600505828857,
0.044028300791978836,
0.06173933669924736,
-1.0796422958374023,
-0.25649023056030273,
-0.2217564731836319,
-0.22978338599205017,
-0.19824254512786865,
-0.24094639718532562,
-0.42773205041885376,
-0.484677791595459,
0.8180862069129944,
-0.38588863611221313,
0.17801854014396667,
0.36200860142707825,
0.02059551514685154,
-0.06469236314296722,
0.13809233903884888,
0.8600607514381409,
0.780862033367157,
-0.38803866505622864,
-0.2701514959335327,
0.30589818954467773,
-0.27036821842193604,
-0.10937778651714325,
0.2573080062866211,
-0.2329532653093338,
-0.2252267748117447,
0.42507776618003845,
1.1254922151565552,
0.3044240474700928,
-0.4799340069293976,
0.4858243465423584,
-0.04282112792134285,
-0.17791379988193512,
-0.4294413626194,
0.06625581532716751,
0.2392505258321762,
0.4057725667953491,
0.20847967267036438,
-0.30912306904792786,
0.00491312425583601,
-0.6591334939002991,
0.00502252159640193,
0.4546267092227936,
-0.18832314014434814,
-0.47449028491973877,
0.5766077041625977,
0.05695295333862305,
0.10920634865760803,
0.4884137511253357,
-0.177459716796875,
-0.42385488748550415,
0.8108887076377869,
0.5293178558349609,
0.6771420240402222,
-0.14969958364963531,
-0.006310010328888893,
0.6867443919181824,
-0.06977874785661697,
-0.37058666348457336,
0.24367962777614594,
0.06022367253899574,
-0.3533669412136078,
-0.10662531107664108,
-0.9909602403640747,
0.023492714390158653,
0.37553685903549194,
-0.7369191646575928,
0.43594372272491455,
-0.36187782883644104,
-0.4402281641960144,
-0.07037552446126938,
0.3948361575603485,
-0.8123006224632263,
0.2065640091896057,
0.19988706707954407,
0.958077073097229,
-0.7506119608879089,
1.0561891794204712,
0.38908621668815613,
-0.4541262686252594,
-0.9864194393157959,
-0.3042532503604889,
-0.01550973765552044,
-0.8681250810623169,
0.5929871201515198,
0.30535393953323364,
0.10878312587738037,
-0.2893711030483246,
-0.7576457858085632,
-1.208720088005066,
1.6001439094543457,
0.3501989245414734,
-0.7195205092430115,
-0.23609015345573425,
0.07005275785923004,
0.6265277862548828,
-0.2963884472846985,
0.212868794798851,
0.6396664381027222,
0.5878982543945312,
0.12905541062355042,
-1.2959524393081665,
0.2630191445350647,
-0.25189560651779175,
-0.05431909114122391,
0.1503078043460846,
-1.2927864789962769,
1.1358705759048462,
-0.17734576761722565,
-0.09941830486059189,
0.2484927624464035,
0.9089303612709045,
0.6504020690917969,
0.43803051114082336,
0.5036443471908569,
0.803314745426178,
0.6607826948165894,
0.007208874449133873,
1.0409579277038574,
-0.2515459656715393,
0.5614079833030701,
1.050370454788208,
0.01308831013739109,
0.8165614008903503,
0.4098692536354065,
-0.28994932770729065,
0.39923471212387085,
0.9529221057891846,
-0.05202249065041542,
0.2664819359779358,
0.1435563564300537,
0.019428519532084465,
-0.046890899538993835,
0.02842799574136734,
-0.7418549060821533,
0.4438961148262024,
0.21929903328418732,
-0.37883684039115906,
-0.026126505807042122,
-0.05773950740695,
0.3698781430721283,
-0.3809834420681,
-0.3878895044326782,
0.5358806848526001,
0.38387200236320496,
-0.6164340376853943,
1.1377673149108887,
-0.024921875447034836,
1.0662131309509277,
-0.7506194114685059,
0.09416569024324417,
-0.23927618563175201,
0.17050956189632416,
-0.3767194151878357,
-0.6938676834106445,
0.032524093985557556,
-0.02263316884636879,
0.04998788610100746,
-0.14108525216579437,
0.6044605374336243,
-0.407560259103775,
-0.7035224437713623,
0.5735529661178589,
0.22177360951900482,
0.1878686398267746,
0.09503569453954697,
-0.9280736446380615,
0.2556433379650116,
-0.044150110334157944,
-0.859190046787262,
0.5837651491165161,
0.21779844164848328,
-0.2899593114852905,
0.8168535828590393,
0.7331182956695557,
0.0400129035115242,
0.020556462928652763,
-0.08515451848506927,
1.1821590662002563,
-0.7766309380531311,
-0.42157110571861267,
-0.7329084277153015,
0.5039209723472595,
-0.05675496160984039,
-0.4842630922794342,
0.7005344033241272,
0.5262911319732666,
0.7920754551887512,
0.11236806958913803,
0.3792915940284729,
-0.05227113887667656,
0.48000651597976685,
-0.6070458292961121,
0.8107647895812988,
-0.891457200050354,
0.00257769413292408,
-0.373757541179657,
-0.938949704170227,
-0.20802921056747437,
0.4748973250389099,
-0.29826104640960693,
0.16891057789325714,
0.30806639790534973,
0.8086678385734558,
-0.22889088094234467,
-0.27055200934410095,
-0.026799237355589867,
0.1837475299835205,
0.5762617588043213,
0.9078762531280518,
0.3589315116405487,
-0.6552515625953674,
0.22136026620864868,
-0.5812464952468872,
-0.1907161921262741,
-0.36002135276794434,
-0.8475868701934814,
-0.9675852060317993,
-0.5668566823005676,
-0.25438550114631653,
-0.35340726375579834,
-0.00667430879548192,
1.0833855867385864,
0.9206710457801819,
-0.7593259215354919,
-0.33038291335105896,
0.32622411847114563,
0.043671153485774994,
-0.17317961156368256,
-0.21243132650852203,
0.817566454410553,
0.07271681725978851,
-0.8739331364631653,
0.41583147644996643,
-0.16832248866558075,
0.4875437617301941,
-0.06526198983192444,
-0.35133346915245056,
-0.21307268738746643,
-0.04619733989238739,
0.7588532567024231,
0.6435414552688599,
-0.6630005240440369,
-0.3675699532032013,
-0.1462843269109726,
-0.1648380160331726,
0.14432159066200256,
0.2135169506072998,
-0.6225438714027405,
-0.005885179154574871,
0.46983930468559265,
0.21863678097724915,
0.7251599431037903,
0.21318727731704712,
0.14405059814453125,
-0.4853597581386566,
0.5771404504776001,
0.1283867061138153,
0.49554643034935,
0.29974380135536194,
-0.32277655601501465,
0.8123053312301636,
-0.050163451582193375,
-0.7298340201377869,
-1.1557536125183105,
0.010538071393966675,
-1.4854754209518433,
-0.23128823935985565,
1.3119388818740845,
-0.2942366898059845,
-0.698333203792572,
0.45902884006500244,
-0.22606398165225983,
0.3968767523765564,
-0.41109853982925415,
0.7697290182113647,
0.49728405475616455,
-0.22073566913604736,
-0.021206092089414597,
-0.6841134428977966,
0.6668815016746521,
0.31535857915878296,
-1.0660896301269531,
0.09723219275474548,
0.5128573179244995,
0.5156857967376709,
0.24503973126411438,
0.7418678402900696,
-0.11222133040428162,
0.14474132657051086,
-0.5459281802177429,
0.08889442682266235,
-0.3072914481163025,
-0.12846322357654572,
-0.359933078289032,
-0.08070885390043259,
-0.25284045934677124,
-0.03954802080988884
] |
timm/resnet18.fb_swsl_ig1b_ft_in1k
|
timm
| 2023-04-05T18:03:58Z | 4,946 | 0 |
timm
|
[
"timm",
"pytorch",
"safetensors",
"image-classification",
"arxiv:1905.00546",
"arxiv:1512.03385",
"license:cc-by-nc-4.0",
"region:us"
] |
image-classification
| 2023-04-05T18:03:39Z |
---
tags:
- image-classification
- timm
library_tag: timm
license: cc-by-nc-4.0
---
# Model card for resnet18.fb_swsl_ig1b_ft_in1k
A ResNet-B image classification model.
This model features:
* ReLU activations
* single layer 7x7 convolution with pooling
* 1x1 convolution shortcut downsample
Pretrained on Instagram-1B hashtags dataset using semi-weakly supervised learning and fine-tuned on ImageNet-1k by paper authors.
## Model Details
- **Model Type:** Image classification / feature backbone
- **Model Stats:**
- Params (M): 11.7
- GMACs: 1.8
- Activations (M): 2.5
- Image size: 224 x 224
- **Papers:**
- Billion-scale semi-supervised learning for image classification: https://arxiv.org/abs/1905.00546
- Deep Residual Learning for Image Recognition: https://arxiv.org/abs/1512.03385
- **Original:** https://github.com/facebookresearch/semi-supervised-ImageNet1K-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('resnet18.fb_swsl_ig1b_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(
'resnet18.fb_swsl_ig1b_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, 64, 112, 112])
# torch.Size([1, 64, 56, 56])
# torch.Size([1, 128, 28, 28])
# torch.Size([1, 256, 14, 14])
# torch.Size([1, 512, 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(
'resnet18.fb_swsl_ig1b_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, 512, 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).
|model |img_size|top1 |top5 |param_count|gmacs|macts|img/sec|
|------------------------------------------|--------|-----|-----|-----------|-----|-----|-------|
|[seresnextaa101d_32x8d.sw_in12k_ft_in1k_288](https://huggingface.co/timm/seresnextaa101d_32x8d.sw_in12k_ft_in1k_288)|320 |86.72|98.17|93.6 |35.2 |69.7 |451 |
|[seresnextaa101d_32x8d.sw_in12k_ft_in1k_288](https://huggingface.co/timm/seresnextaa101d_32x8d.sw_in12k_ft_in1k_288)|288 |86.51|98.08|93.6 |28.5 |56.4 |560 |
|[seresnextaa101d_32x8d.sw_in12k_ft_in1k](https://huggingface.co/timm/seresnextaa101d_32x8d.sw_in12k_ft_in1k)|288 |86.49|98.03|93.6 |28.5 |56.4 |557 |
|[seresnextaa101d_32x8d.sw_in12k_ft_in1k](https://huggingface.co/timm/seresnextaa101d_32x8d.sw_in12k_ft_in1k)|224 |85.96|97.82|93.6 |17.2 |34.2 |923 |
|[resnext101_32x32d.fb_wsl_ig1b_ft_in1k](https://huggingface.co/timm/resnext101_32x32d.fb_wsl_ig1b_ft_in1k)|224 |85.11|97.44|468.5 |87.3 |91.1 |254 |
|[resnetrs420.tf_in1k](https://huggingface.co/timm/resnetrs420.tf_in1k)|416 |85.0 |97.12|191.9 |108.4|213.8|134 |
|[ecaresnet269d.ra2_in1k](https://huggingface.co/timm/ecaresnet269d.ra2_in1k)|352 |84.96|97.22|102.1 |50.2 |101.2|291 |
|[ecaresnet269d.ra2_in1k](https://huggingface.co/timm/ecaresnet269d.ra2_in1k)|320 |84.73|97.18|102.1 |41.5 |83.7 |353 |
|[resnetrs350.tf_in1k](https://huggingface.co/timm/resnetrs350.tf_in1k)|384 |84.71|96.99|164.0 |77.6 |154.7|183 |
|[seresnextaa101d_32x8d.ah_in1k](https://huggingface.co/timm/seresnextaa101d_32x8d.ah_in1k)|288 |84.57|97.08|93.6 |28.5 |56.4 |557 |
|[resnetrs200.tf_in1k](https://huggingface.co/timm/resnetrs200.tf_in1k)|320 |84.45|97.08|93.2 |31.5 |67.8 |446 |
|[resnetrs270.tf_in1k](https://huggingface.co/timm/resnetrs270.tf_in1k)|352 |84.43|96.97|129.9 |51.1 |105.5|280 |
|[seresnext101d_32x8d.ah_in1k](https://huggingface.co/timm/seresnext101d_32x8d.ah_in1k)|288 |84.36|96.92|93.6 |27.6 |53.0 |595 |
|[seresnet152d.ra2_in1k](https://huggingface.co/timm/seresnet152d.ra2_in1k)|320 |84.35|97.04|66.8 |24.1 |47.7 |610 |
|[resnetrs350.tf_in1k](https://huggingface.co/timm/resnetrs350.tf_in1k)|288 |84.3 |96.94|164.0 |43.7 |87.1 |333 |
|[resnext101_32x8d.fb_swsl_ig1b_ft_in1k](https://huggingface.co/timm/resnext101_32x8d.fb_swsl_ig1b_ft_in1k)|224 |84.28|97.17|88.8 |16.5 |31.2 |1100 |
|[resnetrs420.tf_in1k](https://huggingface.co/timm/resnetrs420.tf_in1k)|320 |84.24|96.86|191.9 |64.2 |126.6|228 |
|[seresnext101_32x8d.ah_in1k](https://huggingface.co/timm/seresnext101_32x8d.ah_in1k)|288 |84.19|96.87|93.6 |27.2 |51.6 |613 |
|[resnext101_32x16d.fb_wsl_ig1b_ft_in1k](https://huggingface.co/timm/resnext101_32x16d.fb_wsl_ig1b_ft_in1k)|224 |84.18|97.19|194.0 |36.3 |51.2 |581 |
|[resnetaa101d.sw_in12k_ft_in1k](https://huggingface.co/timm/resnetaa101d.sw_in12k_ft_in1k)|288 |84.11|97.11|44.6 |15.1 |29.0 |1144 |
|[resnet200d.ra2_in1k](https://huggingface.co/timm/resnet200d.ra2_in1k)|320 |83.97|96.82|64.7 |31.2 |67.3 |518 |
|[resnetrs200.tf_in1k](https://huggingface.co/timm/resnetrs200.tf_in1k)|256 |83.87|96.75|93.2 |20.2 |43.4 |692 |
|[seresnextaa101d_32x8d.ah_in1k](https://huggingface.co/timm/seresnextaa101d_32x8d.ah_in1k)|224 |83.86|96.65|93.6 |17.2 |34.2 |923 |
|[resnetrs152.tf_in1k](https://huggingface.co/timm/resnetrs152.tf_in1k)|320 |83.72|96.61|86.6 |24.3 |48.1 |617 |
|[seresnet152d.ra2_in1k](https://huggingface.co/timm/seresnet152d.ra2_in1k)|256 |83.69|96.78|66.8 |15.4 |30.6 |943 |
|[seresnext101d_32x8d.ah_in1k](https://huggingface.co/timm/seresnext101d_32x8d.ah_in1k)|224 |83.68|96.61|93.6 |16.7 |32.0 |986 |
|[resnet152d.ra2_in1k](https://huggingface.co/timm/resnet152d.ra2_in1k)|320 |83.67|96.74|60.2 |24.1 |47.7 |706 |
|[resnetrs270.tf_in1k](https://huggingface.co/timm/resnetrs270.tf_in1k)|256 |83.59|96.61|129.9 |27.1 |55.8 |526 |
|[seresnext101_32x8d.ah_in1k](https://huggingface.co/timm/seresnext101_32x8d.ah_in1k)|224 |83.58|96.4 |93.6 |16.5 |31.2 |1013 |
|[resnetaa101d.sw_in12k_ft_in1k](https://huggingface.co/timm/resnetaa101d.sw_in12k_ft_in1k)|224 |83.54|96.83|44.6 |9.1 |17.6 |1864 |
|[resnet152.a1h_in1k](https://huggingface.co/timm/resnet152.a1h_in1k)|288 |83.46|96.54|60.2 |19.1 |37.3 |904 |
|[resnext101_32x16d.fb_swsl_ig1b_ft_in1k](https://huggingface.co/timm/resnext101_32x16d.fb_swsl_ig1b_ft_in1k)|224 |83.35|96.85|194.0 |36.3 |51.2 |582 |
|[resnet200d.ra2_in1k](https://huggingface.co/timm/resnet200d.ra2_in1k)|256 |83.23|96.53|64.7 |20.0 |43.1 |809 |
|[resnext101_32x4d.fb_swsl_ig1b_ft_in1k](https://huggingface.co/timm/resnext101_32x4d.fb_swsl_ig1b_ft_in1k)|224 |83.22|96.75|44.2 |8.0 |21.2 |1814 |
|[resnext101_64x4d.c1_in1k](https://huggingface.co/timm/resnext101_64x4d.c1_in1k)|288 |83.16|96.38|83.5 |25.7 |51.6 |590 |
|[resnet152d.ra2_in1k](https://huggingface.co/timm/resnet152d.ra2_in1k)|256 |83.14|96.38|60.2 |15.4 |30.5 |1096 |
|[resnet101d.ra2_in1k](https://huggingface.co/timm/resnet101d.ra2_in1k)|320 |83.02|96.45|44.6 |16.5 |34.8 |992 |
|[ecaresnet101d.miil_in1k](https://huggingface.co/timm/ecaresnet101d.miil_in1k)|288 |82.98|96.54|44.6 |13.4 |28.2 |1077 |
|[resnext101_64x4d.tv_in1k](https://huggingface.co/timm/resnext101_64x4d.tv_in1k)|224 |82.98|96.25|83.5 |15.5 |31.2 |989 |
|[resnetrs152.tf_in1k](https://huggingface.co/timm/resnetrs152.tf_in1k)|256 |82.86|96.28|86.6 |15.6 |30.8 |951 |
|[resnext101_32x8d.tv2_in1k](https://huggingface.co/timm/resnext101_32x8d.tv2_in1k)|224 |82.83|96.22|88.8 |16.5 |31.2 |1099 |
|[resnet152.a1h_in1k](https://huggingface.co/timm/resnet152.a1h_in1k)|224 |82.8 |96.13|60.2 |11.6 |22.6 |1486 |
|[resnet101.a1h_in1k](https://huggingface.co/timm/resnet101.a1h_in1k)|288 |82.8 |96.32|44.6 |13.0 |26.8 |1291 |
|[resnet152.a1_in1k](https://huggingface.co/timm/resnet152.a1_in1k)|288 |82.74|95.71|60.2 |19.1 |37.3 |905 |
|[resnext101_32x8d.fb_wsl_ig1b_ft_in1k](https://huggingface.co/timm/resnext101_32x8d.fb_wsl_ig1b_ft_in1k)|224 |82.69|96.63|88.8 |16.5 |31.2 |1100 |
|[resnet152.a2_in1k](https://huggingface.co/timm/resnet152.a2_in1k)|288 |82.62|95.75|60.2 |19.1 |37.3 |904 |
|[resnetaa50d.sw_in12k_ft_in1k](https://huggingface.co/timm/resnetaa50d.sw_in12k_ft_in1k)|288 |82.61|96.49|25.6 |8.9 |20.6 |1729 |
|[resnet61q.ra2_in1k](https://huggingface.co/timm/resnet61q.ra2_in1k)|288 |82.53|96.13|36.8 |9.9 |21.5 |1773 |
|[wide_resnet101_2.tv2_in1k](https://huggingface.co/timm/wide_resnet101_2.tv2_in1k)|224 |82.5 |96.02|126.9 |22.8 |21.2 |1078 |
|[resnext101_64x4d.c1_in1k](https://huggingface.co/timm/resnext101_64x4d.c1_in1k)|224 |82.46|95.92|83.5 |15.5 |31.2 |987 |
|[resnet51q.ra2_in1k](https://huggingface.co/timm/resnet51q.ra2_in1k)|288 |82.36|96.18|35.7 |8.1 |20.9 |1964 |
|[ecaresnet50t.ra2_in1k](https://huggingface.co/timm/ecaresnet50t.ra2_in1k)|320 |82.35|96.14|25.6 |8.8 |24.1 |1386 |
|[resnet101.a1_in1k](https://huggingface.co/timm/resnet101.a1_in1k)|288 |82.31|95.63|44.6 |13.0 |26.8 |1291 |
|[resnetrs101.tf_in1k](https://huggingface.co/timm/resnetrs101.tf_in1k)|288 |82.29|96.01|63.6 |13.6 |28.5 |1078 |
|[resnet152.tv2_in1k](https://huggingface.co/timm/resnet152.tv2_in1k)|224 |82.29|96.0 |60.2 |11.6 |22.6 |1484 |
|[wide_resnet50_2.racm_in1k](https://huggingface.co/timm/wide_resnet50_2.racm_in1k)|288 |82.27|96.06|68.9 |18.9 |23.8 |1176 |
|[resnet101d.ra2_in1k](https://huggingface.co/timm/resnet101d.ra2_in1k)|256 |82.26|96.07|44.6 |10.6 |22.2 |1542 |
|[resnet101.a2_in1k](https://huggingface.co/timm/resnet101.a2_in1k)|288 |82.24|95.73|44.6 |13.0 |26.8 |1290 |
|[seresnext50_32x4d.racm_in1k](https://huggingface.co/timm/seresnext50_32x4d.racm_in1k)|288 |82.2 |96.14|27.6 |7.0 |23.8 |1547 |
|[ecaresnet101d.miil_in1k](https://huggingface.co/timm/ecaresnet101d.miil_in1k)|224 |82.18|96.05|44.6 |8.1 |17.1 |1771 |
|[resnext50_32x4d.fb_swsl_ig1b_ft_in1k](https://huggingface.co/timm/resnext50_32x4d.fb_swsl_ig1b_ft_in1k)|224 |82.17|96.22|25.0 |4.3 |14.4 |2943 |
|[ecaresnet50t.a1_in1k](https://huggingface.co/timm/ecaresnet50t.a1_in1k)|288 |82.12|95.65|25.6 |7.1 |19.6 |1704 |
|[resnext50_32x4d.a1h_in1k](https://huggingface.co/timm/resnext50_32x4d.a1h_in1k)|288 |82.03|95.94|25.0 |7.0 |23.8 |1745 |
|[ecaresnet101d_pruned.miil_in1k](https://huggingface.co/timm/ecaresnet101d_pruned.miil_in1k)|288 |82.0 |96.15|24.9 |5.8 |12.7 |1787 |
|[resnet61q.ra2_in1k](https://huggingface.co/timm/resnet61q.ra2_in1k)|256 |81.99|95.85|36.8 |7.8 |17.0 |2230 |
|[resnext101_32x8d.tv2_in1k](https://huggingface.co/timm/resnext101_32x8d.tv2_in1k)|176 |81.98|95.72|88.8 |10.3 |19.4 |1768 |
|[resnet152.a1_in1k](https://huggingface.co/timm/resnet152.a1_in1k)|224 |81.97|95.24|60.2 |11.6 |22.6 |1486 |
|[resnet101.a1h_in1k](https://huggingface.co/timm/resnet101.a1h_in1k)|224 |81.93|95.75|44.6 |7.8 |16.2 |2122 |
|[resnet101.tv2_in1k](https://huggingface.co/timm/resnet101.tv2_in1k)|224 |81.9 |95.77|44.6 |7.8 |16.2 |2118 |
|[resnext101_32x16d.fb_ssl_yfcc100m_ft_in1k](https://huggingface.co/timm/resnext101_32x16d.fb_ssl_yfcc100m_ft_in1k)|224 |81.84|96.1 |194.0 |36.3 |51.2 |583 |
|[resnet51q.ra2_in1k](https://huggingface.co/timm/resnet51q.ra2_in1k)|256 |81.78|95.94|35.7 |6.4 |16.6 |2471 |
|[resnet152.a2_in1k](https://huggingface.co/timm/resnet152.a2_in1k)|224 |81.77|95.22|60.2 |11.6 |22.6 |1485 |
|[resnetaa50d.sw_in12k_ft_in1k](https://huggingface.co/timm/resnetaa50d.sw_in12k_ft_in1k)|224 |81.74|96.06|25.6 |5.4 |12.4 |2813 |
|[ecaresnet50t.a2_in1k](https://huggingface.co/timm/ecaresnet50t.a2_in1k)|288 |81.65|95.54|25.6 |7.1 |19.6 |1703 |
|[ecaresnet50d.miil_in1k](https://huggingface.co/timm/ecaresnet50d.miil_in1k)|288 |81.64|95.88|25.6 |7.2 |19.7 |1694 |
|[resnext101_32x8d.fb_ssl_yfcc100m_ft_in1k](https://huggingface.co/timm/resnext101_32x8d.fb_ssl_yfcc100m_ft_in1k)|224 |81.62|96.04|88.8 |16.5 |31.2 |1101 |
|[wide_resnet50_2.tv2_in1k](https://huggingface.co/timm/wide_resnet50_2.tv2_in1k)|224 |81.61|95.76|68.9 |11.4 |14.4 |1930 |
|[resnetaa50.a1h_in1k](https://huggingface.co/timm/resnetaa50.a1h_in1k)|288 |81.61|95.83|25.6 |8.5 |19.2 |1868 |
|[resnet101.a1_in1k](https://huggingface.co/timm/resnet101.a1_in1k)|224 |81.5 |95.16|44.6 |7.8 |16.2 |2125 |
|[resnext50_32x4d.a1_in1k](https://huggingface.co/timm/resnext50_32x4d.a1_in1k)|288 |81.48|95.16|25.0 |7.0 |23.8 |1745 |
|[gcresnet50t.ra2_in1k](https://huggingface.co/timm/gcresnet50t.ra2_in1k)|288 |81.47|95.71|25.9 |6.9 |18.6 |2071 |
|[wide_resnet50_2.racm_in1k](https://huggingface.co/timm/wide_resnet50_2.racm_in1k)|224 |81.45|95.53|68.9 |11.4 |14.4 |1929 |
|[resnet50d.a1_in1k](https://huggingface.co/timm/resnet50d.a1_in1k)|288 |81.44|95.22|25.6 |7.2 |19.7 |1908 |
|[ecaresnet50t.ra2_in1k](https://huggingface.co/timm/ecaresnet50t.ra2_in1k)|256 |81.44|95.67|25.6 |5.6 |15.4 |2168 |
|[ecaresnetlight.miil_in1k](https://huggingface.co/timm/ecaresnetlight.miil_in1k)|288 |81.4 |95.82|30.2 |6.8 |13.9 |2132 |
|[resnet50d.ra2_in1k](https://huggingface.co/timm/resnet50d.ra2_in1k)|288 |81.37|95.74|25.6 |7.2 |19.7 |1910 |
|[resnet101.a2_in1k](https://huggingface.co/timm/resnet101.a2_in1k)|224 |81.32|95.19|44.6 |7.8 |16.2 |2125 |
|[seresnet50.ra2_in1k](https://huggingface.co/timm/seresnet50.ra2_in1k)|288 |81.3 |95.65|28.1 |6.8 |18.4 |1803 |
|[resnext50_32x4d.a2_in1k](https://huggingface.co/timm/resnext50_32x4d.a2_in1k)|288 |81.3 |95.11|25.0 |7.0 |23.8 |1746 |
|[seresnext50_32x4d.racm_in1k](https://huggingface.co/timm/seresnext50_32x4d.racm_in1k)|224 |81.27|95.62|27.6 |4.3 |14.4 |2591 |
|[ecaresnet50t.a1_in1k](https://huggingface.co/timm/ecaresnet50t.a1_in1k)|224 |81.26|95.16|25.6 |4.3 |11.8 |2823 |
|[gcresnext50ts.ch_in1k](https://huggingface.co/timm/gcresnext50ts.ch_in1k)|288 |81.23|95.54|15.7 |4.8 |19.6 |2117 |
|[senet154.gluon_in1k](https://huggingface.co/timm/senet154.gluon_in1k)|224 |81.23|95.35|115.1 |20.8 |38.7 |545 |
|[resnet50.a1_in1k](https://huggingface.co/timm/resnet50.a1_in1k)|288 |81.22|95.11|25.6 |6.8 |18.4 |2089 |
|[resnet50_gn.a1h_in1k](https://huggingface.co/timm/resnet50_gn.a1h_in1k)|288 |81.22|95.63|25.6 |6.8 |18.4 |676 |
|[resnet50d.a2_in1k](https://huggingface.co/timm/resnet50d.a2_in1k)|288 |81.18|95.09|25.6 |7.2 |19.7 |1908 |
|[resnet50.fb_swsl_ig1b_ft_in1k](https://huggingface.co/timm/resnet50.fb_swsl_ig1b_ft_in1k)|224 |81.18|95.98|25.6 |4.1 |11.1 |3455 |
|[resnext50_32x4d.tv2_in1k](https://huggingface.co/timm/resnext50_32x4d.tv2_in1k)|224 |81.17|95.34|25.0 |4.3 |14.4 |2933 |
|[resnext50_32x4d.a1h_in1k](https://huggingface.co/timm/resnext50_32x4d.a1h_in1k)|224 |81.1 |95.33|25.0 |4.3 |14.4 |2934 |
|[seresnet50.a2_in1k](https://huggingface.co/timm/seresnet50.a2_in1k)|288 |81.1 |95.23|28.1 |6.8 |18.4 |1801 |
|[seresnet50.a1_in1k](https://huggingface.co/timm/seresnet50.a1_in1k)|288 |81.1 |95.12|28.1 |6.8 |18.4 |1799 |
|[resnet152s.gluon_in1k](https://huggingface.co/timm/resnet152s.gluon_in1k)|224 |81.02|95.41|60.3 |12.9 |25.0 |1347 |
|[resnet50.d_in1k](https://huggingface.co/timm/resnet50.d_in1k)|288 |80.97|95.44|25.6 |6.8 |18.4 |2085 |
|[gcresnet50t.ra2_in1k](https://huggingface.co/timm/gcresnet50t.ra2_in1k)|256 |80.94|95.45|25.9 |5.4 |14.7 |2571 |
|[resnext101_32x4d.fb_ssl_yfcc100m_ft_in1k](https://huggingface.co/timm/resnext101_32x4d.fb_ssl_yfcc100m_ft_in1k)|224 |80.93|95.73|44.2 |8.0 |21.2 |1814 |
|[resnet50.c1_in1k](https://huggingface.co/timm/resnet50.c1_in1k)|288 |80.91|95.55|25.6 |6.8 |18.4 |2084 |
|[seresnext101_32x4d.gluon_in1k](https://huggingface.co/timm/seresnext101_32x4d.gluon_in1k)|224 |80.9 |95.31|49.0 |8.0 |21.3 |1585 |
|[seresnext101_64x4d.gluon_in1k](https://huggingface.co/timm/seresnext101_64x4d.gluon_in1k)|224 |80.9 |95.3 |88.2 |15.5 |31.2 |918 |
|[resnet50.c2_in1k](https://huggingface.co/timm/resnet50.c2_in1k)|288 |80.86|95.52|25.6 |6.8 |18.4 |2085 |
|[resnet50.tv2_in1k](https://huggingface.co/timm/resnet50.tv2_in1k)|224 |80.85|95.43|25.6 |4.1 |11.1 |3450 |
|[ecaresnet50t.a2_in1k](https://huggingface.co/timm/ecaresnet50t.a2_in1k)|224 |80.84|95.02|25.6 |4.3 |11.8 |2821 |
|[ecaresnet101d_pruned.miil_in1k](https://huggingface.co/timm/ecaresnet101d_pruned.miil_in1k)|224 |80.79|95.62|24.9 |3.5 |7.7 |2961 |
|[seresnet33ts.ra2_in1k](https://huggingface.co/timm/seresnet33ts.ra2_in1k)|288 |80.79|95.36|19.8 |6.0 |14.8 |2506 |
|[ecaresnet50d_pruned.miil_in1k](https://huggingface.co/timm/ecaresnet50d_pruned.miil_in1k)|288 |80.79|95.58|19.9 |4.2 |10.6 |2349 |
|[resnet50.a2_in1k](https://huggingface.co/timm/resnet50.a2_in1k)|288 |80.78|94.99|25.6 |6.8 |18.4 |2088 |
|[resnet50.b1k_in1k](https://huggingface.co/timm/resnet50.b1k_in1k)|288 |80.71|95.43|25.6 |6.8 |18.4 |2087 |
|[resnext50_32x4d.ra_in1k](https://huggingface.co/timm/resnext50_32x4d.ra_in1k)|288 |80.7 |95.39|25.0 |7.0 |23.8 |1749 |
|[resnetrs101.tf_in1k](https://huggingface.co/timm/resnetrs101.tf_in1k)|192 |80.69|95.24|63.6 |6.0 |12.7 |2270 |
|[resnet50d.a1_in1k](https://huggingface.co/timm/resnet50d.a1_in1k)|224 |80.68|94.71|25.6 |4.4 |11.9 |3162 |
|[eca_resnet33ts.ra2_in1k](https://huggingface.co/timm/eca_resnet33ts.ra2_in1k)|288 |80.68|95.36|19.7 |6.0 |14.8 |2637 |
|[resnet50.a1h_in1k](https://huggingface.co/timm/resnet50.a1h_in1k)|224 |80.67|95.3 |25.6 |4.1 |11.1 |3452 |
|[resnext50d_32x4d.bt_in1k](https://huggingface.co/timm/resnext50d_32x4d.bt_in1k)|288 |80.67|95.42|25.0 |7.4 |25.1 |1626 |
|[resnetaa50.a1h_in1k](https://huggingface.co/timm/resnetaa50.a1h_in1k)|224 |80.63|95.21|25.6 |5.2 |11.6 |3034 |
|[ecaresnet50d.miil_in1k](https://huggingface.co/timm/ecaresnet50d.miil_in1k)|224 |80.61|95.32|25.6 |4.4 |11.9 |2813 |
|[resnext101_64x4d.gluon_in1k](https://huggingface.co/timm/resnext101_64x4d.gluon_in1k)|224 |80.61|94.99|83.5 |15.5 |31.2 |989 |
|[gcresnet33ts.ra2_in1k](https://huggingface.co/timm/gcresnet33ts.ra2_in1k)|288 |80.6 |95.31|19.9 |6.0 |14.8 |2578 |
|[gcresnext50ts.ch_in1k](https://huggingface.co/timm/gcresnext50ts.ch_in1k)|256 |80.57|95.17|15.7 |3.8 |15.5 |2710 |
|[resnet152.a3_in1k](https://huggingface.co/timm/resnet152.a3_in1k)|224 |80.56|95.0 |60.2 |11.6 |22.6 |1483 |
|[resnet50d.ra2_in1k](https://huggingface.co/timm/resnet50d.ra2_in1k)|224 |80.53|95.16|25.6 |4.4 |11.9 |3164 |
|[resnext50_32x4d.a1_in1k](https://huggingface.co/timm/resnext50_32x4d.a1_in1k)|224 |80.53|94.46|25.0 |4.3 |14.4 |2930 |
|[wide_resnet101_2.tv2_in1k](https://huggingface.co/timm/wide_resnet101_2.tv2_in1k)|176 |80.48|94.98|126.9 |14.3 |13.2 |1719 |
|[resnet152d.gluon_in1k](https://huggingface.co/timm/resnet152d.gluon_in1k)|224 |80.47|95.2 |60.2 |11.8 |23.4 |1428 |
|[resnet50.b2k_in1k](https://huggingface.co/timm/resnet50.b2k_in1k)|288 |80.45|95.32|25.6 |6.8 |18.4 |2086 |
|[ecaresnetlight.miil_in1k](https://huggingface.co/timm/ecaresnetlight.miil_in1k)|224 |80.45|95.24|30.2 |4.1 |8.4 |3530 |
|[resnext50_32x4d.a2_in1k](https://huggingface.co/timm/resnext50_32x4d.a2_in1k)|224 |80.45|94.63|25.0 |4.3 |14.4 |2936 |
|[wide_resnet50_2.tv2_in1k](https://huggingface.co/timm/wide_resnet50_2.tv2_in1k)|176 |80.43|95.09|68.9 |7.3 |9.0 |3015 |
|[resnet101d.gluon_in1k](https://huggingface.co/timm/resnet101d.gluon_in1k)|224 |80.42|95.01|44.6 |8.1 |17.0 |2007 |
|[resnet50.a1_in1k](https://huggingface.co/timm/resnet50.a1_in1k)|224 |80.38|94.6 |25.6 |4.1 |11.1 |3461 |
|[seresnet33ts.ra2_in1k](https://huggingface.co/timm/seresnet33ts.ra2_in1k)|256 |80.36|95.1 |19.8 |4.8 |11.7 |3267 |
|[resnext101_32x4d.gluon_in1k](https://huggingface.co/timm/resnext101_32x4d.gluon_in1k)|224 |80.34|94.93|44.2 |8.0 |21.2 |1814 |
|[resnext50_32x4d.fb_ssl_yfcc100m_ft_in1k](https://huggingface.co/timm/resnext50_32x4d.fb_ssl_yfcc100m_ft_in1k)|224 |80.32|95.4 |25.0 |4.3 |14.4 |2941 |
|[resnet101s.gluon_in1k](https://huggingface.co/timm/resnet101s.gluon_in1k)|224 |80.28|95.16|44.7 |9.2 |18.6 |1851 |
|[seresnet50.ra2_in1k](https://huggingface.co/timm/seresnet50.ra2_in1k)|224 |80.26|95.08|28.1 |4.1 |11.1 |2972 |
|[resnetblur50.bt_in1k](https://huggingface.co/timm/resnetblur50.bt_in1k)|288 |80.24|95.24|25.6 |8.5 |19.9 |1523 |
|[resnet50d.a2_in1k](https://huggingface.co/timm/resnet50d.a2_in1k)|224 |80.22|94.63|25.6 |4.4 |11.9 |3162 |
|[resnet152.tv2_in1k](https://huggingface.co/timm/resnet152.tv2_in1k)|176 |80.2 |94.64|60.2 |7.2 |14.0 |2346 |
|[seresnet50.a2_in1k](https://huggingface.co/timm/seresnet50.a2_in1k)|224 |80.08|94.74|28.1 |4.1 |11.1 |2969 |
|[eca_resnet33ts.ra2_in1k](https://huggingface.co/timm/eca_resnet33ts.ra2_in1k)|256 |80.08|94.97|19.7 |4.8 |11.7 |3284 |
|[gcresnet33ts.ra2_in1k](https://huggingface.co/timm/gcresnet33ts.ra2_in1k)|256 |80.06|94.99|19.9 |4.8 |11.7 |3216 |
|[resnet50_gn.a1h_in1k](https://huggingface.co/timm/resnet50_gn.a1h_in1k)|224 |80.06|94.95|25.6 |4.1 |11.1 |1109 |
|[seresnet50.a1_in1k](https://huggingface.co/timm/seresnet50.a1_in1k)|224 |80.02|94.71|28.1 |4.1 |11.1 |2962 |
|[resnet50.ram_in1k](https://huggingface.co/timm/resnet50.ram_in1k)|288 |79.97|95.05|25.6 |6.8 |18.4 |2086 |
|[resnet152c.gluon_in1k](https://huggingface.co/timm/resnet152c.gluon_in1k)|224 |79.92|94.84|60.2 |11.8 |23.4 |1455 |
|[seresnext50_32x4d.gluon_in1k](https://huggingface.co/timm/seresnext50_32x4d.gluon_in1k)|224 |79.91|94.82|27.6 |4.3 |14.4 |2591 |
|[resnet50.d_in1k](https://huggingface.co/timm/resnet50.d_in1k)|224 |79.91|94.67|25.6 |4.1 |11.1 |3456 |
|[resnet101.tv2_in1k](https://huggingface.co/timm/resnet101.tv2_in1k)|176 |79.9 |94.6 |44.6 |4.9 |10.1 |3341 |
|[resnetrs50.tf_in1k](https://huggingface.co/timm/resnetrs50.tf_in1k)|224 |79.89|94.97|35.7 |4.5 |12.1 |2774 |
|[resnet50.c2_in1k](https://huggingface.co/timm/resnet50.c2_in1k)|224 |79.88|94.87|25.6 |4.1 |11.1 |3455 |
|[ecaresnet26t.ra2_in1k](https://huggingface.co/timm/ecaresnet26t.ra2_in1k)|320 |79.86|95.07|16.0 |5.2 |16.4 |2168 |
|[resnet50.a2_in1k](https://huggingface.co/timm/resnet50.a2_in1k)|224 |79.85|94.56|25.6 |4.1 |11.1 |3460 |
|[resnet50.ra_in1k](https://huggingface.co/timm/resnet50.ra_in1k)|288 |79.83|94.97|25.6 |6.8 |18.4 |2087 |
|[resnet101.a3_in1k](https://huggingface.co/timm/resnet101.a3_in1k)|224 |79.82|94.62|44.6 |7.8 |16.2 |2114 |
|[resnext50_32x4d.ra_in1k](https://huggingface.co/timm/resnext50_32x4d.ra_in1k)|224 |79.76|94.6 |25.0 |4.3 |14.4 |2943 |
|[resnet50.c1_in1k](https://huggingface.co/timm/resnet50.c1_in1k)|224 |79.74|94.95|25.6 |4.1 |11.1 |3455 |
|[ecaresnet50d_pruned.miil_in1k](https://huggingface.co/timm/ecaresnet50d_pruned.miil_in1k)|224 |79.74|94.87|19.9 |2.5 |6.4 |3929 |
|[resnet33ts.ra2_in1k](https://huggingface.co/timm/resnet33ts.ra2_in1k)|288 |79.71|94.83|19.7 |6.0 |14.8 |2710 |
|[resnet152.gluon_in1k](https://huggingface.co/timm/resnet152.gluon_in1k)|224 |79.68|94.74|60.2 |11.6 |22.6 |1486 |
|[resnext50d_32x4d.bt_in1k](https://huggingface.co/timm/resnext50d_32x4d.bt_in1k)|224 |79.67|94.87|25.0 |4.5 |15.2 |2729 |
|[resnet50.bt_in1k](https://huggingface.co/timm/resnet50.bt_in1k)|288 |79.63|94.91|25.6 |6.8 |18.4 |2086 |
|[ecaresnet50t.a3_in1k](https://huggingface.co/timm/ecaresnet50t.a3_in1k)|224 |79.56|94.72|25.6 |4.3 |11.8 |2805 |
|[resnet101c.gluon_in1k](https://huggingface.co/timm/resnet101c.gluon_in1k)|224 |79.53|94.58|44.6 |8.1 |17.0 |2062 |
|[resnet50.b1k_in1k](https://huggingface.co/timm/resnet50.b1k_in1k)|224 |79.52|94.61|25.6 |4.1 |11.1 |3459 |
|[resnet50.tv2_in1k](https://huggingface.co/timm/resnet50.tv2_in1k)|176 |79.42|94.64|25.6 |2.6 |6.9 |5397 |
|[resnet32ts.ra2_in1k](https://huggingface.co/timm/resnet32ts.ra2_in1k)|288 |79.4 |94.66|18.0 |5.9 |14.6 |2752 |
|[resnet50.b2k_in1k](https://huggingface.co/timm/resnet50.b2k_in1k)|224 |79.38|94.57|25.6 |4.1 |11.1 |3459 |
|[resnext50_32x4d.tv2_in1k](https://huggingface.co/timm/resnext50_32x4d.tv2_in1k)|176 |79.37|94.3 |25.0 |2.7 |9.0 |4577 |
|[resnext50_32x4d.gluon_in1k](https://huggingface.co/timm/resnext50_32x4d.gluon_in1k)|224 |79.36|94.43|25.0 |4.3 |14.4 |2942 |
|[resnext101_32x8d.tv_in1k](https://huggingface.co/timm/resnext101_32x8d.tv_in1k)|224 |79.31|94.52|88.8 |16.5 |31.2 |1100 |
|[resnet101.gluon_in1k](https://huggingface.co/timm/resnet101.gluon_in1k)|224 |79.31|94.53|44.6 |7.8 |16.2 |2125 |
|[resnetblur50.bt_in1k](https://huggingface.co/timm/resnetblur50.bt_in1k)|224 |79.31|94.63|25.6 |5.2 |12.0 |2524 |
|[resnet50.a1h_in1k](https://huggingface.co/timm/resnet50.a1h_in1k)|176 |79.27|94.49|25.6 |2.6 |6.9 |5404 |
|[resnext50_32x4d.a3_in1k](https://huggingface.co/timm/resnext50_32x4d.a3_in1k)|224 |79.25|94.31|25.0 |4.3 |14.4 |2931 |
|[resnet50.fb_ssl_yfcc100m_ft_in1k](https://huggingface.co/timm/resnet50.fb_ssl_yfcc100m_ft_in1k)|224 |79.22|94.84|25.6 |4.1 |11.1 |3451 |
|[resnet33ts.ra2_in1k](https://huggingface.co/timm/resnet33ts.ra2_in1k)|256 |79.21|94.56|19.7 |4.8 |11.7 |3392 |
|[resnet50d.gluon_in1k](https://huggingface.co/timm/resnet50d.gluon_in1k)|224 |79.07|94.48|25.6 |4.4 |11.9 |3162 |
|[resnet50.ram_in1k](https://huggingface.co/timm/resnet50.ram_in1k)|224 |79.03|94.38|25.6 |4.1 |11.1 |3453 |
|[resnet50.am_in1k](https://huggingface.co/timm/resnet50.am_in1k)|224 |79.01|94.39|25.6 |4.1 |11.1 |3461 |
|[resnet32ts.ra2_in1k](https://huggingface.co/timm/resnet32ts.ra2_in1k)|256 |79.01|94.37|18.0 |4.6 |11.6 |3440 |
|[ecaresnet26t.ra2_in1k](https://huggingface.co/timm/ecaresnet26t.ra2_in1k)|256 |78.9 |94.54|16.0 |3.4 |10.5 |3421 |
|[resnet152.a3_in1k](https://huggingface.co/timm/resnet152.a3_in1k)|160 |78.89|94.11|60.2 |5.9 |11.5 |2745 |
|[wide_resnet101_2.tv_in1k](https://huggingface.co/timm/wide_resnet101_2.tv_in1k)|224 |78.84|94.28|126.9 |22.8 |21.2 |1079 |
|[seresnext26d_32x4d.bt_in1k](https://huggingface.co/timm/seresnext26d_32x4d.bt_in1k)|288 |78.83|94.24|16.8 |4.5 |16.8 |2251 |
|[resnet50.ra_in1k](https://huggingface.co/timm/resnet50.ra_in1k)|224 |78.81|94.32|25.6 |4.1 |11.1 |3454 |
|[seresnext26t_32x4d.bt_in1k](https://huggingface.co/timm/seresnext26t_32x4d.bt_in1k)|288 |78.74|94.33|16.8 |4.5 |16.7 |2264 |
|[resnet50s.gluon_in1k](https://huggingface.co/timm/resnet50s.gluon_in1k)|224 |78.72|94.23|25.7 |5.5 |13.5 |2796 |
|[resnet50d.a3_in1k](https://huggingface.co/timm/resnet50d.a3_in1k)|224 |78.71|94.24|25.6 |4.4 |11.9 |3154 |
|[wide_resnet50_2.tv_in1k](https://huggingface.co/timm/wide_resnet50_2.tv_in1k)|224 |78.47|94.09|68.9 |11.4 |14.4 |1934 |
|[resnet50.bt_in1k](https://huggingface.co/timm/resnet50.bt_in1k)|224 |78.46|94.27|25.6 |4.1 |11.1 |3454 |
|[resnet34d.ra2_in1k](https://huggingface.co/timm/resnet34d.ra2_in1k)|288 |78.43|94.35|21.8 |6.5 |7.5 |3291 |
|[gcresnext26ts.ch_in1k](https://huggingface.co/timm/gcresnext26ts.ch_in1k)|288 |78.42|94.04|10.5 |3.1 |13.3 |3226 |
|[resnet26t.ra2_in1k](https://huggingface.co/timm/resnet26t.ra2_in1k)|320 |78.33|94.13|16.0 |5.2 |16.4 |2391 |
|[resnet152.tv_in1k](https://huggingface.co/timm/resnet152.tv_in1k)|224 |78.32|94.04|60.2 |11.6 |22.6 |1487 |
|[seresnext26ts.ch_in1k](https://huggingface.co/timm/seresnext26ts.ch_in1k)|288 |78.28|94.1 |10.4 |3.1 |13.3 |3062 |
|[bat_resnext26ts.ch_in1k](https://huggingface.co/timm/bat_resnext26ts.ch_in1k)|256 |78.25|94.1 |10.7 |2.5 |12.5 |3393 |
|[resnet50.a3_in1k](https://huggingface.co/timm/resnet50.a3_in1k)|224 |78.06|93.78|25.6 |4.1 |11.1 |3450 |
|[resnet50c.gluon_in1k](https://huggingface.co/timm/resnet50c.gluon_in1k)|224 |78.0 |93.99|25.6 |4.4 |11.9 |3286 |
|[eca_resnext26ts.ch_in1k](https://huggingface.co/timm/eca_resnext26ts.ch_in1k)|288 |78.0 |93.91|10.3 |3.1 |13.3 |3297 |
|[seresnext26t_32x4d.bt_in1k](https://huggingface.co/timm/seresnext26t_32x4d.bt_in1k)|224 |77.98|93.75|16.8 |2.7 |10.1 |3841 |
|[resnet34.a1_in1k](https://huggingface.co/timm/resnet34.a1_in1k)|288 |77.92|93.77|21.8 |6.1 |6.2 |3609 |
|[resnet101.a3_in1k](https://huggingface.co/timm/resnet101.a3_in1k)|160 |77.88|93.71|44.6 |4.0 |8.3 |3926 |
|[resnet26t.ra2_in1k](https://huggingface.co/timm/resnet26t.ra2_in1k)|256 |77.87|93.84|16.0 |3.4 |10.5 |3772 |
|[seresnext26ts.ch_in1k](https://huggingface.co/timm/seresnext26ts.ch_in1k)|256 |77.86|93.79|10.4 |2.4 |10.5 |4263 |
|[resnetrs50.tf_in1k](https://huggingface.co/timm/resnetrs50.tf_in1k)|160 |77.82|93.81|35.7 |2.3 |6.2 |5238 |
|[gcresnext26ts.ch_in1k](https://huggingface.co/timm/gcresnext26ts.ch_in1k)|256 |77.81|93.82|10.5 |2.4 |10.5 |4183 |
|[ecaresnet50t.a3_in1k](https://huggingface.co/timm/ecaresnet50t.a3_in1k)|160 |77.79|93.6 |25.6 |2.2 |6.0 |5329 |
|[resnext50_32x4d.a3_in1k](https://huggingface.co/timm/resnext50_32x4d.a3_in1k)|160 |77.73|93.32|25.0 |2.2 |7.4 |5576 |
|[resnext50_32x4d.tv_in1k](https://huggingface.co/timm/resnext50_32x4d.tv_in1k)|224 |77.61|93.7 |25.0 |4.3 |14.4 |2944 |
|[seresnext26d_32x4d.bt_in1k](https://huggingface.co/timm/seresnext26d_32x4d.bt_in1k)|224 |77.59|93.61|16.8 |2.7 |10.2 |3807 |
|[resnet50.gluon_in1k](https://huggingface.co/timm/resnet50.gluon_in1k)|224 |77.58|93.72|25.6 |4.1 |11.1 |3455 |
|[eca_resnext26ts.ch_in1k](https://huggingface.co/timm/eca_resnext26ts.ch_in1k)|256 |77.44|93.56|10.3 |2.4 |10.5 |4284 |
|[resnet26d.bt_in1k](https://huggingface.co/timm/resnet26d.bt_in1k)|288 |77.41|93.63|16.0 |4.3 |13.5 |2907 |
|[resnet101.tv_in1k](https://huggingface.co/timm/resnet101.tv_in1k)|224 |77.38|93.54|44.6 |7.8 |16.2 |2125 |
|[resnet50d.a3_in1k](https://huggingface.co/timm/resnet50d.a3_in1k)|160 |77.22|93.27|25.6 |2.2 |6.1 |5982 |
|[resnext26ts.ra2_in1k](https://huggingface.co/timm/resnext26ts.ra2_in1k)|288 |77.17|93.47|10.3 |3.1 |13.3 |3392 |
|[resnet34.a2_in1k](https://huggingface.co/timm/resnet34.a2_in1k)|288 |77.15|93.27|21.8 |6.1 |6.2 |3615 |
|[resnet34d.ra2_in1k](https://huggingface.co/timm/resnet34d.ra2_in1k)|224 |77.1 |93.37|21.8 |3.9 |4.5 |5436 |
|[seresnet50.a3_in1k](https://huggingface.co/timm/seresnet50.a3_in1k)|224 |77.02|93.07|28.1 |4.1 |11.1 |2952 |
|[resnext26ts.ra2_in1k](https://huggingface.co/timm/resnext26ts.ra2_in1k)|256 |76.78|93.13|10.3 |2.4 |10.5 |4410 |
|[resnet26d.bt_in1k](https://huggingface.co/timm/resnet26d.bt_in1k)|224 |76.7 |93.17|16.0 |2.6 |8.2 |4859 |
|[resnet34.bt_in1k](https://huggingface.co/timm/resnet34.bt_in1k)|288 |76.5 |93.35|21.8 |6.1 |6.2 |3617 |
|[resnet34.a1_in1k](https://huggingface.co/timm/resnet34.a1_in1k)|224 |76.42|92.87|21.8 |3.7 |3.7 |5984 |
|[resnet26.bt_in1k](https://huggingface.co/timm/resnet26.bt_in1k)|288 |76.35|93.18|16.0 |3.9 |12.2 |3331 |
|[resnet50.tv_in1k](https://huggingface.co/timm/resnet50.tv_in1k)|224 |76.13|92.86|25.6 |4.1 |11.1 |3457 |
|[resnet50.a3_in1k](https://huggingface.co/timm/resnet50.a3_in1k)|160 |75.96|92.5 |25.6 |2.1 |5.7 |6490 |
|[resnet34.a2_in1k](https://huggingface.co/timm/resnet34.a2_in1k)|224 |75.52|92.44|21.8 |3.7 |3.7 |5991 |
|[resnet26.bt_in1k](https://huggingface.co/timm/resnet26.bt_in1k)|224 |75.3 |92.58|16.0 |2.4 |7.4 |5583 |
|[resnet34.bt_in1k](https://huggingface.co/timm/resnet34.bt_in1k)|224 |75.16|92.18|21.8 |3.7 |3.7 |5994 |
|[seresnet50.a3_in1k](https://huggingface.co/timm/seresnet50.a3_in1k)|160 |75.1 |92.08|28.1 |2.1 |5.7 |5513 |
|[resnet34.gluon_in1k](https://huggingface.co/timm/resnet34.gluon_in1k)|224 |74.57|91.98|21.8 |3.7 |3.7 |5984 |
|[resnet18d.ra2_in1k](https://huggingface.co/timm/resnet18d.ra2_in1k)|288 |73.81|91.83|11.7 |3.4 |5.4 |5196 |
|[resnet34.tv_in1k](https://huggingface.co/timm/resnet34.tv_in1k)|224 |73.32|91.42|21.8 |3.7 |3.7 |5979 |
|[resnet18.fb_swsl_ig1b_ft_in1k](https://huggingface.co/timm/resnet18.fb_swsl_ig1b_ft_in1k)|224 |73.28|91.73|11.7 |1.8 |2.5 |10213 |
|[resnet18.a1_in1k](https://huggingface.co/timm/resnet18.a1_in1k)|288 |73.16|91.03|11.7 |3.0 |4.1 |6050 |
|[resnet34.a3_in1k](https://huggingface.co/timm/resnet34.a3_in1k)|224 |72.98|91.11|21.8 |3.7 |3.7 |5967 |
|[resnet18.fb_ssl_yfcc100m_ft_in1k](https://huggingface.co/timm/resnet18.fb_ssl_yfcc100m_ft_in1k)|224 |72.6 |91.42|11.7 |1.8 |2.5 |10213 |
|[resnet18.a2_in1k](https://huggingface.co/timm/resnet18.a2_in1k)|288 |72.37|90.59|11.7 |3.0 |4.1 |6051 |
|[resnet14t.c3_in1k](https://huggingface.co/timm/resnet14t.c3_in1k)|224 |72.26|90.31|10.1 |1.7 |5.8 |7026 |
|[resnet18d.ra2_in1k](https://huggingface.co/timm/resnet18d.ra2_in1k)|224 |72.26|90.68|11.7 |2.1 |3.3 |8707 |
|[resnet18.a1_in1k](https://huggingface.co/timm/resnet18.a1_in1k)|224 |71.49|90.07|11.7 |1.8 |2.5 |10187 |
|[resnet14t.c3_in1k](https://huggingface.co/timm/resnet14t.c3_in1k)|176 |71.31|89.69|10.1 |1.1 |3.6 |10970 |
|[resnet18.gluon_in1k](https://huggingface.co/timm/resnet18.gluon_in1k)|224 |70.84|89.76|11.7 |1.8 |2.5 |10210 |
|[resnet18.a2_in1k](https://huggingface.co/timm/resnet18.a2_in1k)|224 |70.64|89.47|11.7 |1.8 |2.5 |10194 |
|[resnet34.a3_in1k](https://huggingface.co/timm/resnet34.a3_in1k)|160 |70.56|89.52|21.8 |1.9 |1.9 |10737 |
|[resnet18.tv_in1k](https://huggingface.co/timm/resnet18.tv_in1k)|224 |69.76|89.07|11.7 |1.8 |2.5 |10205 |
|[resnet10t.c3_in1k](https://huggingface.co/timm/resnet10t.c3_in1k)|224 |68.34|88.03|5.4 |1.1 |2.4 |13079 |
|[resnet18.a3_in1k](https://huggingface.co/timm/resnet18.a3_in1k)|224 |68.25|88.17|11.7 |1.8 |2.5 |10167 |
|[resnet10t.c3_in1k](https://huggingface.co/timm/resnet10t.c3_in1k)|176 |66.71|86.96|5.4 |0.7 |1.5 |20327 |
|[resnet18.a3_in1k](https://huggingface.co/timm/resnet18.a3_in1k)|160 |65.66|86.26|11.7 |0.9 |1.3 |18229 |
## Citation
```bibtex
@misc{yalniz2019billionscale,
title={Billion-scale semi-supervised learning for image classification},
author={I. Zeki Yalniz and Hervé Jégou and Kan Chen and Manohar Paluri and Dhruv Mahajan},
year={2019},
eprint={1905.00546},
archivePrefix={arXiv},
primaryClass={cs.CV}
}
```
```bibtex
@article{He2015,
author = {Kaiming He and Xiangyu Zhang and Shaoqing Ren and Jian Sun},
title = {Deep Residual Learning for Image Recognition},
journal = {arXiv preprint arXiv:1512.03385},
year = {2015}
}
```
```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.8847087621688843,
-0.266000896692276,
0.026568228378891945,
0.4274557828903198,
-0.4414340853691101,
-0.1163809671998024,
-0.14651794731616974,
-0.45656996965408325,
1.1588165760040283,
0.26477164030075073,
-0.6822380423545837,
-0.5522949695587158,
-0.613961398601532,
0.005214870907366276,
0.30632641911506653,
0.8855689764022827,
-0.004361460916697979,
-0.08399570733308792,
0.20483700931072235,
-0.24231095612049103,
-0.002608534647151828,
-0.30549442768096924,
-1.0242657661437988,
-0.1511869877576828,
0.42044228315353394,
0.18084442615509033,
0.6747794151306152,
0.6056337356567383,
0.40449321269989014,
0.6137101054191589,
-0.2597527503967285,
0.30128100514411926,
-0.08921481668949127,
-0.14375455677509308,
0.614435076713562,
-0.37966388463974,
-0.9251571893692017,
-0.02304791286587715,
0.7416179776191711,
0.633718729019165,
0.08943092823028564,
0.37963882088661194,
0.37625348567962646,
0.5946455597877502,
0.05669929087162018,
-0.035559967160224915,
-0.01212741807103157,
0.12910997867584229,
-0.30727970600128174,
0.07721680402755737,
-0.052965641021728516,
-0.6985408663749695,
0.1845894753932953,
-0.6375430822372437,
-0.056601978838443756,
0.02411971054971218,
1.3846189975738525,
-0.1366712599992752,
-0.22904251515865326,
0.07088175415992737,
0.13065172731876373,
0.7739430665969849,
-0.8667331337928772,
0.3527080714702606,
0.5726988911628723,
-0.04463917389512062,
-0.18765366077423096,
-0.651140570640564,
-0.5032702684402466,
0.13044734299182892,
-0.44730034470558167,
0.29901981353759766,
-0.3054817020893097,
-0.2214750200510025,
0.3837510049343109,
0.3436775803565979,
-0.4678102731704712,
-0.11343499273061752,
-0.39010342955589294,
-0.11320851743221283,
0.7578651309013367,
0.07655622065067291,
0.7065229415893555,
-0.3571014106273651,
-0.535662055015564,
-0.09012924134731293,
-0.14871375262737274,
0.5002740621566772,
0.26267385482788086,
0.19044670462608337,
-1.1175895929336548,
0.4195432662963867,
0.1189175546169281,
0.25668174028396606,
0.3830244243144989,
-0.16388048231601715,
0.8545669317245483,
-0.1363655924797058,
-0.5133444666862488,
-0.5030205249786377,
1.1396739482879639,
0.6443407535552979,
0.27025747299194336,
-0.092107392847538,
-0.07292921096086502,
-0.19570130109786987,
-0.39528027176856995,
-0.9782937169075012,
-0.02666437439620495,
0.2658894658088684,
-0.5785602331161499,
-0.2634022831916809,
0.3604288101196289,
-0.892318606376648,
-0.03344495967030525,
-0.09810949116945267,
0.08269542455673218,
-0.7398968935012817,
-0.45612838864326477,
-0.005129448603838682,
-0.20857509970664978,
0.5178957581520081,
0.21990859508514404,
-0.3352074921131134,
0.42127761244773865,
0.07445559650659561,
0.8879425525665283,
0.29460009932518005,
-0.07810259610414505,
-0.2023923546075821,
0.0055236853659152985,
-0.35816696286201477,
0.3681960105895996,
0.15304474532604218,
-0.17378728091716766,
-0.3255895674228668,
0.4605417847633362,
-0.2548915147781372,
-0.21724069118499756,
0.6255214810371399,
0.28017982840538025,
0.1635439246892929,
-0.28278133273124695,
-0.263761043548584,
-0.21366450190544128,
0.3510286211967468,
-0.5722891688346863,
1.0431113243103027,
0.4051498472690582,
-1.1424342393875122,
0.173233300447464,
-0.5009055733680725,
-0.049863092601299286,
-0.2689601480960846,
0.07789040356874466,
-0.8977694511413574,
0.03613179177045822,
0.2152746617794037,
0.7598450779914856,
-0.21946567296981812,
-0.15226051211357117,
-0.3850160837173462,
0.02788180485367775,
0.40906715393066406,
0.17555488646030426,
0.9387574791908264,
0.31390178203582764,
-0.4489929676055908,
-0.1956254094839096,
-0.7375422120094299,
0.4177290201187134,
0.4619135558605194,
-0.017237888649106026,
-0.07971692830324173,
-0.8074125647544861,
0.05564223974943161,
0.6297352910041809,
0.29872316122055054,
-0.746720016002655,
0.24997639656066895,
-0.1788291484117508,
0.3586641848087311,
0.682257354259491,
0.04336688667535782,
0.2022825926542282,
-0.6871713399887085,
0.6041388511657715,
0.011674412526190281,
0.30919507145881653,
0.02435252256691456,
-0.43299156427383423,
-0.723416805267334,
-0.7548542618751526,
0.23165422677993774,
0.41831642389297485,
-0.4317779242992401,
0.8927281498908997,
0.12137271463871002,
-0.6410807371139526,
-0.6611661911010742,
0.1012314036488533,
0.5790387392044067,
0.2613675594329834,
0.11457560211420059,
-0.3218619227409363,
-0.7399609088897705,
-0.990681529045105,
-0.3264119029045105,
0.11021596193313599,
-0.020141184329986572,
0.6813147664070129,
0.45087724924087524,
-0.21615593135356903,
0.5231903195381165,
-0.358650803565979,
-0.2467568814754486,
-0.13193771243095398,
-0.10540583729743958,
0.45082324743270874,
0.8057158589363098,
1.0552952289581299,
-0.765835702419281,
-0.9552643895149231,
0.13693146407604218,
-1.1337718963623047,
-0.08537017554044724,
-0.031108243390917778,
-0.2787514328956604,
0.4425709545612335,
0.2623254656791687,
-0.8638238310813904,
0.7945089936256409,
0.4041386544704437,
-0.8695161938667297,
0.4511393904685974,
-0.3394615054130554,
0.5641605257987976,
-1.0849031209945679,
0.25123608112335205,
0.331553190946579,
-0.2637532651424408,
-0.5937879085540771,
0.04049942269921303,
-0.09050626307725906,
0.15727448463439941,
-0.5683133602142334,
0.8270760178565979,
-0.7225045561790466,
-0.02117559313774109,
0.16541464626789093,
0.06556366384029388,
-0.021191973239183426,
0.45215940475463867,
-0.051366861909627914,
0.5995078682899475,
0.9070035815238953,
-0.1861289143562317,
0.3062252104282379,
0.4551085829734802,
0.027252143248915672,
0.7661195397377014,
-0.6189821362495422,
0.08211604505777359,
0.038975730538368225,
0.44481518864631653,
-1.0326930284500122,
-0.3896494507789612,
0.541423499584198,
-0.8408251404762268,
0.6662613153457642,
-0.2619701027870178,
-0.30179497599601746,
-0.8532986640930176,
-0.8926945924758911,
0.24459461867809296,
0.6521385312080383,
-0.5999934673309326,
0.36551347374916077,
0.22202901542186737,
-0.04270555078983307,
-0.4999176263809204,
-0.7463988661766052,
0.056071970611810684,
-0.4034207761287689,
-0.8748351335525513,
0.4670853316783905,
0.31764906644821167,
-0.17874367535114288,
0.12564188241958618,
-0.16960467398166656,
-0.13807591795921326,
-0.2000572681427002,
0.6068460941314697,
0.3656158745288849,
-0.3143085539340973,
-0.4315808117389679,
-0.37229299545288086,
-0.27638211846351624,
-0.060099318623542786,
-0.10737396776676178,
0.4891389310359955,
-0.48330289125442505,
0.0805250033736229,
-1.4664987325668335,
0.11278074979782104,
0.8813117742538452,
-0.0292707197368145,
1.0155048370361328,
0.8142017722129822,
-0.47619831562042236,
0.16060353815555573,
-0.4452104866504669,
-0.23543207347393036,
-0.5310912728309631,
-0.24515417218208313,
-0.6991133093833923,
-0.6515965461730957,
0.9493649005889893,
0.09365692734718323,
-0.08482533693313599,
0.7856648564338684,
0.1469154804944992,
-0.2852363884449005,
0.8475887179374695,
0.45559459924697876,
-0.03328760340809822,
0.6182287931442261,
-0.8420880436897278,
0.12629440426826477,
-0.8298999667167664,
-0.7472519874572754,
-0.2390953153371811,
-0.5911926031112671,
-0.6258787512779236,
-0.3569784164428711,
0.2241244912147522,
0.38127294182777405,
-0.25724515318870544,
0.5939037203788757,
-0.581493616104126,
0.02246568165719509,
0.34282130002975464,
0.5491427779197693,
-0.22886721789836884,
-0.12759891152381897,
-0.10204703360795975,
-0.34255027770996094,
-0.5178756713867188,
-0.3635789752006531,
0.7731282114982605,
0.6415143013000488,
0.4415357708930969,
0.09135878831148148,
0.6087442636489868,
0.088716059923172,
0.18972855806350708,
-0.30503302812576294,
0.7238011956214905,
0.04093632474541664,
-0.4672914743423462,
-0.3566805422306061,
-0.4244702458381653,
-1.0843830108642578,
0.17105725407600403,
-0.4884108901023865,
-0.8777970671653748,
-0.18035319447517395,
-0.07137785106897354,
-0.3518235385417938,
0.7456507682800293,
-0.6088128685951233,
0.658564031124115,
-0.07831146568059921,
-0.5776486396789551,
-0.022493859753012657,
-0.842884361743927,
0.06514132767915726,
0.40108901262283325,
0.06994210183620453,
-0.02352788858115673,
-0.05336601659655571,
0.8043949007987976,
-0.832791268825531,
0.6202924251556396,
-0.37195560336112976,
0.13254670798778534,
0.41340020298957825,
-0.030178623273968697,
0.39875924587249756,
-0.005769129376858473,
-0.18602173030376434,
-0.06701028347015381,
0.12665513157844543,
-0.8479711413383484,
-0.32038605213165283,
0.679315447807312,
-0.7467978596687317,
-0.369877427816391,
-0.6641314625740051,
-0.26756733655929565,
0.07753816246986389,
0.04885157570242882,
0.47274675965309143,
0.660155713558197,
-0.03657190874218941,
0.24839384853839874,
0.5581362843513489,
-0.41442957520484924,
0.5090097784996033,
-0.12721863389015198,
-0.019310882315039635,
-0.5481418371200562,
0.7316944003105164,
0.06961221247911453,
-0.005261014215648174,
-0.0015137906884774566,
0.027327414602041245,
-0.4329664409160614,
-0.2556409239768982,
-0.29753580689430237,
0.7682393193244934,
-0.18831250071525574,
-0.3120846748352051,
-0.6465191841125488,
-0.36158397793769836,
-0.5848487615585327,
-0.46142011880874634,
-0.4349915385246277,
-0.34986186027526855,
-0.3446207344532013,
-0.00777288107201457,
0.7367823123931885,
0.8860613107681274,
-0.3718327581882477,
0.3982686698436737,
-0.5326684713363647,
0.30701661109924316,
0.05736157298088074,
0.5579204559326172,
-0.33730095624923706,
-0.7165433764457703,
0.03449375554919243,
-0.019929273054003716,
-0.042765893042087555,
-0.8305013179779053,
0.6526347398757935,
0.004393757786601782,
0.39911311864852905,
0.4270244240760803,
-0.2071605771780014,
0.7501958012580872,
0.007164983544498682,
0.481330931186676,
0.5953287482261658,
-0.7410441637039185,
0.34594693779945374,
-0.4827541708946228,
0.01028423011302948,
0.3321222960948944,
0.20899678766727448,
-0.37764009833335876,
-0.36801421642303467,
-0.9346857666969299,
-0.45150700211524963,
0.7731730937957764,
0.10249195992946625,
-0.024371294304728508,
-0.02667269855737686,
0.7200716137886047,
-0.0891258716583252,
0.0613233745098114,
-0.5619853138923645,
-0.8989049196243286,
-0.10206235200166702,
-0.1861315369606018,
0.08657822757959366,
-0.038112711161375046,
0.05251600593328476,
-0.7061563730239868,
0.7105926871299744,
0.04533333703875542,
0.5100122690200806,
0.17241212725639343,
0.030402999371290207,
0.03853277862071991,
-0.3311670422554016,
0.6150692105293274,
0.38455167412757874,
-0.18935728073120117,
-0.15495869517326355,
0.35672885179519653,
-0.4990595579147339,
0.0789603739976883,
0.22264935076236725,
-0.0180409736931324,
0.0689070075750351,
0.12488474696874619,
0.5340801477432251,
0.37995943427085876,
-0.07628432661294937,
0.5595622062683105,
-0.2567480206489563,
-0.5901225209236145,
-0.2119237631559372,
-0.226217120885849,
0.287686824798584,
0.44193413853645325,
0.33478161692619324,
0.05261685326695442,
-0.40539103746414185,
-0.3784344494342804,
0.5406524538993835,
0.7568163275718689,
-0.4276392459869385,
-0.41431719064712524,
0.5880929827690125,
-0.023167388513684273,
-0.20066365599632263,
0.41690728068351746,
-0.12999820709228516,
-0.6917977333068848,
1.0304667949676514,
0.35507553815841675,
0.6137468814849854,
-0.49929410219192505,
0.10351184010505676,
0.8900880813598633,
0.012150024063885212,
0.2073630690574646,
0.3742459714412689,
0.4571234881877899,
-0.3397538661956787,
-0.05975857004523277,
-0.5872820019721985,
0.21351434290409088,
0.5068646669387817,
-0.4279690980911255,
0.3023199439048767,
-0.7519149780273438,
-0.3368470072746277,
0.10001139342784882,
0.500403881072998,
-0.6619192361831665,
0.3462976813316345,
-0.00585929537191987,
1.096232533454895,
-0.8780862092971802,
0.8402364253997803,
0.9356655478477478,
-0.5858575105667114,
-0.8986245393753052,
-0.020087016746401787,
0.12833644449710846,
-0.8759562969207764,
0.4369133710861206,
0.10712108761072159,
0.02179807610809803,
-0.038345128297805786,
-0.5499303340911865,
-0.6995877623558044,
1.4019722938537598,
0.3781789243221283,
-0.034261055290699005,
0.254422664642334,
-0.4459301233291626,
0.40281596779823303,
-0.18557901680469513,
0.5767109990119934,
0.3459984064102173,
0.5387166142463684,
0.15891429781913757,
-0.8844894170761108,
0.38198068737983704,
-0.4360928535461426,
-0.11319879442453384,
0.31822219491004944,
-1.333342432975769,
0.9189869165420532,
-0.22414343059062958,
-0.03391474485397339,
0.22288085520267487,
0.6947670578956604,
0.3238726556301117,
-0.039221689105033875,
0.2662658989429474,
0.8946744799613953,
0.502272367477417,
-0.25360798835754395,
1.037070870399475,
-0.2129615843296051,
0.5698218941688538,
0.21570104360580444,
0.5592372417449951,
0.3659633994102478,
0.4147206246852875,
-0.5761986374855042,
0.26150673627853394,
0.8526684045791626,
-0.04940185323357582,
0.1323559731245041,
0.2718670964241028,
-0.3904840052127838,
-0.22450831532478333,
-0.22448112070560455,
-0.6545279622077942,
0.24831938743591309,
0.13334088027477264,
-0.15213099122047424,
-0.14207732677459717,
-0.03853539004921913,
0.2498561143875122,
0.29767730832099915,
-0.25684884190559387,
0.5460643172264099,
0.08786509186029434,
-0.3815031349658966,
0.441533625125885,
-0.04446433112025261,
1.1210389137268066,
-0.38917070627212524,
0.17869208753108978,
-0.3304445147514343,
0.2983430325984955,
-0.2764890193939209,
-1.1408993005752563,
0.3417549133300781,
-0.08737974613904953,
0.08526415377855301,
-0.26019516587257385,
0.7113869190216064,
-0.3731115162372589,
-0.37405839562416077,
0.42871934175491333,
0.39727580547332764,
0.5009380578994751,
0.3047257363796234,
-1.1833175420761108,
0.2677702307701111,
0.11130376905202866,
-0.653617799282074,
0.4565887153148651,
0.5186803340911865,
0.3564147651195526,
0.7545781135559082,
0.3611154556274414,
0.2945600748062134,
0.2029287964105606,
-0.37764662504196167,
0.7608211040496826,
-0.6394777894020081,
-0.47574377059936523,
-0.8421099185943604,
0.5663034915924072,
-0.42695924639701843,
-0.538640022277832,
0.7597417831420898,
0.5557254552841187,
0.4035146236419678,
0.03524576127529144,
0.6947382688522339,
-0.5855244398117065,
0.509335994720459,
-0.25796082615852356,
0.7831805348396301,
-0.7056331038475037,
-0.2891378402709961,
-0.23165690898895264,
-0.596619188785553,
-0.40202954411506653,
0.8794041872024536,
-0.12360788881778717,
0.2435380518436432,
0.2810795307159424,
0.6829915642738342,
0.05501878261566162,
-0.10423700511455536,
0.007279139943420887,
0.18563047051429749,
-0.1302664428949356,
0.866149365901947,
0.5319035649299622,
-0.7654345035552979,
0.033631581813097,
-0.5151376724243164,
-0.2844504415988922,
-0.3978612720966339,
-0.7630071640014648,
-1.190814733505249,
-0.7348090410232544,
-0.5293338298797607,
-0.6977005004882812,
-0.2927754819393158,
1.246648907661438,
0.8204109072685242,
-0.6050636172294617,
-0.13628095388412476,
0.16913741827011108,
0.08593383431434631,
-0.14517849683761597,
-0.2212696373462677,
0.5073508024215698,
0.11778269708156586,
-0.992457926273346,
-0.41038525104522705,
0.13032887876033783,
0.6217018365859985,
0.3811856210231781,
-0.48366376757621765,
-0.29605865478515625,
-0.05978155881166458,
0.3537953197956085,
0.8465440273284912,
-0.8187048435211182,
-0.2769765555858612,
0.023432554677128792,
-0.5093154907226562,
0.13217854499816895,
0.2677311301231384,
-0.4238907992839813,
-0.122222401201725,
0.5260487198829651,
0.40709245204925537,
0.7517274022102356,
0.09958475083112717,
0.13917776942253113,
-0.46151286363601685,
0.567751407623291,
0.003447821829468012,
0.3596118688583374,
0.23844397068023682,
-0.313771516084671,
0.7908306121826172,
0.5345245003700256,
-0.41180282831192017,
-1.0565000772476196,
-0.1998097002506256,
-1.346089482307434,
-0.07060816884040833,
0.6910697221755981,
-0.07010868191719055,
-0.4518184959888458,
0.4252099394798279,
-0.42785128951072693,
0.5093175172805786,
-0.25169166922569275,
0.23057900369167328,
0.2644905149936676,
-0.3675815761089325,
-0.3256264328956604,
-0.575782299041748,
0.6186571717262268,
0.33871132135391235,
-0.695732593536377,
-0.39674320816993713,
0.006547974422574043,
0.3255253732204437,
0.18825702369213104,
0.795072615146637,
-0.38166898488998413,
0.1231343075633049,
-0.11194901913404465,
0.23530228435993195,
-0.024127865210175514,
0.1519721895456314,
-0.30638909339904785,
-0.17112015187740326,
-0.23919007182121277,
-0.6085854768753052
] |
stablediffusionapi/meinaalter
|
stablediffusionapi
| 2023-04-30T11:56:06Z | 4,943 | 1 |
diffusers
|
[
"diffusers",
"stablediffusionapi.com",
"stable-diffusion-api",
"text-to-image",
"ultra-realistic",
"license:creativeml-openrail-m",
"endpoints_compatible",
"has_space",
"diffusers:StableDiffusionPipeline",
"region:us"
] |
text-to-image
| 2023-04-30T11:55:30Z |
---
license: creativeml-openrail-m
tags:
- stablediffusionapi.com
- stable-diffusion-api
- text-to-image
- ultra-realistic
pinned: true
---
# MeinaAlter API Inference

## Get API Key
Get API key from [Stable Diffusion API](http://stablediffusionapi.com/), No Payment needed.
Replace Key in below code, change **model_id** to "meinaalter"
Coding in PHP/Node/Java etc? Have a look at docs for more code examples: [View docs](https://stablediffusionapi.com/docs)
Model link: [View model](https://stablediffusionapi.com/models/meinaalter)
Credits: [View credits](https://civitai.com/?query=MeinaAlter)
View all models: [View Models](https://stablediffusionapi.com/models)
import requests
import json
url = "https://stablediffusionapi.com/api/v3/dreambooth"
payload = json.dumps({
"key": "",
"model_id": "meinaalter",
"prompt": "actual 8K portrait photo of gareth person, portrait, happy colors, bright eyes, clear eyes, warm smile, smooth soft skin, big dreamy eyes, beautiful intricate colored hair, symmetrical, anime wide eyes, soft lighting, detailed face, by makoto shinkai, stanley artgerm lau, wlop, rossdraws, concept art, digital painting, looking into camera",
"negative_prompt": "painting, extra fingers, mutated hands, poorly drawn hands, poorly drawn face, deformed, ugly, blurry, bad anatomy, bad proportions, extra limbs, cloned face, skinny, glitchy, double torso, extra arms, extra hands, mangled fingers, missing lips, ugly face, distorted face, extra legs, anime",
"width": "512",
"height": "512",
"samples": "1",
"num_inference_steps": "30",
"safety_checker": "no",
"enhance_prompt": "yes",
"seed": None,
"guidance_scale": 7.5,
"multi_lingual": "no",
"panorama": "no",
"self_attention": "no",
"upscale": "no",
"embeddings": "embeddings_model_id",
"lora": "lora_model_id",
"webhook": None,
"track_id": None
})
headers = {
'Content-Type': 'application/json'
}
response = requests.request("POST", url, headers=headers, data=payload)
print(response.text)
> Use this coupon code to get 25% off **DMGG0RBN**
|
[
-0.564572274684906,
-0.8077770471572876,
0.5663167238235474,
0.30207058787345886,
-0.465771347284317,
-0.07463487237691879,
0.2624019384384155,
-0.4269157350063324,
0.50248122215271,
0.6193523406982422,
-0.9278906583786011,
-1.0054675340652466,
-0.4081495404243469,
-0.100782610476017,
-0.19935829937458038,
0.6074589490890503,
0.07808889448642731,
-0.042824603617191315,
-0.10994966328144073,
0.0718245580792427,
-0.19371213018894196,
-0.1452891081571579,
-0.7389817237854004,
-0.20376718044281006,
0.2835545539855957,
-0.09513750672340393,
0.5570770502090454,
0.5526611804962158,
0.3027554750442505,
0.2981151342391968,
-0.21729353070259094,
-0.1269148290157318,
-0.3231370747089386,
-0.12490169703960419,
-0.1768716424703598,
-0.7274652719497681,
-0.6003053784370422,
-0.22231726348400116,
0.374384343624115,
0.4983045160770416,
0.007581021636724472,
0.47978395223617554,
0.010411891154944897,
0.7911682724952698,
-0.8101205229759216,
0.2668452262878418,
-0.35476943850517273,
0.17680878937244415,
-0.04087510704994202,
0.10704126209020615,
-0.22691099345684052,
-0.3546191155910492,
-0.16306431591510773,
-0.7470643520355225,
0.24057769775390625,
0.008302194066345692,
1.4328453540802002,
0.3201304078102112,
-0.2931469976902008,
-0.16196087002754211,
-0.46094846725463867,
0.870109498500824,
-1.193167805671692,
0.3762301802635193,
0.6057981848716736,
0.13625487685203552,
-0.005018061026930809,
-0.8124103546142578,
-0.6457184553146362,
0.3709622025489807,
0.157603457570076,
0.24984332919120789,
-0.40029266476631165,
-0.10014718025922775,
0.2570101320743561,
0.3586514890193939,
-0.48485174775123596,
-0.23376256227493286,
-0.3944363594055176,
-0.14854910969734192,
0.6719543933868408,
0.16181865334510803,
0.21220454573631287,
-0.47700372338294983,
-0.35243621468544006,
-0.3275258243083954,
-0.44117578864097595,
0.2610160708427429,
0.6681969165802002,
0.33443373441696167,
-0.6025769710540771,
0.39587652683258057,
-0.4887219965457916,
0.7961786985397339,
0.13871510326862335,
-0.09182777255773544,
0.6939066648483276,
-0.11090006679296494,
-0.2653699517250061,
-0.18947429955005646,
0.9985275864601135,
0.6329125761985779,
-0.06874800473451614,
0.3047105371952057,
-0.11212525516748428,
0.024507442489266396,
0.08233452588319778,
-1.1750874519348145,
-0.10278487205505371,
0.7579048275947571,
-0.8544576168060303,
-0.589876651763916,
0.11527599394321442,
-1.1666152477264404,
-0.20238126814365387,
0.00884220004081726,
0.42473962903022766,
-0.2767391502857208,
-0.5096816420555115,
0.3040846586227417,
-0.20276565849781036,
0.15283797681331635,
0.15086686611175537,
-0.7703508138656616,
0.047958455979824066,
0.5685750842094421,
0.8747167587280273,
0.1864914447069168,
-0.0667404979467392,
0.1942082792520523,
0.15420718491077423,
-0.3398336172103882,
0.8988717794418335,
-0.17376862466335297,
-0.5231465101242065,
-0.10803378373384476,
0.244245707988739,
-0.021650824695825577,
-0.5579196810722351,
0.6772714257240295,
-0.7741881608963013,
-0.11995784938335419,
-0.19225753843784332,
-0.4385172426700592,
-0.48877856135368347,
0.1636064052581787,
-0.5845513343811035,
0.6120971441268921,
0.23078438639640808,
-0.7406107783317566,
0.1633143275976181,
-0.7557400465011597,
-0.2335711270570755,
-0.07493449747562408,
0.12723195552825928,
-0.5121160745620728,
-0.1175067201256752,
0.15041987597942352,
0.2560831606388092,
-0.09904126822948456,
-0.010661948472261429,
-0.8465046286582947,
-0.3079749345779419,
0.26530885696411133,
-0.3636314272880554,
1.3082482814788818,
0.45935294032096863,
-0.30008453130722046,
-0.01652640290558338,
-1.017411470413208,
0.24979443848133087,
0.5468774437904358,
-0.29894134402275085,
-0.2664877772331238,
-0.14876268804073334,
0.11067774891853333,
0.013799612410366535,
0.27233651280403137,
-0.5315215587615967,
0.09269221127033234,
-0.4687015116214752,
0.43495213985443115,
0.6485685706138611,
0.37813621759414673,
0.2360193282365799,
-0.2566976845264435,
0.7194425463676453,
0.1301392763853073,
0.41241270303726196,
0.022734347730875015,
-0.6056122779846191,
-0.6271713376045227,
-0.3619452714920044,
0.3570585250854492,
0.4725184738636017,
-0.4430471956729889,
0.5406879186630249,
-0.20665355026721954,
-0.733397901058197,
-0.6605339646339417,
0.03984581306576729,
0.36118584871292114,
0.5524488687515259,
0.14842572808265686,
-0.2495831847190857,
-0.6452316045761108,
-1.057045817375183,
-0.03705952689051628,
-0.2327786087989807,
-0.14657792448997498,
0.33931416273117065,
0.5489144325256348,
-0.4704214036464691,
0.8329856991767883,
-0.8581995368003845,
-0.040432944893836975,
0.03885630518198013,
0.028584305197000504,
0.8445736169815063,
0.6827565431594849,
0.8132797479629517,
-0.9728751182556152,
-0.48605582118034363,
-0.3989439308643341,
-0.8141837120056152,
-0.0317675918340683,
0.256344735622406,
-0.5868184566497803,
-0.056881245225667953,
0.16559387743473053,
-0.7698099613189697,
0.6132821440696716,
0.5431683659553528,
-0.6557176113128662,
0.5206771492958069,
-0.011285078711807728,
0.5272922515869141,
-1.2391564846038818,
0.004523749463260174,
0.058418527245521545,
-0.23202911019325256,
-0.4273712635040283,
0.43662866950035095,
0.0828922837972641,
-0.050103504210710526,
-0.7777032852172852,
0.6817740201950073,
-0.2975303530693054,
0.1474389284849167,
-0.3577538728713989,
0.0013775688130408525,
0.32383400201797485,
0.5572596788406372,
-0.10922937095165253,
0.4349292516708374,
0.646442711353302,
-0.5916245579719543,
0.4366443157196045,
0.360885351896286,
-0.46518513560295105,
0.6561530828475952,
-0.6692858338356018,
0.11862936615943909,
-0.01608981192111969,
0.3934420347213745,
-1.10718834400177,
-0.5603365898132324,
0.55021733045578,
-0.6361008882522583,
-0.06906574964523315,
-0.6365668177604675,
-0.5982522368431091,
-0.7133340239524841,
-0.3353845775127411,
0.28861576318740845,
0.8329958915710449,
-0.5074220299720764,
0.7932408452033997,
0.24112775921821594,
0.21305251121520996,
-0.53675776720047,
-0.9312494397163391,
-0.34865912795066833,
-0.34242111444473267,
-0.6718307137489319,
0.26363232731819153,
-0.20330709218978882,
-0.37004631757736206,
0.14094114303588867,
0.029310021549463272,
-0.3275413513183594,
0.023007666692137718,
0.4960469603538513,
0.46801263093948364,
-0.2739618718624115,
-0.25500717759132385,
0.26523882150650024,
-0.05728157237172127,
0.21177706122398376,
-0.23230119049549103,
0.9333987832069397,
-0.10951647162437439,
-0.7147101163864136,
-0.8721939325332642,
0.14364057779312134,
0.6987918615341187,
0.07375466078519821,
0.6557134389877319,
0.6131528615951538,
-0.6445764303207397,
-0.027037113904953003,
-0.542043924331665,
-0.24810832738876343,
-0.5320616960525513,
0.1880607157945633,
-0.4569530189037323,
-0.359294056892395,
1.0235995054244995,
0.05840583145618439,
-0.033806171268224716,
0.6839789748191833,
0.5261760354042053,
-0.15435530245304108,
1.4339030981063843,
0.13813456892967224,
0.10553881525993347,
0.28640663623809814,
-0.7191141843795776,
0.03573804721236229,
-0.9149508476257324,
-0.1648169606924057,
-0.3649301528930664,
-0.4503364861011505,
-0.4019278287887573,
-0.3375295102596283,
0.07515934109687805,
0.3856099545955658,
-0.5282790660858154,
0.2574361264705658,
-0.5775865316390991,
0.3634454905986786,
0.7083900570869446,
0.37759101390838623,
0.13038185238838196,
-0.043949954211711884,
-0.06882599741220474,
0.06712218374013901,
-0.3418254554271698,
-0.38446909189224243,
1.047480583190918,
0.1619095504283905,
0.7387178540229797,
0.15342381596565247,
0.7226428389549255,
0.20834039151668549,
0.015443870797753334,
-0.6372578144073486,
0.5409762859344482,
0.1693526655435562,
-1.0592083930969238,
0.18613626062870026,
-0.20589596033096313,
-1.0011682510375977,
0.47392401099205017,
-0.1420639455318451,
-0.8609349131584167,
0.7224769592285156,
0.1941179484128952,
-0.6530150771141052,
0.5370981693267822,
-0.7244258522987366,
0.8340687155723572,
-0.09405894577503204,
-0.5963569283485413,
-0.23679035902023315,
-0.5025175213813782,
0.539822518825531,
-0.07106217741966248,
0.6099698543548584,
-0.6045117378234863,
-0.10452461242675781,
0.7498940825462341,
-0.5437222123146057,
1.090474247932434,
-0.46899843215942383,
0.017955046147108078,
0.6767662167549133,
0.10347887128591537,
0.3484041094779968,
0.3685123920440674,
-0.29759424924850464,
0.3711265027523041,
0.23910772800445557,
-0.6180320978164673,
-0.4635644555091858,
0.8567082285881042,
-0.7549899816513062,
-0.5677672624588013,
-0.23465338349342346,
-0.2952762842178345,
-0.12191535532474518,
0.4595107138156891,
0.49138808250427246,
0.22848930954933167,
0.11150947958230972,
-0.0024353081826120615,
0.5790808200836182,
-0.10973381996154785,
0.4876548945903778,
0.3144298493862152,
-0.6440399885177612,
-0.7127354741096497,
0.6758416295051575,
-0.20570988953113556,
0.30506840348243713,
0.01642368733882904,
0.2930625081062317,
-0.4231753349304199,
-0.5410948395729065,
-0.5727649331092834,
0.30373501777648926,
-0.8537904620170593,
-0.42245158553123474,
-0.7903788089752197,
-0.08030100166797638,
-0.7476853132247925,
-0.20016136765480042,
-0.7301812171936035,
-0.2506870627403259,
-0.5449054837226868,
-0.07814528048038483,
0.6303111910820007,
0.2380356788635254,
-0.23184631764888763,
0.39719900488853455,
-0.8558058738708496,
0.31562262773513794,
0.16760149598121643,
0.36054080724716187,
0.3144707977771759,
-0.576027512550354,
-0.09442119300365448,
0.3035431504249573,
-0.41650819778442383,
-1.0163253545761108,
0.5576932430267334,
-0.16747359931468964,
0.40298330783843994,
1.0450786352157593,
0.1896376758813858,
0.9476035237312317,
-0.11434203386306763,
0.8865343928337097,
0.2522693872451782,
-0.9399612545967102,
0.9326406717300415,
-0.6108405590057373,
0.20194587111473083,
0.756965696811676,
0.3075408339500427,
-0.3794388473033905,
-0.25141364336013794,
-0.855948269367218,
-1.1783943176269531,
0.5901412963867188,
0.16533708572387695,
0.40852558612823486,
0.053139910101890564,
0.42595428228378296,
-0.10528101027011871,
0.37307751178741455,
-0.9010450839996338,
-0.5692538022994995,
-0.19384853541851044,
-0.19625599682331085,
0.45720386505126953,
-0.09166799485683441,
-0.33013710379600525,
-0.4806364178657532,
0.9591909646987915,
0.011831908486783504,
0.34206756949424744,
0.24287068843841553,
0.2555699050426483,
-0.21158446371555328,
0.02678822912275791,
0.387405663728714,
0.7485763430595398,
-0.510441243648529,
-0.13940644264221191,
-0.033073753118515015,
-0.35768619179725647,
0.08481435477733612,
0.1067289188504219,
-0.5073914527893066,
0.0670531615614891,
0.3665353059768677,
1.0225679874420166,
0.05452696979045868,
-0.613314688205719,
0.580285370349884,
-0.07458719611167908,
-0.4468567967414856,
-0.5025326013565063,
0.22718876600265503,
0.4520721435546875,
0.648960530757904,
0.3882632255554199,
0.2237514853477478,
0.31790801882743835,
-0.28820207715034485,
-0.07606258988380432,
0.3797447681427002,
-0.2768712639808655,
-0.35558265447616577,
1.1268157958984375,
-0.11981896311044693,
-0.5363150238990784,
0.42942243814468384,
-0.4174378514289856,
-0.30537477135658264,
0.8586921095848083,
0.6834046244621277,
0.8925154209136963,
-0.11822777986526489,
0.22668303549289703,
0.8442274928092957,
-0.09980464726686478,
-0.06904341280460358,
0.6416019201278687,
0.002014179015532136,
-0.6841230988502502,
-0.11673739552497864,
-1.0244243144989014,
-0.17326472699642181,
0.30400198698043823,
-0.8710923194885254,
0.5018781423568726,
-0.6838095188140869,
-0.4020426869392395,
-0.14463746547698975,
-0.319198876619339,
-0.5958375930786133,
0.25902754068374634,
0.10513363033533096,
0.8655362129211426,
-0.7983589768409729,
0.5860718488693237,
0.6330547332763672,
-0.5393755435943604,
-0.9691750407218933,
-0.04527312144637108,
0.20538794994354248,
-0.8343919515609741,
0.4750089645385742,
0.011591699905693531,
0.06386946886777878,
0.1601538509130478,
-0.7256191968917847,
-1.083375096321106,
1.0894519090652466,
0.1824616640806198,
-0.4170352518558502,
-0.01338971871882677,
-0.13593533635139465,
0.4824817180633545,
-0.2722260653972626,
0.2961767613887787,
0.32714709639549255,
0.5711140036582947,
0.27041375637054443,
-0.37597155570983887,
0.10126097500324249,
-0.49859434366226196,
0.06529922038316727,
-0.12307967245578766,
-0.8307535648345947,
0.8910896182060242,
-0.24395371973514557,
0.01080082543194294,
0.18299967050552368,
0.6975051760673523,
0.7314426898956299,
0.45614421367645264,
0.7144850492477417,
0.8942671418190002,
0.5319319367408752,
-0.02636132203042507,
1.0838043689727783,
-0.3694778084754944,
0.7726427316665649,
0.8422823548316956,
-0.08901746571063995,
1.0345436334609985,
0.480035662651062,
-0.5348043441772461,
0.8839609622955322,
1.1016826629638672,
-0.4367072880268097,
0.8974514007568359,
0.07060356438159943,
-0.43328195810317993,
-0.15372271835803986,
0.16172488033771515,
-0.6320270299911499,
0.3492918014526367,
0.2881465256214142,
-0.4481281042098999,
-0.053111426532268524,
0.10680603235960007,
0.019361743703484535,
-0.2665404975414276,
-0.24935612082481384,
0.4771903157234192,
0.028462102636694908,
-0.43120893836021423,
0.7973009943962097,
-0.07384685426950455,
0.970007598400116,
-0.5754653215408325,
0.08868332207202911,
-0.076675184071064,
0.34486183524131775,
-0.2635639011859894,
-0.551450252532959,
0.20709334313869476,
-0.13650095462799072,
-0.23087365925312042,
0.04534801468253136,
0.6913346648216248,
0.01551912259310484,
-0.8081032633781433,
0.42298099398612976,
0.3579501509666443,
0.3066137433052063,
-0.1291588842868805,
-0.989421546459198,
0.21286772191524506,
0.3200659453868866,
-0.5926445126533508,
0.027584504336118698,
0.14081591367721558,
0.4136132299900055,
0.5953257083892822,
0.8449598550796509,
0.2699693739414215,
0.08573538064956665,
0.09471093118190765,
0.6005486845970154,
-0.5273810625076294,
-0.6380487084388733,
-1.0863631963729858,
0.6405539512634277,
-0.24678224325180054,
-0.17880801856517792,
0.658119797706604,
0.8080604672431946,
0.8282216191291809,
-0.4329194724559784,
0.8638259768486023,
-0.23557975888252258,
0.5283259153366089,
-0.38228216767311096,
0.9859159588813782,
-0.94215989112854,
0.0652187168598175,
-0.3743780851364136,
-0.7941818833351135,
-0.176719531416893,
0.6822518706321716,
-0.19285675883293152,
0.25761157274246216,
0.4618935286998749,
0.846640408039093,
-0.3242515027523041,
0.014587879180908203,
0.053266361355781555,
0.2236400842666626,
0.17344717681407928,
0.28991252183914185,
0.5915589332580566,
-0.6287140846252441,
0.40514320135116577,
-0.8154345750808716,
-0.12325705587863922,
-0.15450410544872284,
-0.7322407960891724,
-0.7554665803909302,
-0.42652085423469543,
-0.5137584209442139,
-0.8084567785263062,
-0.19651609659194946,
0.7995968461036682,
1.0169914960861206,
-0.9981803297996521,
-0.1059236004948616,
-0.15707263350486755,
0.10455164313316345,
-0.24895192682743073,
-0.33802834153175354,
0.5023185610771179,
0.2228354960680008,
-1.2022629976272583,
0.17726536095142365,
-0.11459729820489883,
0.39671868085861206,
-0.05233290046453476,
0.09356235712766647,
-0.15612056851387024,
0.09471713751554489,
0.2994154691696167,
0.24060794711112976,
-0.897033154964447,
-0.05070779100060463,
-0.19417664408683777,
0.012996900826692581,
0.29061952233314514,
0.2183743119239807,
-0.4558926224708557,
0.2768646776676178,
0.6926674842834473,
0.28891098499298096,
0.5882611870765686,
0.07275344431400299,
0.06772725284099579,
-0.36645376682281494,
0.36891546845436096,
0.11310125887393951,
0.6296699643135071,
0.16161154210567474,
-0.6083301901817322,
0.4840175211429596,
0.5045604705810547,
-0.4015437960624695,
-0.9497053027153015,
0.05232853814959526,
-1.057347059249878,
-0.5242079496383667,
1.063676118850708,
-0.2048230618238449,
-0.6960172653198242,
0.21896743774414062,
-0.1466827243566513,
0.39673686027526855,
-0.32892554998397827,
0.7149304747581482,
0.7441330552101135,
-0.289397656917572,
-0.09512390196323395,
-0.8803226947784424,
0.13371191918849945,
0.23288609087467194,
-0.8990573883056641,
-0.20011328160762787,
0.4502476155757904,
0.5814502239227295,
0.4906901717185974,
0.6259612441062927,
-0.3884499967098236,
0.1995513141155243,
0.2977273762226105,
0.41133713722229004,
0.09465433657169342,
0.3856295943260193,
-0.22220803797245026,
0.07314247637987137,
-0.1640273630619049,
-0.5327988266944885
] |
Posos/ClinicalNER
|
Posos
| 2023-07-28T17:03:54Z | 4,943 | 3 |
transformers
|
[
"transformers",
"pytorch",
"safetensors",
"xlm-roberta",
"token-classification",
"medical",
"fr",
"en",
"de",
"multilingual",
"es",
"it",
"dataset:Posos/MedNERF",
"license:cc-by-nc-sa-4.0",
"model-index",
"autotrain_compatible",
"endpoints_compatible",
"region:us"
] |
token-classification
| 2023-07-28T15:03:49Z |
---
license: cc-by-nc-sa-4.0
datasets:
- Posos/MedNERF
metrics:
- f1
tags:
- medical
widget:
- text: take two pills every morning during one week
- text: xeplion 50mg 2 fois par jour
- text: doliprane 500 1 comprimé effervescent le matin pendant une semaine
- text: >-
Der Patient sollte zehn Tage lang während dem Frühstück eine
Paracetamol-Tablette einnehmen
- text: una cápsula por la mañana y por la noche
model-index:
- name: Posos/ClinicalNER
results:
- task:
type: token-classification
name: Clinical NER
dataset:
type: Posos/MedNERF
name: MedNERF
split: test
metrics:
- type: f1
value: 0.804
name: micro-F1 score
- type: precision
value: 0.817
name: precision
- type: recall
value: 0.791
name: recall
- type: accuracy
value: 0.859
name: accuracy
language:
- fr
- en
- de
- multilingual
- es
- it
---
# ClinicalNER
## Model Description
This is a multilingual clinical NER model extracting DRUG, STRENGTH, FREQUENCY, DURATION, DOSAGE and FORM entities from a medical text.
## Evaluation Metrics on [MedNERF dataset](https://huggingface.co/datasets/Posos/MedNERF)
- Loss: 0.692
- Accuracy: 0.859
- Precision: 0.817
- Recall: 0.791
- micro-F1: 0.804
- macro-F1: 0.819
## Usage
```
from transformers import AutoModelForTokenClassification, AutoTokenizer
model = AutoModelForTokenClassification.from_pretrained("Posos/ClinicalNER")
tokenizer = AutoTokenizer.from_pretrained("Posos/ClinicalNER")
inputs = tokenizer("Take 2 pills every morning", return_tensors="pt")
outputs = model(**inputs)
```
## Citation information
```
@inproceedings{mednerf,
title = "Multilingual Clinical NER: Translation or Cross-lingual Transfer?",
author = "Gaschi, Félix and Fontaine, Xavier and Rastin, Parisa and Toussaint, Yannick",
booktitle = "Proceedings of the 5th Clinical Natural Language Processing Workshop",
publisher = "Association for Computational Linguistics",
year = "2023"
}
```
|
[
0.06525182723999023,
-0.5708211660385132,
0.36827391386032104,
0.37940549850463867,
-0.24683158099651337,
-0.21091493964195251,
-0.15747115015983582,
-0.150802880525589,
0.36813804507255554,
0.250387966632843,
-0.2764066457748413,
-0.7532941102981567,
-0.9828904867172241,
0.2752881944179535,
0.06308718770742416,
1.2355196475982666,
-0.16867594420909882,
0.6196761131286621,
-0.06377212703227997,
-0.219142347574234,
-0.19133594632148743,
-0.7007951140403748,
-0.8271397352218628,
-0.39020007848739624,
0.3934539258480072,
0.29858237504959106,
0.4956907629966736,
0.3068777918815613,
0.840859055519104,
0.44132041931152344,
0.08250464498996735,
-0.1300116777420044,
-0.18119512498378754,
0.04675323888659477,
-0.05190883204340935,
-0.3839641511440277,
-0.8796014785766602,
-0.23208370804786682,
0.62047278881073,
0.4786692261695862,
-0.3700893223285675,
0.15736980736255646,
-0.35712647438049316,
0.21588587760925293,
-0.46185046434402466,
0.2787301540374756,
-0.3259566128253937,
0.07988384366035461,
-0.13071687519550323,
-0.0019653111230582,
-0.22702836990356445,
-0.09650500118732452,
0.2771688401699066,
-0.6548252105712891,
0.40006524324417114,
-0.14295749366283417,
1.3312768936157227,
0.25687530636787415,
-0.42279690504074097,
-0.33375778794288635,
-0.5145546793937683,
0.7713117599487305,
-0.9407809972763062,
0.38233280181884766,
0.6118065714836121,
0.4815925657749176,
0.028971949592232704,
-1.202330231666565,
-0.5817006230354309,
-0.22101692855358124,
-0.2731984257698059,
0.1347040981054306,
-0.31591957807540894,
-0.13138645887374878,
0.05472163110971451,
0.4436878263950348,
-0.6680065393447876,
-0.17004741728305817,
-0.6836150884628296,
-0.38292211294174194,
0.5677440166473389,
0.3533322215080261,
0.3158383369445801,
-0.3958134055137634,
-0.40814870595932007,
-0.1852174550294876,
-0.15941642224788666,
-0.07745490968227386,
0.051944613456726074,
0.15128840506076813,
-0.5571374893188477,
0.542220950126648,
-0.031189942732453346,
0.6209292411804199,
0.04397232457995415,
-0.26335856318473816,
0.9858722686767578,
-0.5498156547546387,
-0.3767305314540863,
-0.024383164942264557,
1.5266193151474,
0.26809850335121155,
0.09688831865787506,
-0.025182658806443214,
-0.07821445167064667,
-0.1399778425693512,
0.23943476378917694,
-0.9876179695129395,
-0.5011483430862427,
0.12856796383857727,
-0.644461452960968,
-0.5215886235237122,
0.1494756042957306,
-0.925402045249939,
-0.006402188446372747,
-0.13066598773002625,
0.5131721496582031,
-0.39945030212402344,
-0.41271352767944336,
0.3497227728366852,
0.12469832599163055,
0.029233569279313087,
-0.30212756991386414,
-0.7378531694412231,
0.5083171129226685,
0.098173126578331,
0.7521969079971313,
-0.09216262400150299,
-0.35001441836357117,
-0.2956196367740631,
-0.20822985470294952,
-0.11128363758325577,
0.6467739939689636,
-0.04851355403661728,
-0.4312377870082855,
-0.14776861667633057,
0.5989624857902527,
-0.5179029703140259,
-0.5887846350669861,
0.6184245944023132,
-0.21813862025737762,
0.6757973432540894,
0.05000101402401924,
-0.23018452525138855,
0.06516756117343903,
0.10988296568393707,
-0.4564424455165863,
1.0215450525283813,
0.45377177000045776,
-0.6122962832450867,
0.35931849479675293,
-0.8391221761703491,
-0.6019567847251892,
0.07921425998210907,
-0.2351602017879486,
-0.6438722610473633,
0.07079217582941055,
0.15401636064052582,
0.2437697947025299,
-0.2811867594718933,
0.6497031450271606,
-0.061888985335826874,
0.11206738650798798,
0.35404807329177856,
-0.40765538811683655,
0.7744923830032349,
0.3848908245563507,
-0.2771189212799072,
0.3252726197242737,
-1.172940969467163,
-0.14443448185920715,
0.4113278388977051,
-0.14718207716941833,
-0.22997231781482697,
-0.31233885884284973,
0.49635639786720276,
0.6123430132865906,
0.1478414237499237,
-0.7354550957679749,
-0.004430974833667278,
-0.514412522315979,
0.5416275262832642,
0.21988534927368164,
0.225701242685318,
0.3999005854129791,
-0.1331103891134262,
0.7074004411697388,
0.09030305594205856,
0.3161758780479431,
0.22995224595069885,
-0.1409464180469513,
-0.9403074383735657,
-0.5447485446929932,
0.45179304480552673,
0.6371980905532837,
-0.6674913167953491,
0.6091341376304626,
-0.28476524353027344,
-0.49462199211120605,
-0.7088366746902466,
-0.009609154425561428,
0.5664805173873901,
0.9254056215286255,
0.6003363132476807,
-0.21477147936820984,
-0.601763129234314,
-0.961348831653595,
0.021980006247758865,
0.10865934193134308,
-0.015554812736809254,
0.16961555182933807,
0.776034951210022,
-0.5168408155441284,
0.5336543917655945,
-0.4722592234611511,
-0.7449895739555359,
-0.32647937536239624,
0.030694585293531418,
0.5470249652862549,
0.6880258917808533,
0.5560997128486633,
-0.6864893436431885,
-0.5581439137458801,
-0.19281283020973206,
-0.8762056231498718,
-0.0559048168361187,
-0.09249994903802872,
-0.3236239552497864,
0.1099952682852745,
0.6340707540512085,
-0.3572508990764618,
0.5321534872055054,
0.4136735498905182,
-0.6974759697914124,
0.45540446043014526,
-0.5205579996109009,
0.03480800241231918,
-1.3421056270599365,
0.3783435523509979,
-0.08386273682117462,
-0.14743049442768097,
-0.5259774923324585,
-0.20568160712718964,
0.029535144567489624,
0.004623034503310919,
-0.6751944422721863,
0.8022357225418091,
-0.3910994827747345,
0.4632929861545563,
-0.06720151752233505,
-0.047833628952503204,
0.2305934727191925,
0.23971286416053772,
0.051316261291503906,
0.5081386566162109,
0.695365309715271,
-0.629747748374939,
0.32461312413215637,
0.5292998552322388,
-0.19911420345306396,
0.49995049834251404,
-1.0514707565307617,
-0.17774388194084167,
0.11992514133453369,
-0.030848536640405655,
-0.7845364809036255,
-0.3938926160335541,
0.5546709299087524,
-0.5413772463798523,
0.5335774421691895,
-0.14773039519786835,
-0.5370299816131592,
-0.28516513109207153,
0.23339834809303284,
0.6177790760993958,
0.24334624409675598,
-0.11319108307361603,
0.7271312475204468,
0.37478891015052795,
-0.23455572128295898,
-0.4496881067752838,
-0.8410375714302063,
-0.1875031590461731,
0.019506065174937248,
-0.3880241811275482,
0.4979996681213379,
0.06120046228170395,
-0.08159518241882324,
0.13889411091804504,
0.09702912718057632,
-0.1270080804824829,
-0.28606849908828735,
-0.08300378173589706,
0.5434962511062622,
-0.37745150923728943,
0.2307339608669281,
0.07259408384561539,
-0.5392800569534302,
0.16250139474868774,
0.049651388078927994,
0.6195358037948608,
-0.29897961020469666,
-0.36856818199157715,
-0.4788302481174469,
0.2364484816789627,
0.6958978176116943,
-0.28319430351257324,
0.9814165830612183,
0.8767158389091492,
-0.38186582922935486,
0.3479577302932739,
-0.43845176696777344,
-0.17291422188282013,
-0.4263749122619629,
0.8818899393081665,
-0.483806312084198,
-0.48361021280288696,
0.6873074173927307,
0.324174165725708,
-0.31698891520500183,
0.9267808198928833,
0.5903997421264648,
0.17565719783306122,
1.1833810806274414,
0.5171935558319092,
0.1660604178905487,
0.1990470588207245,
-0.5377019643783569,
0.28200584650039673,
-0.851362407207489,
-0.5537927150726318,
-0.47102755308151245,
-0.11417541652917862,
-0.5574504137039185,
-0.15583506226539612,
0.4645552635192871,
0.08811052143573761,
-0.5094238519668579,
0.2227819412946701,
-0.6046651005744934,
0.11784715950489044,
0.2908824384212494,
0.11415159702301025,
0.13629068434238434,
0.2986160218715668,
-0.5731614828109741,
-0.28627610206604004,
-0.8191811442375183,
-0.3225112557411194,
0.9968563914299011,
0.5214778184890747,
0.5067242383956909,
0.12673155963420868,
0.48407498002052307,
-0.3439841866493225,
0.513359785079956,
-0.789027214050293,
0.22314123809337616,
-0.4141863286495209,
-0.7274536490440369,
-0.040526121854782104,
-0.45301753282546997,
-1.0523687601089478,
0.45415371656417847,
-0.29203692078590393,
-0.5484407544136047,
0.48626255989074707,
-0.18713629245758057,
-0.3120047152042389,
0.1575992852449417,
-0.43646612763404846,
1.168917179107666,
-0.4633442759513855,
-0.1131085604429245,
0.14441661536693573,
-0.7949517965316772,
-0.0029778401367366314,
0.10668887943029404,
0.49048376083374023,
-0.09259762614965439,
-0.09758482873439789,
0.9270828366279602,
-0.5335901975631714,
0.6877911686897278,
-0.23426306247711182,
0.30124130845069885,
-0.07936958223581314,
0.06942315399646759,
0.04885050654411316,
0.07584979385137558,
-0.02091478742659092,
0.434774786233902,
0.28849250078201294,
-0.46487125754356384,
-0.3761675953865051,
0.5702048540115356,
-0.7975465059280396,
-0.0903882160782814,
-0.9465600848197937,
-0.4671816825866699,
0.034798525273799896,
0.466618150472641,
0.8521803617477417,
0.7796109914779663,
-0.3413552939891815,
0.08634402602910995,
0.32742297649383545,
-0.36638301610946655,
0.2707984447479248,
0.6949918866157532,
-0.2696511745452881,
-1.0329828262329102,
0.7626429796218872,
-0.10350461304187775,
0.3211670517921448,
0.1740153580904007,
0.23091614246368408,
-0.5506443977355957,
-0.439631849527359,
-0.4956132769584656,
0.7405900955200195,
-0.6422253847122192,
-0.20149321854114532,
-0.8963659405708313,
-0.42509040236473083,
-0.7096311450004578,
0.2443448305130005,
-0.4240075945854187,
-0.19223055243492126,
-0.5218879580497742,
-0.06749267876148224,
0.21638469398021698,
0.4369484782218933,
-0.09932417422533035,
0.5542381405830383,
-0.9430907964706421,
0.13350699841976166,
-0.38337603211402893,
0.35013851523399353,
-0.23478803038597107,
-0.9378297924995422,
-0.23035871982574463,
-0.2133127748966217,
-0.23982873558998108,
-0.8648620843887329,
0.9336042404174805,
0.23198094964027405,
0.7809497117996216,
0.40426206588745117,
-0.020280631259083748,
0.8712641000747681,
-0.327361524105072,
0.558233380317688,
0.44327622652053833,
-0.6038892865180969,
0.5366557240486145,
-0.1808391809463501,
0.5277875661849976,
0.9624422192573547,
0.5828069448471069,
-0.693821907043457,
-0.07756353914737701,
-0.8735984563827515,
-1.3042014837265015,
0.6572077870368958,
0.06607489287853241,
0.18582911789417267,
-0.24371346831321716,
0.037553828209638596,
-0.04657052829861641,
0.15318360924720764,
-0.9580534100532532,
-0.6407505869865417,
-0.14644834399223328,
-0.6760181188583374,
-0.22764429450035095,
-0.29217204451560974,
-0.14930616319179535,
-0.5528364181518555,
0.9701671600341797,
-0.01075705699622631,
0.3814868927001953,
0.7064042091369629,
-0.2888621687889099,
0.015670295804739,
0.3164321184158325,
0.7283539772033691,
0.7414557337760925,
-0.1478755921125412,
-0.007525548338890076,
0.07822926342487335,
-0.7972248196601868,
0.0009173330035991967,
0.510758638381958,
-0.09070976078510284,
0.32673805952072144,
0.4495325982570648,
0.9314106106758118,
0.3102583885192871,
-0.33212146162986755,
0.5795547366142273,
-0.4211515486240387,
-0.5074410438537598,
-0.6367716789245605,
-0.27280929684638977,
-0.2794519364833832,
-0.036748286336660385,
0.2879725396633148,
0.2743280529975891,
0.057385098189115524,
-0.09729035943746567,
0.1656186580657959,
0.019686248153448105,
-0.8536860346794128,
-0.33220964670181274,
0.6712563633918762,
-0.07905592769384384,
-0.3182370066642761,
0.8126436471939087,
-0.247843936085701,
-0.5670173168182373,
0.5393072962760925,
0.6551119089126587,
0.9023696780204773,
-0.2712440490722656,
-0.03486020490527153,
0.8262197375297546,
0.04387141019105911,
0.025904010981321335,
0.4078545570373535,
0.2326318919658661,
-0.7385164499282837,
-0.20850999653339386,
-0.8648781776428223,
0.2488412857055664,
0.36885973811149597,
-0.8354703783988953,
0.33974409103393555,
-0.16041624546051025,
-0.49351024627685547,
0.05950956419110298,
-0.11091744899749756,
-0.6236626505851746,
0.0677124410867691,
-0.291739284992218,
0.6698054075241089,
-0.8225239515304565,
0.7186907529830933,
0.8716264963150024,
-0.8598049879074097,
-0.9322787523269653,
-0.41320714354515076,
0.01149076595902443,
-0.4787386953830719,
0.698053240776062,
-0.2000977098941803,
0.2664825916290283,
0.023199457675218582,
-0.12528802454471588,
-0.9670656323432922,
0.8840013742446899,
-0.026404937729239464,
-0.5584437251091003,
-0.1261012852191925,
0.1486063301563263,
0.67855304479599,
-0.4710075259208679,
0.5299481153488159,
0.4868258833885193,
0.32305625081062317,
0.17994418740272522,
-1.1188586950302124,
0.016118701547384262,
-0.7272099852561951,
-0.2852199673652649,
0.16189391911029816,
-0.3086545765399933,
0.9756682515144348,
-0.25396862626075745,
0.07362458854913712,
0.18988370895385742,
0.3084344267845154,
0.2658454477787018,
0.300464004278183,
0.3430042564868927,
0.5843894481658936,
0.540974497795105,
0.021544748917222023,
1.0916242599487305,
-0.25855422019958496,
0.5752679109573364,
1.261273980140686,
-0.05272964760661125,
0.6866304278373718,
0.4863254427909851,
-0.2493981420993805,
0.9429702758789062,
0.48008257150650024,
-0.3966906666755676,
0.6762609481811523,
-0.15410642325878143,
-0.1627117097377777,
-0.09025679528713226,
0.13881635665893555,
-0.6097230911254883,
0.5896509885787964,
0.3943595290184021,
-0.8734863996505737,
-0.15237800776958466,
0.1685100644826889,
0.39155489206314087,
-0.11314588785171509,
0.06157299131155014,
0.8456533551216125,
0.1876738965511322,
-0.7194722294807434,
0.7755128145217896,
-0.03445358946919441,
0.5213263034820557,
-0.7954262495040894,
-0.0012340247631072998,
0.021588843315839767,
0.8227958679199219,
-0.19857549667358398,
-0.14988259971141815,
0.39047664403915405,
-0.3006454408168793,
-0.32541996240615845,
0.0634712502360344,
0.6180568337440491,
-0.5275508165359497,
-0.9702386856079102,
0.40952426195144653,
0.50468510389328,
0.3956717848777771,
0.30345433950424194,
-1.0643266439437866,
-0.28258344531059265,
-0.06760326772928238,
-0.11912880092859268,
0.3056560754776001,
0.39523667097091675,
-0.03597244620323181,
0.5622740983963013,
0.8807110786437988,
0.4705007076263428,
-0.11442190408706665,
0.5093117952346802,
0.6599021553993225,
-0.4526602327823639,
-0.5775787234306335,
-0.9834074974060059,
0.47665348649024963,
-0.15208810567855835,
-0.7246273159980774,
0.723825991153717,
0.7410753965377808,
0.6954402923583984,
-0.13877463340759277,
0.35654497146606445,
-0.2696104049682617,
0.5173894166946411,
-0.12188980728387833,
1.1606508493423462,
-0.5338655114173889,
-0.04726322367787361,
-0.19456620514392853,
-0.47101959586143494,
-0.46809929609298706,
0.8805650472640991,
-0.4233481287956238,
0.13263602554798126,
0.9985726475715637,
0.9476536512374878,
-0.1697787344455719,
-0.20754513144493103,
0.16424722969532013,
0.4582388997077942,
0.18045011162757874,
0.4129546284675598,
0.3589516878128052,
-0.9677096605300903,
0.43571653962135315,
-0.5314679145812988,
-0.25106287002563477,
-0.024791399016976357,
-0.6277538537979126,
-0.754319965839386,
-0.42521029710769653,
-0.4557739794254303,
-0.7860926389694214,
-0.3204818367958069,
1.0472124814987183,
0.7940074801445007,
-1.2416021823883057,
-0.2400623857975006,
0.06176800653338432,
-0.2564832270145416,
-0.12049968540668488,
-0.2729607820510864,
0.6048471927642822,
-0.47502952814102173,
-0.5610150098800659,
0.09613174945116043,
-0.17838765680789948,
0.10896202176809311,
-0.07070623338222504,
-0.22471313178539276,
-0.4402281641960144,
-0.4831995964050293,
0.3365221619606018,
0.14370855689048767,
-0.5422912836074829,
0.3990238308906555,
0.388948529958725,
-0.45022302865982056,
0.19918982684612274,
0.523598313331604,
-0.49432700872421265,
0.5763707160949707,
0.38764527440071106,
0.11310086399316788,
0.6404502987861633,
-0.3586423993110657,
0.5229917764663696,
-0.4503544270992279,
0.32232803106307983,
0.4071553647518158,
0.4956133961677551,
0.36837783455848694,
-0.245830699801445,
0.41023164987564087,
0.48799943923950195,
-0.5272085666656494,
-0.7153261303901672,
-0.3356262147426605,
-0.6432369351387024,
-0.21302947402000427,
1.154905915260315,
-0.056214589625597,
-0.42202550172805786,
-0.35488563776016235,
-0.20139236748218536,
0.4820318818092346,
-0.3412714898586273,
0.42729419469833374,
0.6239870190620422,
-0.07053683698177338,
0.002248259959742427,
-0.7161498665809631,
0.43373680114746094,
0.36975160241127014,
-0.5722914934158325,
-0.48249930143356323,
0.2618124186992645,
0.6532250046730042,
0.3459816873073578,
0.9060096740722656,
-0.8292762637138367,
0.22833450138568878,
-0.05262346938252449,
0.38172975182533264,
-0.1754736453294754,
-0.0801968201994896,
-0.6320742964744568,
-0.0780324935913086,
-0.3058461844921112,
-0.31224340200424194
] |
bmd1905/vietnamese-correction
|
bmd1905
| 2023-03-21T15:33:18Z | 4,941 | 2 |
transformers
|
[
"transformers",
"pytorch",
"safetensors",
"mbart",
"text2text-generation",
"generated_from_trainer",
"vi",
"license:apache-2.0",
"autotrain_compatible",
"endpoints_compatible",
"region:us"
] |
text2text-generation
| 2023-02-26T07:34:05Z |
---
tags:
- generated_from_trainer
model-index:
- name: bartpho-syllable-finetuned-vietnamese_correction
results: []
license: apache-2.0
language:
- vi
---
# bartpho-syllable-finetuned-vietnamese_correction
This model is a fine-tuned version of [vinai/bartpho-syllable](https://github.com/VinAIResearch/BARTpho). The original dataset is avaiable at [@duyvuleo/VNTC](https://github.com/duyvuleo/VNTC), I customized it for error correction task, you can find my final dataset at [Huggingface Datasets](https://huggingface.co/datasets/bmd1905/error-correction-vi). All source code are avaible at [my Github repo](https://github.com/bmd1905/vietnamese-correction).
## Usage
```python
from transformers import pipeline
corrector = pipeline("text2text-generation", model="bmd1905/vietnamese-correction")
```
```python
# Example
print(corrector("toi dang là sinh diên nem hay ở truong đạ hoc khoa jọc tự nhiên , trogn năm ke tiep toi sẽ chọn chuyen nganh về trí tue nhana tạo"))
print(corrector("côn viec kin doanh thì rất kho khan nên toi quyết dinh chuyển sang nghê khac "))
print(corrector("một số chuyen gia tài chính ngâSn hànG của Việt Nam cũng chung quan điểmnày"))
print(corrector("Lần này anh Phươngqyết xếp hàng mua bằng được 1 chiếc"))
print(corrector("Nhưng sức huỷ divt của cơn bão mitch vẫn chưa thấm vào đâu lsovớithảm hoạ tại Bangladesh ăm 1970"))
```
```
Output:
- Tôi đang là sinh viên hay ở trường đại học khoa học tự nhiên, trong năm kế tiếp, tôi sẽ chọn chuyên ngành về trí tuệ nhân tạo.
- Công việc kinh doanh thì rất khó khăn nên tôi quyết định chuyển sang nghê khác.
- Một số chuyên gia tài chính ngân hàng của Việt Nam cũng chung quan điểm này.
- Lần này anh Phương quyết xếp hàng mua bằng được 1 chiếc.
- Nhưng sức huỷ diệt của cơn bão mitch vẫn chưa thấm vào đâu so với thảm hoạ tại Bangladesh năm 1970 .
```
You can play around with my code at [Colab notebook](https://colab.research.google.com/github/bmd1905/vietnamese-correction/blob/main/inference.ipynb?hl=en).
|
[
0.06520809978246689,
-0.724747896194458,
0.16764622926712036,
0.43641963601112366,
-0.26446351408958435,
-0.2738511264324188,
-0.3564837872982025,
-0.18621502816677094,
0.4196739196777344,
0.7267584204673767,
-0.43326202034950256,
-0.6711059808731079,
-0.4487881660461426,
0.6418559551239014,
-0.021959170699119568,
0.9201265573501587,
-0.05492443963885307,
0.27805545926094055,
0.2698896825313568,
-0.15517276525497437,
-0.5753328204154968,
-0.41516679525375366,
-0.764718234539032,
-0.26938122510910034,
0.3719324767589569,
0.6571129560470581,
0.3178538680076599,
0.4601915776729584,
0.33563295006752014,
0.4440663158893585,
-0.19782322645187378,
0.3886071443557739,
-0.5840868353843689,
-0.05365457385778427,
-0.02216237224638462,
-0.7513484358787537,
-0.6810089945793152,
-0.2887974977493286,
0.6637101769447327,
0.44562047719955444,
-0.030724667012691498,
0.1019676998257637,
-0.1243823766708374,
0.8009087443351746,
-0.24881289899349213,
0.3527427017688751,
-0.40346071124076843,
-0.32607516646385193,
-0.3951375484466553,
-0.2720195949077606,
-0.4734084904193878,
-0.5351623892784119,
-0.11059018969535828,
-0.58600914478302,
0.25069114565849304,
-0.07522846013307571,
1.2451006174087524,
0.3602718114852905,
-0.4370318353176117,
-0.12054812163114548,
-0.6552100777626038,
0.8467326164245605,
-0.82463538646698,
0.15948304533958435,
0.5778940916061401,
0.30702781677246094,
-0.21621471643447876,
-0.6774365901947021,
-0.5980486869812012,
-0.03974352404475212,
0.02165169082581997,
0.52006596326828,
-0.17339465022087097,
0.06676275283098221,
0.4833947420120239,
0.4749843180179596,
-0.6901310086250305,
-0.1993388831615448,
-0.5792126655578613,
-0.31612008810043335,
0.6197099089622498,
-0.122662253677845,
0.1694861203432083,
-0.3988363742828369,
-0.33916202187538147,
-0.35258278250694275,
-0.24543648958206177,
0.09348256886005402,
0.27218079566955566,
0.31230372190475464,
-0.627679169178009,
0.9959869980812073,
-0.20528067648410797,
0.6351905465126038,
0.3051675856113434,
-0.278719425201416,
0.4540325105190277,
-0.30678120255470276,
-0.4065893292427063,
0.19308552145957947,
0.7713614702224731,
0.4964331388473511,
0.5039492845535278,
0.2831655442714691,
-0.2690677344799042,
0.07804757356643677,
0.03321051970124245,
-0.5826911330223083,
-0.5770143270492554,
0.3850599229335785,
-0.4168589413166046,
-0.13586999475955963,
0.32711824774742126,
-0.6542956233024597,
0.0013399663148447871,
-0.32346323132514954,
0.5367411375045776,
-0.3900294005870819,
0.03754821792244911,
0.17562633752822876,
-0.31213489174842834,
0.11836429685354233,
0.44582399725914,
-0.5777604579925537,
0.05139749124646187,
0.4056991636753082,
0.8295464515686035,
0.355350524187088,
-0.20652370154857635,
-0.7312634587287903,
-0.055511750280857086,
-0.49208924174308777,
0.533196210861206,
-0.043381255120038986,
-0.4263165593147278,
-0.047678831964731216,
0.40510472655296326,
-0.19223548471927643,
-0.6933675408363342,
0.6232981085777283,
-0.26059991121292114,
0.3907766044139862,
-0.24233229458332062,
-0.6078616976737976,
-0.40279144048690796,
-0.03063097596168518,
-0.5672749876976013,
0.913901150226593,
0.5666149854660034,
-1.0734611749649048,
-0.0735352411866188,
-0.37385839223861694,
-0.32444092631340027,
-0.008541181683540344,
0.25482040643692017,
-0.792820930480957,
-0.08529670536518097,
0.20374804735183716,
0.18401426076889038,
-0.3245493769645691,
0.019142145290970802,
-0.16654744744300842,
-0.32578882575035095,
0.3795449733734131,
-0.31925687193870544,
1.5205870866775513,
0.0921955481171608,
-0.4899161458015442,
0.3605257570743561,
-1.0152419805526733,
0.05953240022063255,
0.17650748789310455,
-0.43120095133781433,
-0.3138218820095062,
-0.48542889952659607,
0.2885006368160248,
-0.07531705498695374,
0.26858219504356384,
-0.4291708469390869,
0.3434913754463196,
-0.32965487241744995,
0.5987126231193542,
0.731020450592041,
-0.0229019857943058,
0.23636440932750702,
-0.6588004231452942,
0.5096144676208496,
0.11715400964021683,
-0.22866253554821014,
-0.09971243143081665,
-0.7096489071846008,
-0.7473728656768799,
-0.5941105484962463,
0.4582177996635437,
1.008012294769287,
-0.8851525187492371,
0.5822438597679138,
-0.14280657470226288,
-0.710859477519989,
-0.8525652885437012,
-0.21294428408145905,
0.3457309305667877,
0.6705565452575684,
0.6583896279335022,
-0.473479688167572,
-0.9465469121932983,
-0.4159429371356964,
-0.055464889854192734,
-0.5425092577934265,
-0.062175996601581573,
0.24464790523052216,
0.48739925026893616,
-0.7572520971298218,
0.5857551097869873,
-0.4784071445465088,
-0.3016355633735657,
0.09289249032735825,
0.06447075307369232,
0.43170344829559326,
0.4960426688194275,
0.4344902038574219,
-0.5698064565658569,
-0.39660707116127014,
0.3334401845932007,
-0.43660202622413635,
-0.5694805979728699,
-0.14387239515781403,
-0.13116587698459625,
0.4965500235557556,
0.17171742022037506,
-0.3928584158420563,
0.3346482515335083,
0.503989040851593,
-0.31459933519363403,
1.0337727069854736,
-0.5105788111686707,
0.2518250644207001,
-1.3205177783966064,
0.22209326922893524,
-0.19937251508235931,
-0.4469600319862366,
-0.5355962514877319,
0.030038006603717804,
0.16728046536445618,
0.21025927364826202,
-0.3303309679031372,
0.7938255667686462,
-0.3693627119064331,
0.3946961760520935,
-0.06751978397369385,
-0.0835753083229065,
-0.0636734887957573,
0.3253437280654907,
-0.06299716979265213,
0.4918043613433838,
0.5191918611526489,
-0.5854202508926392,
0.6824556589126587,
0.48170268535614014,
0.0800270140171051,
0.4949115216732025,
-0.7268335819244385,
-0.12287621200084686,
0.08027491718530655,
0.4230966866016388,
-1.0731412172317505,
-0.46056196093559265,
0.7076414823532104,
-0.7099537253379822,
0.4212721288204193,
-0.24621377885341644,
-0.2716328799724579,
-0.6346459984779358,
-0.4441187083721161,
0.6129191517829895,
0.3104044198989868,
-0.5985594391822815,
0.15311755239963531,
0.08555353432893753,
-0.17315563559532166,
-0.6063029766082764,
-0.8866114616394043,
-0.04549362510442734,
-0.28075313568115234,
-0.5613428354263306,
0.2617447078227997,
-0.0784805417060852,
-0.09988284111022949,
-0.44808635115623474,
0.049811653792858124,
-0.3642113208770752,
-0.27943214774131775,
0.24945910274982452,
0.4192843437194824,
-0.40914279222488403,
0.017180588096380234,
0.07424642145633698,
-0.3885917663574219,
-0.05492578446865082,
-0.2917008101940155,
0.5083648562431335,
-0.39812391996383667,
0.02339177392423153,
-0.7866079211235046,
0.022026512771844864,
0.6036098599433899,
-0.1549462527036667,
0.3477374017238617,
1.0888631343841553,
-0.3534136414527893,
0.043361350893974304,
-0.5019004344940186,
-0.09439308196306229,
-0.4245143532752991,
0.1853736788034439,
-0.4021114110946655,
-0.719682514667511,
0.627495288848877,
0.002856014296412468,
-0.38095057010650635,
0.8064508438110352,
0.609009861946106,
-0.07519476860761642,
0.6103709936141968,
0.3320758044719696,
-0.11346320807933807,
0.25746479630470276,
-0.6449805498123169,
0.092627614736557,
-0.6605188846588135,
-0.09772709757089615,
-0.5877136588096619,
-0.060787931084632874,
-1.3424909114837646,
-0.9869025349617004,
0.13452096283435822,
0.1754315346479416,
-0.368255615234375,
0.41937893629074097,
-0.523991584777832,
-0.0448848120868206,
0.7098198533058167,
0.14831754565238953,
0.24055901169776917,
-0.051562678068876266,
-0.06142079085111618,
-0.04453868791460991,
-0.6536735892295837,
-0.4406825602054596,
0.9613789916038513,
0.4202493727207184,
1.0314490795135498,
-0.024520300328731537,
0.821198582649231,
-0.002038676990196109,
-0.2161703258752823,
-0.8822689652442932,
0.3831951320171356,
-0.5061192512512207,
-0.20914092659950256,
-0.276348739862442,
-0.557341456413269,
-0.8816119432449341,
-0.17201432585716248,
0.018041759729385376,
-0.511460542678833,
0.5559033155441284,
0.07284494489431381,
-0.15004953742027283,
0.3023676574230194,
-0.7231355905532837,
0.9177281260490417,
-0.10490318387746811,
-0.24004361033439636,
-0.021396715193986893,
-0.970104455947876,
0.3834846615791321,
0.07153414934873581,
-0.13161048293113708,
0.060024987906217575,
0.002627169480547309,
0.4718373119831085,
-0.6931776404380798,
0.839305579662323,
0.09425444155931473,
-0.27094072103500366,
0.47248488664627075,
-0.06001092121005058,
0.31189823150634766,
0.2488730549812317,
-0.3075196146965027,
0.5981618762016296,
0.12702958285808563,
-0.5717134475708008,
-0.04297671467065811,
0.4958205223083496,
-0.7551937699317932,
-0.29871776700019836,
-0.6730104088783264,
-0.48413410782814026,
0.5260216593742371,
0.4136730134487152,
0.742557942867279,
0.37418442964553833,
0.10837124288082123,
0.1733405441045761,
0.30144184827804565,
-0.12557095289230347,
0.2039872407913208,
0.24855108559131622,
-0.1302115023136139,
-0.8232097029685974,
1.0493428707122803,
0.20354624092578888,
0.08187515288591385,
0.7350093722343445,
0.4765971899032593,
-0.34720131754875183,
0.1464184671640396,
-0.6303889155387878,
0.6671087741851807,
-0.4527261257171631,
-0.2884179353713989,
-0.3689201772212982,
-0.34929248690605164,
-0.6615115404129028,
-0.27476027607917786,
-0.35985174775123596,
-0.6689885258674622,
-0.2954058051109314,
0.2870750427246094,
0.5184100866317749,
0.6213312149047852,
-0.4849669337272644,
0.3699135482311249,
-0.7156575322151184,
0.5692810416221619,
0.16295768320560455,
0.050706882029771805,
-0.2333645224571228,
-0.6673001646995544,
-0.22881613671779633,
0.35900047421455383,
-0.4377385973930359,
-0.9427744150161743,
0.7077326774597168,
0.08047427982091904,
-0.006392478942871094,
0.4798591136932373,
0.20194336771965027,
0.8412055969238281,
-0.2894420921802521,
0.7527121305465698,
0.006605957169085741,
-1.183139681816101,
0.7982926964759827,
-0.367536336183548,
0.35700610280036926,
0.2618815004825592,
0.2989993095397949,
-0.7967594861984253,
-0.36621835827827454,
-0.6189268827438354,
-0.7324396371841431,
0.7838726043701172,
0.3735547661781311,
-0.2699277400970459,
-0.08679907768964767,
0.30095887184143066,
0.15488523244857788,
0.13204972445964813,
-0.574360191822052,
-0.509721040725708,
-0.3582113981246948,
-0.14101864397525787,
-0.1621488630771637,
-0.25562870502471924,
-0.28909653425216675,
-0.5470166802406311,
1.1028517484664917,
-0.22003920376300812,
0.3936770260334015,
0.6510576009750366,
0.12687550485134125,
-0.4118468165397644,
0.18178601562976837,
0.8900171518325806,
0.6745396852493286,
-0.4044550359249115,
0.14423583447933197,
0.21106377243995667,
-0.5215836763381958,
-0.17953750491142273,
0.29690906405448914,
-0.2685045897960663,
0.4071681499481201,
0.42164984345436096,
1.0544310808181763,
-0.03294370323419571,
-0.49026596546173096,
0.4375123381614685,
-0.1629963368177414,
-0.009461283683776855,
-0.2794763445854187,
-0.2450665682554245,
0.01873745582997799,
0.11589797586202621,
0.08356425911188126,
0.16463296115398407,
-0.07821379601955414,
-0.5092911720275879,
0.12739427387714386,
0.12959599494934082,
-0.3862368166446686,
-0.28002113103866577,
0.8715338706970215,
-0.011571677401661873,
-0.4075718820095062,
0.76152104139328,
-0.3708382248878479,
-0.7760889530181885,
0.7131167650222778,
0.6184558272361755,
0.9056421518325806,
-0.6633927226066589,
0.3740461468696594,
0.9540493488311768,
0.18652300536632538,
-0.16969507932662964,
0.7478673458099365,
0.08832249790430069,
-0.3120599389076233,
-0.18281546235084534,
-0.5054565668106079,
-0.3815605640411377,
0.09639741480350494,
-0.6944985389709473,
0.6286442875862122,
-0.24762633442878723,
-0.3285616934299469,
-0.19668006896972656,
0.20162764191627502,
-0.3735242784023285,
0.4566178619861603,
0.08234206587076187,
0.6133478283882141,
-0.7202940583229065,
0.9563531279563904,
0.8985313177108765,
-0.29547497630119324,
-0.9325941205024719,
0.14000535011291504,
0.021882623434066772,
-0.896666407585144,
0.3084048330783844,
0.22816340625286102,
-0.03648980334401131,
-0.09110472351312637,
-0.4693503975868225,
-0.6302439570426941,
0.9375366568565369,
0.34255149960517883,
-0.7319037318229675,
0.20532852411270142,
0.11205343157052994,
0.740039587020874,
-0.09216431528329849,
0.4310356676578522,
0.42275142669677734,
0.5504350066184998,
0.09374569356441498,
-1.0830936431884766,
0.0720185786485672,
-0.2390436977148056,
0.1760428100824356,
-0.16889221966266632,
-0.8580631017684937,
1.0705275535583496,
-0.6856050491333008,
-0.019411670044064522,
0.4061976969242096,
0.7145958542823792,
0.4423597753047943,
0.6548063158988953,
0.3160271942615509,
0.5538026094436646,
1.0020402669906616,
-0.08692784607410431,
0.9370347857475281,
-0.29407238960266113,
0.6905257105827332,
1.0872249603271484,
0.13032345473766327,
0.721098780632019,
0.3925616443157196,
-0.3026743233203888,
0.5397947430610657,
0.8619897961616516,
-0.0902712494134903,
0.11478307098150253,
0.2800630033016205,
0.01979711279273033,
-0.054779987782239914,
-0.07724002003669739,
-0.571799099445343,
0.6156787276268005,
0.1493537575006485,
-0.22069518268108368,
0.25636234879493713,
-0.305208683013916,
0.17227979004383087,
0.15646222233772278,
-0.27259960770606995,
0.40672558546066284,
0.29646652936935425,
-0.4767656922340393,
1.2004936933517456,
-0.0428132526576519,
0.7210379838943481,
-0.4740622043609619,
-0.26271477341651917,
-0.16329532861709595,
0.43184757232666016,
-0.2699437439441681,
-0.7249890565872192,
0.12167336046695709,
-0.12721699476242065,
-0.4307824373245239,
0.03391314670443535,
0.5311570763587952,
-0.8776902556419373,
-0.7679017782211304,
0.5144003629684448,
0.26777276396751404,
0.3338092267513275,
0.040771838277578354,
-0.6753454804420471,
0.0009920283919200301,
0.187740758061409,
0.11723080277442932,
-0.32098495960235596,
0.6417751908302307,
-0.15459249913692474,
0.5498766899108887,
0.35746264457702637,
0.47522464394569397,
0.12605074048042297,
0.27059927582740784,
0.4349348247051239,
-0.5914211869239807,
-0.43457454442977905,
-0.5213367342948914,
0.6154094934463501,
0.26243531703948975,
-0.6747125387191772,
0.6401950716972351,
0.7483600378036499,
1.1807727813720703,
-0.6008895635604858,
0.7055622935295105,
-0.0519602969288826,
0.532881498336792,
-0.46381622552871704,
0.7898145318031311,
-0.7161487936973572,
-0.09822402894496918,
-0.3248310089111328,
-0.8359949588775635,
-0.2534288167953491,
0.7848188281059265,
-0.1956271231174469,
0.03368377685546875,
0.7502118945121765,
0.9440059065818787,
0.12290574610233307,
-0.19231320917606354,
0.16250517964363098,
0.8096240758895874,
0.07394178211688995,
0.48743876814842224,
0.421102911233902,
-1.0917104482650757,
0.2119273841381073,
-0.8864985704421997,
-0.13518965244293213,
-0.7493102550506592,
-0.46600648760795593,
-0.6061480045318604,
-0.8449694514274597,
-0.5407392382621765,
-0.6734208464622498,
0.10941962897777557,
0.9308313131332397,
0.36553990840911865,
-1.1555825471878052,
-0.6065385937690735,
0.11691004037857056,
0.4992202818393707,
-0.7617821097373962,
-0.32344186305999756,
0.5646674036979675,
-0.038882479071617126,
-1.0461063385009766,
0.1628146916627884,
0.11432845890522003,
0.2347671389579773,
0.4294038414955139,
-0.212832972407341,
-0.3223223090171814,
-0.028699815273284912,
0.6217707395553589,
0.4153439700603485,
-0.9687547087669373,
-0.2258806675672531,
-0.04607325419783592,
-0.46546056866645813,
0.2636287212371826,
0.5034379363059998,
-0.37688660621643066,
0.8142296075820923,
0.8386891484260559,
0.3249130845069885,
0.2894212305545807,
0.16830073297023773,
0.5049988627433777,
-0.5859538316726685,
0.06500358134508133,
0.1218721941113472,
0.41901102662086487,
0.5732325315475464,
-0.3994235694408417,
0.7398432493209839,
0.68873131275177,
-0.8724571466445923,
-0.7958039045333862,
-0.22658219933509827,
-1.7186853885650635,
-0.02278856746852398,
1.0589040517807007,
-0.00038094542105682194,
-0.5078294277191162,
-0.0021240785717964172,
-0.9018895626068115,
1.017920970916748,
-0.4012119770050049,
0.9101620316505432,
0.3841538429260254,
0.0896877720952034,
0.09835889935493469,
-0.35174813866615295,
0.3984808921813965,
0.5613446235656738,
-0.4719081521034241,
0.14028644561767578,
0.2494242638349533,
0.2664048373699188,
0.18252231180667877,
0.5392767786979675,
0.07522118091583252,
0.5196783542633057,
0.06880499422550201,
0.3231147825717926,
0.32636964321136475,
-0.09484442323446274,
-0.5842512249946594,
-0.4689474105834961,
-0.22081924974918365,
-0.48758581280708313
] |
MBZUAI/LaMini-Neo-1.3B
|
MBZUAI
| 2023-04-28T13:03:16Z | 4,941 | 11 |
transformers
|
[
"transformers",
"pytorch",
"gpt_neo",
"text-generation",
"en",
"arxiv:2304.14402",
"license:cc-by-nc-4.0",
"endpoints_compatible",
"has_space",
"region:us"
] |
text-generation
| 2023-04-16T13:16:07Z |
---
license: cc-by-nc-4.0
language:
- en
pipeline_tag: text-generation
widget:
- text: >-
Below is an instruction that describes a task.
Write a response that appropriately completes the request.
### Instruction:
how can I become more healthy?
### Response:
example_title: example
---
<!-- 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. -->
<p align="center" width="100%">
<a><img src="https://raw.githubusercontent.com/mbzuai-nlp/lamini-lm/main/images/lamini.png" alt="Title" style="width: 100%; min-width: 300px; display: block; margin: auto;"></a>
</p>
# LaMini-Neo-1.3B
[]()
This model is one of our LaMini-LM model series in paper "[LaMini-LM: A Diverse Herd of Distilled Models from Large-Scale Instructions](https://github.com/mbzuai-nlp/lamini-lm)".
This model is a fine-tuned version of [EleutherAI/gpt-neo-1.3B](https://huggingface.co/EleutherAI/gpt-neo-1.3B) on [LaMini-instruction dataset](https://huggingface.co/datasets/MBZUAI/LaMini-instruction) that contains 2.58M samples for instruction fine-tuning. For more information about our dataset, please refer to our [project repository](https://github.com/mbzuai-nlp/lamini-lm/).
You can view other models of LaMini-LM series as follows. Models with ✩ are those with the best overall performance given their size/architecture, hence we recommend using them. More details can be seen in our paper.
<table>
<thead>
<tr>
<th>Base model</th>
<th colspan="4">LaMini-LM series (#parameters)</th>
</tr>
</thead>
<tbody>
<tr>
<td>T5</td>
<td><a href="https://huggingface.co/MBZUAI/lamini-t5-61m" target="_blank" rel="noopener noreferrer">LaMini-T5-61M</a></td>
<td><a href="https://huggingface.co/MBZUAI/lamini-t5-223m" target="_blank" rel="noopener noreferrer">LaMini-T5-223M</a></td>
<td><a href="https://huggingface.co/MBZUAI/lamini-t5-738m" target="_blank" rel="noopener noreferrer">LaMini-T5-738M</a></td>
<td></td>
</tr>
<tr>
<td>Flan-T5</td>
<td><a href="https://huggingface.co/MBZUAI/lamini-flan-t5-77m" target="_blank" rel="noopener noreferrer">LaMini-Flan-T5-77M</a>✩</td>
<td><a href="https://huggingface.co/MBZUAI/lamini-flan-t5-248m" target="_blank" rel="noopener noreferrer">LaMini-Flan-T5-248M</a>✩</td>
<td><a href="https://huggingface.co/MBZUAI/lamini-flan-t5-783m" target="_blank" rel="noopener noreferrer">LaMini-Flan-T5-783M</a>✩</td>
<td></td>
</tr>
<tr>
<td>Cerebras-GPT</td>
<td><a href="https://huggingface.co/MBZUAI/lamini-cerebras-111m" target="_blank" rel="noopener noreferrer">LaMini-Cerebras-111M</a></td>
<td><a href="https://huggingface.co/MBZUAI/lamini-cerebras-256m" target="_blank" rel="noopener noreferrer">LaMini-Cerebras-256M</a></td>
<td><a href="https://huggingface.co/MBZUAI/lamini-cerebras-590m" target="_blank" rel="noopener noreferrer">LaMini-Cerebras-590M</a></td>
<td><a href="https://huggingface.co/MBZUAI/lamini-cerebras-1.3b" target="_blank" rel="noopener noreferrer">LaMini-Cerebras-1.3B</a></td>
</tr>
<tr>
<td>GPT-2</td>
<td><a href="https://huggingface.co/MBZUAI/lamini-gpt-124m" target="_blank" rel="noopener noreferrer">LaMini-GPT-124M</a>✩</td>
<td><a href="https://huggingface.co/MBZUAI/lamini-gpt-774m" target="_blank" rel="noopener noreferrer">LaMini-GPT-774M</a>✩</td>
<td><a href="https://huggingface.co/MBZUAI/lamini-gpt-1.5b" target="_blank" rel="noopener noreferrer">LaMini-GPT-1.5B</a>✩</td>
<td></td>
</tr>
<tr>
<td>GPT-Neo</td>
<td><a href="https://huggingface.co/MBZUAI/lamini-neo-125m" target="_blank" rel="noopener noreferrer">LaMini-Neo-125M</a></td>
<td><a href="https://huggingface.co/MBZUAI/lamini-neo-1.3b" target="_blank" rel="noopener noreferrer">LaMini-Neo-1.3B</a></td>
<td></td>
<td></td>
</tr>
<tr>
<td>GPT-J</td>
<td colspan="4">coming soon</td>
</tr>
<tr>
<td>LLaMA</td>
<td colspan="4">coming soon</td>
</tr>
</tbody>
</table>
## Use
### Intended use
We recommend using the model to respond to human instructions written in natural language.
Since this decoder-only model is fine-tuned with wrapper text, we suggest using the same wrapper text to achieve the best performance.
See the example on the right or the code below.
We now show you how to load and use our model using HuggingFace `pipeline()`.
```python
# pip install -q transformers
from transformers import pipeline
checkpoint = "{model_name}"
model = pipeline('text-generation', model = checkpoint)
instruction = 'Please let me know your thoughts on the given place and why you think it deserves to be visited: \n"Barcelona, Spain"'
input_prompt = f"Below is an instruction that describes a task. Write a response that appropriately completes the request.\n\n### Instruction:\n{instruction}\n\n### Response:"
generated_text = model(input_prompt, max_length=512, do_sample=True)[0]['generated_text']
print("Response", generated_text)
```
## Training Procedure
<p align="center" width="100%">
<a><img src="https://raw.githubusercontent.com/mbzuai-nlp/lamini-lm/main/images/lamini-pipeline.drawio.png" alt="Title" style="width: 100%; min-width: 250px; display: block; margin: auto;"></a>
</p>
We initialize with [EleutherAI/gpt-neo-1.3B](https://huggingface.co/EleutherAI/gpt-neo-1.3B) and fine-tune it on our [LaMini-instruction dataset](https://huggingface.co/datasets/MBZUAI/LaMini-instruction). Its total number of parameters is 1.3B.
### Training Hyperparameters
## Evaluation
We conducted two sets of evaluations: automatic evaluation on downstream NLP tasks and human evaluation on user-oriented instructions. For more detail, please refer to our [paper]().
## Limitations
More information needed
# Citation
```bibtex
@article{lamini-lm,
author = {Minghao Wu and
Abdul Waheed and
Chiyu Zhang and
Muhammad Abdul-Mageed and
Alham Fikri Aji
},
title = {LaMini-LM: A Diverse Herd of Distilled Models from Large-Scale Instructions},
journal = {CoRR},
volume = {abs/2304.14402},
year = {2023},
url = {https://arxiv.org/abs/2304.14402},
eprinttype = {arXiv},
eprint = {2304.14402}
}
```
|
[
-0.6085121035575867,
-0.7298835515975952,
0.1887565702199936,
0.22329272329807281,
-0.3097667098045349,
-0.41479405760765076,
-0.12112661451101303,
-0.6419714689254761,
0.43244805932044983,
0.26220864057540894,
-0.8387928009033203,
-0.46226513385772705,
-0.48281827569007874,
0.09836024045944214,
-0.036496005952358246,
0.8510801792144775,
-0.2059694230556488,
-0.15952585637569427,
0.15485408902168274,
-0.0779208168387413,
-0.15424413979053497,
-0.4061172604560852,
-0.8702934384346008,
-0.43584299087524414,
0.1852162629365921,
-0.01668945513665676,
0.717418372631073,
0.8578658103942871,
0.3027937412261963,
0.402523010969162,
-0.2304699420928955,
0.3043290078639984,
-0.07527026534080505,
-0.19467680156230927,
0.1125413179397583,
-0.34571903944015503,
-1.0387520790100098,
0.046467579901218414,
0.7149057984352112,
0.25717878341674805,
0.25793132185935974,
0.35050341486930847,
0.19872306287288666,
0.7190118432044983,
-0.3719612658023834,
0.11662440001964569,
-0.04662354290485382,
0.07140272110700607,
-0.18539701402187347,
-0.0696505457162857,
-0.17274190485477448,
-0.47925838828086853,
0.013171153143048286,
-0.7130393981933594,
-0.11170399188995361,
0.11646449565887451,
1.5402897596359253,
0.12877917289733887,
-0.040197622030973434,
-0.09255176782608032,
-0.3906700611114502,
0.9300572872161865,
-0.854339599609375,
0.1173219159245491,
0.5567623376846313,
-0.15933644771575928,
0.12203627079725266,
-0.43070945143699646,
-0.7104350924491882,
-0.00815664418041706,
-0.4927353262901306,
0.37933459877967834,
-0.35405755043029785,
-0.3505004048347473,
0.6218120455741882,
0.09824484586715698,
-0.4714060425758362,
-0.015778085216879845,
-0.2745136618614197,
-0.10651109367609024,
0.6268497109413147,
0.26684901118278503,
0.6492612957954407,
-0.33139568567276,
-0.35035067796707153,
-0.23947972059249878,
-0.3956064283847809,
0.2322465032339096,
0.4415530264377594,
0.3232872784137726,
-0.7745931148529053,
0.321609228849411,
-0.0703779086470604,
0.9286768436431885,
0.2527061402797699,
-0.29040467739105225,
0.6198021769523621,
-0.3150503933429718,
-0.37961137294769287,
-0.2386515736579895,
1.1731151342391968,
0.6341303586959839,
0.24587632715702057,
0.04690561816096306,
-0.030348818749189377,
-0.25797685980796814,
-0.008167955093085766,
-1.0079294443130493,
0.02075088769197464,
0.28075769543647766,
-0.5404662489891052,
-0.4387376606464386,
0.08038110285997391,
-0.8910901546478271,
0.07121136784553528,
-0.392517626285553,
0.23279176652431488,
-0.5628837943077087,
-0.33170896768569946,
0.26850321888923645,
-0.030974814668297768,
0.2817636728286743,
0.3177182078361511,
-0.7375510334968567,
0.15818814933300018,
0.4074355661869049,
0.7385148406028748,
0.13588689267635345,
-0.2933740019798279,
-0.2617790997028351,
0.1852804273366928,
0.08893374353647232,
0.6759482622146606,
-0.22159771621227264,
-0.32977065443992615,
-0.24241387844085693,
0.3484661281108856,
-0.4503808915615082,
-0.23306192457675934,
0.8140828013420105,
-0.047523949295282364,
0.38567349314689636,
-0.4324796795845032,
-0.36250555515289307,
0.015336129814386368,
0.22117125988006592,
-0.66851806640625,
0.9845812916755676,
0.18231439590454102,
-1.2134411334991455,
-0.0019877557642757893,
-0.7561348080635071,
-0.13479869067668915,
-0.2852000296115875,
0.2318553775548935,
-0.6684505343437195,
-0.2920292019844055,
0.28332623839378357,
0.3715711832046509,
-0.35965514183044434,
-0.40220150351524353,
-0.3095106780529022,
-0.26917964220046997,
0.5161826014518738,
-0.14154697954654694,
0.9699143767356873,
0.11359203606843948,
-0.6805756688117981,
-0.12414558231830597,
-0.9019672274589539,
0.23909412324428558,
0.3457587659358978,
-0.30304276943206787,
-0.16305109858512878,
-0.33770453929901123,
0.2472374588251114,
0.5437567234039307,
0.428325891494751,
-0.4156987965106964,
0.1453344076871872,
-0.48233330249786377,
0.42216864228248596,
0.8312720060348511,
-0.00842052511870861,
0.4104396402835846,
-0.7559159398078918,
0.3708934485912323,
-0.11179722100496292,
0.2799334228038788,
0.15741458535194397,
-0.28107112646102905,
-0.9155683517456055,
-0.21824124455451965,
0.31731054186820984,
0.6214900612831116,
-0.43045616149902344,
0.6555967330932617,
-0.05955304950475693,
-0.43486669659614563,
-0.6842820048332214,
0.11132238805294037,
0.6410777568817139,
0.48382967710494995,
0.549332320690155,
-0.14883092045783997,
-0.7772809863090515,
-0.7858321070671082,
0.006553832907229662,
-0.2192736119031906,
0.06998028606176376,
0.6575323343276978,
0.6650404930114746,
-0.3635280430316925,
0.5110769867897034,
-0.4906231164932251,
-0.16002428531646729,
-0.3907279372215271,
0.09442500025033951,
0.303663432598114,
0.7437514662742615,
0.6969029307365417,
-0.7547643184661865,
-0.6511878371238708,
0.06233855336904526,
-0.9229875802993774,
-0.12891565263271332,
-0.26247894763946533,
-0.43201085925102234,
0.21946245431900024,
0.15510796010494232,
-0.46812868118286133,
0.56756991147995,
0.31105318665504456,
-0.5275501608848572,
0.5716455578804016,
-0.2658105790615082,
0.07106120139360428,
-1.27545964717865,
0.5229136943817139,
0.4474264085292816,
0.04696453735232353,
-0.8877472877502441,
0.11720599979162216,
-0.15422092378139496,
0.40640634298324585,
-0.5340509414672852,
0.8913542032241821,
-0.38694873452186584,
0.19590963423252106,
-0.22699140012264252,
0.324546754360199,
0.29414069652557373,
0.4941302239894867,
0.30668964982032776,
0.5008864998817444,
0.44785258173942566,
-0.4387270510196686,
0.32389912009239197,
0.40378397703170776,
-0.16869568824768066,
0.6761531233787537,
-0.8494487404823303,
0.12021061778068542,
-0.03942495957016945,
0.18305304646492004,
-0.448983758687973,
-0.18983756005764008,
0.5879743099212646,
-0.38474178314208984,
0.651492178440094,
-0.15357857942581177,
-0.43973806500434875,
-0.6581150889396667,
-0.29420799016952515,
0.1416500359773636,
0.4364541471004486,
-0.3167031705379486,
0.4995647668838501,
0.17509669065475464,
0.3033343255519867,
-0.8013043403625488,
-0.6284693479537964,
-0.2832410931587219,
-0.4917570948600769,
-0.7607626914978027,
0.5213119387626648,
-0.12467437237501144,
-0.10897569358348846,
-0.195622980594635,
-0.07332421839237213,
-0.16548074781894684,
0.1343885213136673,
0.3669949471950531,
0.5115633606910706,
-0.2620863914489746,
-0.22029897570610046,
-0.2781095802783966,
-0.1879829317331314,
0.12140854448080063,
-0.03483365476131439,
0.8172508478164673,
-0.43991997838020325,
0.037282418459653854,
-1.3626950979232788,
0.061407141387462616,
0.539508044719696,
-0.2188275009393692,
0.8790085911750793,
1.1065365076065063,
-0.2588464319705963,
0.1813657581806183,
-0.4965589940547943,
-0.18437348306179047,
-0.5127041339874268,
-0.17145326733589172,
-0.4792976975440979,
-0.4775632321834564,
0.6751230955123901,
-0.0010931225260719657,
-0.2288738191127777,
0.5611478090286255,
0.2923993766307831,
-0.26137346029281616,
0.7180286645889282,
0.40585267543792725,
-0.3974059224128723,
0.45591384172439575,
-0.8521052002906799,
0.07622729241847992,
-1.4068349599838257,
-0.48825329542160034,
-0.4882093667984009,
-0.5156474113464355,
-0.5092297196388245,
-0.34295594692230225,
0.1684386283159256,
0.48650261759757996,
-0.5994675755500793,
0.6356561779975891,
-0.6359633207321167,
0.13416509330272675,
0.4977121949195862,
0.5398783683776855,
-0.05114384740591049,
-0.16292767226696014,
-0.36915522813796997,
-0.0012221552897244692,
-0.40204790234565735,
-0.6088923811912537,
0.9266769886016846,
0.3818243741989136,
0.48450320959091187,
0.07824122905731201,
0.8483337759971619,
-0.04180911183357239,
0.04703633859753609,
-0.47244539856910706,
0.465421199798584,
-0.049333859235048294,
-0.41734957695007324,
-0.3040827810764313,
-0.4562138617038727,
-1.0006585121154785,
0.06271401792764664,
-0.48735931515693665,
-1.080261468887329,
0.2390046864748001,
0.18157228827476501,
-0.4504372179508209,
0.4679933786392212,
-0.42287662625312805,
0.9288852214813232,
-0.3560303747653961,
-0.9228054881095886,
0.2961858808994293,
-0.6175130605697632,
0.09249341487884521,
0.4291951060295105,
0.23196369409561157,
-0.01749645359814167,
0.09460243582725525,
0.6913660764694214,
-0.6536095142364502,
0.9326803088188171,
-0.2257193773984909,
-0.03303302451968193,
0.5021311044692993,
-0.15601955354213715,
0.5646194219589233,
0.022754119709134102,
-0.3350352346897125,
-0.13659445941448212,
-0.09925948083400726,
-0.37510523200035095,
-0.476346492767334,
0.7537176609039307,
-0.9969783425331116,
-0.46680575609207153,
-0.5920456647872925,
-0.38007181882858276,
0.2604917585849762,
0.21587832272052765,
0.3773495852947235,
0.49719664454460144,
0.013311197981238365,
0.07874412089586258,
0.6773034334182739,
-0.22499890625476837,
0.5824349522590637,
0.17966148257255554,
0.03649308159947395,
-0.27577266097068787,
0.8800463676452637,
-0.08513608574867249,
0.1545652449131012,
0.5668720602989197,
0.31387001276016235,
-0.4610852003097534,
-0.26868340373039246,
-0.5850548148155212,
0.6694568395614624,
-0.25676649808883667,
-0.22613786160945892,
-0.5613178014755249,
-0.3151838183403015,
-0.40181806683540344,
-0.36155182123184204,
-0.2261374294757843,
-0.409737765789032,
-0.6704582571983337,
-0.06305993348360062,
0.48526906967163086,
0.5298586487770081,
-0.2688036859035492,
0.33461397886276245,
-0.42897462844848633,
0.2106488198041916,
0.18643687665462494,
0.08919546008110046,
0.06917142868041992,
-0.46453627943992615,
-0.08299560844898224,
0.2628166675567627,
-0.44287535548210144,
-0.6541017889976501,
0.6998704671859741,
-0.09764356166124344,
0.5460391640663147,
0.45339128375053406,
-0.003227755194529891,
0.756415843963623,
-0.24622434377670288,
0.4896535575389862,
0.3505646288394928,
-0.9411888122558594,
0.6882199645042419,
-0.42358019948005676,
0.434988796710968,
0.4720589518547058,
0.5788348913192749,
-0.4160213768482208,
-0.17582827806472778,
-0.6699981093406677,
-0.7889400124549866,
0.8760950565338135,
0.252608060836792,
-0.01262994110584259,
0.0614580363035202,
0.5284247994422913,
-0.4275614023208618,
-0.04902473837137222,
-0.9878830313682556,
-0.6026825308799744,
-0.47435232996940613,
-0.03395681455731392,
0.31781500577926636,
-0.017407981678843498,
-0.15384148061275482,
-0.4853721559047699,
0.8505719304084778,
-0.09842195361852646,
0.6064273715019226,
0.238735169172287,
-0.08344997465610504,
-0.07634686678647995,
0.30988821387290955,
0.8079322576522827,
0.4735150635242462,
-0.4489925801753998,
-0.24929599463939667,
0.22034311294555664,
-0.4475705623626709,
0.0027843404095619917,
-0.08627767115831375,
-0.4411565661430359,
-0.06530077755451202,
0.25728121399879456,
1.0636235475540161,
0.18692325055599213,
-0.10819855332374573,
0.4655287265777588,
0.06393595039844513,
-0.2361462563276291,
-0.28813979029655457,
0.17345790565013885,
0.23112249374389648,
0.2794893682003021,
-0.021990682929754257,
0.11219216138124466,
0.00689278356730938,
-0.6656347513198853,
0.2533198297023773,
0.4151149094104767,
-0.39488446712493896,
-0.2897717356681824,
0.7702280879020691,
-0.06153545528650284,
-0.14383062720298767,
0.3813703954219818,
-0.2459324449300766,
-0.8382185101509094,
0.5862135291099548,
0.7965810894966125,
0.6021973490715027,
-0.3064740002155304,
0.4042970538139343,
0.9927163124084473,
0.021957604214549065,
-0.08825455605983734,
0.17878712713718414,
0.05859583616256714,
-0.6400886178016663,
0.01709138974547386,
-0.9866974353790283,
-0.04364164546132088,
0.29445385932922363,
-0.9765782356262207,
0.2925065755844116,
-0.5666809678077698,
-0.4528363049030304,
-0.09356068819761276,
0.438547819852829,
-0.688125491142273,
0.6170549988746643,
0.13058960437774658,
0.7759280204772949,
-0.7089568376541138,
0.9959151148796082,
0.5355945825576782,
-0.6579510569572449,
-0.8686874508857727,
0.03988762944936752,
0.0505308173596859,
-0.9400495290756226,
0.7748863101005554,
0.007629819680005312,
-0.0526302345097065,
-0.09106510132551193,
-0.29418304562568665,
-0.708998441696167,
1.314753532409668,
-0.09998783469200134,
-0.2318432480096817,
-0.2590887248516083,
0.30783677101135254,
0.6793267130851746,
-0.47821924090385437,
0.7910374402999878,
0.4699453115463257,
0.6830506324768066,
0.0743570402264595,
-0.8571081757545471,
0.5844482779502869,
-0.6510655879974365,
0.017005519941449165,
0.008195905946195126,
-1.3420801162719727,
1.0477051734924316,
0.05545215308666229,
0.015749135985970497,
0.22777538001537323,
0.4300364553928375,
0.33075955510139465,
0.2036188691854477,
0.16338090598583221,
0.8361903429031372,
0.5323948860168457,
-0.2816043198108673,
1.1505602598190308,
-0.3836451768875122,
0.5186254978179932,
1.0225189924240112,
0.05534644424915314,
0.9146901369094849,
0.16308994591236115,
-0.22427740693092346,
0.8018703460693359,
0.38435763120651245,
-0.2797093391418457,
0.20754265785217285,
0.2630160450935364,
-0.1304820328950882,
-0.17131347954273224,
-0.1467437744140625,
-0.5714013576507568,
0.24192184209823608,
0.4028370678424835,
-0.5066538453102112,
0.07005807757377625,
-0.40261977910995483,
0.4072261452674866,
0.034230247139930725,
-0.19514833390712738,
0.5781833529472351,
0.17538020014762878,
-0.4166833460330963,
0.8513321280479431,
-0.002955534728243947,
0.7165682911872864,
-0.5131726264953613,
0.21985909342765808,
-0.17474687099456787,
0.13805362582206726,
-0.3003157675266266,
-0.6213546395301819,
0.09744750708341599,
0.08617469668388367,
-0.09486593306064606,
-0.344855397939682,
0.46563029289245605,
-0.1686888188123703,
-0.6516283750534058,
0.4313019812107086,
0.2424325793981552,
0.12001051008701324,
0.26999884843826294,
-1.2890881299972534,
0.3158581256866455,
0.2692663073539734,
-0.38189956545829773,
0.3381098806858063,
0.22787334024906158,
0.2781117558479309,
0.6501924991607666,
0.5304160118103027,
0.020529907196760178,
0.1068311408162117,
0.035581253468990326,
0.8793693780899048,
-0.45902320742607117,
-0.11318536102771759,
-0.9129113554954529,
0.7270008325576782,
-0.41389963030815125,
-0.34310632944107056,
0.9736869931221008,
0.6098553538322449,
0.7333921194076538,
-0.08150403201580048,
0.6670014262199402,
-0.24032381176948547,
0.3600938022136688,
-0.555823802947998,
0.9016713500022888,
-0.653668224811554,
0.13074882328510284,
-0.5041883587837219,
-0.7037495374679565,
-0.17606107890605927,
1.082654356956482,
-0.25893256068229675,
0.2370356321334839,
0.6806411743164062,
0.7567270398139954,
0.014317585155367851,
-0.11867475509643555,
-0.14353039860725403,
0.27124810218811035,
-0.03542844578623772,
0.9390556216239929,
0.5894862413406372,
-0.8865652680397034,
0.10419566184282303,
-0.6819821000099182,
-0.10321329534053802,
-0.3890087902545929,
-0.7446956634521484,
-1.0997167825698853,
-0.5835219621658325,
-0.5351656675338745,
-0.5977962613105774,
-0.08761828392744064,
0.9606448411941528,
0.6421165466308594,
-0.8095479607582092,
-0.40095004439353943,
0.05327887460589409,
0.055112969130277634,
-0.16206391155719757,
-0.262018620967865,
0.7476015686988831,
0.08023744076490402,
-1.0181596279144287,
0.1056341826915741,
-0.0734461322426796,
0.539158821105957,
0.21555112302303314,
-0.32769066095352173,
-0.474179208278656,
0.08825269341468811,
0.17365418374538422,
0.5641278624534607,
-0.5711309313774109,
-0.24939380586147308,
0.02630213275551796,
-0.23060838878154755,
0.22246697545051575,
0.3131199777126312,
-0.4670756459236145,
0.13645897805690765,
0.5580914616584778,
0.11893688887357712,
0.7402858138084412,
0.25095877051353455,
0.29935941100120544,
-0.48280730843544006,
0.11552886664867401,
-0.04718582704663277,
0.4304693639278412,
0.14529870450496674,
-0.39550989866256714,
0.5719655156135559,
0.2783271074295044,
-0.42828357219696045,
-0.7479337453842163,
-0.10507041960954666,
-1.2826637029647827,
-0.037839699536561966,
1.1435885429382324,
-0.28195926547050476,
-0.534105122089386,
0.2880653738975525,
-0.2443997710943222,
0.5021585822105408,
-0.46740320324897766,
0.5284644961357117,
0.5990153551101685,
-0.34297439455986023,
-0.18674105405807495,
-0.5806984305381775,
0.661286473274231,
0.22074809670448303,
-0.8445349931716919,
-0.24174289405345917,
0.1801019310951233,
0.28672412037849426,
0.4904080629348755,
0.4418000280857086,
-0.09522920101881027,
0.17534136772155762,
-0.12766359746456146,
-0.0024866655003279448,
-0.12830191850662231,
-0.06845735758543015,
-0.09547021239995956,
-0.05604419484734535,
-0.3200332224369049,
-0.01814049482345581
] |
lorahub/flan_t5_large-adversarial_qa_dbidaf_based_on
|
lorahub
| 2023-07-24T09:40:40Z | 4,940 | 0 |
peft
|
[
"peft",
"has_space",
"region:us"
] | null | 2023-07-24T09:40:30Z |
---
library_name: peft
---
|
[
-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
] |
TinyLlama/TinyLlama-1.1B-intermediate-step-240k-503b
|
TinyLlama
| 2023-09-19T05:36:46Z | 4,936 | 15 |
transformers
|
[
"transformers",
"pytorch",
"safetensors",
"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-09-16T03:19:04Z |
---
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 240K steps and 503B tokens. **We suggest you not use this directly for inference.** The [chat model](https://huggingface.co/PY007/TinyLlama-1.1B-Chat-v0.1) is always preferred **
#### How to use
You will need the transformers>=4.31
Do check the [TinyLlama](https://github.com/jzhang38/TinyLlama) github page for more information.
```
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.2347331941127777,
-0.7799703478813171,
0.4991976022720337,
0.3279537558555603,
-0.5951517820358276,
-0.08359146118164062,
-0.23300078511238098,
-0.4047466218471527,
0.3478296399116516,
0.15622565150260925,
-0.7499052882194519,
-0.34615689516067505,
-0.5103892087936401,
-0.19685573875904083,
-0.2527602016925812,
1.1597537994384766,
0.11961661279201508,
-0.14275331795215607,
0.2731652557849884,
0.15915662050247192,
-0.3311868906021118,
-0.11441998183727264,
-1.0371290445327759,
-0.25907015800476074,
0.4075816869735718,
0.6667798161506653,
0.49308761954307556,
0.739892840385437,
0.3488536775112152,
0.2950829267501831,
-0.19306334853172302,
0.02251560240983963,
-0.6254473924636841,
-0.44360172748565674,
0.3154124617576599,
-0.7157471179962158,
-0.6858265399932861,
0.18098267912864685,
0.5633394122123718,
0.24280236661434174,
-0.15972015261650085,
0.6832141280174255,
-0.026314105838537216,
0.3032708764076233,
-0.3564263582229614,
0.2163374125957489,
-0.6552177667617798,
0.13425588607788086,
-0.3777208924293518,
0.14338232576847076,
-0.30973732471466064,
-0.33362874388694763,
0.09229440242052078,
-0.8782591223716736,
0.13921092450618744,
0.36408138275146484,
1.0092321634292603,
0.38739320635795593,
-0.17511440813541412,
-0.2503200173377991,
-0.4198336601257324,
0.7889991402626038,
-0.7715402245521545,
-0.04844985529780388,
0.3762452304363251,
0.38801538944244385,
-0.01119490247219801,
-1.1660687923431396,
-0.7213367819786072,
-0.28880080580711365,
0.11868211627006531,
-0.09840115904808044,
-0.18146070837974548,
-0.09530334919691086,
0.39927786588668823,
0.4198482632637024,
-0.5495402216911316,
0.3714124858379364,
-0.6393997669219971,
-0.15305253863334656,
0.5096898674964905,
0.4826345145702362,
0.08031057566404343,
-0.2706184685230255,
-0.44575804471969604,
-0.23184019327163696,
-0.8264625072479248,
0.028093164786696434,
0.24722936749458313,
0.3956904411315918,
-0.618124783039093,
0.4522532522678375,
-0.059171080589294434,
0.269795298576355,
0.1571180522441864,
-0.31973493099212646,
0.04372810572385788,
-0.4091213345527649,
-0.5807369351387024,
-0.0031722707208245993,
0.9348160028457642,
0.0024070634972304106,
-0.05040546879172325,
0.14266937971115112,
-0.0027006289456039667,
0.1760271191596985,
0.11378346383571625,
-1.0975284576416016,
-0.3773442208766937,
0.23470565676689148,
-0.5230513215065002,
-0.535974383354187,
-0.3311299681663513,
-0.6791897416114807,
-0.08654181659221649,
0.027985209599137306,
0.6669756174087524,
-0.23537200689315796,
-0.017970504239201546,
0.0178147591650486,
0.27977630496025085,
0.11675180494785309,
0.3514949083328247,
-1.0472794771194458,
0.20051546394824982,
0.5761852264404297,
1.1173537969589233,
0.2465120106935501,
-0.36804917454719543,
-0.27601855993270874,
-0.1330476552248001,
-0.21380221843719482,
0.6267250180244446,
-0.025055354461073875,
-0.36499205231666565,
-0.33899828791618347,
-0.14500193297863007,
-0.0959731861948967,
-0.4073139727115631,
0.19545982778072357,
-0.44143179059028625,
0.2379758208990097,
0.06606940180063248,
-0.4051809012889862,
-0.07202881574630737,
0.10179384797811508,
-0.5149057507514954,
1.0375525951385498,
-0.16631729900836945,
-0.559675931930542,
0.26006457209587097,
-0.7058851718902588,
-0.13300177454948425,
-0.11700362712144852,
-0.006420453544706106,
-0.43999144434928894,
0.10046735405921936,
0.2001875340938568,
0.29127344489097595,
-0.49367889761924744,
0.017194358631968498,
-0.3000297248363495,
-0.7067826986312866,
0.06844492256641388,
-0.14246463775634766,
0.8650173544883728,
0.3944742679595947,
-0.4684733748435974,
0.1377759724855423,
-0.6939162611961365,
-0.057873714715242386,
0.34699541330337524,
-0.35376134514808655,
0.16657201945781708,
-0.24676918983459473,
0.1847139596939087,
0.11570049822330475,
0.4700779914855957,
-0.5117214322090149,
0.5793561339378357,
-0.653668224811554,
0.5922644138336182,
0.9363694190979004,
-0.2551412880420685,
0.5832532048225403,
-0.31538864970207214,
0.5046408772468567,
-0.03404490649700165,
0.41360241174697876,
-0.13062448799610138,
-0.6408357620239258,
-1.3517754077911377,
-0.3874659538269043,
0.4155406057834625,
0.2700723707675934,
-0.5390024781227112,
0.3582700490951538,
-0.30653226375579834,
-0.8043947815895081,
-0.5300787687301636,
0.19346152245998383,
0.27253472805023193,
0.3208127021789551,
0.3568105399608612,
-0.3102734088897705,
-0.8318592309951782,
-0.7062482237815857,
0.2667503356933594,
-0.5716543197631836,
-0.08015918731689453,
0.06448045372962952,
0.84891676902771,
-0.4160614311695099,
0.8351190090179443,
-0.4942091703414917,
-0.5092046856880188,
-0.2668408751487732,
0.09703341126441956,
0.39356663823127747,
0.598112165927887,
0.5674715042114258,
-0.27055636048316956,
-0.42643243074417114,
-0.18675774335861206,
-0.6136323809623718,
0.11486536264419556,
-0.10063930600881577,
-0.09957301616668701,
-0.10009167343378067,
0.32881322503089905,
-0.7496594786643982,
0.4437333941459656,
0.5280459523200989,
-0.21108119189739227,
0.26059573888778687,
-0.052913445979356766,
-0.3545665144920349,
-1.0693966150283813,
0.06410303711891174,
-0.18254373967647552,
-0.22777210175991058,
-0.518035352230072,
0.13004840910434723,
-0.08609630167484283,
-0.23467570543289185,
-0.5968635082244873,
0.6965620517730713,
-0.15126799046993256,
0.10158167779445648,
-0.45126044750213623,
0.029327237978577614,
-0.22251079976558685,
0.5581678152084351,
-0.13756848871707916,
0.7438624501228333,
0.41784119606018066,
-0.5177439451217651,
0.19391056895256042,
0.2858673930168152,
-0.32468265295028687,
-0.03491460159420967,
-0.8527941703796387,
0.37536847591400146,
0.29636678099632263,
0.43155837059020996,
-0.925040602684021,
-0.14836539328098297,
0.6487343907356262,
-0.35939136147499084,
0.20809656381607056,
-0.02547561191022396,
-0.6815577149391174,
-0.5488229990005493,
-0.4457898437976837,
0.4617258310317993,
0.7759978771209717,
-0.7393110394477844,
0.3420894145965576,
0.42769187688827515,
0.09311828762292862,
-0.3199990391731262,
-0.7196447849273682,
0.023823587223887444,
-0.3543192148208618,
-0.5940324664115906,
0.18958739936351776,
-0.08781664073467255,
0.047462232410907745,
-0.26444780826568604,
-0.0330510139465332,
0.12960779666900635,
0.14845247566699982,
0.47665703296661377,
0.323077917098999,
-0.1480911672115326,
0.022396447136998177,
-0.08253589272499084,
-0.31573960185050964,
-0.17954452335834503,
-0.33055579662323,
0.7082138061523438,
-0.5034072399139404,
-0.22528615593910217,
-0.8416765332221985,
-0.13825388252735138,
0.17950350046157837,
0.2938249707221985,
0.716387152671814,
0.6255094408988953,
-0.5082410573959351,
-0.017864393070340157,
-0.5996509194374084,
-0.3033736050128937,
-0.5572705864906311,
0.12099529802799225,
-0.2303704172372818,
-0.9050962924957275,
0.4841156601905823,
0.014174339361488819,
0.08594004064798355,
0.6834966540336609,
0.9198405146598816,
-0.16308969259262085,
0.7434032559394836,
0.7363542318344116,
-0.13689051568508148,
0.5376900434494019,
-0.7761114835739136,
0.07748428732156754,
-0.7813040018081665,
-0.19527608156204224,
-0.37901484966278076,
-0.3449826240539551,
-0.3748207986354828,
-0.6357468366622925,
0.19542410969734192,
0.17783422768115997,
-0.5479097962379456,
0.506195604801178,
-0.3854263126850128,
0.3213704824447632,
0.4462111294269562,
0.08444070816040039,
0.15375979244709015,
0.03268503397703171,
-0.07119753211736679,
-0.1087561696767807,
-0.966214656829834,
-0.9206703305244446,
1.368276596069336,
0.548897922039032,
0.8011733293533325,
-0.12116938829421997,
0.8669561147689819,
-0.004240315407514572,
0.613880455493927,
-0.6319674849510193,
0.7197152376174927,
0.12911294400691986,
-0.7273051738739014,
-0.09963250905275345,
-0.1834871917963028,
-0.8429742455482483,
0.28924834728240967,
-0.16627871990203857,
-0.8638091683387756,
-0.011839120648801327,
0.2719346284866333,
-0.6632097363471985,
0.21683214604854584,
-0.6350722908973694,
0.9463528990745544,
-0.16365522146224976,
-0.1739901602268219,
-0.3226969242095947,
-0.5892642140388489,
0.48157134652137756,
-0.35047462582588196,
0.06902901083230972,
-0.3307778835296631,
-0.1673056185245514,
0.9742583632469177,
-0.7309138178825378,
1.031131386756897,
-0.20056401193141937,
0.09090231359004974,
0.39385437965393066,
-0.22641795873641968,
0.4046591818332672,
0.25777122378349304,
-0.02607729285955429,
0.4305509328842163,
-0.11653599888086319,
-0.41814491152763367,
-0.05469919368624687,
0.658166766166687,
-1.0160853862762451,
-0.5378130078315735,
-0.538925051689148,
-0.29325199127197266,
0.09744758158922195,
0.07055880129337311,
0.4220075011253357,
-0.10644537955522537,
-0.19899150729179382,
0.040437519550323486,
0.2700270414352417,
-0.056682225316762924,
0.6076121926307678,
0.29175764322280884,
-0.3475005030632019,
-0.24029792845249176,
0.8334707021713257,
0.0359031967818737,
-0.04826171323657036,
0.013202588073909283,
0.15037067234516144,
-0.1902831643819809,
-0.5647183060646057,
-0.6447701454162598,
0.3618753254413605,
-0.4359487295150757,
-0.305372029542923,
-0.46064332127571106,
-0.17940711975097656,
-0.3167984187602997,
0.05254778265953064,
-0.7403361797332764,
-0.5536841154098511,
-0.8142301440238953,
0.07246413081884384,
0.263177752494812,
0.6232256293296814,
-0.18907776474952698,
0.8689231872558594,
-0.5147085785865784,
0.2481587678194046,
0.49144139885902405,
-0.019335655495524406,
0.28614184260368347,
-0.983671247959137,
-0.5567119121551514,
0.089022196829319,
-0.5882297158241272,
-0.6019522547721863,
0.3801596164703369,
0.27283406257629395,
0.2840488851070404,
0.6436249017715454,
-0.338225394487381,
1.1582627296447754,
-0.5299980640411377,
0.8710398077964783,
0.33103078603744507,
-0.9155181050300598,
0.8176300525665283,
-0.05324847996234894,
0.12935031950473785,
0.5300770998001099,
0.19541993737220764,
-0.19979268312454224,
-0.443259596824646,
-0.8073692321777344,
-0.695428729057312,
0.9722789525985718,
0.3954375684261322,
0.2303319275379181,
0.09763594716787338,
0.4563547372817993,
-0.03579540550708771,
0.10440009832382202,
-0.8760066628456116,
-0.2804185152053833,
-0.2989729642868042,
-0.11647864431142807,
-0.2142965942621231,
-0.3436099588871002,
-0.21331773698329926,
-0.47399038076400757,
0.8070114254951477,
-0.16257153451442719,
0.4717046618461609,
-0.20648570358753204,
-0.23365968465805054,
-0.09304416179656982,
-0.1807888299226761,
0.6975464224815369,
0.49292001128196716,
-0.22246047854423523,
-0.12481052428483963,
0.5294803977012634,
-0.6486207246780396,
0.29761359095573425,
0.13305652141571045,
-0.1091681569814682,
-0.13519760966300964,
0.30091404914855957,
0.9846524596214294,
0.3760663568973541,
-0.49602654576301575,
0.4526519179344177,
-0.24556773900985718,
-0.02930825762450695,
-0.3902704417705536,
0.14057452976703644,
0.2610894739627838,
0.46048709750175476,
0.5142183303833008,
-0.13732114434242249,
-0.11978305876255035,
-0.3682001233100891,
-0.1784534752368927,
0.24017906188964844,
0.07303200662136078,
-0.44882869720458984,
1.1546176671981812,
0.12269783765077591,
-0.16426928341388702,
0.5876315832138062,
-0.15908382833003998,
-0.2649601995944977,
0.8831349611282349,
0.4987446665763855,
0.6870980858802795,
0.1043175458908081,
-0.04928622767329216,
0.5067833065986633,
0.5632821321487427,
-0.31316855549812317,
0.09135814756155014,
-0.10461626946926117,
-0.4240250587463379,
-0.11547961831092834,
-0.8458322882652283,
-0.4495922029018402,
0.10802899301052094,
-0.40124544501304626,
0.4023800790309906,
-0.7482436299324036,
-0.29563018679618835,
-0.0398780032992363,
0.5005636811256409,
-0.8880336880683899,
0.22950443625450134,
0.294511079788208,
1.0142558813095093,
-0.8153216242790222,
1.1209392547607422,
0.630001425743103,
-0.3872557282447815,
-1.0773000717163086,
-0.22142033278942108,
0.10861814767122269,
-1.1846857070922852,
0.7555039525032043,
0.4347808063030243,
0.12977199256420135,
0.14654569327831268,
-0.6408326625823975,
-0.7869083285331726,
1.3866852521896362,
0.4482119381427765,
-0.6425677537918091,
-0.1868036389350891,
0.020529786124825478,
0.5870404243469238,
-0.4223138689994812,
0.3238563537597656,
0.5929578542709351,
0.29196396470069885,
0.05520535632967949,
-1.0275897979736328,
0.07868600636720657,
-0.2920568287372589,
0.4150104522705078,
-0.22597238421440125,
-0.9948229193687439,
1.1305371522903442,
-0.37763944268226624,
-0.29770728945732117,
0.6555508971214294,
0.9682042002677917,
0.4112551510334015,
0.302761048078537,
0.5192772746086121,
0.8627561926841736,
0.6777974367141724,
-0.2829580008983612,
0.9628316164016724,
-0.3675473928451538,
0.7293665409088135,
0.8827677965164185,
0.16986025869846344,
0.7848804593086243,
0.5923741459846497,
-0.28125128149986267,
0.5422089695930481,
1.0945448875427246,
-0.08058162033557892,
0.5663434863090515,
0.12484299391508102,
-0.13734635710716248,
-0.24132104218006134,
0.1287214159965515,
-0.6383387446403503,
0.45407289266586304,
0.39371970295906067,
-0.2583983540534973,
-0.02780921943485737,
0.09893158078193665,
0.02356034517288208,
-0.5789599418640137,
-0.3278098404407501,
0.5713694095611572,
0.3200414776802063,
-0.18975530564785004,
0.6406732797622681,
0.2304999828338623,
0.9525167942047119,
-0.6492947340011597,
0.29547277092933655,
-0.4590354561805725,
0.17342472076416016,
-0.05262482911348343,
-0.05885783210396767,
-0.006373075768351555,
0.21977724134922028,
0.21142464876174927,
-0.13074816763401031,
0.664685845375061,
-0.08837877959012985,
-0.5910491347312927,
-0.02464665099978447,
0.3020661175251007,
0.2625868320465088,
0.12103898078203201,
-0.6643190979957581,
0.3697597086429596,
-0.1321234405040741,
-0.5834872126579285,
0.3615136444568634,
0.05094001442193985,
0.2609846293926239,
0.6695042848587036,
0.7079882025718689,
0.09383825212717056,
0.3120362162590027,
-0.28623923659324646,
0.9828303456306458,
-0.47559240460395813,
-0.6672120690345764,
-1.0378485918045044,
0.2883220613002777,
0.09026604890823364,
-0.5039280652999878,
0.8445315361022949,
0.6491369605064392,
0.7515683174133301,
-0.1085742712020874,
0.3107137084007263,
-0.16727986931800842,
0.10768382996320724,
-0.4466175138950348,
0.6730065941810608,
-0.8145830631256104,
0.324216365814209,
-0.04925327003002167,
-0.7597955465316772,
-0.08829623460769653,
1.0750298500061035,
-0.12891705334186554,
-0.012506114318966866,
0.47205719351768494,
0.85423743724823,
-0.06430396437644958,
0.22878268361091614,
-0.07760515064001083,
0.20333147048950195,
0.3128068149089813,
0.8170629143714905,
0.9476833939552307,
-0.8617449998855591,
0.7473233938217163,
-0.5062577724456787,
-0.18861335515975952,
-0.5072689056396484,
-0.6783742308616638,
-0.8668023943901062,
-0.26133501529693604,
-0.2915192246437073,
-0.1936757117509842,
-0.07152307033538818,
1.0433728694915771,
0.8608917593955994,
-0.5899324417114258,
-0.35435569286346436,
0.0471971370279789,
0.004319302272051573,
0.03590913116931915,
-0.13112814724445343,
0.2969018220901489,
-0.22575701773166656,
-0.9583112597465515,
0.3397130072116852,
0.20886538922786713,
0.287307471036911,
-0.3723296523094177,
-0.18213170766830444,
-0.15907226502895355,
-0.009897810406982899,
0.4194718301296234,
0.46962806582450867,
-0.7268253564834595,
-0.4134741425514221,
-0.25614723563194275,
-0.4366767406463623,
0.015895605087280273,
0.6005984544754028,
-0.7612635493278503,
0.27661430835723877,
0.08179289847612381,
0.36908838152885437,
1.0073833465576172,
-0.4058217406272888,
0.03617033734917641,
-0.6499879360198975,
0.7402318716049194,
0.078303262591362,
0.3565444052219391,
0.10560977458953857,
-0.05030106008052826,
0.6604294776916504,
0.23428858816623688,
-0.5870428085327148,
-1.0005199909210205,
-0.09164007753133774,
-0.99226313829422,
0.1029137521982193,
0.9771417379379272,
-0.06752613931894302,
-0.18414340913295746,
0.2709084749221802,
-0.30126163363456726,
0.4771847128868103,
-0.09870156645774841,
1.0357269048690796,
0.37550586462020874,
-0.02042660303413868,
0.12928879261016846,
-0.5085281729698181,
0.36738699674606323,
0.48031026124954224,
-0.8302724957466125,
-0.47032058238983154,
0.16873976588249207,
0.40060561895370483,
0.14628995954990387,
1.2156442403793335,
0.2919124364852905,
0.3994751572608948,
0.24025076627731323,
-0.05428014323115349,
-0.1137547492980957,
-0.3020517826080322,
-0.34043124318122864,
0.025763878598809242,
0.03552024066448212,
-0.397814005613327
] |
eemotgs/RoBERTa_fine_tuned_for_proper_nouns_detection
|
eemotgs
| 2023-08-19T05:25:04Z | 4,933 | 0 |
transformers
|
[
"transformers",
"pytorch",
"safetensors",
"roberta",
"token-classification",
"en",
"arxiv:1910.09700",
"license:openrail",
"autotrain_compatible",
"endpoints_compatible",
"region:us"
] |
token-classification
| 2023-08-18T15:16:27Z |
---
license: openrail
language:
- en
---
# Model Card for Model ID
<!-- Provide a quick summary of what the model is/does. -->
This modelcard aims to be a base template for new models. It has been generated using [this raw template](https://github.com/huggingface/huggingface_hub/blob/main/src/huggingface_hub/templates/modelcard_template.md?plain=1).
## Model Details
### Model Description
<!-- Provide a longer summary of what this model is. -->
- **Developed by:** [More Information Needed]
- **Shared by [optional]:** [More Information Needed]
- **Model type:** [More Information Needed]
- **Language(s) (NLP):** [More Information Needed]
- **License:** [More Information Needed]
- **Finetuned from model [optional]:** [More Information Needed]
### Model Sources [optional]
<!-- Provide the basic links for the model. -->
- **Repository:** [More Information Needed]
- **Paper [optional]:** [More Information Needed]
- **Demo [optional]:** [More Information Needed]
## 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. -->
### Direct Use
<!-- This section is for the model use without fine-tuning or plugging into a larger ecosystem/app. -->
[More Information Needed]
### Downstream Use [optional]
<!-- This section is for the model use when fine-tuned for a task, or when plugged into a larger ecosystem/app -->
[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.
## How to Get Started with the Model
Use the code below to get started with the model.
[More Information Needed]
## Training Details
### Training Data
<!-- This should link to a Data Card, perhaps with a short stub of information on what the training data is all about as well as documentation related to data pre-processing or additional filtering. -->
[More Information Needed]
### Training Procedure
<!-- This relates heavily to the Technical Specifications. Content here should link to that section when it is relevant to the training procedure. -->
#### Preprocessing [optional]
[More Information Needed]
#### Training Hyperparameters
- **Training regime:** [More Information Needed] <!--fp32, fp16 mixed precision, bf16 mixed precision, bf16 non-mixed precision, fp16 non-mixed precision, fp8 mixed precision -->
#### Speeds, Sizes, Times [optional]
<!-- This section provides information about throughput, start/end time, checkpoint size if relevant, etc. -->
[More Information Needed]
## Evaluation
<!-- This section describes the evaluation protocols and provides the results. -->
### Testing Data, Factors & Metrics
#### Testing Data
<!-- This should link to a Data Card if possible. -->
[More Information Needed]
#### Factors
<!-- These are the things the evaluation is disaggregating by, e.g., subpopulations or domains. -->
[More Information Needed]
#### Metrics
<!-- These are the evaluation metrics being used, ideally with a description of why. -->
[More Information Needed]
### Results
[More Information Needed]
#### Summary
## Model Examination [optional]
<!-- Relevant interpretability work for the model goes here -->
[More Information Needed]
## Environmental Impact
<!-- Total emissions (in grams of CO2eq) and additional considerations, such as electricity usage, go here. Edit the suggested text below accordingly -->
Carbon emissions can be estimated using the [Machine Learning Impact calculator](https://mlco2.github.io/impact#compute) presented in [Lacoste et al. (2019)](https://arxiv.org/abs/1910.09700).
- **Hardware Type:** [More Information Needed]
- **Hours used:** [More Information Needed]
- **Cloud Provider:** [More Information Needed]
- **Compute Region:** [More Information Needed]
- **Carbon Emitted:** [More Information Needed]
## Technical Specifications [optional]
### Model Architecture and Objective
[More Information Needed]
### Compute Infrastructure
[More Information Needed]
#### Hardware
[More Information Needed]
#### Software
[More Information Needed]
## Citation [optional]
<!-- If there is a paper or blog post introducing the model, the APA and Bibtex information for that should go in this section. -->
**BibTeX:**
[More Information Needed]
**APA:**
[More Information Needed]
## Glossary [optional]
<!-- If relevant, include terms and calculations in this section that can help readers understand the model or model card. -->
[More Information Needed]
## More Information [optional]
[More Information Needed]
## Model Card Authors [optional]
[More Information Needed]
## Model Card Contact
[More Information Needed]
|
[
-0.6218518018722534,
-0.5902976393699646,
0.41455525159835815,
0.10937102884054184,
-0.31575125455856323,
-0.3223095238208771,
0.11447364091873169,
-0.6105102896690369,
0.2398545742034912,
0.6447374224662781,
-0.7214736938476562,
-0.6553877592086792,
-0.5747941136360168,
-0.10040006041526794,
-0.2634158134460449,
1.2089179754257202,
0.0028727813623845577,
0.10801201313734055,
-0.31241247057914734,
0.07190610468387604,
-0.46267569065093994,
-0.5649252533912659,
-0.629766583442688,
-0.43058663606643677,
0.400676429271698,
0.31898418068885803,
0.5362041592597961,
0.7760672569274902,
0.6512976884841919,
0.2598342001438141,
-0.3347727358341217,
-0.11772701889276505,
-0.36806342005729675,
-0.3568985164165497,
-0.17612029612064362,
-0.14497460424900055,
-0.9316251873970032,
0.11975318193435669,
0.5649367570877075,
0.6109858751296997,
-0.20157063007354736,
0.5703935623168945,
-0.05537201464176178,
0.5004637241363525,
-0.5913512706756592,
0.29874736070632935,
-0.5063899159431458,
0.09139297157526016,
-0.19891685247421265,
0.038255006074905396,
-0.15816417336463928,
-0.09790297597646713,
-0.03179662674665451,
-0.6497090458869934,
0.1613147109746933,
0.22271844744682312,
1.1407922506332397,
0.12663553655147552,
-0.3610007166862488,
-0.19378173351287842,
-0.7492267489433289,
0.5473833084106445,
-0.6421534419059753,
0.3082719147205353,
0.45543232560157776,
0.39040011167526245,
0.05347670614719391,
-0.8119708895683289,
-0.3866192400455475,
-0.13435932993888855,
0.004335935227572918,
0.3722154200077057,
-0.25661325454711914,
0.1395694464445114,
0.5133271813392639,
0.5090887546539307,
-0.44530555605888367,
-0.00026014805189333856,
-0.5075563192367554,
-0.21620185673236847,
0.8360729813575745,
0.4479890465736389,
0.18091486394405365,
-0.2754926383495331,
-0.46729373931884766,
-0.17313750088214874,
-0.36851444840431213,
0.16413885354995728,
0.5062761306762695,
0.36622628569602966,
-0.6006904244422913,
0.658315122127533,
-0.20943278074264526,
0.5724026560783386,
0.09413598477840424,
-0.015170182101428509,
0.2996668219566345,
-0.6044241189956665,
-0.31609436869621277,
-0.156708762049675,
0.6522467732429504,
0.4844312369823456,
-0.2621990740299225,
0.09114016592502594,
-0.32402563095092773,
-0.19795812666416168,
0.3990756571292877,
-0.8941292762756348,
-0.2624519467353821,
0.36911091208457947,
-0.6916515827178955,
-0.4021592438220978,
0.03590049594640732,
-0.9785199761390686,
-0.05477862432599068,
-0.41722145676612854,
0.3297184407711029,
-0.23203912377357483,
-0.37557265162467957,
-0.08205851912498474,
-0.37725794315338135,
0.25278806686401367,
0.2532910108566284,
-0.7819196581840515,
0.5632836818695068,
0.5509070158004761,
0.7126872539520264,
0.07510709762573242,
-0.17332960665225983,
0.023799879476428032,
0.09450832009315491,
-0.01324208453297615,
0.6771606802940369,
-0.30207547545433044,
-0.6513091325759888,
-0.10801462084054947,
0.19082407653331757,
0.05438056215643883,
-0.23361088335514069,
0.768467366695404,
-0.37728437781333923,
0.16828852891921997,
-0.40399369597435,
-0.6300718784332275,
-0.39502665400505066,
0.2505372166633606,
-0.8046466708183289,
1.084506630897522,
0.12243833392858505,
-0.9159792065620422,
0.25272485613822937,
-1.0111998319625854,
-0.25738197565078735,
0.1725395768880844,
0.16963645815849304,
-0.6053597331047058,
-0.06747820973396301,
-0.15927070379257202,
0.4471507668495178,
-0.4197249114513397,
0.21419981122016907,
-0.431552916765213,
-0.07429636269807816,
-0.3154960870742798,
0.06341951340436935,
1.0459554195404053,
0.3611676096916199,
-0.13578690588474274,
0.18313612043857574,
-0.8479350209236145,
0.09204798191785812,
0.3166172504425049,
-0.27090081572532654,
-0.042110588401556015,
-0.2197681963443756,
0.5899692177772522,
0.095102958381176,
0.31785109639167786,
-0.40118837356567383,
0.17491428554058075,
-0.009601199068129063,
0.4278466999530792,
0.5358469486236572,
0.2853863835334778,
0.273022323846817,
-0.41848689317703247,
0.6023252606391907,
-0.01332740020006895,
0.5742783546447754,
0.1064128577709198,
-0.6168138384819031,
-0.6389245390892029,
-0.09587743133306503,
0.2871130704879761,
0.5347981452941895,
-0.267742782831192,
0.7784417271614075,
-0.059876907616853714,
-0.9911446571350098,
-0.1652967929840088,
0.05527820438146591,
0.34146609902381897,
0.6692395210266113,
0.37628331780433655,
-0.30508536100387573,
-0.7223300337791443,
-0.8506404757499695,
0.07398069649934769,
-0.08482252061367035,
0.2562375068664551,
0.45100507140159607,
0.9198510646820068,
-0.3426751494407654,
0.8012548089027405,
-0.6332871317863464,
-0.10019242018461227,
-0.2739032208919525,
-0.011574618518352509,
0.05959394574165344,
0.6283473968505859,
0.6390990018844604,
-0.9386906027793884,
-0.16801020503044128,
-0.28602075576782227,
-0.5455625057220459,
0.14850835502147675,
0.03559892997145653,
-0.25558722019195557,
-0.1123451367020607,
0.24244797229766846,
-0.6483628153800964,
0.5443405508995056,
0.47890132665634155,
-0.3577509820461273,
0.6783463954925537,
-0.17932511866092682,
-0.07926663756370544,
-1.162296175956726,
0.44646140933036804,
0.1749189794063568,
-0.09057163447141647,
-0.41953930258750916,
0.1602257937192917,
-0.05958661809563637,
-0.37395861744880676,
-0.5818227529525757,
0.767520010471344,
-0.3170754015445709,
0.013800685293972492,
-0.24548229575157166,
-0.22573637962341309,
0.18315911293029785,
0.4598647356033325,
0.2208319455385208,
0.4827488958835602,
0.4493454396724701,
-0.7270545959472656,
0.2301505208015442,
0.31932225823402405,
-0.14969564974308014,
0.5008715987205505,
-0.8267336487770081,
0.0884145200252533,
-0.0848490297794342,
0.38389167189598083,
-0.5709360837936401,
-0.37773358821868896,
0.3785000443458557,
-0.34647566080093384,
0.33059024810791016,
-0.15729813277721405,
-0.5087460875511169,
-0.48546069860458374,
-0.03601663187146187,
0.2991875112056732,
0.5843838453292847,
-0.24558988213539124,
0.5305483937263489,
0.6232507228851318,
0.24398593604564667,
-0.20892752707004547,
-0.515425980091095,
-0.0687185525894165,
-0.3727269470691681,
-0.3968874514102936,
0.5229281187057495,
-0.22431598603725433,
-0.06182101368904114,
0.12656159698963165,
0.1919384002685547,
-0.4307444095611572,
0.1887868046760559,
0.48932957649230957,
0.24184386432170868,
0.007898932322859764,
0.07550626248121262,
-0.13836289942264557,
-0.1488572359085083,
0.1431848257780075,
-0.1057424396276474,
0.2494337260723114,
-0.057583004236221313,
-0.02507738396525383,
-0.666356086730957,
0.5436689853668213,
0.49414345622062683,
-0.18853659927845,
0.6385848522186279,
0.754208505153656,
-0.8046534657478333,
0.049507174640893936,
-0.4221201539039612,
-0.24213671684265137,
-0.4005665183067322,
0.36065682768821716,
-0.26387819647789,
-0.4004803001880646,
0.6107689142227173,
-0.02783023566007614,
0.004631323739886284,
0.8772957921028137,
0.5375384092330933,
-0.09228169918060303,
0.9536746144294739,
0.8908606171607971,
0.01678125187754631,
0.5266869068145752,
-0.4760136008262634,
0.04332054406404495,
-1.0334210395812988,
-0.420745313167572,
-0.7767043709754944,
-0.012011243030428886,
-0.5968457460403442,
-0.1306002140045166,
0.10591646283864975,
0.15301042795181274,
-0.581986129283905,
0.6016024351119995,
-0.5651718974113464,
0.1408160775899887,
0.5446473360061646,
0.18572460114955902,
-0.048540033400058746,
-0.24785231053829193,
-0.0328037291765213,
0.07167404145002365,
-0.6874551773071289,
-0.5870733857154846,
1.032920002937317,
0.6671145558357239,
0.4463580548763275,
-0.10660531371831894,
0.6574996113777161,
0.26240596175193787,
0.25971323251724243,
-0.5727637410163879,
0.4126166105270386,
0.040297310799360275,
-0.9718673825263977,
-0.014093879610300064,
-0.24882815778255463,
-0.7823459506034851,
-0.017547881230711937,
-0.37726667523384094,
-0.7770280838012695,
0.23886124789714813,
0.3101957142353058,
-0.48008039593696594,
0.3792811632156372,
-0.6399275064468384,
1.1460554599761963,
-0.41898325085639954,
-0.27036330103874207,
-0.09732571989297867,
-0.5650424957275391,
0.3769760727882385,
0.0780395120382309,
0.22572709619998932,
-0.14733004570007324,
-0.04464090242981911,
0.8522914052009583,
-0.7693238258361816,
0.9324398636817932,
-0.4045611619949341,
0.3611921966075897,
0.4204349219799042,
-0.3795003294944763,
0.45737090706825256,
-0.020083056762814522,
-0.14989393949508667,
0.46472597122192383,
0.2213643491268158,
-0.46434709429740906,
-0.28983840346336365,
0.5662349462509155,
-0.8590617179870605,
-0.1872551143169403,
-0.46108174324035645,
-0.43559420108795166,
-0.05353827401995659,
0.3972764015197754,
0.4160788357257843,
0.21845494210720062,
-0.21730248630046844,
0.109064981341362,
0.632071316242218,
-0.205801323056221,
0.12137813121080399,
0.26556792855262756,
-0.13625599443912506,
-0.46431979537010193,
0.6878014206886292,
0.09438634663820267,
0.15414924919605255,
0.2529883086681366,
0.23244306445121765,
-0.5287017822265625,
-0.5730234384536743,
-0.43192189931869507,
0.12188898772001266,
-0.6530306935310364,
-0.1863512098789215,
-0.7330995798110962,
-0.3205086886882782,
-0.537957489490509,
0.00017286231741309166,
-0.42660003900527954,
-0.13420531153678894,
-0.5710437893867493,
-0.22081482410430908,
0.4737096428871155,
0.5518084764480591,
-0.16178788244724274,
0.5585916042327881,
-0.657766580581665,
0.10309119522571564,
0.11520946025848389,
0.35875973105430603,
0.06188694387674332,
-0.41158920526504517,
-0.3491970896720886,
0.17742428183555603,
-0.516473650932312,
-0.8450554609298706,
0.2437044382095337,
0.005030504427850246,
0.5524172782897949,
0.33356669545173645,
-0.010492797009646893,
0.638062596321106,
-0.3857727646827698,
0.9184019565582275,
0.30181336402893066,
-0.7620910406112671,
0.6449691653251648,
-0.43818265199661255,
0.14927932620048523,
0.7583688497543335,
0.6109611988067627,
-0.21860653162002563,
0.15683871507644653,
-0.9618335962295532,
-0.8472518920898438,
0.4620150625705719,
0.14704830944538116,
0.24075381457805634,
0.15119032561779022,
0.6552302837371826,
-0.18568845093250275,
0.30538931488990784,
-0.851872444152832,
-0.3150818645954132,
-0.2792837619781494,
0.020968055352568626,
0.044505875557661057,
-0.25914546847343445,
-0.25021880865097046,
-0.5296811461448669,
0.8863719701766968,
0.18675276637077332,
0.49565914273262024,
0.10067073255777359,
0.23032158613204956,
-0.019841721281409264,
-0.1098581999540329,
0.4975642263889313,
0.5193490982055664,
-0.5511043071746826,
-0.29375550150871277,
0.16018283367156982,
-0.5587237477302551,
-0.14980120956897736,
0.157517671585083,
-0.31555068492889404,
-0.10759466886520386,
0.21591877937316895,
0.9430925250053406,
0.19726872444152832,
-0.39090776443481445,
0.40436413884162903,
0.04618189483880997,
-0.3242068886756897,
-0.5158699154853821,
0.03656475245952606,
0.16240234673023224,
0.0166902095079422,
-0.10700273513793945,
0.175400510430336,
0.3700067698955536,
-0.5148841738700867,
0.10246176272630692,
0.35682880878448486,
-0.5794340372085571,
-0.1630479395389557,
0.9215383529663086,
0.40306854248046875,
-0.39985373616218567,
0.574629545211792,
-0.25569263100624084,
-0.3543001115322113,
0.9274255633354187,
0.47974327206611633,
0.8574908971786499,
-0.018453219905495644,
0.01564692333340645,
0.6977188587188721,
0.32741573452949524,
0.0917830541729927,
0.36711549758911133,
-0.10238063335418701,
-0.5212300419807434,
-0.0026598821859806776,
-0.597451388835907,
-0.4614332318305969,
0.3156505823135376,
-0.9299018979072571,
0.605205237865448,
-0.7324251532554626,
-0.3381582498550415,
0.2849122881889343,
0.25830820202827454,
-1.0489617586135864,
0.5085877776145935,
0.11809998750686646,
1.21719229221344,
-0.9773954749107361,
0.7482477426528931,
0.8341310024261475,
-0.8027024269104004,
-0.8803486227989197,
-0.26377788186073303,
0.1352979838848114,
-0.6096726655960083,
0.26389262080192566,
0.022621097043156624,
0.18984486162662506,
-0.09333550930023193,
-0.6002509593963623,
-0.7004157304763794,
1.2749091386795044,
0.041005417704582214,
-0.6016948223114014,
0.048828888684511185,
-0.1762039214372635,
0.5140653252601624,
-0.5376208424568176,
0.5598332285881042,
0.22327591478824615,
0.557776689529419,
0.218924880027771,
-0.7253383994102478,
0.17462339997291565,
-0.29694944620132446,
0.1767241507768631,
-0.10945075005292892,
-0.7967975735664368,
0.7925052046775818,
-0.17316657304763794,
-0.02616610936820507,
0.11818276345729828,
0.4091185927391052,
0.11963377147912979,
0.5462977886199951,
0.45669156312942505,
0.7454524636268616,
0.7820799946784973,
0.05629417672753334,
1.2899423837661743,
-0.5150944590568542,
0.5572708249092102,
1.3058652877807617,
-0.16639401018619537,
0.8327752351760864,
0.3172261714935303,
-0.32755959033966064,
0.28300246596336365,
1.0910840034484863,
-0.3355444073677063,
0.37046441435813904,
0.23362071812152863,
-0.027547618374228477,
-0.246383398771286,
-0.3032481074333191,
-0.5746787786483765,
0.3103560507297516,
0.145393505692482,
-0.5624836683273315,
-0.17755912244319916,
-0.12577292323112488,
0.09005512297153473,
-0.27535685896873474,
-0.3696768581867218,
0.6756517887115479,
-0.01631561852991581,
-0.41376110911369324,
0.21419918537139893,
0.24281473457813263,
0.3350652754306793,
-0.7342743873596191,
-0.19902090728282928,
0.046848997473716736,
0.005853875540196896,
-0.4509517550468445,
-0.5389186143875122,
0.45115670561790466,
-0.02976013720035553,
-0.5244739055633545,
-0.17498356103897095,
0.5997354388237,
-0.10083280503749847,
-0.7484675645828247,
0.34761539101600647,
0.21964570879936218,
0.3080284893512726,
-0.07808254659175873,
-1.1503418684005737,
0.13522124290466309,
-0.06977628916501999,
-0.09605184197425842,
0.17163316905498505,
0.015766799449920654,
0.010800735093653202,
0.5143885612487793,
0.619875431060791,
0.04771922156214714,
-0.14055031538009644,
0.006830204743891954,
0.9322452545166016,
-0.6668235063552856,
-0.5066813230514526,
-0.40542691946029663,
0.7237159609794617,
-0.2366684228181839,
-0.5727560520172119,
0.643987238407135,
0.7785607576370239,
0.8518879413604736,
0.008482052013278008,
0.8460214734077454,
-0.2162036895751953,
0.40381819009780884,
-0.3164635896682739,
0.6018818020820618,
-0.7099447846412659,
-0.05521034076809883,
-0.3844117820262909,
-0.8897392749786377,
-0.04635413736104965,
0.5624746680259705,
-0.2510473430156708,
0.19305700063705444,
0.46035081148147583,
0.6197171807289124,
-0.137663796544075,
0.32922109961509705,
0.11253581941127777,
0.1672930270433426,
0.1342308670282364,
0.3092110753059387,
0.5161362886428833,
-0.6812336444854736,
0.22698448598384857,
-0.581075131893158,
-0.33248233795166016,
-0.17633666098117828,
-1.0433365106582642,
-0.595474362373352,
-0.6370171308517456,
-0.6778682470321655,
-0.39800816774368286,
0.038703933358192444,
0.7364101409912109,
1.0478284358978271,
-0.7287200689315796,
-0.34431302547454834,
-0.21269749104976654,
0.09880868345499039,
-0.2677821218967438,
-0.2318239063024521,
0.3147486746311188,
-0.017075102776288986,
-0.694916307926178,
-0.06607376784086227,
-0.15888448059558868,
0.27290257811546326,
-0.28713101148605347,
-0.13166667520999908,
-0.2695941925048828,
-0.05237889662384987,
0.40037694573402405,
0.44142818450927734,
-0.5194666981697083,
-0.24390508234500885,
-0.1940441131591797,
-0.006409688387066126,
-0.14349797368049622,
0.6354087591171265,
-0.2641628682613373,
0.3677847683429718,
0.41294682025909424,
0.39376163482666016,
0.6808452010154724,
0.02777249738574028,
0.311513215303421,
-0.25232020020484924,
0.10927232354879379,
0.3150658905506134,
0.5163132548332214,
0.1258060485124588,
-0.699731171131134,
0.530443012714386,
0.3797817528247833,
-0.5916363000869751,
-0.7314624786376953,
0.0005067894817329943,
-1.2235267162322998,
-0.07186184078454971,
1.1232788562774658,
-0.05975785478949547,
-0.3329008221626282,
0.002418466843664646,
-0.19708210229873657,
0.13252906501293182,
-0.288242369890213,
0.4740269184112549,
0.7966515421867371,
-0.27162662148475647,
0.02750827558338642,
-0.632010281085968,
0.493854820728302,
-0.016085155308246613,
-0.9840298295021057,
-0.17712964117527008,
0.501609206199646,
0.47302672266960144,
0.10141698271036148,
0.550521194934845,
-0.20723362267017365,
0.2016184777021408,
0.28808754682540894,
0.4591670632362366,
-0.11230970174074173,
-0.3312905430793762,
-0.3504469394683838,
-0.019286207854747772,
-0.0795060396194458,
-0.3702971041202545
] |
timm/tf_efficientnet_b1.ns_jft_in1k
|
timm
| 2023-04-27T21:17:43Z | 4,929 | 0 |
timm
|
[
"timm",
"pytorch",
"safetensors",
"image-classification",
"dataset:imagenet-1k",
"arxiv:1905.11946",
"arxiv:1911.04252",
"license:apache-2.0",
"region:us"
] |
image-classification
| 2022-12-13T00:01:58Z |
---
tags:
- image-classification
- timm
library_name: timm
license: apache-2.0
datasets:
- imagenet-1k
---
# Model card for tf_efficientnet_b1.ns_jft_in1k
A EfficientNet image classification model. Trained on ImageNet-1k and unlabeled JFT-300m using Noisy Student semi-supervised learning in Tensorflow by paper authors, ported to PyTorch by Ross Wightman.
## Model Details
- **Model Type:** Image classification / feature backbone
- **Model Stats:**
- Params (M): 7.8
- GMACs: 0.7
- Activations (M): 10.9
- Image size: 240 x 240
- **Papers:**
- EfficientNet: Rethinking Model Scaling for Convolutional Neural Networks: https://arxiv.org/abs/1905.11946
- Self-training with Noisy Student improves ImageNet classification: https://arxiv.org/abs/1911.04252
- **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_b1.ns_jft_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_b1.ns_jft_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, 120, 120])
# torch.Size([1, 24, 60, 60])
# torch.Size([1, 40, 30, 30])
# torch.Size([1, 112, 15, 15])
# torch.Size([1, 320, 8, 8])
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_b1.ns_jft_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, 8, 8) 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
@article{Xie2019SelfTrainingWN,
title={Self-Training With Noisy Student Improves ImageNet Classification},
author={Qizhe Xie and Eduard H. Hovy and Minh-Thang Luong and Quoc V. Le},
journal={2020 IEEE/CVF Conference on Computer Vision and Pattern Recognition (CVPR)},
year={2019},
pages={10684-10695}
}
```
```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.3988012373447418,
-0.5761380195617676,
-0.08499669283628464,
0.12002033740282059,
-0.23754741251468658,
-0.3807632625102997,
-0.34518900513648987,
-0.4177280068397522,
0.16425341367721558,
0.3534680902957916,
-0.34946176409721375,
-0.5709660053253174,
-0.7425950765609741,
-0.14822937548160553,
-0.26190313696861267,
0.8813085556030273,
-0.08605414628982544,
-0.000021190517145441845,
-0.16229452192783356,
-0.5524818897247314,
-0.03001656010746956,
-0.22185923159122467,
-0.9509756565093994,
-0.44076287746429443,
0.33030787110328674,
0.25124555826187134,
0.5476450324058533,
0.6813676953315735,
0.664275050163269,
0.5309290885925293,
-0.09842503815889359,
0.0393260195851326,
-0.2892959415912628,
-0.10515213757753372,
0.41985365748405457,
-0.5420799851417542,
-0.35472962260246277,
0.1633041650056839,
0.7613180875778198,
0.5159122943878174,
-0.03655121475458145,
0.49771848320961,
0.16304419934749603,
0.6046721339225769,
-0.32518985867500305,
0.21009397506713867,
-0.3733725845813751,
0.19161278009414673,
-0.0708104595541954,
0.1484948843717575,
-0.29964208602905273,
-0.30238208174705505,
0.23607586324214935,
-0.5664904117584229,
0.519311785697937,
-0.09519082307815552,
1.3089492321014404,
0.3102075159549713,
-0.08111969381570816,
0.015525449067354202,
-0.21825990080833435,
0.7540958523750305,
-0.8344306945800781,
0.23743578791618347,
0.14371368288993835,
0.2018880546092987,
-0.09913879632949829,
-1.1204484701156616,
-0.47609943151474,
-0.19509446620941162,
-0.2359413355588913,
-0.10641314834356308,
-0.34500133991241455,
0.15635234117507935,
0.37214165925979614,
0.29550519585609436,
-0.41616857051849365,
0.08563221246004105,
-0.5722503662109375,
-0.21034860610961914,
0.5977115631103516,
-0.01827026717364788,
0.2237413078546524,
-0.157416433095932,
-0.44237732887268066,
-0.4732646942138672,
-0.2320934385061264,
0.39508914947509766,
0.25299251079559326,
0.27295422554016113,
-0.515728771686554,
0.3024115264415741,
0.053663358092308044,
0.6943832039833069,
0.18126912415027618,
-0.4014817774295807,
0.6466679573059082,
0.05283535644412041,
-0.48372286558151245,
-0.13307659327983856,
1.1510827541351318,
0.3455112874507904,
0.24802497029304504,
0.05275716632604599,
-0.16726714372634888,
-0.4662206768989563,
-0.02346714586019516,
-1.3082729578018188,
-0.3944851756095886,
0.3115001320838928,
-0.7036227583885193,
-0.45883166790008545,
0.15308678150177002,
-0.5635822415351868,
-0.08963852375745773,
-0.08392304927110672,
0.7100343704223633,
-0.384280264377594,
-0.4979088008403778,
-0.008627026341855526,
-0.16658739745616913,
0.14313992857933044,
0.2956011891365051,
-0.5520018339157104,
0.15506407618522644,
0.2327299267053604,
1.138375997543335,
0.07827816903591156,
-0.4502032399177551,
-0.1958155781030655,
-0.45850297808647156,
-0.27251189947128296,
0.37466055154800415,
-0.01932726427912712,
-0.025090375915169716,
-0.3301903009414673,
0.33839061856269836,
-0.16522981226444244,
-0.7263090014457703,
0.3006824553012848,
-0.22326643764972687,
0.16421371698379517,
0.09267726540565491,
-0.30108824372291565,
-0.5513484477996826,
0.28618746995925903,
-0.4798283278942108,
1.1829074621200562,
0.3778630197048187,
-0.8630030155181885,
0.2769806981086731,
-0.5509885549545288,
-0.16146324574947357,
-0.2552989721298218,
0.04340760037302971,
-1.162695050239563,
-0.09848649799823761,
0.1877860575914383,
0.914546549320221,
-0.22656217217445374,
0.15106704831123352,
-0.6371856331825256,
-0.25807705521583557,
0.29708418250083923,
-0.11714265495538712,
1.1015666723251343,
0.29327309131622314,
-0.4889664649963379,
0.29202181100845337,
-0.6515653133392334,
0.21785371005535126,
0.5031312704086304,
-0.2574157416820526,
-0.03439902514219284,
-0.6400070190429688,
0.16538064181804657,
0.2778630256652832,
0.15238630771636963,
-0.5210773348808289,
0.19429057836532593,
-0.158786803483963,
0.5095189213752747,
0.6242583990097046,
-0.1357940435409546,
0.42843252420425415,
-0.3384222984313965,
0.24628299474716187,
0.2821570336818695,
0.24865329265594482,
-0.0587334930896759,
-0.41589686274528503,
-0.8561312556266785,
-0.5238519906997681,
0.3426603376865387,
0.2572806775569916,
-0.5055864453315735,
0.4157063961029053,
-0.20989933609962463,
-0.8138927221298218,
-0.45320576429367065,
0.13409315049648285,
0.4350379705429077,
0.7224375009536743,
0.3532000184059143,
-0.3426435589790344,
-0.42938899993896484,
-0.9281566739082336,
-0.006593399681150913,
-0.016618013381958008,
0.03163643553853035,
0.307854026556015,
0.605805516242981,
-0.01734367199242115,
0.5494384169578552,
-0.3331483006477356,
-0.32556062936782837,
-0.21836411952972412,
0.11506206542253494,
0.46863073110580444,
0.8567267060279846,
0.7903194427490234,
-0.6272807121276855,
-0.6016770601272583,
-0.21096979081630707,
-0.9563530087471008,
0.11141294986009598,
-0.15800581872463226,
-0.17021359503269196,
0.1935792863368988,
0.28522276878356934,
-0.5303004384040833,
0.5112242698669434,
0.23907823860645294,
-0.3804294466972351,
0.37113574147224426,
-0.22406192123889923,
0.21414101123809814,
-1.0991096496582031,
0.1053120493888855,
0.4497533440589905,
-0.22395269572734833,
-0.5476735234260559,
0.1299678534269333,
0.10216164588928223,
-0.02144813723862171,
-0.47669652104377747,
0.5922867655754089,
-0.5756461024284363,
-0.09797003865242004,
-0.14965058863162994,
-0.3489387035369873,
-0.002693526679649949,
0.7829133868217468,
-0.1274072378873825,
0.4229417145252228,
0.8618506789207458,
-0.4765973389148712,
0.41889089345932007,
0.24844178557395935,
-0.22155241668224335,
0.3613901436328888,
-0.7511336207389832,
0.10880625993013382,
0.033646367490291595,
0.2565400004386902,
-1.0217283964157104,
-0.22450342774391174,
0.3249998092651367,
-0.5850743055343628,
0.6985526084899902,
-0.535818338394165,
-0.43179821968078613,
-0.5172045826911926,
-0.38968005776405334,
0.3917485773563385,
0.6339977979660034,
-0.8149160146713257,
0.4600905179977417,
0.25826892256736755,
0.40696078538894653,
-0.6018654108047485,
-0.8958329558372498,
-0.2692136764526367,
-0.42673638463020325,
-0.7958266735076904,
0.3219025135040283,
0.1398731917142868,
0.13274818658828735,
0.12479247897863388,
-0.027892958372831345,
-0.14633406698703766,
0.057863783091306686,
0.5112602114677429,
0.28031089901924133,
-0.29265058040618896,
0.029132302850484848,
-0.2720600962638855,
0.05478163808584213,
0.11466267704963684,
-0.3690383732318878,
0.46990832686424255,
-0.3553731143474579,
-0.013246195390820503,
-0.8354705572128296,
-0.05621248111128807,
0.46901193261146545,
0.007330096326768398,
0.8410642147064209,
1.2132545709609985,
-0.46261051297187805,
-0.10697034746408463,
-0.41699063777923584,
-0.2973422706127167,
-0.5201323628425598,
0.5408658981323242,
-0.3481144607067108,
-0.6228393316268921,
0.7953888177871704,
-0.059425052255392075,
0.1165938749909401,
0.7610553503036499,
0.35387617349624634,
-0.1067805215716362,
0.6494755148887634,
0.5852747559547424,
0.23326388001441956,
0.8378912806510925,
-1.0726028680801392,
-0.20556268095970154,
-0.7896599173545837,
-0.3685353994369507,
-0.37596094608306885,
-0.7197498679161072,
-0.7543452382087708,
-0.2988961935043335,
0.5085700750350952,
0.24508877098560333,
-0.5966475605964661,
0.42136526107788086,
-0.9214450120925903,
0.09906363487243652,
0.6444483995437622,
0.5938527584075928,
-0.35313525795936584,
0.34378355741500854,
-0.1526775062084198,
0.04865296185016632,
-0.8427865505218506,
-0.14242343604564667,
1.1978856325149536,
0.4719037711620331,
0.649730384349823,
-0.1452234536409378,
0.7481103539466858,
-0.21937698125839233,
0.3539365530014038,
-0.6245570182800293,
0.5873938798904419,
-0.13963426649570465,
-0.44759827852249146,
-0.276557058095932,
-0.6015902161598206,
-1.0955337285995483,
0.19997331500053406,
-0.298046350479126,
-0.766499400138855,
0.2329905778169632,
0.20886610448360443,
-0.26825961470603943,
0.7998359799385071,
-0.9566947817802429,
0.9873113036155701,
-0.07366890460252762,
-0.5066916942596436,
0.05265176668763161,
-0.6723406314849854,
0.29120180010795593,
0.21475102007389069,
-0.273985892534256,
-0.07483860850334167,
0.0940481647849083,
1.191494107246399,
-0.6681705117225647,
0.8490040302276611,
-0.5825433135032654,
0.45291081070899963,
0.5795277953147888,
-0.10945986956357956,
0.379177063703537,
-0.11147083342075348,
-0.17911188304424286,
0.44083091616630554,
0.01626485027372837,
-0.4979013502597809,
-0.5436931848526001,
0.6079514622688293,
-1.0777584314346313,
-0.3612332046031952,
-0.26869532465934753,
-0.4989526867866516,
0.2229606956243515,
0.15419431030750275,
0.49604007601737976,
0.6445838212966919,
0.2817947268486023,
0.3639395534992218,
0.5624099969863892,
-0.2684461772441864,
0.5734613537788391,
-0.08495073020458221,
-0.13867971301078796,
-0.4486357271671295,
0.8209884166717529,
0.3663748800754547,
0.19406528770923615,
0.10667906701564789,
0.2842184603214264,
-0.2930966913700104,
-0.5802566409111023,
-0.3436909019947052,
0.2568623125553131,
-0.7281153202056885,
-0.5711709260940552,
-0.7202610969543457,
-0.4660753607749939,
-0.3830043077468872,
-0.11500517278909683,
-0.5689296126365662,
-0.4561246931552887,
-0.46741458773612976,
0.21228794753551483,
0.7165960669517517,
0.49931907653808594,
-0.20383542776107788,
0.613951563835144,
-0.45001712441444397,
0.0557105652987957,
0.14000119268894196,
0.4349636137485504,
0.11963185667991638,
-0.9430662393569946,
-0.33569326996803284,
-0.1352624148130417,
-0.4648763835430145,
-0.6157012581825256,
0.5160461664199829,
0.27482444047927856,
0.5223802328109741,
0.41934263706207275,
-0.11697313189506531,
0.741184413433075,
0.07600472867488861,
0.4991474449634552,
0.45222410559654236,
-0.5696325302124023,
0.5154934525489807,
-0.027414759621024132,
0.23603588342666626,
0.17599621415138245,
0.31083354353904724,
-0.15490825474262238,
-0.09335260093212128,
-1.084213137626648,
-0.7574917078018188,
0.8783012628555298,
0.09302663058042526,
0.013778873719274998,
0.42992526292800903,
0.733435869216919,
-0.009231784380972385,
0.01641063019633293,
-0.7755113840103149,
-0.49206122756004333,
-0.38847586512565613,
-0.3152276575565338,
0.01473867055028677,
0.0029679702129215,
-0.012839263305068016,
-0.7424743175506592,
0.6420131325721741,
-0.12006524950265884,
0.8415133357048035,
0.3852457106113434,
-0.036000076681375504,
-0.15249240398406982,
-0.38433530926704407,
0.3723970055580139,
0.2646852731704712,
-0.3422143757343292,
0.1380746215581894,
0.21128667891025543,
-0.5674396753311157,
0.17035619914531708,
0.19864888489246368,
-0.04537902772426605,
0.005416905507445335,
0.5441676378250122,
0.9285228848457336,
-0.05927347391843796,
0.13536250591278076,
0.4672861397266388,
-0.08473192155361176,
-0.5032891631126404,
-0.2541347146034241,
0.23718887567520142,
-0.06517118215560913,
0.5158670544624329,
0.33123379945755005,
0.4604807496070862,
-0.04871619865298271,
-0.1657560020685196,
0.2578386068344116,
0.5163016319274902,
-0.26818397641181946,
-0.27668529748916626,
0.6665565967559814,
-0.16551785171031952,
-0.12463866174221039,
0.8821945786476135,
-0.16878388822078705,
-0.5054745078086853,
1.1410462856292725,
0.4192165732383728,
0.9828976988792419,
0.0009265526896342635,
0.02002817392349243,
1.0531458854675293,
0.226173996925354,
-0.08396246284246445,
0.08118682354688644,
0.02745000086724758,
-0.7597025036811829,
0.03955721855163574,
-0.5589095950126648,
0.0556558258831501,
0.31271347403526306,
-0.4901508688926697,
0.24798277020454407,
-0.7519925832748413,
-0.43476495146751404,
0.1945420801639557,
0.4036314785480499,
-0.9626887440681458,
0.21453231573104858,
-0.049346134066581726,
0.841070294380188,
-0.7325172424316406,
0.8281785845756531,
0.8141347765922546,
-0.461696594953537,
-1.236582636833191,
-0.152289479970932,
-0.08275247365236282,
-0.826056182384491,
0.5870322585105896,
0.4876982271671295,
0.1784314215183258,
0.11088890582323074,
-0.8883276581764221,
-0.7252487540245056,
1.4547250270843506,
0.5478881001472473,
-0.17445805668830872,
0.282160222530365,
-0.1310444176197052,
0.27798593044281006,
-0.4502646028995514,
0.5663859844207764,
0.1771344095468521,
0.36094173789024353,
0.3004075586795807,
-0.6675180792808533,
0.3005926012992859,
-0.35918131470680237,
0.05841599404811859,
0.20436991751194,
-0.9590778350830078,
0.9527586102485657,
-0.5135870575904846,
-0.10892481356859207,
-0.06978454440832138,
0.7803518772125244,
0.10073476284742355,
0.1617731899023056,
0.6717327833175659,
0.806443989276886,
0.5960636138916016,
-0.3153318166732788,
0.8535841107368469,
0.038009289652109146,
0.6975488662719727,
0.6345170140266418,
0.5757139921188354,
0.4837179481983185,
0.3733249008655548,
-0.31076380610466003,
0.26919862627983093,
1.0971944332122803,
-0.391689270734787,
0.2944035828113556,
0.2279258668422699,
0.07976949214935303,
-0.2151668667793274,
0.1119317039847374,
-0.36064332723617554,
0.5378578305244446,
0.13573232293128967,
-0.5682450532913208,
-0.26689448952674866,
0.07113638520240784,
0.007324722595512867,
-0.4033668637275696,
-0.3048706352710724,
0.4469882845878601,
0.018138224259018898,
-0.3841533362865448,
0.9603411555290222,
0.04294387251138687,
0.9411240220069885,
-0.3567659258842468,
0.08276823908090591,
-0.2642495334148407,
0.2548520267009735,
-0.39367300271987915,
-0.797921895980835,
0.3154762387275696,
-0.2875193953514099,
0.032136645168066025,
-0.013465825468301773,
0.741835355758667,
-0.39128831028938293,
-0.5320849418640137,
0.22369863092899323,
0.31036922335624695,
0.49221497774124146,
0.015090184286236763,
-1.3095039129257202,
0.1370818018913269,
0.0662044882774353,
-0.7904912829399109,
0.32996687293052673,
0.4444938898086548,
0.12460912019014359,
0.7652410268783569,
0.548263669013977,
-0.1537882387638092,
0.15541134774684906,
-0.1526210904121399,
0.8318631052970886,
-0.3969089388847351,
-0.2608701288700104,
-0.7892218232154846,
0.6099746227264404,
-0.11898399144411087,
-0.5958821773529053,
0.43939217925071716,
0.46323254704475403,
0.9060548543930054,
0.03170136734843254,
0.346318781375885,
-0.2935529351234436,
-0.05909537896513939,
-0.28569379448890686,
0.8140249848365784,
-0.8364711999893188,
-0.053646642714738846,
-0.18190230429172516,
-0.6320303082466125,
-0.39308321475982666,
0.7571269869804382,
-0.19423654675483704,
0.5256192684173584,
0.43534937500953674,
1.025861144065857,
-0.33934637904167175,
-0.35117268562316895,
0.27432289719581604,
0.18991535902023315,
0.12140986323356628,
0.44587668776512146,
0.33536139130592346,
-0.8325188755989075,
0.43766549229621887,
-0.8001813292503357,
-0.2064715027809143,
-0.16282357275485992,
-0.6459771990776062,
-0.951246440410614,
-0.9154839515686035,
-0.7010572552680969,
-0.6909200549125671,
-0.2448573261499405,
1.0002976655960083,
1.1309813261032104,
-0.673225998878479,
-0.16304564476013184,
-0.042784683406353,
0.18410292267799377,
-0.31666988134384155,
-0.24276983737945557,
0.708553671836853,
-0.268309086561203,
-0.7457019686698914,
-0.39969712495803833,
-0.09728595614433289,
0.3621218204498291,
-0.027069617062807083,
-0.20869038999080658,
-0.17960937321186066,
-0.36117902398109436,
0.1741785705089569,
0.233917236328125,
-0.567867636680603,
-0.12406615912914276,
-0.26702502369880676,
-0.20074863731861115,
0.3907957077026367,
0.3768629729747772,
-0.5300321578979492,
0.38936325907707214,
0.4028138518333435,
0.39869147539138794,
0.8759409785270691,
-0.4110651910305023,
-0.03987448662519455,
-0.78193199634552,
0.5568990707397461,
-0.14410869777202606,
0.4675958752632141,
0.4216703176498413,
-0.45800700783729553,
0.6663894653320312,
0.3888303339481354,
-0.5194740891456604,
-0.8206502795219421,
-0.2717551589012146,
-1.103171944618225,
-0.15743589401245117,
0.9307110905647278,
-0.5162988901138306,
-0.5675541162490845,
0.5025956630706787,
0.060095567256212234,
0.716460108757019,
-0.2248057723045349,
0.508259654045105,
0.20484840869903564,
-0.13853849470615387,
-0.7004263401031494,
-0.514448344707489,
0.398054838180542,
0.20068109035491943,
-0.538007915019989,
-0.4171774685382843,
-0.04343325272202492,
0.690368115901947,
0.19905158877372742,
0.48070406913757324,
-0.025452371686697006,
0.14583081007003784,
0.1251550316810608,
0.4880896508693695,
-0.5357862710952759,
-0.043203145265579224,
-0.40142175555229187,
0.17152045667171478,
-0.08839046955108643,
-0.5652065277099609
] |
livingbox/italian-style
|
livingbox
| 2023-11-22T10:30:10Z | 4,923 | 0 |
diffusers
|
[
"diffusers",
"text-to-image",
"stable-diffusion",
"license:creativeml-openrail-m",
"endpoints_compatible",
"has_space",
"diffusers:StableDiffusionPipeline",
"region:us"
] |
text-to-image
| 2023-11-22T10:24:03Z |
---
license: creativeml-openrail-m
tags:
- text-to-image
- stable-diffusion
---
### Italian_style Dreambooth model trained by livingbox with [TheLastBen's fast-DreamBooth](https://colab.research.google.com/github/TheLastBen/fast-stable-diffusion/blob/main/fast-DreamBooth.ipynb) notebook
Test the concept via A1111 Colab [fast-Colab-A1111](https://colab.research.google.com/github/TheLastBen/fast-stable-diffusion/blob/main/fast_stable_diffusion_AUTOMATIC1111.ipynb)
Sample pictures of this concept:
|
[
-0.4317469894886017,
-1.0231943130493164,
0.46090778708457947,
0.4765181839466095,
-0.3595332205295563,
0.5261890292167664,
0.37003499269485474,
-0.40794870257377625,
0.907497763633728,
0.03816589340567589,
-0.3983163833618164,
-0.41715338826179504,
-0.3245793282985687,
-0.09432211518287659,
-0.5994997024536133,
0.5048410892486572,
-0.2521067261695862,
0.29768437147140503,
0.1204252615571022,
0.19400398433208466,
-0.20492783188819885,
0.2537805736064911,
-0.868872880935669,
-0.5714390277862549,
0.1289071887731552,
0.3608527183532715,
0.856259286403656,
0.34438246488571167,
0.1764930933713913,
0.19033141434192657,
-0.16392812132835388,
-0.6281126737594604,
-0.4211057126522064,
0.1310078501701355,
0.003316264133900404,
-0.3176426589488983,
-0.5871031284332275,
-0.23635289072990417,
0.6203449964523315,
0.2481534779071808,
-0.276025652885437,
0.3281487822532654,
-0.15866343677043915,
0.5456897020339966,
-0.3660513460636139,
-0.04491109028458595,
-0.26186278462409973,
0.5538158416748047,
-0.47070908546447754,
0.43813955783843994,
-0.19735346734523773,
-0.5070152878761292,
-0.31399020552635193,
-0.3219919204711914,
0.3915967345237732,
0.37694767117500305,
1.2345633506774902,
-0.026429325342178345,
-0.21256746351718903,
0.3056221902370453,
-0.28783953189849854,
0.05316796153783798,
-0.3217838406562805,
0.5552379488945007,
0.08622518181800842,
0.46178925037384033,
-0.06368481367826462,
-0.6509062647819519,
-0.645590603351593,
-0.0037187766283750534,
0.18281108140945435,
0.11230466514825821,
-0.020651716738939285,
0.07699883729219437,
0.0762614980340004,
0.33180710673332214,
-0.7997618317604065,
-0.09525682777166367,
-0.6774965524673462,
-0.39452168345451355,
0.44564518332481384,
0.023235108703374863,
0.18235710263252258,
-0.19751815497875214,
-0.8525535464286804,
-0.0004496073815971613,
-0.6615862846374512,
-0.23473714292049408,
0.023692116141319275,
-0.15974462032318115,
-0.5872842669487,
0.48153090476989746,
-0.2511191964149475,
0.5409426689147949,
0.250679612159729,
0.0914323553442955,
0.7626835107803345,
-0.44932109117507935,
-0.23427729308605194,
0.28614309430122375,
0.7965038418769836,
0.16014434397220612,
0.2116243541240692,
-0.22487446665763855,
-0.2368391454219818,
-0.01002192497253418,
0.14477691054344177,
-1.461574673652649,
-0.5034626126289368,
0.16553328931331635,
-0.6156968474388123,
-0.3177811801433563,
-0.18675003945827484,
-0.9195100665092468,
-0.12448994815349579,
0.4007357060909271,
0.7969719171524048,
-0.24345515668392181,
-0.839383065700531,
0.10666580498218536,
-0.14416414499282837,
0.009972100146114826,
0.2116716504096985,
-0.4810808300971985,
0.11476313322782516,
0.26344069838523865,
1.2702821493148804,
-0.3068550229072571,
-0.026959113776683807,
-0.1408892124891281,
0.08052539080381393,
-0.5038069486618042,
1.1449593305587769,
-0.30789414048194885,
-0.37409159541130066,
-0.016970010474324226,
0.19002433121204376,
-0.012501148506999016,
-0.3875170648097992,
0.16983845829963684,
-0.5471712946891785,
0.0023483927361667156,
0.16114233434200287,
-0.5695715546607971,
-0.2502700686454773,
0.25208353996276855,
-0.5547297596931458,
0.6910082101821899,
-0.06780686229467392,
-0.6609988808631897,
0.2545722424983978,
-1.3883321285247803,
-0.2125391960144043,
0.21679118275642395,
0.05354536697268486,
-0.6476411819458008,
0.007273367140442133,
-0.7596555352210999,
0.5551506280899048,
0.017676904797554016,
0.18952727317810059,
-0.5484457612037659,
-0.4637202024459839,
-0.11761441826820374,
-0.3012557923793793,
1.1893094778060913,
0.6304025650024414,
-0.32945573329925537,
0.053119171410799026,
-0.902023434638977,
-0.08737978339195251,
0.13966239988803864,
0.06537964195013046,
-0.109298475086689,
-0.5643371343612671,
0.238026425242424,
-0.13915005326271057,
0.14399251341819763,
-0.8860145807266235,
0.132212832570076,
0.07052026689052582,
-0.12046534568071365,
0.5413124561309814,
0.23636111617088318,
0.07104592770338058,
-0.21447576582431793,
0.9412577152252197,
0.07902085036039352,
-0.0012292878236621618,
0.022229257971048355,
-0.5980371236801147,
-0.7566466331481934,
-0.20784959197044373,
0.5171797275543213,
0.6644980907440186,
-0.7361447215080261,
0.10950919985771179,
0.19779179990291595,
-0.8209700584411621,
-0.24107739329338074,
0.015756215900182724,
0.2749480605125427,
0.41560104489326477,
0.27692049741744995,
-0.45310500264167786,
-0.23377034068107605,
-0.9200720191001892,
0.28215503692626953,
-0.10432365536689758,
0.10388284176588058,
-0.17664185166358948,
0.7035498023033142,
-0.24978789687156677,
0.7168740630149841,
-0.5095986127853394,
0.23722724616527557,
0.05068763718008995,
0.18221750855445862,
0.6566967964172363,
0.888568103313446,
0.6363480687141418,
-0.7245190143585205,
-0.7298077344894409,
-0.46031513810157776,
-0.6484043598175049,
-0.2926020920276642,
0.1260422319173813,
-0.5916510224342346,
0.11634813994169235,
0.4073486924171448,
-1.0033639669418335,
0.5958926677703857,
0.4617997109889984,
-1.1611356735229492,
0.7105680704116821,
-0.2025752067565918,
0.26709750294685364,
-1.6054154634475708,
0.10310201346874237,
0.10749685019254684,
-0.5630956292152405,
-0.35640451312065125,
0.14112162590026855,
0.4541875123977661,
-0.11355428397655487,
-0.9020722508430481,
0.7598056197166443,
-0.6510584354400635,
0.2335624247789383,
-0.23301492631435394,
-0.3056119382381439,
-0.08012089878320694,
0.01996387168765068,
0.026155957952141762,
1.011522889137268,
0.9063332080841064,
-0.48280593752861023,
0.45191192626953125,
0.4377245604991913,
-0.4722593128681183,
0.4575325548648834,
-0.9007821679115295,
-0.08080097287893295,
-0.043257154524326324,
0.3185890018939972,
-1.007940411567688,
-0.1678704470396042,
0.6246495246887207,
-0.09433803707361221,
0.14348259568214417,
-0.011819255538284779,
-0.899934709072113,
-0.5066694021224976,
-0.16887010633945465,
0.7017009258270264,
0.9661003351211548,
-0.46022287011146545,
0.3101835250854492,
0.3285231590270996,
0.0408402718603611,
-0.3962831497192383,
-0.46090617775917053,
-0.008848252706229687,
-0.3690813183784485,
-0.6510555744171143,
0.6579533815383911,
-0.32779383659362793,
-0.416133314371109,
-0.09828636050224304,
-0.059208691120147705,
-0.3020058870315552,
0.07518469542264938,
0.3558022081851959,
0.5228292942047119,
-0.2056148648262024,
0.3185984194278717,
-0.11089720577001572,
-0.29427430033683777,
-0.12822780013084412,
-0.05621910095214844,
0.8111605048179626,
-0.2089872509241104,
0.02249126508831978,
-0.8314321637153625,
0.06993816047906876,
0.6416974663734436,
0.24221470952033997,
0.8520873785018921,
0.6869138479232788,
-0.5330561995506287,
-0.1614656001329422,
-0.5026675462722778,
-0.2274075299501419,
-0.488058477640152,
0.008039326407015324,
-0.6839103102684021,
-0.14886556565761566,
0.5502785444259644,
0.11918051540851593,
-0.18820299208164215,
0.23530420660972595,
0.6503669023513794,
-0.22867032885551453,
0.6817225217819214,
0.7927777767181396,
0.32433149218559265,
0.7506247758865356,
-0.6533613204956055,
-0.04616459086537361,
-0.4165765345096588,
-0.26871418952941895,
-0.5076644420623779,
-0.35576480627059937,
-0.33874085545539856,
-0.7600631713867188,
0.28096702694892883,
0.32621708512306213,
-0.5887446403503418,
0.6344651579856873,
-0.11063326150178909,
0.7528749704360962,
0.19361358880996704,
0.2707711160182953,
0.37379246950149536,
0.08455756306648254,
-0.6923750638961792,
0.4645799696445465,
-0.5635737776756287,
-0.38685551285743713,
0.7966882586479187,
0.37471243739128113,
1.1633808612823486,
-0.1070210412144661,
0.7544741034507751,
0.3224181830883026,
0.3334403336048126,
-0.23895342648029327,
0.640089213848114,
0.07083652913570404,
-1.1496002674102783,
-0.00038756607682444155,
-0.004824422299861908,
-0.9118404388427734,
0.32415807247161865,
-0.3692059814929962,
-0.5592882037162781,
0.09616377204656601,
0.6100839972496033,
-0.4546665549278259,
0.5204039216041565,
-0.7496382594108582,
1.1478722095489502,
-0.1740330010652542,
-0.8046882152557373,
-0.457434743642807,
-0.45362818241119385,
0.1542167365550995,
0.014702742919325829,
0.053085923194885254,
-0.3432975113391876,
-0.07972845435142517,
0.5499830842018127,
-0.19153784215450287,
0.6838029026985168,
-0.56671142578125,
0.0643296018242836,
0.0694175511598587,
0.254884272813797,
0.4302055835723877,
0.17218594253063202,
-0.34433016180992126,
0.2541640102863312,
-0.09125914424657822,
-0.8096526265144348,
0.08731550723314285,
0.3303309977054596,
-0.398458868265152,
-0.27320438623428345,
-0.44179850816726685,
-0.38430505990982056,
0.05556906387209892,
0.316824346780777,
0.444955050945282,
0.30921635031700134,
-0.42520764470100403,
0.2925040125846863,
0.8592783808708191,
0.2100394070148468,
0.6869508624076843,
0.7323236465454102,
-0.8194889426231384,
-0.08471868932247162,
0.6251783967018127,
0.08425801992416382,
0.49178826808929443,
0.17631053924560547,
0.20350609719753265,
-0.18441160023212433,
-0.7250000834465027,
-0.8417325615882874,
0.27297842502593994,
-0.29231131076812744,
-0.23760159313678741,
-0.598507821559906,
-0.18732188642024994,
-0.1871311217546463,
-0.1964767724275589,
-0.6816751956939697,
-0.50196772813797,
-0.47555413842201233,
-0.5602088570594788,
0.5477848052978516,
0.4572020471096039,
-0.3762633800506592,
0.24650855362415314,
-0.556463360786438,
0.6066026091575623,
0.1492176502943039,
0.6219148635864258,
-0.20753875374794006,
-0.27921268343925476,
-0.027434714138507843,
0.07448334991931915,
-0.4049517810344696,
-1.1854618787765503,
0.44851958751678467,
-0.1034214124083519,
0.6031844019889832,
0.6900017857551575,
-0.15114842355251312,
0.7568458318710327,
-0.5609011650085449,
0.7607551217079163,
0.4994053244590759,
-0.7316268682479858,
0.6988682746887207,
-0.2048623263835907,
0.16574031114578247,
0.7050284743309021,
0.6520527005195618,
-0.33989810943603516,
-0.44116801023483276,
-0.8790666460990906,
-0.847322940826416,
0.03326928988099098,
0.32236242294311523,
0.12355440855026245,
0.20691882073879242,
0.23417767882347107,
0.6906108856201172,
0.28319528698921204,
-1.0310137271881104,
-0.3829517960548401,
-0.14834220707416534,
-0.18002422153949738,
0.13125650584697723,
0.1397199183702469,
-0.11536534875631332,
-0.36272192001342773,
0.9873479008674622,
0.04862472787499428,
0.644059419631958,
0.027452433481812477,
-0.11832527071237564,
-0.11742694675922394,
-0.06192232668399811,
0.3118135631084442,
0.8241695165634155,
-0.5758906006813049,
-0.007432936690747738,
-0.24090474843978882,
-0.28301191329956055,
0.5196709632873535,
-0.019616467878222466,
-0.5952817797660828,
0.28421249985694885,
-0.23748861253261566,
0.8991648554801941,
-0.2855846583843231,
-0.46757933497428894,
0.29301849007606506,
-0.1362973004579544,
-0.16603480279445648,
-0.7366525530815125,
0.5942826867103577,
0.2856253683567047,
0.3535557985305786,
0.35042083263397217,
0.46995487809181213,
0.15003514289855957,
-0.5601316094398499,
0.23383331298828125,
0.4646099805831909,
-0.4464976489543915,
-0.2785678505897522,
0.9624843597412109,
0.5332053899765015,
-0.87429279088974,
0.4932534694671631,
-0.5892283916473389,
-0.2824214696884155,
0.9923631548881531,
0.9134922027587891,
1.07732355594635,
0.044708363711833954,
0.557583749294281,
0.46215128898620605,
-0.12693777680397034,
-0.29660794138908386,
0.4764929711818695,
-0.41515934467315674,
-0.8723602294921875,
0.1782388985157013,
-0.7704996466636658,
-0.4102957844734192,
-0.1906467080116272,
-0.36632704734802246,
0.2858791947364807,
-0.27557072043418884,
0.0471336767077446,
-0.17530497908592224,
-0.06911687552928925,
-0.8039495944976807,
0.0776209756731987,
-0.010554801672697067,
1.7825703620910645,
-1.013213038444519,
1.2595481872558594,
0.7443596124649048,
-0.18281999230384827,
-0.4902287721633911,
0.22194519639015198,
-0.05358881503343582,
-1.0509262084960938,
0.5099199414253235,
0.46246230602264404,
-0.04211505129933357,
0.11474825441837311,
-0.6075131893157959,
-0.9084633588790894,
1.3703261613845825,
0.3126208782196045,
-0.8084883093833923,
0.2612437903881073,
-0.7191151976585388,
0.4305804967880249,
-0.695514976978302,
0.2965902090072632,
0.2587473392486572,
0.548880398273468,
0.17459601163864136,
-1.0306227207183838,
-0.07018347084522247,
-0.7867294549942017,
0.037409618496894836,
0.20931048691272736,
-1.086866021156311,
0.5040740966796875,
-0.4334121644496918,
-0.14452901482582092,
0.31257832050323486,
0.4961073696613312,
0.38012078404426575,
0.4541620910167694,
0.8451086282730103,
0.8697696924209595,
0.6418291330337524,
-0.04390024021267891,
0.8580023050308228,
-0.5959935784339905,
0.48887476325035095,
0.7157009243965149,
-0.10995709896087646,
0.8633924126625061,
0.6447912454605103,
-0.19212469458580017,
0.9679723381996155,
0.9349049925804138,
-0.09264953434467316,
0.6927814483642578,
0.1931237280368805,
-0.36550867557525635,
-0.09963887184858322,
0.2732826769351959,
-0.8822845220565796,
0.10120707750320435,
0.3409753441810608,
-0.24122673273086548,
0.015236550942063332,
0.47642603516578674,
0.3728390634059906,
-0.518869936466217,
-0.36028385162353516,
0.3601226210594177,
-0.18527062237262726,
-0.4820214807987213,
0.6503637433052063,
-0.30440959334373474,
0.8971813917160034,
-0.6342830657958984,
-0.0776216983795166,
-0.3674556016921997,
0.17036586999893188,
0.03768926113843918,
-0.7216566205024719,
0.23860657215118408,
-0.009535210207104683,
0.08434158563613892,
-0.5244014263153076,
0.6580556631088257,
-0.3040013611316681,
-0.8846907615661621,
0.4404970407485962,
0.36864158511161804,
0.45852357149124146,
0.40979862213134766,
-0.8660063743591309,
0.21147307753562927,
0.030820846557617188,
-0.5302209258079529,
-0.04608101397752762,
-0.10432898998260498,
0.48161792755126953,
0.8656250834465027,
0.24758565425872803,
0.3567078709602356,
0.1955256462097168,
-0.2628622353076935,
0.272784948348999,
-0.8661386966705322,
-0.6493451595306396,
-0.7879866361618042,
0.6533979773521423,
-0.3326272666454315,
-0.23787394165992737,
0.5115935206413269,
0.7716919183731079,
0.6475197076797485,
-0.31145599484443665,
0.4766891896724701,
-0.5740663409233093,
0.3630824387073517,
-0.5274451971054077,
0.7163815498352051,
-0.6020635962486267,
-0.03447015583515167,
-0.04325604438781738,
-1.1031358242034912,
-0.05479953810572624,
1.0266461372375488,
0.41019925475120544,
0.06061466783285141,
0.9907777905464172,
1.2084648609161377,
-0.2580370306968689,
-0.0019969106651842594,
0.22464461624622345,
0.9650663137435913,
0.08593253791332245,
0.25029003620147705,
0.40794792771339417,
-0.4478667676448822,
0.08114435523748398,
-0.6419575810432434,
-0.22735437750816345,
-0.18317948281764984,
-1.0931472778320312,
-0.6001988649368286,
-0.24130183458328247,
-0.6464962959289551,
-0.6655879020690918,
0.45304757356643677,
1.1120491027832031,
1.2470834255218506,
-1.010807752609253,
-0.47311410307884216,
-0.5593599081039429,
0.2954815626144409,
0.06602858006954193,
-0.2951459288597107,
0.2744266390800476,
0.013143038377165794,
-0.728693962097168,
0.2739540636539459,
0.30395016074180603,
0.6885454058647156,
-0.47147858142852783,
0.10431050509214401,
-0.10437308996915817,
-0.2096206098794937,
0.21448539197444916,
0.12656107544898987,
-0.22478337585926056,
-0.19875691831111908,
-0.40475761890411377,
0.02101909928023815,
0.20680415630340576,
0.2577369511127472,
-0.9965797662734985,
0.29457518458366394,
0.8209781646728516,
0.13841119408607483,
0.7438893914222717,
-0.06682149320840836,
0.6168942451477051,
-0.038824088871479034,
0.3552190065383911,
0.006610129494220018,
0.6623197197914124,
-0.04821810871362686,
-0.1960400640964508,
0.7279594540596008,
0.7147759795188904,
-0.5345686674118042,
-0.7546291947364807,
-0.04740365222096443,
-1.1731845140457153,
-0.4257383346557617,
0.6839455962181091,
0.10277719050645828,
-0.27348896861076355,
-0.03662901744246483,
-0.17423096299171448,
0.05942123383283615,
-0.7169505953788757,
1.1256189346313477,
0.4915926158428192,
-0.3242754638195038,
-0.14346417784690857,
-0.9516876339912415,
0.02147957868874073,
0.17513756453990936,
-1.026335597038269,
-0.48135584592819214,
0.45734405517578125,
0.6048218011856079,
0.469284325838089,
0.6999756097793579,
-0.15215513110160828,
0.50115567445755,
0.24738168716430664,
0.2579951286315918,
0.12532737851142883,
-0.5026745200157166,
0.03958284854888916,
0.7134209275245667,
-0.30494028329849243,
-0.5136847496032715
] |
TinyLlama/TinyLlama-1.1B-Chat-v0.1
|
TinyLlama
| 2023-09-26T10:38:09Z | 4,916 | 24 |
transformers
|
[
"transformers",
"pytorch",
"safetensors",
"llama",
"text-generation",
"en",
"dataset:cerebras/SlimPajama-627B",
"dataset:bigcode/starcoderdata",
"dataset:timdettmers/openassistant-guanaco",
"license:apache-2.0",
"endpoints_compatible",
"text-generation-inference",
"region:us"
] |
text-generation
| 2023-09-16T14:15:48Z |
---
license: apache-2.0
datasets:
- cerebras/SlimPajama-627B
- bigcode/starcoderdata
- timdettmers/openassistant-guanaco
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 the chat model finetuned on [PY007/TinyLlama-1.1B-intermediate-step-240k-503b](https://huggingface.co/PY007/TinyLlama-1.1B-intermediate-step-240k-503b). The dataset used is [openassistant-guananco](https://huggingface.co/datasets/timdettmers/openassistant-guanaco).
#### 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-Chat-v0.1"
tokenizer = AutoTokenizer.from_pretrained(model)
pipeline = transformers.pipeline(
"text-generation",
model=model,
torch_dtype=torch.float16,
device_map="auto",
)
prompt = "What are the values in open source projects?"
formatted_prompt = (
f"### Human: {prompt}### Assistant:"
)
sequences = pipeline(
formatted_prompt,
do_sample=True,
top_k=50,
top_p = 0.7,
num_return_sequences=1,
repetition_penalty=1.1,
max_new_tokens=500,
)
for seq in sequences:
print(f"Result: {seq['generated_text']}")
```
|
[
-0.22199305891990662,
-0.7387053370475769,
0.36563941836357117,
0.31721654534339905,
-0.38879379630088806,
-0.043067313730716705,
-0.3090444803237915,
-0.2533946931362152,
0.3259369432926178,
0.1625438630580902,
-0.6861788630485535,
-0.46225324273109436,
-0.4552135467529297,
-0.20243333280086517,
-0.24850894510746002,
1.095017671585083,
0.07170065492391586,
-0.19369301199913025,
0.2077602595090866,
0.023211495950818062,
-0.37794947624206543,
-0.09654369950294495,
-0.963983416557312,
-0.27690842747688293,
0.4347837269306183,
0.7924067974090576,
0.6606046557426453,
0.6297412514686584,
0.41059350967407227,
0.33311712741851807,
-0.0639299601316452,
0.029342850670218468,
-0.5443012714385986,
-0.32538458704948425,
0.32353246212005615,
-0.6905123591423035,
-0.5832663178443909,
0.21638426184654236,
0.5865136981010437,
0.21421542763710022,
-0.09643483906984329,
0.6604300141334534,
-0.0026162397116422653,
0.2809085249900818,
-0.3590252101421356,
0.36946913599967957,
-0.5841944813728333,
0.02370203472673893,
-0.3310082256793976,
0.08486957103013992,
-0.2609180510044098,
-0.43998056650161743,
0.07630325108766556,
-0.7110849022865295,
0.12797440588474274,
0.28325438499450684,
0.9902572631835938,
0.3864067792892456,
-0.09375471621751785,
-0.3825969099998474,
-0.40463846921920776,
0.7369214296340942,
-0.7720412015914917,
-0.12009494751691818,
0.29275354743003845,
0.41648435592651367,
-0.04541073366999626,
-1.1152580976486206,
-0.7275539636611938,
-0.2793084681034088,
-0.006893323268741369,
-0.10193417221307755,
-0.3895576596260071,
-0.15928293764591217,
0.2863447368144989,
0.4561998248100281,
-0.6509765386581421,
0.33486729860305786,
-0.6778028011322021,
-0.15580202639102936,
0.5153406858444214,
0.4828149080276489,
0.15174530446529388,
-0.3066898584365845,
-0.32661548256874084,
-0.29731065034866333,
-0.6552835702896118,
0.11123644560575485,
0.23185350000858307,
0.4720385670661926,
-0.6869726777076721,
0.5655694007873535,
-0.07364027947187424,
0.2699730694293976,
0.15185266733169556,
-0.1734505295753479,
0.1839246302843094,
-0.39716628193855286,
-0.46885132789611816,
-0.031545329838991165,
1.0689023733139038,
0.061129845678806305,
0.04351809620857239,
0.19021449983119965,
0.0678834393620491,
0.10711881518363953,
0.030356721952557564,
-0.9864749908447266,
-0.496597021818161,
0.3005547821521759,
-0.5502520799636841,
-0.5674681663513184,
-0.2326478213071823,
-0.6998850107192993,
-0.14735348522663116,
0.04625243321061134,
0.6591341495513916,
-0.24697615206241608,
-0.1174563616514206,
-0.019388549029827118,
0.2246493101119995,
0.15294699370861053,
0.2858937978744507,
-1.019944190979004,
0.12478896975517273,
0.5039029121398926,
1.2256577014923096,
0.2483408898115158,
-0.3390978276729584,
-0.34145569801330566,
-0.24751271307468414,
-0.23691481351852417,
0.611395001411438,
-0.0941171646118164,
-0.3318032920360565,
-0.2960018217563629,
-0.10181117802858353,
-0.05924835428595543,
-0.4819573760032654,
0.1659233570098877,
-0.31890347599983215,
0.36723750829696655,
0.05623325705528259,
-0.2746241092681885,
-0.016589276492595673,
0.0595877468585968,
-0.4857737421989441,
1.0714889764785767,
-0.023302363231778145,
-0.6141738295555115,
0.13916701078414917,
-0.8228287696838379,
-0.0004248166223987937,
-0.16557839512825012,
-0.06280232965946198,
-0.4021548628807068,
0.0958234891295433,
0.2191883772611618,
0.3131718039512634,
-0.4485069811344147,
-0.039562467485666275,
-0.24780161678791046,
-0.5455308556556702,
0.16112332046031952,
-0.18055109679698944,
0.9730247855186462,
0.39650458097457886,
-0.43904945254325867,
0.32877588272094727,
-0.6917816996574402,
-0.032583318650722504,
0.3356124460697174,
-0.33674678206443787,
0.06071706861257553,
-0.3364506661891937,
0.20719623565673828,
0.16806966066360474,
0.437105655670166,
-0.5097442865371704,
0.5947449803352356,
-0.6741742491722107,
0.6097491979598999,
0.9370547533035278,
-0.2482367604970932,
0.6128990650177002,
-0.32836678624153137,
0.4584291875362396,
0.015078667551279068,
0.27754655480384827,
-0.14725002646446228,
-0.6845334768295288,
-1.2744060754776,
-0.40063953399658203,
0.3772686719894409,
0.3662196397781372,
-0.5775598883628845,
0.3889687955379486,
-0.2427121251821518,
-0.8503450155258179,
-0.6686664819717407,
0.10233891755342484,
0.1890573650598526,
0.40951016545295715,
0.3276248872280121,
-0.3143838346004486,
-0.7635255455970764,
-0.6933226585388184,
0.21181081235408783,
-0.535089373588562,
-0.2052316963672638,
0.05014912411570549,
0.8139896988868713,
-0.409938782453537,
0.9843968749046326,
-0.544734001159668,
-0.5586228966712952,
-0.16524885594844818,
0.1606471985578537,
0.4266224205493927,
0.6700573563575745,
0.5147436857223511,
-0.27429649233818054,
-0.5017786026000977,
-0.21656057238578796,
-0.6284201741218567,
-0.012819371186196804,
-0.08722682297229767,
-0.07504391670227051,
-0.019566791132092476,
0.2778015732765198,
-0.7841325998306274,
0.47248727083206177,
0.5310127139091492,
-0.30978071689605713,
0.30474361777305603,
-0.07189733535051346,
-0.23898057639598846,
-1.157051682472229,
0.11890856921672821,
-0.17105896770954132,
-0.13303019106388092,
-0.49375760555267334,
0.07554257661104202,
-0.08912336826324463,
-0.2520519495010376,
-0.5832863450050354,
0.7868466973304749,
-0.1751600205898285,
0.11278702318668365,
-0.40185782313346863,
0.047443028539419174,
-0.26089224219322205,
0.5583915710449219,
-0.18948976695537567,
0.8457583785057068,
0.48539504408836365,
-0.4204234182834625,
0.40491852164268494,
0.41569140553474426,
-0.3529239594936371,
0.050519976764917374,
-0.8640168309211731,
0.3188973665237427,
0.23639123141765594,
0.34594741463661194,
-1.0167382955551147,
-0.1768360584974289,
0.6742240190505981,
-0.549159824848175,
0.09515441954135895,
-0.014208311215043068,
-0.7654678821563721,
-0.4684992730617523,
-0.4617200791835785,
0.43262630701065063,
0.8058319687843323,
-0.6663839817047119,
0.2024807631969452,
0.4129456877708435,
0.04310472682118416,
-0.23326002061367035,
-0.7406211495399475,
-0.03395676985383034,
-0.31044304370880127,
-0.7229291200637817,
0.11144794523715973,
-0.11590784043073654,
-0.07598239183425903,
-0.21736863255500793,
0.011252712458372116,
0.06286818534135818,
0.021140890195965767,
0.42511340975761414,
0.28942862153053284,
-0.16945573687553406,
0.007139924913644791,
-0.13115893304347992,
-0.3538687825202942,
-0.054734986275434494,
-0.2773560583591461,
0.7594756484031677,
-0.5774668455123901,
-0.23680487275123596,
-0.7725117206573486,
-0.03700031340122223,
0.2501201629638672,
0.16147615015506744,
0.7643696665763855,
0.7070802450180054,
-0.4935007691383362,
0.032372571527957916,
-0.40724247694015503,
-0.31141963601112366,
-0.5627745985984802,
0.09030156582593918,
-0.1668032556772232,
-0.9205154180526733,
0.5460546016693115,
0.08992274850606918,
0.1470283418893814,
0.6825608611106873,
1.010708212852478,
-0.1397331804037094,
0.7733003497123718,
0.6350979804992676,
-0.1375925987958908,
0.4815813899040222,
-0.7669969201087952,
0.0632215365767479,
-0.6683695912361145,
-0.23729932308197021,
-0.5303487181663513,
-0.34751152992248535,
-0.4281393587589264,
-0.6641296148300171,
0.261331707239151,
0.13060510158538818,
-0.5331841111183167,
0.5319390296936035,
-0.5443299412727356,
0.27441757917404175,
0.5826832056045532,
0.009002813138067722,
0.21226103603839874,
0.016313500702381134,
-0.08995410054922104,
-0.13086290657520294,
-0.9033313393592834,
-0.8704871535301208,
1.2996574640274048,
0.5645707845687866,
0.8880325555801392,
-0.09942016750574112,
0.8043875694274902,
0.03453313559293747,
0.4525761008262634,
-0.6622774004936218,
0.6519683599472046,
0.14031358063220978,
-0.6607986688613892,
-0.17835846543312073,
-0.2287827432155609,
-0.9283177256584167,
0.1946602463722229,
-0.11114233732223511,
-0.8772509098052979,
0.08928395807743073,
0.22566372156143188,
-0.623930811882019,
0.2193700671195984,
-0.6614411473274231,
0.9721971154212952,
-0.03609725087881088,
-0.0830950066447258,
-0.2280668169260025,
-0.5627089142799377,
0.3921072483062744,
-0.16671985387802124,
0.06415677070617676,
-0.29955387115478516,
-0.12848278880119324,
0.8915826082229614,
-0.6618303060531616,
0.9893239140510559,
-0.18372668325901031,
0.013412121683359146,
0.39631888270378113,
-0.1460341066122055,
0.3648877739906311,
0.3304324448108673,
-0.04289495572447777,
0.41573095321655273,
-0.0753534734249115,
-0.4144040644168854,
-0.16830629110336304,
0.731238842010498,
-1.0193880796432495,
-0.4526022970676422,
-0.6170511841773987,
-0.3855457305908203,
0.13746047019958496,
0.06710238754749298,
0.4614805281162262,
-0.004443004261702299,
-0.15301074087619781,
0.16676749289035797,
0.31723493337631226,
-0.10049419850111008,
0.5440383553504944,
0.3093782365322113,
-0.2808769643306732,
-0.2836999297142029,
0.7856992483139038,
0.04852354899048805,
-0.04128149524331093,
0.05520733818411827,
0.17102378606796265,
-0.19693370163440704,
-0.44397082924842834,
-0.5078206658363342,
0.29727697372436523,
-0.45277342200279236,
-0.3179847300052643,
-0.4622144401073456,
-0.28262561559677124,
-0.40548044443130493,
0.024500079452991486,
-0.6350493431091309,
-0.5756740570068359,
-0.7926600575447083,
0.17661745846271515,
0.3835587501525879,
0.49221372604370117,
-0.28886303305625916,
0.7767877578735352,
-0.5254250168800354,
0.2765064537525177,
0.4567553400993347,
0.06565822660923004,
0.17023059725761414,
-0.8472110033035278,
-0.5351113080978394,
0.15194162726402283,
-0.5789461135864258,
-0.6227540373802185,
0.4142771363258362,
0.17413941025733948,
0.2928365468978882,
0.44956088066101074,
-0.122695691883564,
0.945310652256012,
-0.46550682187080383,
0.8534950017929077,
0.26373863220214844,
-0.9054064154624939,
0.8043520450592041,
-0.12183994054794312,
0.3009291887283325,
0.48506683111190796,
0.15768052637577057,
-0.39280810952186584,
-0.495781272649765,
-0.7531574368476868,
-0.6854348182678223,
1.031497836112976,
0.5325466394424438,
0.25398507714271545,
0.09294570982456207,
0.2836131751537323,
-0.06667487323284149,
0.10796443372964859,
-0.7791114449501038,
-0.3449647128582001,
-0.32610103487968445,
-0.2922861874103546,
-0.1960596740245819,
-0.1849350482225418,
-0.24679651856422424,
-0.46109819412231445,
0.6929094195365906,
-0.1721099317073822,
0.5971313118934631,
-0.10476958006620407,
-0.15013042092323303,
-0.12928104400634766,
-0.06436210125684738,
0.6951205134391785,
0.44035449624061584,
-0.22597846388816833,
-0.12150999158620834,
0.37896040081977844,
-0.5629557967185974,
0.1889173686504364,
0.09429025650024414,
-0.08658710867166519,
-0.028912469744682312,
0.2895998954772949,
0.9739328026771545,
0.22078068554401398,
-0.4947753846645355,
0.47924259305000305,
-0.18846522271633148,
-0.06928461045026779,
-0.4189397990703583,
0.18762420117855072,
0.20271584391593933,
0.5154470801353455,
0.5286573767662048,
-0.020241154357790947,
-0.13497745990753174,
-0.4212094843387604,
-0.10307140648365021,
0.2786237895488739,
0.029999613761901855,
-0.42647185921669006,
1.050526738166809,
0.08850658684968948,
-0.29715248942375183,
0.6329291462898254,
-0.0420231930911541,
-0.22099031507968903,
0.8643549084663391,
0.43994930386543274,
0.7764283418655396,
0.09778741747140884,
0.037315722554922104,
0.5007833242416382,
0.5747235417366028,
-0.1602768898010254,
0.17145483195781708,
0.004610154777765274,
-0.40258389711380005,
-0.008652997203171253,
-0.6850640177726746,
-0.4713468849658966,
0.14491547644138336,
-0.36818188428878784,
0.4899587631225586,
-0.7015696167945862,
-0.19920244812965393,
-0.09951477497816086,
0.4226909279823303,
-0.8480392098426819,
0.1110791265964508,
0.1617274433374405,
1.0519582033157349,
-0.8007315993309021,
1.0367411375045776,
0.5734773874282837,
-0.4712671637535095,
-1.018640398979187,
-0.1504756361246109,
0.15334416925907135,
-1.0977277755737305,
0.6411318778991699,
0.331341028213501,
0.2218925505876541,
0.16438227891921997,
-0.6669436693191528,
-0.8440038561820984,
1.3114113807678223,
0.4208984375,
-0.4901123046875,
-0.26049143075942993,
0.04513440653681755,
0.5684324502944946,
-0.49102652072906494,
0.4021545648574829,
0.5744180083274841,
0.36191993951797485,
0.023562666028738022,
-1.0944981575012207,
0.07489845156669617,
-0.3009723126888275,
0.31278908252716064,
-0.2220080941915512,
-1.0040645599365234,
1.160138487815857,
-0.29068607091903687,
-0.24128128588199615,
0.6280291080474854,
0.9369889497756958,
0.43086180090904236,
0.29165133833885193,
0.465238094329834,
0.6242784857749939,
0.6557389497756958,
-0.36641475558280945,
0.7707529067993164,
-0.2879250943660736,
0.7877697944641113,
0.911645770072937,
0.24064502120018005,
0.7478170990943909,
0.5354512929916382,
-0.20542283356189728,
0.6077455878257751,
0.9689279198646545,
-0.16259244084358215,
0.568758487701416,
0.13403157889842987,
-0.03398773446679115,
-0.0390138179063797,
0.21594542264938354,
-0.6179535984992981,
0.5329396724700928,
0.35223111510276794,
-0.2574860453605652,
-0.14155282080173492,
0.16390226781368256,
0.04156455025076866,
-0.4030836224555969,
-0.23129022121429443,
0.5995851755142212,
0.2052108198404312,
-0.16931547224521637,
0.7743768095970154,
0.2451189011335373,
0.9518706202507019,
-0.6810374855995178,
0.20761984586715698,
-0.41292065382003784,
0.19432185590267181,
-0.18295107781887054,
-0.3109391927719116,
0.1482493132352829,
0.2182096391916275,
0.111061692237854,
-0.12553226947784424,
0.6118907928466797,
-0.20174971222877502,
-0.5150769948959351,
-0.09478121995925903,
0.3098509609699249,
0.2969444990158081,
0.09738310426473618,
-0.695805013179779,
0.3441947102546692,
-0.11765751242637634,
-0.5380831956863403,
0.2438438981771469,
0.09530624747276306,
0.1852538138628006,
0.66007000207901,
0.6730844974517822,
0.0417788028717041,
0.258282870054245,
-0.3159902095794678,
1.0106110572814941,
-0.5191150307655334,
-0.6581063866615295,
-0.9821550846099854,
0.4978223741054535,
0.0478472001850605,
-0.528505265712738,
0.9133590459823608,
0.6531674861907959,
0.770479142665863,
-0.12863147258758545,
0.38889554142951965,
-0.258534699678421,
0.24584874510765076,
-0.39364850521087646,
0.7984523773193359,
-0.7316775918006897,
0.290009081363678,
-0.12543287873268127,
-0.7496687769889832,
-0.13091999292373657,
1.026784062385559,
-0.12049797177314758,
-0.02319311536848545,
0.4748067557811737,
0.9570351839065552,
-0.09382400661706924,
0.12358234822750092,
-0.13897231221199036,
0.20729471743106842,
0.35648229718208313,
0.765022337436676,
0.8526299595832825,
-0.802146315574646,
0.7814581990242004,
-0.4774797856807709,
-0.2929035723209381,
-0.428962379693985,
-0.6176969408988953,
-0.8867228031158447,
-0.47634729743003845,
-0.296184241771698,
-0.31911519169807434,
-0.20643167197704315,
1.1561119556427002,
0.8366178274154663,
-0.6949694752693176,
-0.40495172142982483,
0.06745858490467072,
0.03418736904859543,
0.03398405760526657,
-0.194834902882576,
0.30083510279655457,
-0.2520925998687744,
-0.9567215442657471,
0.3288072943687439,
0.1479685753583908,
0.2298613339662552,
-0.4503614008426666,
-0.15660326182842255,
-0.1349916160106659,
0.04936406761407852,
0.36384105682373047,
0.49824708700180054,
-0.7510730028152466,
-0.41772642731666565,
-0.20479042828083038,
-0.43123918771743774,
0.11547523736953735,
0.5924858450889587,
-0.8371669054031372,
0.29233357310295105,
0.26410266757011414,
0.2892654836177826,
0.8060986995697021,
-0.41007646918296814,
0.10289854556322098,
-0.7890220880508423,
0.6804438233375549,
0.11577827483415604,
0.25327858328819275,
0.08549174666404724,
-0.07235433161258698,
0.6210730075836182,
0.18825754523277283,
-0.6540194749832153,
-1.0048727989196777,
-0.08755148947238922,
-0.9841979742050171,
0.09202318638563156,
1.0162525177001953,
-0.007858099415898323,
-0.10953258723020554,
0.20809146761894226,
-0.4491201639175415,
0.4599505066871643,
-0.32726502418518066,
0.9760802984237671,
0.37514790892601013,
-0.04012283310294151,
-0.03118843398988247,
-0.40822088718414307,
0.39058586955070496,
0.3376016914844513,
-0.8261978030204773,
-0.34748131036758423,
0.22484827041625977,
0.3577216565608978,
0.22844836115837097,
1.1832275390625,
0.21041496098041534,
0.3688772916793823,
0.13098056614398956,
-0.06032663583755493,
-0.21934767067432404,
-0.26892828941345215,
-0.4593656659126282,
0.1190374568104744,
0.0009687718120403588,
-0.4779752194881439
] |
Subsets and Splits
No community queries yet
The top public SQL queries from the community will appear here once available.