modelId
stringlengths
4
112
sha
stringlengths
40
40
lastModified
stringlengths
24
24
tags
sequence
pipeline_tag
stringclasses
29 values
private
bool
1 class
author
stringlengths
2
38
config
null
id
stringlengths
4
112
downloads
float64
0
36.8M
likes
float64
0
712
library_name
stringclasses
17 values
readme
stringlengths
0
186k
embedding
sequence
huggan/pix2pix-edge2shoes
c33cecfe57658244f753611943fdff043fd08e39
2022-04-15T04:28:29.000Z
[ "pytorch", "dataset:huggan/edge2shoes", "arxiv:1611.07004", "huggan", "gan", "license:mit" ]
null
false
huggan
null
huggan/pix2pix-edge2shoes
0
null
null
--- tags: - huggan - gan datasets: - huggan/edge2shoes # See a list of available tags here: # https://github.com/huggingface/hub-docs/blob/main/js/src/lib/interfaces/Types.ts#L12 # task: unconditional-image-generation or conditional-image-generation or image-to-image license: mit --- # MyModelName ## Model description [Pix2pix Model](https://arxiv.org/abs/1611.07004) is a conditional adversarial networks, a general-purpose solution to image-to-image translation problems. These networks not only learn the mapping from input image to output image, but also learn a loss function to train this mapping. This makes it possible to apply the same generic approach to problems that traditionally would require very different loss formulations. We demonstrate that this approach is effective at synthesizing photos from label maps, reconstructing objects from edge maps, and colorizing images, among other tasks. ## Intended uses & limitations: Used for reconstruction of images from edges #### How to use ```python from torchvision.transforms import Compose, Resize, ToTensor, Normalize from PIL import Image from torchvision.utils import save_image import cv2 from huggan.pytorch.pix2pix.modeling_pix2pix import GeneratorUNet transform = Compose( [ Resize((256, 256), Image.BICUBIC), ToTensor(), Normalize((0.5, 0.5, 0.5), (0.5, 0.5, 0.5)), ] ) model = GeneratorUNet.from_pretrained('huggan/pix2pix-edge2shoes) def predict_fn(img): inp = transform(img).unsqueeze(0) out = model(inp) save_image(out, 'out.png', normalize=True) return 'out.png' predict_fn(img) ``` #### Limitations and bias * Gives unrealistic colors in the image * Patterns in the edge drawing are not recognize properly ## Training data * [edges2shoes](https://huggingface.co/datasets/huggan/edges2shoes) ## Training procedure ``` # clone the repository git clone https://github.com/huggingface/community-events.git pip install . # change directory cd community-events/huggan/pytorch/pix2pix/ # define config accelerate config # launch training with required parameters accelerate launch train.py --checkpoint_interval 10 --dataset huggan/edges2shoes --push_to_hub --model_name pix2pix-edge2shoes --batch_size 128 --n_epochs 100 ``` ## Generated Images Here, * First Image Row: Input Sketch * Second Image Row: Generated Image * Third Image Row: Target Image ![image1](34000.png) ![image2](35000.png) ### BibTeX entry and citation info ```bibtex @article{pix2pix2017, title={Image-to-Image Translation with Conditional Adversarial Networks}, author={Isola, Phillip and Zhu, Jun-Yan and Zhou, Tinghui and Efros, Alexei A}, journal={CVPR}, year={2017} } ```
[ -0.12298302352428436, 0.007000873796641827, 0.07131898403167725, 0.045953117311000824, 0.10150962322950363, -0.006436470430344343, -0.01848280243575573, -0.042097609490156174, -0.010736090131103992, -0.062069475650787354, 0.0015581654151901603, -0.08291978389024734, 0.0693545937538147, -0.0012596817687153816, -0.013057240284979343, -0.008691652677953243, 0.04190075397491455, 0.0890204906463623, -0.07884717732667923, 0.04052342474460602, -0.02371027134358883, 0.0026503505650907755, 0.032664816826581955, -0.06543928384780884, 0.010970532894134521, 0.03589743375778198, 0.05058584734797478, -0.0063951704651117325, 0.08083820343017578, -0.06060008332133293, 0.06226763501763344, 0.0371994748711586, -0.09277010709047318, 0.021717362105846405, -0.04587375372648239, 0.0999484732747078, -0.05768619850277901, 0.036623816937208176, 0.007298598065972328, -0.05878328159451485, 0.03180070221424103, 0.01933155581355095, 0.01731346733868122, -0.07135297358036041, 0.10374070703983307, -0.013577585108578205, -0.013698653317987919, -0.05187949165701866, -0.0346590019762516, -0.01387607678771019, -0.01209881529211998, -0.09770945459604263, -0.04453584924340248, 0.03115675039589405, 0.06609480082988739, 0.09325022250413895, -0.005155306775122881, -0.08811428397893906, -0.009962358511984348, 0.10581782460212708, 0.011108453385531902, -0.04419739916920662, -0.06593386083841324, -0.03211664780974388, 0.019142458215355873, -0.010358016937971115, 0.0030427861493080854, 0.01322731003165245, 0.0043821679428219795, 0.03589527681469917, 0.006460178643465042, 0.02735997550189495, 0.017771041020751, -0.007083302363753319, 0.05808991193771362, 0.06116880103945732, 0.08053592592477798, 0.021130099892616272, -0.00212628161534667, -0.09172269701957703, 0.0028044648934155703, -0.03711864352226257, -0.0066813030280172825, 0.004318779334425926, 0.0026628226041793823, 0.02603343315422535, -0.03287025913596153, 0.05340496450662613, 0.026238221675157547, 0.04226880520582199, -0.09298501163721085, 0.009689339436590672, -0.038762688636779785, 0.07041746377944946, 0.044446490705013275, -0.019859671592712402, 0.004851263947784901, -0.031259048730134964, -0.047522060573101044, 0.08280111849308014, 0.001324295997619629, 0.0220278799533844, 0.04170999303460121, -0.08047859370708466, 0.08894877135753632, -0.10277648270130157, 0.02749052830040455, 0.0005285845254547894, 0.0324850007891655, -0.04541255161166191, 0.06850448250770569, -0.0222652405500412, -0.03763968497514725, -0.06713658571243286, -0.011200240813195705, -0.040018487721681595, -0.025444740429520607, -0.013478294014930725, 0.022100260481238365, 0.0022815652191638947, -0.08387309312820435, 0.08996084332466125, -0.03443831205368042, -0.034781232476234436, -0.021292544901371002, -0.1309557408094406, -0.09345986694097519, 2.4115106813355913e-33, 0.033340614289045334, 0.047535769641399384, 0.019528139382600784, 0.06957098841667175, 0.06206665188074112, 0.009384243749082088, -0.06749168038368225, -0.09272966533899307, 0.0006649206625297666, -0.04512535780668259, -0.03151143714785576, -0.0024817180819809437, -0.1261543333530426, 0.11986502259969711, 0.0721866562962532, -0.03728456422686577, -0.003510467242449522, -0.0015725063858553767, 0.01358427107334137, 0.08609996736049652, -0.009845387190580368, -0.014213846065104008, -0.02051962912082672, 0.014821004122495651, -0.036135170608758926, 0.03738781437277794, 0.032620638608932495, -0.02376086823642254, 0.04613227769732475, -0.005131837911903858, -0.057407040148973465, 0.031923092901706696, 0.061834219843149185, 0.024699022993445396, 0.02546081878244877, -0.004719838034361601, -0.023196741938591003, -0.0276609156280756, -0.07106895744800568, 0.015413951128721237, -0.01000978797674179, 0.08205773681402206, -0.03623169660568237, -0.04097950458526611, -0.01831762306392193, -0.048794351518154144, 0.05517720431089401, 0.003151131793856621, -0.020266268402338028, 0.030226290225982666, 0.04368440434336662, -0.006253654602915049, 0.0412822924554348, -0.03434686362743378, -0.08030930906534195, -0.036365434527397156, 0.03880445659160614, 0.00011032639304175973, 0.05450132489204407, 0.02715205028653145, 0.021434076130390167, -0.02424406260251999, 0.03713450953364372, 0.07006417959928513, -0.04498032480478287, 0.08418915420770645, 0.005084626376628876, 0.003538907039910555, -0.057685885578393936, 0.041378431022167206, -0.01470959186553955, 0.036412563174963, -0.027555998414754868, -0.06151152402162552, 0.10429251939058304, -0.039803095161914825, -0.04834332317113876, -0.026794370263814926, 0.042668674141168594, 0.0031583698000758886, -0.07170697301626205, 0.03807695582509041, -0.010818258859217167, -0.010529499500989914, -0.0753217414021492, -0.029044490307569504, 0.03234819695353508, -0.02681092731654644, 0.008627139031887054, 0.033393461257219315, -0.03980836272239685, -0.02313825860619545, -0.013432729057967663, -0.0300300233066082, 0.008410829119384289, -2.818162115414015e-33, 0.015798836946487427, 0.07036782801151276, -0.09476764500141144, 0.00531889870762825, -0.05068361386656761, 0.011423075571656227, 0.039076074957847595, 0.07024003565311432, 0.0021204103250056505, -0.05782053992152214, 0.006629883777350187, 0.050504446029663086, -0.025147998705506325, -0.02983209677040577, -0.08852468430995941, -0.04194819554686546, 0.019339386373758316, -0.08260273188352585, -0.04456154629588127, -0.016661306843161583, 0.02928481623530388, 0.12226348370313644, -0.019359182566404343, 0.05733714625239372, -0.030355745926499367, 0.08962469547986984, 0.035188090056180954, 0.08527514338493347, -0.01124988216906786, -0.010016411542892456, 0.012219244614243507, -0.05930960550904274, 0.0023384387604892254, 0.011614975519478321, -0.0384395606815815, 0.05232815444469452, 0.1318070888519287, 0.062482696026563644, -0.08784285932779312, 0.01940983720123768, 0.03215042129158974, -0.005012395326048136, -0.08486784249544144, 0.06533494591712952, -0.045941706746816635, -0.015736829489469528, -0.0033071073703467846, -0.04196734353899956, -0.007720286957919598, 0.027386192232370377, 0.006192527711391449, -0.0016351775266230106, -0.05919023975729942, 0.004736889619380236, -0.06541872769594193, -0.10433098673820496, -0.021204883232712746, -0.044195402413606644, 0.094338558614254, 0.04953254759311676, -0.08369822055101395, -0.17404785752296448, -0.046026915311813354, 0.030229603871703148, -0.0640973299741745, 0.003909971099346876, -0.04813341051340103, -0.04397343099117279, 0.010083985514938831, 0.06790226697921753, 0.08335104584693909, 0.05777020752429962, 0.014420149847865105, 0.05171157792210579, 0.017302513122558594, -0.02952965721487999, 0.0828171968460083, -0.006466982886195183, 0.04207056015729904, -0.11900839954614639, 0.00952262245118618, -0.14328959584236145, 0.061546191573143005, 0.09142197668552399, 0.07812274247407913, -0.0016095502069219947, 0.013135147280991077, -0.01175320241600275, 0.011640318669378757, -0.023670436814427376, -0.02009926736354828, 0.022056737914681435, -0.0016357023268938065, 0.008725274354219437, -0.01638261415064335, -5.098554822779988e-8, -0.05118837207555771, 0.037064213305711746, -0.001903572236187756, -0.016754884272813797, -0.03683987632393837, -0.0470561645925045, 0.04787881299853325, 0.015054616145789623, 0.05929679796099663, 0.030225403606891632, 0.04349743574857712, 0.004524947144091129, -0.0509316548705101, -0.018420850858092308, -0.006174566224217415, 0.04987398907542229, 0.06861931085586548, 0.09245947748422623, 0.009478427469730377, 0.016612062230706215, -0.10147953778505325, -0.031430307775735855, -0.03458575904369354, -0.05738712474703789, 0.09448455274105072, -0.09580597281455994, -0.008137345314025879, 0.026982923969626427, 0.04741702601313591, 0.005031580105423927, -0.01609088107943535, -0.00969178881496191, 0.0040296330116689205, 0.018638459965586662, -0.03227435052394867, 0.05357012897729874, -0.03154308348894119, -0.10475055128335953, 0.009407907724380493, 0.03848542273044586, -0.0022975075989961624, 0.07352875173091888, -0.04386744275689125, -0.06354133039712906, 0.02233402617275715, 0.03151616081595421, 0.11444119364023209, -0.03702554479241371, 0.048925578594207764, 0.05305030196905136, -0.020788036286830902, 0.002326201181858778, 0.016221031546592712, -0.01664726436138153, 0.043163541704416275, -0.010561313480138779, 0.032965533435344696, 0.014078360982239246, 0.0959087684750557, 0.0894719809293747, 0.0646190270781517, 0.02102670818567276, -0.017508717253804207, -0.0009084022021852434 ]
timhbach/Team_Gryffindor_NER
01e38cc5491a0a9c77c65ca6db7662aa38cc47d6
2022-04-29T21:13:30.000Z
[ "pytorch", "distilbert", "token-classification", "transformers", "generated_from_trainer", "license:apache-2.0", "model-index", "autotrain_compatible" ]
token-classification
false
timhbach
null
timhbach/Team_Gryffindor_NER
0
null
transformers
--- license: apache-2.0 tags: - generated_from_trainer metrics: - precision - recall - f1 - accuracy model-index: - name: Team_Gryffindor_NER 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. --> # Team-Gryffindor-distilbert-base-finetuned-NER-creditcardcontract-100epoch This model is a fine-tuned version of [distilbert-base-uncased](https://huggingface.co/distilbert-base-uncased) on the Credit card agreement dataset. It achieves the following results on the evaluation set: - Loss: 0.0470 - Precision: 0.7319 - Recall: 0.7064 - F1: 0.7190 - Accuracy: 0.9920 ## 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: 11 ### Training results | Training Loss | Epoch | Step | Validation Loss | Precision | Recall | F1 | Accuracy | |:-------------:|:-----:|:------:|:---------------:|:---------:|:------:|:------:|:--------:| | 0.0113 | 0.33 | 500 | 0.0443 | 0.6547 | 0.7028 | 0.6779 | 0.9908 | | 0.0118 | 0.67 | 1000 | 0.0435 | 0.7207 | 0.6440 | 0.6802 | 0.9916 | | 0.013 | 1.0 | 1500 | 0.0449 | 0.7113 | 0.6826 | 0.6966 | 0.9918 | | 0.0113 | 1.34 | 2000 | 0.0434 | 0.7213 | 0.6697 | 0.6946 | 0.9915 | | 0.0121 | 1.67 | 2500 | 0.0467 | 0.6955 | 0.6789 | 0.6871 | 0.9914 | | 0.0125 | 2.01 | 3000 | 0.0417 | 0.7095 | 0.6991 | 0.7043 | 0.9920 | | 0.0106 | 2.34 | 3500 | 0.0437 | 0.7191 | 0.6624 | 0.6896 | 0.9918 | | 0.0114 | 2.68 | 4000 | 0.0468 | 0.7165 | 0.6679 | 0.6914 | 0.9920 | | 0.0125 | 3.01 | 4500 | 0.0431 | 0.6888 | 0.6862 | 0.6875 | 0.9917 | | 0.0107 | 3.35 | 5000 | 0.0446 | 0.7184 | 0.6459 | 0.6802 | 0.9913 | | 0.0096 | 3.68 | 5500 | 0.0485 | 0.6926 | 0.6532 | 0.6723 | 0.9912 | | 0.013 | 4.02 | 6000 | 0.0448 | 0.6134 | 0.6697 | 0.6404 | 0.9907 | | 0.0102 | 4.35 | 6500 | 0.0497 | 0.6895 | 0.6642 | 0.6766 | 0.9913 | | 0.0112 | 4.69 | 7000 | 0.0464 | 0.6759 | 0.6697 | 0.6728 | 0.9910 | | 0.0117 | 5.02 | 7500 | 0.0484 | 0.7451 | 0.6275 | 0.6813 | 0.9916 | | 0.0114 | 5.36 | 8000 | 0.0411 | 0.7086 | 0.6826 | 0.6953 | 0.9919 | | 0.0108 | 5.69 | 8500 | 0.0443 | 0.7041 | 0.6679 | 0.6855 | 0.9916 | | 0.0109 | 6.03 | 9000 | 0.0470 | 0.7228 | 0.6697 | 0.6952 | 0.9916 | | 0.0099 | 6.36 | 9500 | 0.0471 | 0.7253 | 0.6881 | 0.7062 | 0.9913 | | 0.0103 | 6.7 | 10000 | 0.0430 | 0.6986 | 0.7101 | 0.7043 | 0.9914 | | 0.0117 | 7.03 | 10500 | 0.0462 | 0.7327 | 0.6991 | 0.7155 | 0.9918 | | 0.0098 | 7.37 | 11000 | 0.0483 | 0.6910 | 0.6771 | 0.6840 | 0.9914 | | 0.0107 | 7.7 | 11500 | 0.0468 | 0.7189 | 0.6899 | 0.7041 | 0.9916 | | 0.0119 | 8.04 | 12000 | 0.0434 | 0.6970 | 0.6881 | 0.6925 | 0.9918 | | 0.0112 | 8.37 | 12500 | 0.0469 | 0.7007 | 0.6917 | 0.6962 | 0.9918 | | 0.011 | 8.71 | 13000 | 0.0469 | 0.6736 | 0.6514 | 0.6623 | 0.9914 | | 0.0101 | 9.04 | 13500 | 0.0451 | 0.6691 | 0.6606 | 0.6648 | 0.9913 | | 0.0099 | 9.38 | 14000 | 0.0462 | 0.7006 | 0.6826 | 0.6914 | 0.9918 | | 0.0107 | 9.71 | 14500 | 0.0444 | 0.6840 | 0.6752 | 0.6796 | 0.9915 | | 0.0118 | 10.05 | 15000 | 0.0457 | 0.7015 | 0.6771 | 0.6891 | 0.9918 | | 0.0102 | 10.38 | 15500 | 0.0500 | 0.7413 | 0.6679 | 0.7027 | 0.9919 | | 0.0107 | 10.72 | 16000 | 0.0470 | 0.7319 | 0.7064 | 0.7190 | 0.9920 | ### Framework versions - Transformers 4.18.0 - Pytorch 1.10.0+cu111 - Datasets 2.0.0 - Tokenizers 0.11.6
[ -0.09020020812749863, -0.011475431732833385, -0.062448758631944656, 0.0009195113671012223, -0.036670029163360596, -0.011698201298713684, -0.031251825392246246, 0.05694390460848808, -0.029579857364296913, -0.16484859585762024, 0.04064234346151352, -0.04208577424287796, 0.011986956931650639, -0.028139540925621986, -0.09916951507329941, -0.029645629227161407, 0.04958691820502281, -0.012440535239875317, -0.05533592775464058, 0.041456468403339386, -0.02455126866698265, 0.029585083946585655, 0.008234034292399883, 0.02885182946920395, -0.02224378101527691, -0.0699581503868103, -0.029794706031680107, 0.041403476148843765, 0.01822006143629551, -0.08728979527950287, 0.07081422954797745, 0.03424014151096344, 0.124625563621521, 0.04774348437786102, -0.006891434546560049, 0.03779974579811096, -0.01850128173828125, -0.008157745935022831, 0.020555716007947922, -0.020955463871359825, 0.009294754825532436, -0.01213583629578352, -0.02536977082490921, 0.06654459983110428, 0.03779423236846924, 0.025710400193929672, -0.03962390497326851, -0.005815697368234396, -0.06123489886522293, 0.04316909238696098, -0.06768166273832321, 0.007152691017836332, 0.06597964465618134, -0.03235285356640816, -0.041855137795209885, 0.05128689855337143, -0.025091098621487617, -0.06013566628098488, -0.06090779975056648, -0.04621988162398338, 0.0754634216427803, -0.0357266366481781, -0.07252875715494156, -0.04304457828402519, -0.07758338004350662, 0.00009827323810895905, 0.03924660384654999, -0.012591489590704441, 0.09530548006296158, -0.05978334695100784, 0.07634313404560089, 0.01316578034311533, -0.05393463000655174, 0.005548570770770311, -0.021747244521975517, 0.11578043550252914, -0.05294349417090416, 0.06940601766109467, 0.07875075936317444, -0.03622841835021973, -0.05637644603848457, -0.06167134270071983, 0.026277009397745132, -0.035637661814689636, 0.09994379431009293, -0.03527669236063957, 0.05154085531830788, 0.03343898057937622, 0.0378241240978241, -0.08404728025197983, 0.03814461827278137, 0.023356974124908447, 0.023939410224556923, -0.07276373356580734, -0.0446523055434227, 0.060877781361341476, -0.012751110829412937, -0.04448247700929642, -0.07972503453493118, 0.10178335011005402, 0.030862875282764435, 0.11733689904212952, -0.0366586409509182, -0.06016422435641289, 0.029318273067474365, -0.011767792515456676, 0.0501558892428875, 0.09889351576566696, 0.0885017067193985, -0.006528834812343121, 0.028353696689009666, 0.034667182713747025, -0.023808423429727554, 0.019767574965953827, -0.018464962020516396, 0.10892382264137268, -0.06921586394309998, 0.012958703562617302, 0.034364957362413406, 0.1154215857386589, -0.0018699626671150327, 0.008911613374948502, -0.04519130289554596, -0.005464605055749416, -0.060387883335351944, -0.037019822746515274, -0.0928611308336258, 2.0908736586556884e-33, 0.01689913496375084, 0.08053985983133316, -0.026119306683540344, -0.009307263419032097, -0.017160538583993912, 0.00986217800527811, -0.05961991846561432, 0.014123158529400826, -0.062364913523197174, 0.025965573266148567, -0.026731543242931366, 0.012648527510464191, -0.003651035251095891, 0.08465311676263809, -0.03218083456158638, -0.0354909673333168, -0.1041308119893074, 0.02148803509771824, 0.0694613829255104, 0.06369945406913757, 0.08083925396203995, 0.024219784885644913, 0.014594672247767448, -0.05914231762290001, 0.003945406060665846, 0.02494664490222931, -0.0618593767285347, 0.025050772354006767, 0.04613484814763069, 0.01791832037270069, 0.014999033883213997, -0.06043165549635887, 0.03511525318026543, 0.00527409790083766, 0.0057012238539755344, 0.03852289915084839, -0.01662416197359562, -0.01328990887850523, -0.022274967283010483, -0.03461841866374016, -0.0034858514554798603, 0.04322463274002075, 0.01647820509970188, -0.10992394387722015, -0.036192767322063446, 0.008595653809607029, 0.07965520024299622, 0.00287951179780066, 0.015145561657845974, 0.006133061368018389, -0.0643819198012352, -0.014206822961568832, -0.05621173977851868, -0.06281401962041855, -0.07965397834777832, -0.05430956929922104, 0.021093856543302536, 0.11258253455162048, 0.00021237281907815486, -0.03309264034032822, 0.0011658992152661085, 0.0003314985951874405, -0.04234722629189491, -0.034219712018966675, -0.039377111941576004, 0.029993146657943726, -0.05475997552275658, -0.028113221749663353, -0.010349755175411701, 0.04436187818646431, -0.06341481953859329, 0.013062035664916039, -0.015083479695022106, 0.01397597324103117, 0.0037315210793167353, -0.049490462988615036, 0.020784754306077957, -0.04390346258878708, -0.01932290755212307, -0.0038273772224783897, -0.06466978043317795, 0.09061508625745773, -0.014010618440806866, -0.030377240851521492, -0.04075692966580391, 0.02374640852212906, 0.0547635480761528, 0.008846297860145569, -0.027151497080922127, 0.014733237214386463, 0.02607438899576664, 0.07475315779447556, -0.025382719933986664, 0.03071417100727558, 0.04569659009575844, -3.149650787661931e-33, -0.04293084144592285, -0.002123443875461817, 0.027143443003296852, 0.08798786252737045, 0.05079067870974541, -0.00421483488753438, 0.019921688362956047, 0.09530746936798096, 0.02873486839234829, -0.05812230333685875, 0.09808677434921265, 0.0027775056660175323, -0.06768059730529785, 0.005172392353415489, 0.024994000792503357, 0.04360498487949371, -0.06683360040187836, -0.0085448008030653, -0.003451391588896513, -0.014253280125558376, 0.024006085470318794, 0.09736083447933197, -0.056871797889471054, 0.0523945614695549, 0.004864352289587259, 0.06426026672124863, -0.020608842372894287, 0.0014651274541392922, 0.04099832475185394, -0.014536784961819649, -0.02762582153081894, -0.041470348834991455, -0.02439066767692566, 0.06581425666809082, -0.05594149976968765, -0.01681983284652233, -0.0084252143278718, 0.030839622020721436, 0.022123532369732857, 0.0751633495092392, 0.006493571680039167, 0.03648912161588669, -0.10780810564756393, 0.05570968613028526, 0.009381352923810482, -0.07224421948194504, 0.030141284689307213, -0.06129530072212219, 0.04904217645525932, -0.015493814833462238, -0.023688672110438347, -0.04946201667189598, -0.10231903940439224, 0.0436413437128067, -0.025298433378338814, 0.060440730303525925, 0.03378535807132721, -0.036702197045087814, -0.0681368038058281, 0.036945510655641556, -0.07317385077476501, 0.07665176689624786, -0.04555663466453552, 0.009123788215219975, 0.011253716424107552, -0.010336783714592457, -0.07588183879852295, 0.08861476182937622, -0.03720807284116745, 0.052692219614982605, -0.03286783769726753, 0.07344700396060944, 0.03281266242265701, -0.014812629669904709, -0.03180505707859993, -0.017097385600209236, -0.008569451048970222, 0.016871022060513496, -0.04444730281829834, -0.09511399269104004, -0.08336664736270905, 0.01762913167476654, 0.0066982172429561615, 0.09586770087480545, 0.08468382060527802, -0.0013974887551739812, 0.05550198629498482, 0.03520450368523598, 0.0143120177090168, -0.01322181150317192, -0.014015116728842258, 0.024944476783275604, 0.02750803530216217, 0.09098570048809052, -0.009064584039151669, -6.035408972593359e-8, -0.01605674996972084, 0.02881270833313465, -0.09036009758710861, 0.06792148947715759, 0.029286254197359085, -0.015980618074536324, -0.010530230589210987, -0.013344424776732922, -0.11897990852594376, 0.026626884937286377, 0.07987935841083527, 0.01584860123693943, -0.20581695437431335, -0.06654371321201324, 0.030929798260331154, 0.004279110115021467, 0.011573798954486847, 0.12145036458969116, -0.03942494839429855, 0.006384177599102259, 0.07364404946565628, -0.01917068287730217, 0.01520291157066822, -0.014530732296407223, -0.03442294895648956, -0.03045021928846836, 0.024799656122922897, 0.0997605100274086, 0.005632966291159391, 0.020825430750846863, 0.024010347202420235, 0.01627378724515438, 0.03739059716463089, -0.04031018540263176, 0.03858925774693489, 0.05843454971909523, -0.04842180013656616, -0.002539025153964758, 0.03713252395391464, 0.06211815029382706, -0.028053229674696922, 0.026683801785111427, -0.1153515949845314, -0.020136091858148575, 0.0496731773018837, -0.05819689482450485, -0.042703066021203995, -0.06636352837085724, 0.07388868927955627, 0.07358010113239288, 0.036950837820768356, 0.007093284744769335, -0.007141438312828541, 0.04208016395568848, 0.014533478766679764, 0.0135799590498209, -0.03522482141852379, -0.08285786211490631, -0.034035712480545044, -0.06654689460992813, 0.05452509596943855, -0.07209242135286331, 0.028684284538030624, -0.001158214407041669 ]
huggan/fastgan-few-shot-shells
698843e8a0c88fb7384898ca5f09f82b55b26a93
2022-05-06T22:32:48.000Z
[ "pytorch", "dataset:huggan/few-shot-shells", "arxiv:2101.04775", "huggan", "gan", "unconditional-image-generation", "license:mit" ]
unconditional-image-generation
false
huggan
null
huggan/fastgan-few-shot-shells
0
null
null
--- tags: - huggan - gan - unconditional-image-generation datasets: - huggan/few-shot-shells # See a list of available tags here: # https://github.com/huggingface/hub-docs/blob/main/js/src/lib/interfaces/Types.ts#L12 # task: unconditional-image-generation or conditional-image-generation or image-to-image license: mit --- # Generate shell image using FastGAN ## Model description [FastGAN model](https://arxiv.org/abs/2101.04775) is a Generative Adversarial Networks (GAN) training on a small amount of high-fidelity images with minimum computing cost. Using a skip-layer channel-wise excitation module and a self-supervised discriminator trained as a feature-encoder, the model was able to converge after some hours of training for either 100 high-quality images or 1000 images datasets. This model was trained on a dataset of 64 high-quality images of Shells. #### How to use ```python # Clone this model git clone https://huggingface.co/huggan/fastgan-few-shot-shells/ def load_generator(model_name_or_path): generator = Generator(in_channels=256, out_channels=3) generator = generator.from_pretrained(model_name_or_path, in_channels=256, out_channels=3) _ = generator.eval() return generator def _denormalize(input: torch.Tensor) -> torch.Tensor: return (input * 127.5) + 127.5 # Load generator generator = load_generator("huggan/fastgan-few-shot-shells") # Generate a random noise image noise = torch.zeros(1, 256, 1, 1, device=device).normal_(0.0, 1.0) with torch.no_grad(): gan_images, _ = generator(noise) gan_images = _denormalize(gan_images.detach()) save_image(gan_images, "sample.png", nrow=1, normalize=True) ``` #### Limitations and bias * Converge faster and better with small datasets (less than 1000 samples) ## Training data [fastgan-few-shot-shells](https://huggingface.co/datasets/huggan/few-shot-shells) ## Generated Images ![Example image](example.png) ### BibTeX entry and citation info ```bibtex @article{FastGAN, title={Towards Faster and Stabilized GAN Training for High-fidelity Few-shot Image Synthesis}, author={Bingchen Liu, Yizhe Zhu, Kunpeng Song, Ahmed Elgammal}, journal={ICLR}, year={2021} } ```
[ -0.0888466089963913, -0.04091484844684601, 0.04482768848538399, 0.06614568829536438, 0.06983491778373718, -0.05363486334681511, -0.0359794944524765, -0.02849241904914379, -0.02257516048848629, -0.076246477663517, 0.07958487421274185, -0.07322211563587189, 0.03966430947184563, -0.03868739306926727, -0.035791754722595215, -0.03566939756274223, 0.07368863373994827, -0.0018636666936799884, -0.07167324423789978, -0.015052036382257938, -0.032696809619665146, 0.03474516421556473, 0.037718240171670914, -0.035604290664196014, 0.048221196979284286, -0.024673284962773323, 0.022679155692458153, -0.021306512877345085, 0.09965988993644714, -0.09259375929832458, 0.06214138865470886, 0.05794886499643326, -0.05640556663274765, 0.030482668429613113, -0.03904097154736519, 0.1267348676919937, -0.042067430913448334, 0.036000173538923264, 0.04068823158740997, -0.06544385105371475, 0.025354573503136635, -0.027069512754678726, 0.043414026498794556, -0.07574568688869476, 0.07376470416784286, -0.00789101142436266, -0.06879011541604996, -0.04465699940919876, -0.051920294761657715, -0.05053618177771568, -0.029286136850714684, -0.010904597118496895, -0.05680610239505768, 0.038852937519550323, 0.07206706702709198, 0.00716412253677845, -0.020137444138526917, -0.049260158091783524, -0.0008628282812424004, 0.05602260306477547, -0.01342873927205801, -0.041893165558576584, -0.050191234797239304, -0.03371143713593483, 0.0749007910490036, -0.02815943956375122, 0.039002541452646255, 0.0061540547758340836, 0.06862959265708923, -0.02161581628024578, 0.05408454313874245, 0.04249632731080055, -0.017814405262470245, 0.018999408930540085, 0.04354637488722801, 0.041383206844329834, 0.0835123211145401, 0.03830212727189064, 0.07365184277296066, -0.09358338266611099, -0.005887708161026239, -0.021989310160279274, 0.033141810446977615, -0.030602624639868736, -0.02599446475505829, 0.04798220470547676, -0.04819739609956741, 0.10180018842220306, -0.006017670501023531, 0.05227695778012276, -0.036473553627729416, 0.018952714279294014, -0.09079767018556595, 0.0634431540966034, 0.04703237861394882, 0.013600173406302929, 0.007713388651609421, -0.021452568471431732, -0.07831984758377075, 0.0677356943488121, 0.019056279212236404, 0.027307871729135513, 0.039465609937906265, -0.008887289091944695, 0.11670579016208649, -0.09300841391086578, 0.10970183461904526, 0.06195300817489624, 0.03492541238665581, -0.03431406244635582, 0.02945682592689991, -0.027157537639141083, -0.03665533289313316, -0.05959751456975937, -0.018952490761876106, -0.05951621010899544, -0.05458730086684227, -0.002811285899952054, -0.00042288986151106656, 0.016656693071126938, -0.051610857248306274, 0.09224935621023178, -0.03250865265727043, -0.07519549876451492, -0.04166083037853241, -0.1390693038702011, -0.05822523310780525, 4.730440896968358e-33, 0.026142440736293793, 0.010626315139234066, 0.01238261815160513, 0.007365095429122448, 0.04562181234359741, 0.0033256825990974903, -0.02024436742067337, -0.010576696135103703, -0.06401524692773819, 0.032950509339571, -0.08380697667598724, -0.0121983727440238, -0.12091371417045593, 0.11842060834169388, 0.09761695563793182, -0.07363920658826828, -0.0816892609000206, -0.021865151822566986, 0.004431837238371372, 0.03969353064894676, -0.004942328669130802, -0.02202276699244976, -0.05478723347187042, -0.01548699103295803, -0.035102006047964096, 0.0525645911693573, 0.037473034113645554, -0.005755321588367224, 0.021256932988762856, 0.03317822515964508, -0.029403401538729668, 0.06944309920072556, 0.0569479763507843, -0.00836875569075346, 0.05496915057301521, -0.030591851100325584, 0.002031163778156042, -0.018869435414671898, -0.028239203616976738, 0.04087289795279503, -0.010989870876073837, 0.052213866263628006, -0.07325438410043716, -0.008404035121202469, -0.05775780975818634, -0.07314882427453995, 0.042369186878204346, 0.03453332185745239, -0.06772200018167496, 0.07431832700967789, 0.06488719582557678, 0.01879115216434002, 0.00983839575201273, -0.0650869607925415, -0.058582063764333725, 0.0056746057234704494, 0.031208835542201996, 0.016744624823331833, 0.026778196915984154, 0.07124606519937515, 0.01639576628804207, 0.0007253748481161892, 0.009126223623752594, 0.043448153883218765, -0.007559070363640785, 0.055587682873010635, 0.004863361828029156, 0.013353879563510418, -0.021494749933481216, 0.040286045521497726, 0.002430977299809456, -0.0018735973862931132, -0.039451081305742264, -0.1623423844575882, 0.09093206375837326, -0.0576949268579483, -0.03408179059624672, -0.021308567374944687, -0.04387916997075081, 0.04977928102016449, -0.06444990634918213, 0.06318929046392441, -0.04225848987698555, -0.029846932739019394, -0.020113391801714897, 0.01213187724351883, -0.008651339448988438, -0.01680659130215645, -0.01302293874323368, -0.037377990782260895, 0.024670280516147614, -0.005154970567673445, 0.026538021862506866, -0.06584271043539047, -0.010401526466012001, -3.871974801168949e-33, 0.10637632012367249, 0.06269863247871399, -0.06559645384550095, 0.050989773124456406, 0.002657417906448245, 0.015055321156978607, 0.015512887388467789, 0.08064483851194382, -0.03560945764183998, -0.0721462070941925, -0.004839116707444191, 0.040132299065589905, -0.020269477739930153, -0.047882284969091415, -0.056297704577445984, -0.017077723518013954, 0.018744878470897675, -0.10504435747861862, -0.012069462798535824, 0.014417589642107487, 0.04237779229879379, 0.07346057146787643, -0.003263820894062519, 0.11031011492013931, -0.0526607483625412, 0.083180733025074, 0.006160137243568897, 0.07673564553260803, 0.03268124908208847, 0.006202056538313627, 0.022409779950976372, -0.0632377415895462, -0.00015564035857096314, 0.020976433530449867, -0.034967679530382156, 0.07604846358299255, 0.13404116034507751, 0.06912674754858017, -0.07194750010967255, 0.002922585466876626, 0.09888962656259537, 0.0016466779634356499, -0.07128849625587463, 0.07008638978004456, -0.046825557947158813, 0.009345336817204952, -0.03858243301510811, -0.012759189121425152, 0.027649613097310066, 0.04171852767467499, 0.015665484592318535, -0.01417657919228077, -0.06776973605155945, 0.029857119545340538, -0.06244402751326561, -0.11241303384304047, -0.027056537568569183, -0.031997572630643845, 0.09218897670507431, 0.011076911352574825, -0.04120996594429016, -0.14575356245040894, -0.047833848744630814, -0.009764015674591064, -0.022254757583141327, -0.003839885350316763, -0.04393095150589943, -0.025474149733781815, 0.022537976503372192, 0.012959287501871586, 0.09124983847141266, 0.014198550954461098, 0.027141187340021133, 0.034827299416065216, -0.021121809259057045, -0.0380508229136467, 0.08875705301761627, -0.05487583577632904, 0.06974294036626816, -0.12029989808797836, -0.02866947650909424, -0.07230095565319061, 0.000488376070279628, 0.05381084978580475, 0.0365731380879879, 0.020264381542801857, 0.014549746178090572, 0.005353984422981739, 0.016328375786542892, 0.055196575820446014, 0.010069546289741993, 0.06101996824145317, 0.015023999847471714, 0.041288308799266815, 0.016049742698669434, -5.567437000308928e-8, -0.031216906383633614, -0.0005630557425320148, -0.011082330718636513, -0.012189394794404507, -0.009687663987278938, -0.035614002496004105, 0.04293087497353554, 0.04631923511624336, 0.08204194903373718, -0.0030063854064792395, 0.07714691013097763, 0.025312623009085655, -0.09001035988330841, -0.019273940473794937, 0.05091245099902153, 0.015309680253267288, 0.017368314787745476, 0.07431389391422272, -0.021374547854065895, -0.02076372690498829, -0.03360048681497574, -0.027552081272006035, -0.005644333548843861, -0.1032823696732521, 0.02573450654745102, -0.06938236206769943, -0.003884816076606512, 0.02299589477479458, -0.016811376437544823, -0.031884342432022095, -0.03906211256980896, -0.015065784566104412, -0.02827991358935833, -0.06337587535381317, 0.02185220643877983, 0.07881662249565125, -0.027219071984291077, -0.07700452208518982, 0.010713672265410423, -0.006890138611197472, 0.007905084639787674, 0.05778618901968002, 0.004633583128452301, -0.06199316307902336, -0.018982481211423874, 0.014812171459197998, 0.07906083762645721, -0.014194096438586712, 0.050042830407619476, 0.08354412019252777, -0.021332494914531708, 0.010394470766186714, -0.008601781912147999, 0.019244389608502388, -0.039943236857652664, -0.006497339811176062, 0.03475309908390045, -0.04801043123006821, 0.1058964878320694, 0.07238496094942093, 0.09409502893686295, -0.0197713952511549, -0.006348624359816313, 0.021065056324005127 ]
yogi/autotrain-amazon_text_sum-730222226
6562d546d0ab9d7b5484e755a88b0bd2b7e78f22
2022-04-12T09:08:15.000Z
[ "pytorch", "t5", "text2text-generation", "en", "dataset:yogi/autotrain-data-amazon_text_sum", "transformers", "autotrain", "co2_eq_emissions", "autotrain_compatible" ]
text2text-generation
false
yogi
null
yogi/autotrain-amazon_text_sum-730222226
0
null
transformers
--- tags: autotrain language: en widget: - text: "I love AutoTrain 🤗" datasets: - yogi/autotrain-data-amazon_text_sum co2_eq_emissions: 2986.6520132805163 --- # Model Trained Using AutoTrain - Problem type: Summarization - Model ID: 730222226 - CO2 Emissions (in grams): 2986.6520132805163 ## Validation Metrics - Loss: 2.682709217071533 - Rouge1: 19.6069 - Rouge2: 7.3367 - RougeL: 19.2706 - RougeLsum: 19.286 - Gen Len: 5.5731 ## Usage You can use cURL to access this model: ``` $ curl -X POST -H "Authorization: Bearer YOUR_HUGGINGFACE_API_KEY" -H "Content-Type: application/json" -d '{"inputs": "I love AutoTrain"}' https://api-inference.huggingface.co/yogi/autotrain-amazon_text_sum-730222226 ```
[ -0.07738008350133896, 0.04742911458015442, -0.020947201177477837, 0.01636301539838314, 0.07227393239736557, 0.010858931578695774, 0.026224905624985695, -0.011259975843131542, 0.06411191076040268, -0.03534519672393799, 0.012597893364727497, -0.15764902532100677, 0.003971075639128685, -0.01625088043510914, 0.05773484706878662, 0.0346212200820446, -0.0084527051076293, -0.02707594446837902, -0.10419151932001114, -0.1200718879699707, 0.0030446213204413652, 0.09125623852014542, 0.0221397764980793, 0.06323397159576416, 0.0005584979662671685, -0.052918191999197006, -0.069256491959095, 0.0979091003537178, -0.013770264573395252, -0.03094922937452793, -0.004454531706869602, 0.00028934760484844446, -0.036614786833524704, 0.0722111389040947, 0.007735922001302242, 0.0496329627931118, -0.00201778463087976, -0.06746964156627655, 0.049192994832992554, -0.013866061344742775, 0.03713230788707733, -0.029046183452010155, -0.019186249002814293, -0.056752629578113556, 0.02831135503947735, -0.04100802168250084, -0.07496003061532974, -0.048934973776340485, 0.0034229981247335672, 0.00686279172077775, -0.06297103315591812, -0.047318488359451294, 0.0009673709864728153, 0.017102716490626335, -0.009215029887855053, 0.003688571974635124, -0.06970418244600296, 0.03584897518157959, -0.004801452159881592, -0.01220270711928606, 0.036007482558488846, -0.0535760261118412, -0.00027196272276341915, -0.0150035684928298, -0.07073111087083817, -0.07866162061691284, -0.076907217502594, 0.03448449820280075, 0.03636356443166733, 0.03372553735971451, 0.0023339283652603626, -0.04176674410700798, -0.07986066490411758, -0.029343198984861374, 0.02479795552790165, 0.03642695024609566, -0.024171456694602966, -0.02988842874765396, 0.034906815737485886, -0.05749336630105972, -0.06759534031152725, 0.01604485511779785, 0.03156231716275215, 0.09045785665512085, 0.01247907243669033, 0.06005570665001869, 0.039709772914648056, 0.03879720717668533, 0.003965082112699747, -0.007838423363864422, -0.014289713464677334, -0.03278002515435219, 0.0026203158777207136, 0.10744038224220276, -0.019697820767760277, 0.061374057084321976, 0.011902164667844772, 0.005096564535051584, -0.07234349846839905, 0.09038978070020676, 0.032073210924863815, 0.041432108730077744, 0.0008517038659192622, 0.03551463782787323, -0.004573270678520203, -0.0001848594838520512, 0.03076780028641224, 0.08824372291564941, 0.009444864466786385, -0.022898660972714424, 0.025166362524032593, 0.038474347442388535, -0.05180155858397484, -0.02390931360423565, -0.024456074461340904, 0.12373556196689606, -0.020924784243106842, -0.009658349677920341, 0.020759474486112595, 0.09296834468841553, 0.0380094088613987, -0.025499600917100906, -0.008713958784937859, -0.002472457941621542, -0.0036755679175257683, -0.06401027739048004, 0.06404593586921692, 6.013543674084764e-33, 0.0404115729033947, 0.05592826008796692, 0.042475391179323196, -0.0006959381280466914, -0.029880065470933914, -0.02088831178843975, -0.046618975698947906, 0.07621657103300095, -0.01703457161784172, 0.0036739660426974297, -0.0893673226237297, 0.07678556442260742, -0.06299595534801483, 0.0029106491710990667, -0.020162781700491905, -0.02536940760910511, -0.04548189789056778, 0.0127668222412467, 0.07829910516738892, 0.043318506330251694, 0.07172657549381256, -0.04524337500333786, -0.042444027960300446, -0.012391110882163048, -0.023112446069717407, 0.041187021881341934, 0.047456298023462296, -0.004051477648317814, -0.06044793501496315, 0.07169757783412933, -0.003519992809742689, -0.04260516166687012, 0.03481978550553322, -0.03831155598163605, -0.002277144230902195, -0.05738253518939018, -0.024157138541340828, 0.035595085471868515, -0.1056647077202797, 0.003784711705520749, 0.08340605348348618, 0.029391147196292877, -0.05714980140328407, -0.07899317145347595, -0.07410454005002975, -0.01076420396566391, 0.02457420341670513, -0.018389051780104637, 0.005955344066023827, 0.035775404423475266, -0.09531405568122864, -0.013805738650262356, 0.0414649061858654, -0.05117703974246979, 0.0027854214422404766, -0.016408324241638184, 0.02179357409477234, 0.04307170212268829, 0.005956524517387152, -0.08167492598295212, -0.04781949147582054, 0.01693187654018402, 0.02539249323308468, -0.02253594435751438, 0.06181778013706207, 0.014085919596254826, -0.022475790232419968, 0.007473050616681576, -0.00959495548158884, 0.04836777597665787, -0.06151397153735161, 0.04332556575536728, 0.008815241977572441, 0.01863011159002781, 0.07294794917106628, -0.1365787386894226, 0.04865109547972679, -0.007971142418682575, -0.01741435006260872, 0.05066631734371185, 0.0005991623038426042, -0.03051113709807396, -0.03890782594680786, -0.004334286320954561, -0.05225864797830582, 0.04394730553030968, 0.04722599312663078, -0.0013570687733590603, 0.029997633770108223, 0.0159648135304451, -0.0639084130525589, 0.006044258363544941, -0.04257125034928322, -0.07273976504802704, -0.09979970753192902, -6.202619369020636e-33, 0.04633377119898796, 0.0238710418343544, -0.051353953778743744, 0.06370062381029129, 0.0760498046875, -0.040708061307668686, 0.10340414196252823, 0.16613437235355377, 0.04341888800263405, -0.003867761231958866, 0.044984783977270126, -0.03040812723338604, 0.0017024317057803273, -0.018747787922620773, 0.025479566305875778, -0.010932661592960358, -0.144942507147789, -0.061045125126838684, 0.060465432703495026, 0.033311061561107635, -0.09102477133274078, 0.005638277158141136, -0.008146252483129501, 0.04221446067094803, -0.004327480215579271, 0.00974246021360159, 0.04156377539038658, 0.06305181235074997, -0.026482604444026947, 0.0126419672742486, 0.05413377657532692, 0.026178553700447083, -0.11817830801010132, 0.11859505623579025, -0.11772263795137405, -0.02716054394841194, 0.022943757474422455, 0.12361828982830048, -0.04834647849202156, 0.05118498578667641, 0.0649658739566803, -0.023994429036974907, -0.07765471935272217, -0.021104251965880394, -0.030769027769565582, 0.008611288852989674, -0.0024702916853129864, 0.007472767494618893, -0.03853071480989456, -0.012748140841722488, 0.08831988275051117, -0.009793597273528576, -0.07440536469221115, 0.03429213538765907, 0.035366788506507874, 0.00256908917799592, 0.08233758062124252, 0.0002366057742619887, -0.09420617669820786, -0.00974462740123272, -0.07974141836166382, -0.01633487455546856, -0.011849667876958847, 0.006782867014408112, 0.023085903376340866, -0.08812900632619858, -0.04417053237557411, -0.00968816876411438, 0.022518929094076157, 0.00962555967271328, 0.026724569499492645, 0.05549117177724838, 0.027680151164531708, 0.02130054496228695, -0.00450528971850872, -0.008256668224930763, -0.01151866652071476, -0.04219958558678627, 0.054845865815877914, 0.0069272941909730434, -0.05483574420213699, -0.014789423905313015, 0.08341459929943085, 0.04444539546966553, 0.02820196934044361, 0.04769385606050491, -0.06939557194709778, 0.12313905358314514, -0.03282179683446884, 0.047326188534498215, -0.0158435869961977, 0.006091702729463577, -0.05328961834311485, 0.03366834297776222, -0.024812644347548485, -5.3984248182814554e-8, -0.08525087684392929, -0.023802625015378, 0.012918531894683838, 0.05274094268679619, -0.03222603350877762, 0.015151062048971653, 0.030211837962269783, 0.0005880751996301115, 0.04651530459523201, -0.007191298063844442, 0.030240772292017937, 0.014183547347784042, -0.06510129570960999, 0.018010210245847702, -0.11329875886440277, -0.0020478451624512672, -0.020838214084506035, 0.1318560391664505, -0.008955811150372028, -0.07943294942378998, -0.02052503451704979, 0.02021634206175804, 0.027169743552803993, -0.12965355813503265, 0.12267596274614334, -0.005783032160252333, -0.05123046040534973, 0.13454952836036682, -0.06971275061368942, -0.058848895132541656, 0.01610223762691021, -0.016148537397384644, 0.029771730303764343, -0.06718769669532776, -0.03205370903015137, 0.014937469735741615, -0.03979971632361412, -0.030874675139784813, -0.04035487398505211, -0.020320281386375427, 0.055975012481212616, 0.07746163010597229, -0.09667933732271194, -0.05095713213086128, 0.05328292027115822, -0.03721221908926964, 0.03480229526758194, -0.013978324830532074, 0.02494644559919834, -0.007731820456683636, 0.04031164571642876, -0.11882847547531128, -0.010009190998971462, 0.04143531620502472, -0.011052693240344524, 0.014848316088318825, -0.02083001844584942, -0.08276171237230301, 0.020031075924634933, -0.031560301780700684, 0.06988407671451569, -0.010585907846689224, 0.023934809491038322, -0.034304410219192505 ]
maesneako/gpt2-en-maptask-finetuned
90982e36897723928853d8b84b855bb00678b840
2022-04-11T16:24:18.000Z
[ "pytorch", "tensorboard", "gpt2", "text-generation", "transformers", "generated_from_trainer", "license:mit", "model-index" ]
text-generation
false
maesneako
null
maesneako/gpt2-en-maptask-finetuned
0
null
transformers
--- license: mit tags: - generated_from_trainer model-index: - name: gpt2-en-maptask-finetuned 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. --> # gpt2-en-maptask-finetuned This model is a fine-tuned version of [gpt2](https://huggingface.co/gpt2) on the None dataset. ## Model description More information needed ## Intended uses & limitations More information needed ## Training and evaluation data More information needed ## Training procedure ### Training hyperparameters The following hyperparameters were used during training: - learning_rate: 5e-05 - train_batch_size: 4 - eval_batch_size: 8 - seed: 42 - optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08 - lr_scheduler_type: linear - lr_scheduler_warmup_steps: 100 - num_epochs: 1 ### Training results ### Framework versions - Transformers 4.18.0 - Pytorch 1.10.0+cu111 - Datasets 2.0.0 - Tokenizers 0.11.6
[ -0.054632775485515594, -0.03314974904060364, 0.007338494993746281, 0.059199605137109756, 0.035770002752542496, -0.030504854395985603, -0.014439010061323643, -0.001973622478544712, -0.09770280122756958, -0.09066981077194214, -0.0023184025194495916, -0.04437899962067604, -0.031281646341085434, -0.051032084971666336, -0.0646510124206543, -0.004663948900997639, 0.08644258975982666, -0.03713725879788399, -0.06133895367383957, -0.02204050123691559, 0.027084434404969215, 0.007532716263085604, 0.06537022441625595, 0.021706722676753998, -0.020378826186060905, 0.014320825226604939, -0.008104153908789158, 0.0007246460299938917, -0.005961992312222719, -0.010712944902479649, 0.012836870737373829, -0.04501604661345482, -0.022352198138833046, 0.06445281207561493, -0.006725064478814602, 0.026717279106378555, -0.014127036556601524, -0.07047321647405624, -0.010267029516398907, 0.011619089171290398, 0.03813698887825012, -0.06957199424505234, -0.04894699901342392, 0.06099320575594902, 0.09050296247005463, 0.030061766505241394, -0.04110580310225487, -0.08280391246080399, -0.05416122078895569, 0.0056077479384839535, -0.09189800173044205, -0.07834697514772415, 0.012706950306892395, -0.05654548853635788, 0.03184410557150841, 0.08782129734754562, -0.029315536841750145, -0.048915963619947433, 0.024589141830801964, -0.04901201277971268, -0.001601602416485548, -0.012500934302806854, -0.09085264801979065, -0.040318284183740616, -0.0650450736284256, -0.030524514615535736, -0.0033337075728923082, 0.014513637870550156, 0.10833574086427689, -0.0712529644370079, 0.0338488407433033, 0.08784426003694534, -0.03698916360735893, -0.02795889601111412, -0.00677857268601656, 0.029609020799398422, 0.014776245690882206, 0.03315027430653572, 0.05148432403802872, -0.10014718770980835, -0.02605370804667473, -0.048148784786462784, 0.06176704913377762, -0.05501430481672287, -0.007898635230958462, -0.01378622930496931, 0.06158226728439331, 0.0291459858417511, 0.08481036126613617, 0.03149108961224556, -0.008534771390259266, 0.036101218312978745, -0.01969671994447708, 0.026676511391997337, 0.047811541706323624, -0.00365276588127017, -0.04520491138100624, -0.02730220928788185, -0.1021798700094223, 0.08761325478553772, -0.037104297429323196, 0.036590125411748886, 0.014787246473133564, 0.08557622879743576, -0.010451559908688068, -0.01547707337886095, 0.022769680246710777, 0.06323197484016418, 0.01227706391364336, -0.020766085013747215, 0.07661178708076477, 0.032940346747636795, 0.005779547151178122, 0.002757897600531578, 0.011595569550991058, 0.14326170086860657, -0.057140663266181946, 0.045446254312992096, -0.006389961112290621, 0.14802679419517517, -0.04123055189847946, -0.016972314566373825, -0.03205147758126259, -0.050143275409936905, -0.08368930965662003, -0.050924696028232574, -0.09664200246334076, 4.872166577427155e-33, 0.019430292770266533, 0.02465813048183918, 0.04270685836672783, -0.04062040150165558, 0.034009288996458054, 0.0065043275244534016, -0.012885414063930511, -0.08464615046977997, 0.030601155012845993, -0.060893069952726364, -0.10604070872068405, -0.02966330200433731, -0.07616408169269562, 0.08512738347053528, -0.0038516961503773928, -0.04332428425550461, -0.018118055537343025, 0.08099079132080078, 0.029136020690202713, 0.0397845134139061, 0.10337208211421967, 0.040639013051986694, -0.04391661658883095, -0.09818896651268005, -0.029661042615771294, 0.09657040238380432, -0.011200940236449242, -0.012084298767149448, 0.028799254447221756, 0.06589914113283157, -0.017907101660966873, -0.034695085138082504, -0.017563359811902046, 0.04503820464015007, 0.03856963664293289, 0.00914024468511343, 0.036351099610328674, 0.014859356917440891, 0.05466658994555473, -0.04119917005300522, 0.033432167023420334, -0.017314959317445755, 0.09980957210063934, -0.09196280688047409, -0.05896536633372307, -0.0632711797952652, 0.08881350606679916, 0.023736847564578056, 0.04256969690322876, 0.05211316794157028, -0.04074306786060333, -0.010059748776257038, -0.03380264341831207, -0.03900961950421333, -0.07538536936044693, 0.04962944611907005, 0.07001560181379318, 0.11617553234100342, 0.017114851623773575, 0.03366924077272415, 0.011293021030724049, 0.023988591507077217, 0.033223576843738556, -0.019110705703496933, -0.008562588132917881, 0.0036863386631011963, -0.09536444395780563, -0.07380424439907074, 0.01165459118783474, 0.09112871438264847, -0.07281986624002457, -0.011802630499005318, 0.06338802725076675, 0.0026368931867182255, 0.12003117799758911, -0.09631230682134628, 0.05953826382756233, -0.02602619118988514, -0.09339688718318939, -0.007486817426979542, -0.04977022856473923, 0.038805678486824036, -0.024139203131198883, -0.07792074233293533, -0.03947346657514572, -0.08504566550254822, -0.04418274015188217, -0.005511345807462931, 0.0009127394296228886, 0.046113621443510056, -0.067359559237957, 0.012729112058877945, -0.07468163222074509, 0.03724200278520584, -0.022810183465480804, -5.017124867350713e-33, 0.04504698887467384, 0.04037141799926758, 0.023142682388424873, 0.0828859955072403, 0.005475928541272879, -0.015874475240707397, 0.051174309104681015, 0.04388580843806267, -0.02495107240974903, 0.007680284325033426, 0.051629092544317245, 0.01742730662226677, -0.024624723941087723, -0.01993342489004135, 0.05217037722468376, -0.023530149832367897, -0.0317518524825573, 0.010539785027503967, 0.010019076056778431, -0.004360534250736237, 0.001572678331285715, 0.09024783223867416, -0.08802230656147003, 0.048135798424482346, 0.041667308658361435, -0.0035599719267338514, 0.04968343675136566, 0.10055388510227203, 0.08803848177194595, -0.03846108168363571, -0.007492346223443747, -0.008266349323093891, -0.029798243194818497, 0.014158201403915882, -0.0048275357112288475, 0.041269585490226746, 0.08130526542663574, 0.022599471732974052, -0.05982906371355057, 0.12430906295776367, 0.05608762055635452, 0.0386187843978405, -0.04130472242832184, 0.07000146061182022, 0.0013341580051928759, 0.07744774222373962, 0.07421933114528656, -0.055490460246801376, -0.059432633221149445, -0.028975537046790123, 0.005231158807873726, -0.06144027039408684, -0.08157450705766678, 0.00786163005977869, -0.012545482255518436, -0.05320126190781593, 0.019054416567087173, 0.004420470912009478, -0.04606664553284645, -0.0007226600428111851, 0.013283942826092243, -0.046496372669935226, -0.0072258333675563335, 0.0005799680366180837, 0.008164528757333755, -0.05919528007507324, -0.06870715320110321, 0.01342629175633192, 0.02448205091059208, 0.09148193150758743, -0.06347455829381943, 0.017523471266031265, 0.04504602402448654, 0.015356305055320263, -0.054892390966415405, 0.009505598805844784, -0.027148228138685226, 0.008400126360356808, 0.03544780611991882, -0.12582676112651825, -0.04877760261297226, 0.010274800471961498, 0.07033086568117142, 0.049874965101480484, 0.05258367583155632, 0.03600611910223961, 0.09741061925888062, 0.13630293309688568, -0.01976316049695015, -0.03536577150225639, 0.013716308400034904, 0.0037315550725907087, 0.007742693647742271, 0.1512138992547989, -0.038570284843444824, -6.194834156758589e-8, 0.027256913483142853, -0.0026529154274612665, -0.014223949983716011, 0.10469318926334381, 0.015778711065649986, -0.039417240768671036, 0.007629767060279846, 0.033668890595436096, -0.04259665310382843, -0.017452191561460495, 0.0190277136862278, -0.004681192338466644, -0.05598178878426552, -0.0427531972527504, 0.059708379209041595, 0.007308103609830141, -0.0277475044131279, 0.10028506815433502, -0.030169736593961716, -0.03539926931262016, -0.01128365658223629, -0.02029227837920189, 0.015644310042262077, -0.05425263196229935, 0.04956084489822388, -0.04035501554608345, -0.005363106727600098, 0.07311362028121948, -0.02101745828986168, 0.012634454295039177, 0.052055735141038895, -0.010257910937070847, 0.027952976524829865, -0.047716524451971054, -0.03266346827149391, 0.06516245007514954, -0.04459398612380028, 0.00022670642647426575, 0.08843983709812164, 0.026033876463770866, -0.046372197568416595, 0.07094918936491013, -0.00854289997369051, -0.011282301507890224, 0.016704725101590157, 0.005459286738187075, 0.004678627941757441, -0.11184512823820114, 0.026980727910995483, 0.007224374916404486, 0.0028318429831415415, 0.013628353364765644, -0.06659327447414398, 0.0015051636146381497, 0.018250668421387672, 0.019747311249375343, -0.06598498672246933, -0.07730084657669067, -0.0011843345127999783, -0.026718728244304657, 0.011967704631388187, -0.03395775333046913, -0.07731776684522629, -0.008430455811321735 ]
maveriq/mybert-base-32k
e32e57cb0b128c3576d97db67d3f8212adfee131
2022-04-11T17:35:29.000Z
[ "pytorch", "bert", "fill-mask", "transformers", "autotrain_compatible" ]
fill-mask
false
maveriq
null
maveriq/mybert-base-32k
0
null
transformers
Entry not found
[ 0.0461147278547287, -0.038838207721710205, -0.01049656979739666, -0.03682169318199158, 0.011261860840022564, 0.013094935566186905, 0.0019101888174191117, -0.013979103416204453, 0.027092741802334785, -0.015212527476251125, 0.017284274101257324, -0.08189476281404495, 0.03817418962717056, -0.04920130595564842, 0.021389011293649673, -0.015245908871293068, -0.03203780576586723, -0.1245758980512619, 0.03150877356529236, 0.032381657510995865, -0.060957908630371094, 0.05409295856952667, -0.025087490677833557, 0.01568586938083172, 0.028129950165748596, -0.04710396006703377, -0.018688226118683815, 0.013785239309072495, -0.04001208767294884, 0.01173911802470684, -0.04317743331193924, 0.05500618368387222, 0.004543041344732046, 0.02973111905157566, 0.14852192997932434, 0.02658126689493656, 0.02907961793243885, -0.05169107764959335, 0.05803573504090309, -0.07732241600751877, -0.017637968063354492, -0.04219653457403183, 0.041807834059000015, 0.023620979860424995, 0.021563321352005005, 0.016478516161441803, -0.0021814992651343346, -0.06400240957736969, 0.06393089145421982, 0.019599027931690216, -0.08565037697553635, 0.00934905931353569, -0.008718925528228283, -0.028583496809005737, -0.07310017943382263, 0.09416428208351135, 0.001759322709403932, 0.06184990331530571, 0.011840506456792355, -0.035997264087200165, 0.08358278125524521, -0.02619801089167595, 0.03736566752195358, -0.028206506744027138, -0.07454850524663925, -0.08883563429117203, -0.06279942393302917, -0.008695344440639019, 0.014119276776909828, -0.0825355276465416, 0.0649217739701271, -0.00223911227658391, -0.14716917276382446, 0.07743025571107864, -0.03548373281955719, -0.055201586335897446, 0.006981803569942713, -0.012166670523583889, 0.055111464112997055, -0.007116836030036211, -0.023175746202468872, -0.005835152696818113, -0.09185640513896942, 0.055196937173604965, 0.034148022532463074, 0.03835180774331093, 0.038685429841279984, -0.025987252593040466, 0.017804903909564018, 0.022428328171372414, 0.025005368515849113, -0.10761535167694092, -0.048001550137996674, -0.04343584179878235, 0.012374646961688995, -0.019502125680446625, 0.029218152165412903, 0.0842173621058464, -0.011719699949026108, 0.09283553808927536, -0.007015465293079615, -0.03543110564351082, -0.06936459988355637, 0.09425332397222519, -0.010958523489534855, -0.00805904995650053, 0.004974212497472763, -0.0031528924591839314, 0.06105927750468254, -0.03964288905262947, -0.03619541600346565, -0.019901901483535767, 0.07134733349084854, 0.039514873176813126, -0.012729483656585217, -0.006646515801548958, -0.04746140539646149, -0.014432490803301334, -0.05157482624053955, 0.09506245702505112, -0.049747664481401443, -0.04591796174645424, -0.008965466171503067, -0.0325421579182148, -0.08626784384250641, -0.06624380499124527, 0.02538885548710823, -4.303924894057984e-33, 0.01133066974580288, 0.0033434738870710135, -0.002155609894543886, 0.04871906340122223, -0.023564351722598076, -0.07933273911476135, 0.0600903145968914, 0.02335330657660961, -0.03844716399908066, -0.020433755591511726, -0.06952055543661118, -0.03235611692070961, 0.0062485747039318085, 0.064804308116436, -0.03201229125261307, 0.061689723283052444, 0.0417000837624073, -0.00761845987290144, 0.03340127319097519, -0.047770582139492035, 0.00887306872755289, -0.04066338762640953, -0.010506896302103996, 0.0106519665569067, 0.021333497017621994, 0.12854498624801636, -0.009705503471195698, 0.010055632330477238, -0.017507633194327354, 0.006515394430607557, 0.06334009766578674, -0.057817306369543076, 0.013668818399310112, -0.020286159589886665, 0.05430467426776886, -0.023184705525636673, 0.0828516036272049, 0.0005449643940664828, -0.10372652113437653, -0.07634282112121582, -0.005381610710173845, -0.039263784885406494, 0.0006114727002568543, -0.013281986117362976, 0.07119110971689224, 0.043696220964193344, 0.03168422728776932, 0.04338686540722847, 0.05728672817349434, 0.0832006186246872, -0.07961414009332657, 0.015234283171594143, 0.017002005130052567, 0.047004107385873795, -0.09794387966394424, 0.004990279674530029, -0.07062993198633194, -0.028000490739941597, -0.04018733277916908, -0.0702052190899849, 0.011351344175636768, 0.06020182743668556, -0.03297270089387894, 0.09396500885486603, 0.03417910635471344, -0.019825750961899757, -0.034690454602241516, -0.013036907650530338, 0.05896938592195511, -0.012359356507658958, -0.017275206744670868, -0.07982361316680908, 0.02059139870107174, 0.06737419217824936, 0.04176458343863487, -0.04978838190436363, -0.05877475067973137, -0.06289287656545639, -0.03354167565703392, -0.03871942684054375, 0.009898529388010502, -0.05514208599925041, -0.11629002541303635, -0.011855563148856163, 0.10663620382547379, 0.037354156374931335, -0.0065480442717671394, -0.051189567893743515, 0.06663123518228531, 0.01874656230211258, 0.032841797918081284, 0.041593004018068314, -0.06879369914531708, 0.04216769337654114, -0.01628219522535801, 5.4139394340936695e-34, 0.05697013810276985, -0.006972255185246468, 0.015711724758148193, -0.17956365644931793, 0.02320219948887825, 0.007923615165054798, -0.008062449283897877, 0.0074974060989916325, 0.07391711324453354, 0.0309313777834177, 0.060510627925395966, 0.058605875819921494, 0.09515274316072464, -0.002282935893163085, 0.001603541080839932, 0.07024981826543808, 0.012629246339201927, 0.07425693422555923, -0.038426291197538376, 0.01861148327589035, 0.030608950182795525, -0.02449394389986992, 0.021528491750359535, -0.003039651783183217, -0.03676343336701393, 0.03130284696817398, 0.07998586446046829, 0.010451192036271095, -0.07930229604244232, -0.013543923385441303, 0.018781835213303566, 0.05168003588914871, -0.07191970944404602, 0.15783067047595978, 0.026191607117652893, 0.01262354850769043, 0.08218053728342056, -0.029807550832629204, -0.07528624683618546, -0.04250097647309303, 0.017244765534996986, 0.04411793500185013, 0.03708017244935036, 0.009233047254383564, -0.040271829813718796, 0.022496428340673447, 0.02495843544602394, 0.07633638381958008, 0.005147108342498541, 0.013892097398638725, 0.05610476806759834, -0.06684739887714386, 0.05862557515501976, -0.020688841119408607, 0.05377643182873726, 0.06718500703573227, 0.005329249892383814, -0.01388032827526331, 0.029931528493762016, 0.009508464485406876, -0.045173756778240204, 0.11534366756677628, -0.06510116159915924, 0.05117698386311531, -0.0026125339791178703, -0.08554837852716446, -0.03784770518541336, 0.0804959163069725, 0.011298024095594883, -0.07695550471544266, -0.04868878796696663, 0.02515520341694355, 0.06252261996269226, -0.04509226232767105, -0.01246943511068821, 0.028559505939483643, -0.030573077499866486, 0.05066261067986488, -0.08187384903430939, 0.04469604790210724, 0.0034051244147121906, 0.04145054519176483, -0.021858664229512215, -0.06112268194556236, -0.00908052921295166, -0.05903250351548195, 0.0259539932012558, 0.059690944850444794, -0.07613514363765717, -0.03720718249678612, -0.036316655576229095, 0.07058046013116837, -0.008224100805819035, 0.041961874812841415, -0.0285952128469944, -1.496900736697171e-8, -0.0014124972512945533, 0.03401879221200943, -0.040338415652513504, 0.04116074740886688, 0.0935964286327362, -0.05115952715277672, 0.0008746005478315055, -0.03389839455485344, -0.00567849725484848, -0.010686947964131832, -0.04789939522743225, -0.04820054769515991, -0.02011880651116371, -0.03209094703197479, -0.04211259260773659, -0.10229527950286865, -0.07819421589374542, -0.031228765845298767, -0.02154778689146042, -0.04960230365395546, 0.08087796717882156, -0.07801242172718048, 0.06919731199741364, -0.04999840259552002, 0.03687043860554695, 0.03889009356498718, -0.049989692866802216, -0.04254625365138054, -0.04606937617063522, 0.08682432025671005, -0.031148413196206093, 0.11826753616333008, 0.034102488309144974, -0.0208592489361763, -0.0205202866345644, 0.027134142816066742, 0.09741277992725372, 0.051608603447675705, 0.013477512635290623, -0.13649295270442963, -0.022304272279143333, 0.02385953813791275, 0.038732077926397324, -0.09249968826770782, -0.04549082741141319, 0.054220106452703476, 0.01160438358783722, 0.051190607249736786, 0.07713303714990616, -0.022097084671258926, -0.06127818301320076, -0.01857956498861313, 0.006740490905940533, -0.00496308971196413, 0.024095389991998672, 0.0736224576830864, -0.003481915919110179, -0.0699305310845375, -0.006629763171076775, -0.0598808117210865, 0.05297163128852844, -0.02902800403535366, -0.027858933433890343, -0.01287526823580265 ]
tonyalves/ft-pt-br-local
19ebdfb27cc4049ab271241aa46c3ad2ef8f5faf
2022-04-11T20:39:07.000Z
[ "pytorch", "wav2vec2", "automatic-speech-recognition", "transformers", "generated_from_trainer", "license:apache-2.0", "model-index" ]
automatic-speech-recognition
false
tonyalves
null
tonyalves/ft-pt-br-local
0
null
transformers
--- license: apache-2.0 tags: - automatic-speech-recognition - generated_from_trainer model-index: - name: ft-pt-br-local 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. --> # ft-pt-br-local This model is a fine-tuned version of [jonatasgrosman/wav2vec2-large-xlsr-53-portuguese](https://huggingface.co/jonatasgrosman/wav2vec2-large-xlsr-53-portuguese) on the None dataset. ## Model description More information needed ## Intended uses & limitations More information needed ## Training and evaluation data More information needed ## Training procedure ### Training hyperparameters The following hyperparameters were used during training: - learning_rate: 0.0003 - train_batch_size: 2 - eval_batch_size: 2 - seed: 42 - optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08 - lr_scheduler_type: linear - training_steps: 100 ### Training results ### Framework versions - Transformers 4.18.0 - Pytorch 1.9.1+cu102 - Datasets 1.18.4 - Tokenizers 0.11.6
[ -0.05592237412929535, -0.0763343796133995, -0.03569190949201584, -0.011467605829238892, 0.000007775292033329606, 0.06091386824846268, -0.04974669963121414, -0.0656973347067833, -0.06368488073348999, -0.09932572394609451, 0.03590429201722145, -0.12579645216464996, -0.0329672209918499, -0.024696694687008858, -0.09568792581558228, -0.009622180834412575, 0.054687485098838806, -0.05152830109000206, -0.03912879899144173, 0.009941800497472286, 0.032944243401288986, 0.06608492881059647, 0.08022847771644592, 0.022292491048574448, 0.03247595578432083, 0.07316488772630692, -0.046843208372592926, 0.023728618398308754, 0.012263284996151924, -0.016120044514536858, 0.04828234761953354, 0.004284182097762823, 0.08385244011878967, 0.03697485104203224, -0.0007300726138055325, -0.031178904697299004, -0.009431011974811554, -0.03633499890565872, -0.009142879396677017, 0.010314414277672768, -0.041460584849119186, -0.036854662001132965, -0.05739268660545349, 0.024356497451663017, 0.04104186221957207, 0.0003538021701388061, -0.06185964494943619, -0.02833559177815914, -0.028430603444576263, 0.03978463634848595, -0.09238899499177933, -0.08372500538825989, 0.07254579663276672, 0.020490018650889397, -0.08894277364015579, -0.002642648760229349, -0.006544194649904966, 0.06243951618671417, 0.022343654185533524, 0.011765704490244389, -0.026572344824671745, -0.006319597363471985, -0.03838662430644035, 0.0038076245691627264, -0.07002706825733185, -0.043431516736745834, -0.06027035415172577, 0.024056585505604744, 0.06701333075761795, -0.03944592922925949, -0.0270745437592268, 0.07867681980133057, 0.040242213755846024, 0.03752760961651802, 0.022520363330841064, 0.034021880477666855, 0.05934352055191994, 0.014584518037736416, 0.08074324578046799, -0.08072390407323837, -0.04600832611322403, -0.07757508754730225, 0.030556533485651016, -0.05317101627588272, 0.0719689428806305, 0.026037797331809998, 0.02350502274930477, -0.030252400785684586, 0.018282338976860046, -0.027694126591086388, -0.05170132964849472, 0.00592788914218545, -0.012876220978796482, 0.03974993899464607, 0.037675946950912476, 0.06700287759304047, 0.02333744429051876, 0.05300946906208992, -0.06745381653308868, 0.0888519436120987, -0.00719989649951458, -0.00011791748693212867, 0.05820696800947189, 0.013162904419004917, -0.026492249220609665, -0.04252428933978081, -0.005536665208637714, 0.07600804418325424, 0.10567013919353485, -0.07175744324922562, 0.05535444989800453, 0.04345761239528656, -0.053118444979190826, -0.0051253014244139194, 0.054637566208839417, 0.10475030541419983, -0.05219293385744095, -0.06335659325122833, -0.036463916301727295, 0.0749291256070137, -0.07386524975299835, -0.06736450642347336, -0.06518086791038513, -0.012904729694128036, -0.028345685452222824, -0.043021123856306076, -0.060994140803813934, 1.8568830592588655e-33, 0.05786649137735367, 0.05639001354575157, -0.02442903257906437, -0.00001188950045616366, 0.03884964436292648, -0.06355347484350204, -0.028616109862923622, -0.04177044704556465, 0.015711277723312378, -0.044869884848594666, -0.0793810710310936, 0.0218723826110363, -0.04548264294862747, 0.11280535906553268, 0.01894172839820385, 0.0038162022829055786, -0.01725149154663086, 0.03572378680109978, 0.0526137612760067, 0.03420931473374367, 0.17519402503967285, 0.025916259735822678, 0.03102116845548153, -0.04911305755376816, 0.025999166071414948, 0.08215715736150742, 0.038942668586969376, -0.046395305544137955, 0.03452527895569801, 0.06760162115097046, -0.056769952178001404, -0.07658027857542038, 0.028854014351963997, -0.02064439095556736, 0.02444334141910076, 0.006753535941243172, 0.006833226885646582, 0.03572126850485802, -0.036019276827573776, -0.08100961893796921, 0.07717687636613846, -0.0035121396649628878, 0.0360182486474514, -0.027798369526863098, -0.0694623813033104, -0.08308634161949158, 0.02983134053647518, 0.05528085306286812, 0.006993837654590607, 0.027411064133048058, -0.03873642906546593, -0.015729350969195366, 0.003646198892965913, -0.0023790914565324783, -0.007958181202411652, -0.02215506322681904, 0.0518190898001194, 0.11263243854045868, -0.011716100387275219, -0.04263675585389137, 0.025014542043209076, 0.006296956446021795, 0.0339314267039299, 0.016405878588557243, 0.010093610733747482, -0.08681105077266693, -0.06580809503793716, -0.03352462127804756, 0.0575324222445488, -0.011869262903928757, -0.048353973776102066, -0.01393855083733797, 0.07218973338603973, 0.028584452345967293, 0.05723937600851059, -0.06906887143850327, 0.021322961896657944, -0.06451717764139175, -0.025030549615621567, 0.027062809094786644, -0.01262055616825819, 0.07620088011026382, -0.0203750841319561, -0.07127352803945541, -0.016110476106405258, -0.04114007577300072, 0.014831239357590675, -0.08453599363565445, 0.0053427815437316895, 0.034327201545238495, -0.042199909687042236, 0.08498494327068329, -0.07355963438749313, -0.04046448692679405, 0.0025265621952712536, -3.8638991549788e-33, 0.03013579733669758, 0.06945457309484482, -0.023546939715743065, 0.06101334095001221, -0.03198231756687164, 0.020919544622302055, 0.06598161906003952, 0.12911474704742432, -0.05575162544846535, -0.08899429440498352, 0.10525841265916824, -0.04275677725672722, 0.04045112058520317, -0.025166667997837067, 0.020554980263113976, -0.03415163978934288, -0.019059935584664345, 0.028199193999171257, 0.05970359221100807, 0.04966262727975845, 0.02818627841770649, 0.052935704588890076, -0.05057961493730545, 0.05522148311138153, -0.047223012894392014, -0.04138536751270294, 0.0037734301295131445, 0.07851869612932205, 0.023613568395376205, -0.01816481538116932, -0.03725853189826012, 0.029276151210069656, -0.05215367302298546, 0.03081771731376648, -0.03711859881877899, 0.05082094669342041, 0.042422596365213394, -0.03024129942059517, -0.014593737199902534, 0.09372754395008087, 0.0625871866941452, 0.07455234974622726, -0.11481311172246933, -0.01955248974263668, -0.009850991889834404, -0.024268079549074173, 0.006863793823868036, -0.029126521199941635, -0.025761160999536514, -0.05697714909911156, 0.03535830229520798, -0.07271657884120941, -0.03881971538066864, -0.004216243512928486, 0.009964254684746265, -0.025976747274398804, -0.01667892374098301, -0.03697768971323967, -0.019370602443814278, -0.016978636384010315, -0.06420814245939255, -0.007352195680141449, -0.09645479172468185, -0.08639338612556458, -0.00629591615870595, 0.04000047221779823, -0.05565404146909714, 0.06480222940444946, 0.04795241728425026, 0.007514732424169779, -0.028987757861614227, 0.022328747436404228, 0.0016559737268835306, 0.025196796283125877, -0.06590748578310013, -0.014579501003026962, -0.1027817577123642, -0.03237935155630112, -0.016169261187314987, -0.14227405190467834, -0.039860934019088745, 0.015195383690297604, 0.062207333743572235, 0.013954687863588333, 0.12217215448617935, 0.10420166701078415, 0.01793575845658779, 0.04260001704096794, -0.04932355135679245, 0.02137274108827114, 0.05080553889274597, 0.0726398304104805, 0.0008128282497636974, 0.10943565517663956, 0.010642348788678646, -5.813878800609018e-8, -0.04382907971739769, 0.04659372195601463, 0.027054572477936745, 0.02203948050737381, 0.01694375090301037, -0.053835295140743256, -0.019061550498008728, 0.015421168878674507, -0.0030897404067218304, 0.003893136978149414, 0.0353858545422554, 0.00041715678526088595, -0.050894398242235184, -0.0018415097147226334, 0.014364185743033886, 0.032808564603328705, -0.02897491864860058, 0.16344143450260162, -0.03939489647746086, -0.08751873672008514, 0.03098222427070141, 0.009829537943005562, 0.039861660450696945, -0.002365219173952937, 0.06593634933233261, -0.07453537732362747, -0.03590719401836395, 0.05829066038131714, -0.051746588200330734, -0.059737443923950195, -0.014804575592279434, 0.037834569811820984, 0.0024907169863581657, -0.0630188062787056, 0.005681303795427084, 0.06599617004394531, -0.07212936878204346, -0.032734040170907974, -0.022726941853761673, -0.0016100540524348617, 0.0018227038672193885, 0.07978779822587967, -0.08367680013179779, -0.030531445518136024, 0.07226007431745529, -0.021820176392793655, -0.007410361897200346, -0.12452438473701477, 0.02838055230677128, 0.016550587490200996, 0.024207113310694695, 0.030226919800043106, -0.006174110341817141, 0.0018463755259290338, 0.05992071330547333, 0.07046940177679062, -0.03807449713349342, -0.041743628680706024, 0.0004794013511855155, 0.02767256088554859, 0.01476051565259695, 0.041158758103847504, -0.06750928610563278, -0.038482166826725006 ]
maveriq/mybert-mini-60k
4e2290e60b2b9d2e456f03213017739ed8af3702
2022-04-11T18:18:51.000Z
[ "pytorch", "bert", "fill-mask", "transformers", "autotrain_compatible" ]
fill-mask
false
maveriq
null
maveriq/mybert-mini-60k
0
null
transformers
Entry not found
[ 0.0461147278547287, -0.038838207721710205, -0.01049656979739666, -0.03682169318199158, 0.011261860840022564, 0.013094935566186905, 0.0019101888174191117, -0.013979103416204453, 0.027092741802334785, -0.015212527476251125, 0.017284274101257324, -0.08189476281404495, 0.03817418962717056, -0.04920130595564842, 0.021389011293649673, -0.015245908871293068, -0.03203780576586723, -0.1245758980512619, 0.03150877356529236, 0.032381657510995865, -0.060957908630371094, 0.05409295856952667, -0.025087490677833557, 0.01568586938083172, 0.028129950165748596, -0.04710396006703377, -0.018688226118683815, 0.013785239309072495, -0.04001208767294884, 0.01173911802470684, -0.04317743331193924, 0.05500618368387222, 0.004543041344732046, 0.02973111905157566, 0.14852192997932434, 0.02658126689493656, 0.02907961793243885, -0.05169107764959335, 0.05803573504090309, -0.07732241600751877, -0.017637968063354492, -0.04219653457403183, 0.041807834059000015, 0.023620979860424995, 0.021563321352005005, 0.016478516161441803, -0.0021814992651343346, -0.06400240957736969, 0.06393089145421982, 0.019599027931690216, -0.08565037697553635, 0.00934905931353569, -0.008718925528228283, -0.028583496809005737, -0.07310017943382263, 0.09416428208351135, 0.001759322709403932, 0.06184990331530571, 0.011840506456792355, -0.035997264087200165, 0.08358278125524521, -0.02619801089167595, 0.03736566752195358, -0.028206506744027138, -0.07454850524663925, -0.08883563429117203, -0.06279942393302917, -0.008695344440639019, 0.014119276776909828, -0.0825355276465416, 0.0649217739701271, -0.00223911227658391, -0.14716917276382446, 0.07743025571107864, -0.03548373281955719, -0.055201586335897446, 0.006981803569942713, -0.012166670523583889, 0.055111464112997055, -0.007116836030036211, -0.023175746202468872, -0.005835152696818113, -0.09185640513896942, 0.055196937173604965, 0.034148022532463074, 0.03835180774331093, 0.038685429841279984, -0.025987252593040466, 0.017804903909564018, 0.022428328171372414, 0.025005368515849113, -0.10761535167694092, -0.048001550137996674, -0.04343584179878235, 0.012374646961688995, -0.019502125680446625, 0.029218152165412903, 0.0842173621058464, -0.011719699949026108, 0.09283553808927536, -0.007015465293079615, -0.03543110564351082, -0.06936459988355637, 0.09425332397222519, -0.010958523489534855, -0.00805904995650053, 0.004974212497472763, -0.0031528924591839314, 0.06105927750468254, -0.03964288905262947, -0.03619541600346565, -0.019901901483535767, 0.07134733349084854, 0.039514873176813126, -0.012729483656585217, -0.006646515801548958, -0.04746140539646149, -0.014432490803301334, -0.05157482624053955, 0.09506245702505112, -0.049747664481401443, -0.04591796174645424, -0.008965466171503067, -0.0325421579182148, -0.08626784384250641, -0.06624380499124527, 0.02538885548710823, -4.303924894057984e-33, 0.01133066974580288, 0.0033434738870710135, -0.002155609894543886, 0.04871906340122223, -0.023564351722598076, -0.07933273911476135, 0.0600903145968914, 0.02335330657660961, -0.03844716399908066, -0.020433755591511726, -0.06952055543661118, -0.03235611692070961, 0.0062485747039318085, 0.064804308116436, -0.03201229125261307, 0.061689723283052444, 0.0417000837624073, -0.00761845987290144, 0.03340127319097519, -0.047770582139492035, 0.00887306872755289, -0.04066338762640953, -0.010506896302103996, 0.0106519665569067, 0.021333497017621994, 0.12854498624801636, -0.009705503471195698, 0.010055632330477238, -0.017507633194327354, 0.006515394430607557, 0.06334009766578674, -0.057817306369543076, 0.013668818399310112, -0.020286159589886665, 0.05430467426776886, -0.023184705525636673, 0.0828516036272049, 0.0005449643940664828, -0.10372652113437653, -0.07634282112121582, -0.005381610710173845, -0.039263784885406494, 0.0006114727002568543, -0.013281986117362976, 0.07119110971689224, 0.043696220964193344, 0.03168422728776932, 0.04338686540722847, 0.05728672817349434, 0.0832006186246872, -0.07961414009332657, 0.015234283171594143, 0.017002005130052567, 0.047004107385873795, -0.09794387966394424, 0.004990279674530029, -0.07062993198633194, -0.028000490739941597, -0.04018733277916908, -0.0702052190899849, 0.011351344175636768, 0.06020182743668556, -0.03297270089387894, 0.09396500885486603, 0.03417910635471344, -0.019825750961899757, -0.034690454602241516, -0.013036907650530338, 0.05896938592195511, -0.012359356507658958, -0.017275206744670868, -0.07982361316680908, 0.02059139870107174, 0.06737419217824936, 0.04176458343863487, -0.04978838190436363, -0.05877475067973137, -0.06289287656545639, -0.03354167565703392, -0.03871942684054375, 0.009898529388010502, -0.05514208599925041, -0.11629002541303635, -0.011855563148856163, 0.10663620382547379, 0.037354156374931335, -0.0065480442717671394, -0.051189567893743515, 0.06663123518228531, 0.01874656230211258, 0.032841797918081284, 0.041593004018068314, -0.06879369914531708, 0.04216769337654114, -0.01628219522535801, 5.4139394340936695e-34, 0.05697013810276985, -0.006972255185246468, 0.015711724758148193, -0.17956365644931793, 0.02320219948887825, 0.007923615165054798, -0.008062449283897877, 0.0074974060989916325, 0.07391711324453354, 0.0309313777834177, 0.060510627925395966, 0.058605875819921494, 0.09515274316072464, -0.002282935893163085, 0.001603541080839932, 0.07024981826543808, 0.012629246339201927, 0.07425693422555923, -0.038426291197538376, 0.01861148327589035, 0.030608950182795525, -0.02449394389986992, 0.021528491750359535, -0.003039651783183217, -0.03676343336701393, 0.03130284696817398, 0.07998586446046829, 0.010451192036271095, -0.07930229604244232, -0.013543923385441303, 0.018781835213303566, 0.05168003588914871, -0.07191970944404602, 0.15783067047595978, 0.026191607117652893, 0.01262354850769043, 0.08218053728342056, -0.029807550832629204, -0.07528624683618546, -0.04250097647309303, 0.017244765534996986, 0.04411793500185013, 0.03708017244935036, 0.009233047254383564, -0.040271829813718796, 0.022496428340673447, 0.02495843544602394, 0.07633638381958008, 0.005147108342498541, 0.013892097398638725, 0.05610476806759834, -0.06684739887714386, 0.05862557515501976, -0.020688841119408607, 0.05377643182873726, 0.06718500703573227, 0.005329249892383814, -0.01388032827526331, 0.029931528493762016, 0.009508464485406876, -0.045173756778240204, 0.11534366756677628, -0.06510116159915924, 0.05117698386311531, -0.0026125339791178703, -0.08554837852716446, -0.03784770518541336, 0.0804959163069725, 0.011298024095594883, -0.07695550471544266, -0.04868878796696663, 0.02515520341694355, 0.06252261996269226, -0.04509226232767105, -0.01246943511068821, 0.028559505939483643, -0.030573077499866486, 0.05066261067986488, -0.08187384903430939, 0.04469604790210724, 0.0034051244147121906, 0.04145054519176483, -0.021858664229512215, -0.06112268194556236, -0.00908052921295166, -0.05903250351548195, 0.0259539932012558, 0.059690944850444794, -0.07613514363765717, -0.03720718249678612, -0.036316655576229095, 0.07058046013116837, -0.008224100805819035, 0.041961874812841415, -0.0285952128469944, -1.496900736697171e-8, -0.0014124972512945533, 0.03401879221200943, -0.040338415652513504, 0.04116074740886688, 0.0935964286327362, -0.05115952715277672, 0.0008746005478315055, -0.03389839455485344, -0.00567849725484848, -0.010686947964131832, -0.04789939522743225, -0.04820054769515991, -0.02011880651116371, -0.03209094703197479, -0.04211259260773659, -0.10229527950286865, -0.07819421589374542, -0.031228765845298767, -0.02154778689146042, -0.04960230365395546, 0.08087796717882156, -0.07801242172718048, 0.06919731199741364, -0.04999840259552002, 0.03687043860554695, 0.03889009356498718, -0.049989692866802216, -0.04254625365138054, -0.04606937617063522, 0.08682432025671005, -0.031148413196206093, 0.11826753616333008, 0.034102488309144974, -0.0208592489361763, -0.0205202866345644, 0.027134142816066742, 0.09741277992725372, 0.051608603447675705, 0.013477512635290623, -0.13649295270442963, -0.022304272279143333, 0.02385953813791275, 0.038732077926397324, -0.09249968826770782, -0.04549082741141319, 0.054220106452703476, 0.01160438358783722, 0.051190607249736786, 0.07713303714990616, -0.022097084671258926, -0.06127818301320076, -0.01857956498861313, 0.006740490905940533, -0.00496308971196413, 0.024095389991998672, 0.0736224576830864, -0.003481915919110179, -0.0699305310845375, -0.006629763171076775, -0.0598808117210865, 0.05297163128852844, -0.02902800403535366, -0.027858933433890343, -0.01287526823580265 ]
maveriq/lingbert-mini-60k
6fda7bd34a8e004d1d28fa6ba6152c88a4ef83c4
2022-04-11T18:21:22.000Z
[ "pytorch", "bert", "fill-mask", "transformers", "autotrain_compatible" ]
fill-mask
false
maveriq
null
maveriq/lingbert-mini-60k
0
null
transformers
Entry not found
[ 0.0461147278547287, -0.038838207721710205, -0.01049656979739666, -0.03682169318199158, 0.011261860840022564, 0.013094935566186905, 0.0019101888174191117, -0.013979103416204453, 0.027092741802334785, -0.015212527476251125, 0.017284274101257324, -0.08189476281404495, 0.03817418962717056, -0.04920130595564842, 0.021389011293649673, -0.015245908871293068, -0.03203780576586723, -0.1245758980512619, 0.03150877356529236, 0.032381657510995865, -0.060957908630371094, 0.05409295856952667, -0.025087490677833557, 0.01568586938083172, 0.028129950165748596, -0.04710396006703377, -0.018688226118683815, 0.013785239309072495, -0.04001208767294884, 0.01173911802470684, -0.04317743331193924, 0.05500618368387222, 0.004543041344732046, 0.02973111905157566, 0.14852192997932434, 0.02658126689493656, 0.02907961793243885, -0.05169107764959335, 0.05803573504090309, -0.07732241600751877, -0.017637968063354492, -0.04219653457403183, 0.041807834059000015, 0.023620979860424995, 0.021563321352005005, 0.016478516161441803, -0.0021814992651343346, -0.06400240957736969, 0.06393089145421982, 0.019599027931690216, -0.08565037697553635, 0.00934905931353569, -0.008718925528228283, -0.028583496809005737, -0.07310017943382263, 0.09416428208351135, 0.001759322709403932, 0.06184990331530571, 0.011840506456792355, -0.035997264087200165, 0.08358278125524521, -0.02619801089167595, 0.03736566752195358, -0.028206506744027138, -0.07454850524663925, -0.08883563429117203, -0.06279942393302917, -0.008695344440639019, 0.014119276776909828, -0.0825355276465416, 0.0649217739701271, -0.00223911227658391, -0.14716917276382446, 0.07743025571107864, -0.03548373281955719, -0.055201586335897446, 0.006981803569942713, -0.012166670523583889, 0.055111464112997055, -0.007116836030036211, -0.023175746202468872, -0.005835152696818113, -0.09185640513896942, 0.055196937173604965, 0.034148022532463074, 0.03835180774331093, 0.038685429841279984, -0.025987252593040466, 0.017804903909564018, 0.022428328171372414, 0.025005368515849113, -0.10761535167694092, -0.048001550137996674, -0.04343584179878235, 0.012374646961688995, -0.019502125680446625, 0.029218152165412903, 0.0842173621058464, -0.011719699949026108, 0.09283553808927536, -0.007015465293079615, -0.03543110564351082, -0.06936459988355637, 0.09425332397222519, -0.010958523489534855, -0.00805904995650053, 0.004974212497472763, -0.0031528924591839314, 0.06105927750468254, -0.03964288905262947, -0.03619541600346565, -0.019901901483535767, 0.07134733349084854, 0.039514873176813126, -0.012729483656585217, -0.006646515801548958, -0.04746140539646149, -0.014432490803301334, -0.05157482624053955, 0.09506245702505112, -0.049747664481401443, -0.04591796174645424, -0.008965466171503067, -0.0325421579182148, -0.08626784384250641, -0.06624380499124527, 0.02538885548710823, -4.303924894057984e-33, 0.01133066974580288, 0.0033434738870710135, -0.002155609894543886, 0.04871906340122223, -0.023564351722598076, -0.07933273911476135, 0.0600903145968914, 0.02335330657660961, -0.03844716399908066, -0.020433755591511726, -0.06952055543661118, -0.03235611692070961, 0.0062485747039318085, 0.064804308116436, -0.03201229125261307, 0.061689723283052444, 0.0417000837624073, -0.00761845987290144, 0.03340127319097519, -0.047770582139492035, 0.00887306872755289, -0.04066338762640953, -0.010506896302103996, 0.0106519665569067, 0.021333497017621994, 0.12854498624801636, -0.009705503471195698, 0.010055632330477238, -0.017507633194327354, 0.006515394430607557, 0.06334009766578674, -0.057817306369543076, 0.013668818399310112, -0.020286159589886665, 0.05430467426776886, -0.023184705525636673, 0.0828516036272049, 0.0005449643940664828, -0.10372652113437653, -0.07634282112121582, -0.005381610710173845, -0.039263784885406494, 0.0006114727002568543, -0.013281986117362976, 0.07119110971689224, 0.043696220964193344, 0.03168422728776932, 0.04338686540722847, 0.05728672817349434, 0.0832006186246872, -0.07961414009332657, 0.015234283171594143, 0.017002005130052567, 0.047004107385873795, -0.09794387966394424, 0.004990279674530029, -0.07062993198633194, -0.028000490739941597, -0.04018733277916908, -0.0702052190899849, 0.011351344175636768, 0.06020182743668556, -0.03297270089387894, 0.09396500885486603, 0.03417910635471344, -0.019825750961899757, -0.034690454602241516, -0.013036907650530338, 0.05896938592195511, -0.012359356507658958, -0.017275206744670868, -0.07982361316680908, 0.02059139870107174, 0.06737419217824936, 0.04176458343863487, -0.04978838190436363, -0.05877475067973137, -0.06289287656545639, -0.03354167565703392, -0.03871942684054375, 0.009898529388010502, -0.05514208599925041, -0.11629002541303635, -0.011855563148856163, 0.10663620382547379, 0.037354156374931335, -0.0065480442717671394, -0.051189567893743515, 0.06663123518228531, 0.01874656230211258, 0.032841797918081284, 0.041593004018068314, -0.06879369914531708, 0.04216769337654114, -0.01628219522535801, 5.4139394340936695e-34, 0.05697013810276985, -0.006972255185246468, 0.015711724758148193, -0.17956365644931793, 0.02320219948887825, 0.007923615165054798, -0.008062449283897877, 0.0074974060989916325, 0.07391711324453354, 0.0309313777834177, 0.060510627925395966, 0.058605875819921494, 0.09515274316072464, -0.002282935893163085, 0.001603541080839932, 0.07024981826543808, 0.012629246339201927, 0.07425693422555923, -0.038426291197538376, 0.01861148327589035, 0.030608950182795525, -0.02449394389986992, 0.021528491750359535, -0.003039651783183217, -0.03676343336701393, 0.03130284696817398, 0.07998586446046829, 0.010451192036271095, -0.07930229604244232, -0.013543923385441303, 0.018781835213303566, 0.05168003588914871, -0.07191970944404602, 0.15783067047595978, 0.026191607117652893, 0.01262354850769043, 0.08218053728342056, -0.029807550832629204, -0.07528624683618546, -0.04250097647309303, 0.017244765534996986, 0.04411793500185013, 0.03708017244935036, 0.009233047254383564, -0.040271829813718796, 0.022496428340673447, 0.02495843544602394, 0.07633638381958008, 0.005147108342498541, 0.013892097398638725, 0.05610476806759834, -0.06684739887714386, 0.05862557515501976, -0.020688841119408607, 0.05377643182873726, 0.06718500703573227, 0.005329249892383814, -0.01388032827526331, 0.029931528493762016, 0.009508464485406876, -0.045173756778240204, 0.11534366756677628, -0.06510116159915924, 0.05117698386311531, -0.0026125339791178703, -0.08554837852716446, -0.03784770518541336, 0.0804959163069725, 0.011298024095594883, -0.07695550471544266, -0.04868878796696663, 0.02515520341694355, 0.06252261996269226, -0.04509226232767105, -0.01246943511068821, 0.028559505939483643, -0.030573077499866486, 0.05066261067986488, -0.08187384903430939, 0.04469604790210724, 0.0034051244147121906, 0.04145054519176483, -0.021858664229512215, -0.06112268194556236, -0.00908052921295166, -0.05903250351548195, 0.0259539932012558, 0.059690944850444794, -0.07613514363765717, -0.03720718249678612, -0.036316655576229095, 0.07058046013116837, -0.008224100805819035, 0.041961874812841415, -0.0285952128469944, -1.496900736697171e-8, -0.0014124972512945533, 0.03401879221200943, -0.040338415652513504, 0.04116074740886688, 0.0935964286327362, -0.05115952715277672, 0.0008746005478315055, -0.03389839455485344, -0.00567849725484848, -0.010686947964131832, -0.04789939522743225, -0.04820054769515991, -0.02011880651116371, -0.03209094703197479, -0.04211259260773659, -0.10229527950286865, -0.07819421589374542, -0.031228765845298767, -0.02154778689146042, -0.04960230365395546, 0.08087796717882156, -0.07801242172718048, 0.06919731199741364, -0.04999840259552002, 0.03687043860554695, 0.03889009356498718, -0.049989692866802216, -0.04254625365138054, -0.04606937617063522, 0.08682432025671005, -0.031148413196206093, 0.11826753616333008, 0.034102488309144974, -0.0208592489361763, -0.0205202866345644, 0.027134142816066742, 0.09741277992725372, 0.051608603447675705, 0.013477512635290623, -0.13649295270442963, -0.022304272279143333, 0.02385953813791275, 0.038732077926397324, -0.09249968826770782, -0.04549082741141319, 0.054220106452703476, 0.01160438358783722, 0.051190607249736786, 0.07713303714990616, -0.022097084671258926, -0.06127818301320076, -0.01857956498861313, 0.006740490905940533, -0.00496308971196413, 0.024095389991998672, 0.0736224576830864, -0.003481915919110179, -0.0699305310845375, -0.006629763171076775, -0.0598808117210865, 0.05297163128852844, -0.02902800403535366, -0.027858933433890343, -0.01287526823580265 ]
maveriq/mybert-mini-172k
452439b80ef78cea8f510d6626218073dd352994
2022-04-11T18:58:35.000Z
[ "pytorch", "bert", "fill-mask", "transformers", "autotrain_compatible" ]
fill-mask
false
maveriq
null
maveriq/mybert-mini-172k
0
null
transformers
Entry not found
[ 0.0461147278547287, -0.038838207721710205, -0.01049656979739666, -0.03682169318199158, 0.011261860840022564, 0.013094935566186905, 0.0019101888174191117, -0.013979103416204453, 0.027092741802334785, -0.015212527476251125, 0.017284274101257324, -0.08189476281404495, 0.03817418962717056, -0.04920130595564842, 0.021389011293649673, -0.015245908871293068, -0.03203780576586723, -0.1245758980512619, 0.03150877356529236, 0.032381657510995865, -0.060957908630371094, 0.05409295856952667, -0.025087490677833557, 0.01568586938083172, 0.028129950165748596, -0.04710396006703377, -0.018688226118683815, 0.013785239309072495, -0.04001208767294884, 0.01173911802470684, -0.04317743331193924, 0.05500618368387222, 0.004543041344732046, 0.02973111905157566, 0.14852192997932434, 0.02658126689493656, 0.02907961793243885, -0.05169107764959335, 0.05803573504090309, -0.07732241600751877, -0.017637968063354492, -0.04219653457403183, 0.041807834059000015, 0.023620979860424995, 0.021563321352005005, 0.016478516161441803, -0.0021814992651343346, -0.06400240957736969, 0.06393089145421982, 0.019599027931690216, -0.08565037697553635, 0.00934905931353569, -0.008718925528228283, -0.028583496809005737, -0.07310017943382263, 0.09416428208351135, 0.001759322709403932, 0.06184990331530571, 0.011840506456792355, -0.035997264087200165, 0.08358278125524521, -0.02619801089167595, 0.03736566752195358, -0.028206506744027138, -0.07454850524663925, -0.08883563429117203, -0.06279942393302917, -0.008695344440639019, 0.014119276776909828, -0.0825355276465416, 0.0649217739701271, -0.00223911227658391, -0.14716917276382446, 0.07743025571107864, -0.03548373281955719, -0.055201586335897446, 0.006981803569942713, -0.012166670523583889, 0.055111464112997055, -0.007116836030036211, -0.023175746202468872, -0.005835152696818113, -0.09185640513896942, 0.055196937173604965, 0.034148022532463074, 0.03835180774331093, 0.038685429841279984, -0.025987252593040466, 0.017804903909564018, 0.022428328171372414, 0.025005368515849113, -0.10761535167694092, -0.048001550137996674, -0.04343584179878235, 0.012374646961688995, -0.019502125680446625, 0.029218152165412903, 0.0842173621058464, -0.011719699949026108, 0.09283553808927536, -0.007015465293079615, -0.03543110564351082, -0.06936459988355637, 0.09425332397222519, -0.010958523489534855, -0.00805904995650053, 0.004974212497472763, -0.0031528924591839314, 0.06105927750468254, -0.03964288905262947, -0.03619541600346565, -0.019901901483535767, 0.07134733349084854, 0.039514873176813126, -0.012729483656585217, -0.006646515801548958, -0.04746140539646149, -0.014432490803301334, -0.05157482624053955, 0.09506245702505112, -0.049747664481401443, -0.04591796174645424, -0.008965466171503067, -0.0325421579182148, -0.08626784384250641, -0.06624380499124527, 0.02538885548710823, -4.303924894057984e-33, 0.01133066974580288, 0.0033434738870710135, -0.002155609894543886, 0.04871906340122223, -0.023564351722598076, -0.07933273911476135, 0.0600903145968914, 0.02335330657660961, -0.03844716399908066, -0.020433755591511726, -0.06952055543661118, -0.03235611692070961, 0.0062485747039318085, 0.064804308116436, -0.03201229125261307, 0.061689723283052444, 0.0417000837624073, -0.00761845987290144, 0.03340127319097519, -0.047770582139492035, 0.00887306872755289, -0.04066338762640953, -0.010506896302103996, 0.0106519665569067, 0.021333497017621994, 0.12854498624801636, -0.009705503471195698, 0.010055632330477238, -0.017507633194327354, 0.006515394430607557, 0.06334009766578674, -0.057817306369543076, 0.013668818399310112, -0.020286159589886665, 0.05430467426776886, -0.023184705525636673, 0.0828516036272049, 0.0005449643940664828, -0.10372652113437653, -0.07634282112121582, -0.005381610710173845, -0.039263784885406494, 0.0006114727002568543, -0.013281986117362976, 0.07119110971689224, 0.043696220964193344, 0.03168422728776932, 0.04338686540722847, 0.05728672817349434, 0.0832006186246872, -0.07961414009332657, 0.015234283171594143, 0.017002005130052567, 0.047004107385873795, -0.09794387966394424, 0.004990279674530029, -0.07062993198633194, -0.028000490739941597, -0.04018733277916908, -0.0702052190899849, 0.011351344175636768, 0.06020182743668556, -0.03297270089387894, 0.09396500885486603, 0.03417910635471344, -0.019825750961899757, -0.034690454602241516, -0.013036907650530338, 0.05896938592195511, -0.012359356507658958, -0.017275206744670868, -0.07982361316680908, 0.02059139870107174, 0.06737419217824936, 0.04176458343863487, -0.04978838190436363, -0.05877475067973137, -0.06289287656545639, -0.03354167565703392, -0.03871942684054375, 0.009898529388010502, -0.05514208599925041, -0.11629002541303635, -0.011855563148856163, 0.10663620382547379, 0.037354156374931335, -0.0065480442717671394, -0.051189567893743515, 0.06663123518228531, 0.01874656230211258, 0.032841797918081284, 0.041593004018068314, -0.06879369914531708, 0.04216769337654114, -0.01628219522535801, 5.4139394340936695e-34, 0.05697013810276985, -0.006972255185246468, 0.015711724758148193, -0.17956365644931793, 0.02320219948887825, 0.007923615165054798, -0.008062449283897877, 0.0074974060989916325, 0.07391711324453354, 0.0309313777834177, 0.060510627925395966, 0.058605875819921494, 0.09515274316072464, -0.002282935893163085, 0.001603541080839932, 0.07024981826543808, 0.012629246339201927, 0.07425693422555923, -0.038426291197538376, 0.01861148327589035, 0.030608950182795525, -0.02449394389986992, 0.021528491750359535, -0.003039651783183217, -0.03676343336701393, 0.03130284696817398, 0.07998586446046829, 0.010451192036271095, -0.07930229604244232, -0.013543923385441303, 0.018781835213303566, 0.05168003588914871, -0.07191970944404602, 0.15783067047595978, 0.026191607117652893, 0.01262354850769043, 0.08218053728342056, -0.029807550832629204, -0.07528624683618546, -0.04250097647309303, 0.017244765534996986, 0.04411793500185013, 0.03708017244935036, 0.009233047254383564, -0.040271829813718796, 0.022496428340673447, 0.02495843544602394, 0.07633638381958008, 0.005147108342498541, 0.013892097398638725, 0.05610476806759834, -0.06684739887714386, 0.05862557515501976, -0.020688841119408607, 0.05377643182873726, 0.06718500703573227, 0.005329249892383814, -0.01388032827526331, 0.029931528493762016, 0.009508464485406876, -0.045173756778240204, 0.11534366756677628, -0.06510116159915924, 0.05117698386311531, -0.0026125339791178703, -0.08554837852716446, -0.03784770518541336, 0.0804959163069725, 0.011298024095594883, -0.07695550471544266, -0.04868878796696663, 0.02515520341694355, 0.06252261996269226, -0.04509226232767105, -0.01246943511068821, 0.028559505939483643, -0.030573077499866486, 0.05066261067986488, -0.08187384903430939, 0.04469604790210724, 0.0034051244147121906, 0.04145054519176483, -0.021858664229512215, -0.06112268194556236, -0.00908052921295166, -0.05903250351548195, 0.0259539932012558, 0.059690944850444794, -0.07613514363765717, -0.03720718249678612, -0.036316655576229095, 0.07058046013116837, -0.008224100805819035, 0.041961874812841415, -0.0285952128469944, -1.496900736697171e-8, -0.0014124972512945533, 0.03401879221200943, -0.040338415652513504, 0.04116074740886688, 0.0935964286327362, -0.05115952715277672, 0.0008746005478315055, -0.03389839455485344, -0.00567849725484848, -0.010686947964131832, -0.04789939522743225, -0.04820054769515991, -0.02011880651116371, -0.03209094703197479, -0.04211259260773659, -0.10229527950286865, -0.07819421589374542, -0.031228765845298767, -0.02154778689146042, -0.04960230365395546, 0.08087796717882156, -0.07801242172718048, 0.06919731199741364, -0.04999840259552002, 0.03687043860554695, 0.03889009356498718, -0.049989692866802216, -0.04254625365138054, -0.04606937617063522, 0.08682432025671005, -0.031148413196206093, 0.11826753616333008, 0.034102488309144974, -0.0208592489361763, -0.0205202866345644, 0.027134142816066742, 0.09741277992725372, 0.051608603447675705, 0.013477512635290623, -0.13649295270442963, -0.022304272279143333, 0.02385953813791275, 0.038732077926397324, -0.09249968826770782, -0.04549082741141319, 0.054220106452703476, 0.01160438358783722, 0.051190607249736786, 0.07713303714990616, -0.022097084671258926, -0.06127818301320076, -0.01857956498861313, 0.006740490905940533, -0.00496308971196413, 0.024095389991998672, 0.0736224576830864, -0.003481915919110179, -0.0699305310845375, -0.006629763171076775, -0.0598808117210865, 0.05297163128852844, -0.02902800403535366, -0.027858933433890343, -0.01287526823580265 ]
irenelizihui/MarianMT_UFAL_en_es
711f4c9569ed0f44ad622075f63cbcd79c799524
2022-04-11T23:04:22.000Z
[ "pytorch", "marian", "text2text-generation", "transformers", "license:wtfpl", "autotrain_compatible" ]
text2text-generation
false
irenelizihui
null
irenelizihui/MarianMT_UFAL_en_es
0
1
transformers
--- license: wtfpl --- MarianMT trained on the UFAL dataset: English to Spanish Machine Translation model.
[ -0.019235339015722275, -0.06292388588190079, -0.04070566967129707, 0.033435143530368805, 0.018846210092306137, 0.02817371115088463, -0.028038572520017624, -0.0001407098025083542, 0.038722023367881775, -0.059518419206142426, 0.031630147248506546, -0.05210016667842865, -0.016392117366194725, 0.026132823899388313, -0.09557170420885086, -0.02552296780049801, -0.04540098458528519, 0.08911105245351791, -0.06463809311389923, -0.04116581007838249, 0.04556198790669441, 0.04287662357091904, 0.06426952034235, 0.04477497935295105, 0.041523244231939316, -0.0045675793662667274, -0.05878356471657753, 0.02793239802122116, 0.07638242840766907, -0.06701955199241638, -0.060304414480924606, 0.10128673166036606, -0.0009996982989832759, 0.028030432760715485, 0.00879808608442545, 0.08027733117341995, 0.008515666238963604, -0.06768184900283813, 0.0006852059159427881, 0.0005197720020078123, -0.06333062052726746, 0.02497529238462448, 0.03396349027752876, 0.06051836162805557, 0.046428047120571136, -0.0562405064702034, -0.05229189619421959, 0.030358895659446716, 0.05952928587794304, 0.08625368773937225, -0.09840278327465057, 0.020111171528697014, 0.00035524845588952303, 0.059269700199365616, -0.027234835550189018, -0.05521920695900917, 0.0395079031586647, 0.007924963720142841, 0.04316201061010361, -0.02330692671239376, -0.09303001314401627, -0.030602267012000084, -0.07252292335033417, 0.03419768810272217, -0.02700584940612316, 0.03191055729985237, -0.037596333771944046, 0.030295390635728836, -0.08535382151603699, -0.019497716799378395, -0.04170723259449005, 0.007047177758067846, 0.03205040842294693, 0.11542351543903351, 0.020560247823596, 0.03868942707777023, 0.019858598709106445, -0.0255040992051363, 0.018244504928588867, -0.01597742550075054, 0.04916368052363396, 0.035306621342897415, 0.10019998997449875, -0.06797830760478973, 0.01879495196044445, -0.026029661297798157, 0.0042852358892560005, 0.04692865535616875, 0.007967977784574032, 0.05094539001584053, -0.09637487679719925, -0.038137227296829224, 0.040553245693445206, 0.04834895581007004, -0.04115308076143265, 0.0527653805911541, -0.012741511687636375, 0.00708105368539691, -0.05647335574030876, 0.058681048452854156, 0.033518560230731964, 0.02913540229201317, 0.045472465455532074, 0.013422731310129166, -0.08528312295675278, -0.026134412735700607, 0.12362658977508545, -0.044295620173215866, 0.005312576424330473, -0.07247782498598099, 0.07262435555458069, -0.008159502409398556, -0.054122988134622574, -0.090634785592556, -0.0014002901734784245, -0.006097760517150164, -0.035185642540454865, -0.08707909286022186, -0.003494401928037405, -0.08074230700731277, -0.08070246130228043, 0.06271190941333771, 0.019023096188902855, -0.00654940027743578, -0.014506656676530838, -0.0441419780254364, 0.0027663279324769974, -2.2941401417998783e-33, 0.060544759035110474, 0.09330138564109802, 0.025542002171278, 0.0236123688519001, 0.07891484349966049, -0.07149867713451385, -0.014781451784074306, -0.011503214947879314, -0.08506129682064056, -0.013538885861635208, -0.009407456032931805, 0.057032253593206406, -0.10488872230052948, 0.05484956130385399, -0.0483538843691349, -0.04658249020576477, 0.049883145838975906, 0.00757884606719017, 0.013467610813677311, 0.09750271588563919, 0.08320800215005875, 0.06071380153298378, 0.044645775109529495, -0.06344767659902573, 0.009723721072077751, 0.038688454777002335, -0.0007755974074825644, -0.03687287122011185, 0.009822684340178967, 0.06785262376070023, -0.12877695262432098, -0.03876655921339989, -0.022984538227319717, -0.009535053744912148, 0.02790633589029312, -0.06435622274875641, -0.049286674708127975, -0.06749077141284943, 0.03290071710944176, -0.08161356300115585, 0.043568018823862076, 0.01823425479233265, -0.005742526613175869, 0.07103259861469269, -0.007378906477242708, -0.016031479462981224, 0.054540056735277176, 0.023555437102913857, 0.05650511011481285, 0.027222266420722008, -0.0076678418554365635, -0.008033238351345062, -0.10709609091281891, -0.06839554756879807, 0.023206565529108047, 0.09083816409111023, 0.03261096775531769, 0.03564443066716194, 0.00046305020805448294, 0.027009015902876854, -0.002549136523157358, -0.03971198573708534, 0.03916896507143974, 0.09310106188058853, 0.03942559286952019, -0.00640800129622221, -0.04192892462015152, 0.0003145883674733341, 0.06683415174484253, 0.04344819113612175, -0.06579890847206116, -0.05535557121038437, 0.06950967013835907, 0.09838175773620605, 0.02897190861403942, 0.02084377408027649, 0.042933475226163864, -0.04353499785065651, 0.017212677747011185, 0.010618393309414387, -0.020234862342476845, 0.021760137751698494, -0.04484682157635689, -0.05837223306298256, -0.0372176393866539, 0.0788607969880104, 0.05180172249674797, -0.026503542438149452, -0.04849163442850113, 0.04067344591021538, 0.016720203682780266, 0.06421417742967606, -0.010232532396912575, 0.0004317323327995837, -0.009564935229718685, 4.93013718336391e-34, -0.011034979484975338, -0.0365929938852787, 0.015715885907411575, 0.04123156890273094, -0.07534527033567429, -0.05652252957224846, -0.03864794224500656, 0.07812321931123734, 0.04664088785648346, 0.019814210012555122, 0.05242067575454712, -0.09064314514398575, 0.014163991436362267, -0.07493552565574646, -0.033582959324121475, -0.04795388877391815, 0.045352376997470856, -0.011703594587743282, 0.012300185859203339, 0.06041818484663963, -0.05216429382562637, 0.03818286955356598, -0.09232860803604126, 0.029476944357156754, 0.021802231669425964, 0.01980881579220295, 0.025537792593240738, 0.05389105901122093, -0.0578184500336647, -0.028188008815050125, 0.004627672489732504, -0.05361999571323395, -0.07591032981872559, -0.034098416566848755, -0.10438008606433868, 0.02024703472852707, 0.03411183878779411, 0.03924981504678726, -0.018376514315605164, 0.07864031195640564, 0.04365583881735802, 0.03217899426817894, -0.10155972838401794, -0.02759443409740925, -0.03303491696715355, 0.06578443199396133, -0.09924844652414322, -0.09117352217435837, 0.029667044058442116, -0.04820918291807175, 0.037079084664583206, 0.06068260967731476, -0.12036969512701035, -0.009229575283825397, 0.014046506956219673, -0.10413311421871185, 0.03379751369357109, -0.08173447102308273, -0.031087806448340416, -0.017982667312026024, -0.011571061797440052, 0.015048539265990257, -0.00420460244640708, 0.014329030178487301, 0.03001154027879238, 0.006346444599330425, -0.055951740592718124, 0.014393280260264874, -0.015278549864888191, 0.06528998911380768, 0.10067544132471085, -0.006052478216588497, 0.0007944161188788712, 0.012579957023262978, -0.025714531540870667, 0.024088917300105095, -0.035379182547330856, -0.04989787936210632, -0.0308625940233469, -0.05501244589686394, 0.039446789771318436, -0.04378553479909897, 0.005978160072118044, 0.023470718413591385, 0.02078011818230152, 0.015392919071018696, 0.0665818303823471, 0.053491733968257904, 0.0063305869698524475, 0.07557360082864761, -0.00984088983386755, 0.028445573523640633, -0.0011441184906288981, 0.011313660070300102, -0.047691646963357925, -2.4649143171018295e-8, -0.12959471344947815, 0.015486807562410831, -0.037214186042547226, -0.022380998358130455, -0.06138308718800545, -0.0065204184502363205, -0.11066697537899017, -0.00894263107329607, -0.027934474870562553, 0.011394006200134754, -0.025772012770175934, 0.02365131303668022, -0.09815104305744171, -0.030875103548169136, -0.05416937544941902, 0.07153108716011047, 0.03359353542327881, 0.11780674755573273, 0.07473766803741455, 0.06313864141702652, 0.03636186197400093, 0.09964673966169357, 0.02573191002011299, 0.008347746916115284, -0.013644164428114891, 0.026140443980693817, 0.0016000677132979035, 0.05985071137547493, 0.0510404109954834, -0.060469478368759155, -0.024546977132558823, -0.014346336014568806, -0.057925041764974594, -0.06724497675895691, -0.042020201683044434, 0.03870278224349022, -0.035336803644895554, -0.05114872381091118, -0.03432817757129669, 0.04830474779009819, 0.13249261677265167, 0.044374506920576096, -0.10813090205192566, -0.010696018114686012, -0.06444717943668365, -0.001989122945815325, -0.04640122503042221, -0.07019740343093872, 0.051827628165483475, -0.02149699069559574, 0.07191085815429688, -0.06295526027679443, -0.032425932586193085, 0.019935250282287598, 0.035558637231588364, 0.025521427392959595, 0.022708093747496605, -0.05711349844932556, 0.04554491117596626, -0.0014845405239611864, -0.004843739327043295, 0.024812011048197746, 0.09618764370679855, -0.004113709554076195 ]
irenelizihui/MarianMT_UFAL_en_ro
57a6309a36d6f39f6341631c4d6f25e7c83e0e2d
2022-04-11T23:03:23.000Z
[ "pytorch", "marian", "text2text-generation", "transformers", "license:wtfpl", "autotrain_compatible" ]
text2text-generation
false
irenelizihui
null
irenelizihui/MarianMT_UFAL_en_ro
0
1
transformers
--- license: wtfpl --- UFAL English to Romainian Machine Translation Model based on MarianMT model.
[ -0.029627585783600807, -0.0343204140663147, -0.028003977611660957, -0.01753968372941017, -0.05205598473548889, -0.012161034159362316, -0.06271114945411682, 0.03426796570420265, 0.09121963381767273, -0.03833229839801788, 0.05073385685682297, -0.00836329534649849, 0.013726530596613884, 0.025716086849570274, -0.09328344464302063, -0.08110669255256653, -0.08976174890995026, 0.14776240289211273, -0.053674180060625076, -0.058145295828580856, 0.06301259994506836, 0.03725336119532585, 0.026370827108621597, 0.011681978590786457, 0.053076427429914474, 0.022642338648438454, -0.07213455438613892, 0.048985570669174194, 0.11277924478054047, -0.05453117936849594, -0.04496770352125168, 0.0886736512184143, 0.03566855192184448, 0.005961981602013111, 0.0049474770203232765, 0.05737097188830376, -0.028495270758867264, -0.07771706581115723, 0.016408098861575127, -0.01654447615146637, -0.04989858344197273, 0.036444976925849915, 0.05427942052483559, 0.06288696825504303, 0.09190941601991653, -0.0542481355369091, -0.07375894486904144, 0.06931529939174652, 0.02602219395339489, 0.04439482092857361, -0.10842349380254745, 0.03805536404252052, 0.00774657865986228, 0.02383439987897873, -0.03551819920539856, -0.07698920369148254, 0.013105290941894054, -0.050638243556022644, 0.01966099999845028, -0.0593835674226284, -0.08515796810388565, 0.019624557346105576, -0.08320838958024979, 0.04235970228910446, 0.003342339303344488, 0.03216642141342163, -0.05457058548927307, 0.030933208763599396, -0.07527352124452591, 0.03355840966105461, -0.06879754364490509, -0.035179503262043, -0.007761022076010704, 0.09577186405658722, -0.052534762769937515, 0.026499563828110695, 0.06425664573907852, -0.016889585182070732, 0.010043234564363956, 0.001510435831733048, 0.048231255263090134, 0.02550901100039482, 0.09365221112966537, -0.07300809770822525, 0.002219678368419409, 0.0049297804944217205, 0.02846631407737732, 0.008790811523795128, 0.08703654259443283, 0.023046676069498062, -0.055281415581703186, -0.07440808415412903, 0.03071553260087967, 0.044421300292015076, -0.006643412634730339, 0.017500348389148712, -0.0016725414898246527, 0.05483933910727501, -0.02960372343659401, 0.053456831723451614, 0.04322138801217079, 0.03839215263724327, 0.046335477381944656, 0.03295038267970085, -0.04733385890722275, -0.048872511833906174, 0.10167882591485977, -0.01659221015870571, -0.01315310038626194, -0.08111442625522614, -0.002396245487034321, -0.025467675179243088, -0.0813877061009407, -0.10847239196300507, -0.01626354083418846, -0.04540415108203888, 0.00781386811286211, -0.08564230054616928, 0.0003514016279950738, -0.08618238568305969, -0.08673107624053955, 0.0423395000398159, -0.000015996149159036577, 0.019001659005880356, -0.054352063685655594, -0.0589960478246212, -0.003752574324607849, -2.25642954834153e-33, -0.0072107878513634205, 0.0825585275888443, 0.0014205639017745852, 0.011052282527089119, 0.06965997815132141, -0.05524381622672081, -0.017519952729344368, -0.041255973279476166, -0.07795703411102295, -0.011444833129644394, -0.027253251522779465, 0.02512051910161972, -0.08699442446231842, 0.044943951070308685, -0.049505047500133514, -0.052214838564395905, 0.08047838509082794, 0.0031538077164441347, 0.03906840458512306, 0.05200040340423584, 0.07048024982213974, 0.09750019013881683, 0.03171307593584061, -0.03524536266922951, 0.031791653484106064, 0.0660533607006073, 0.03393877297639847, -0.0497996024787426, -0.002438723109662533, 0.059066832065582275, -0.10805796086788177, -0.04851100221276283, -0.04715322330594063, -0.034192390739917755, 0.011138588190078735, -0.02798529341816902, -0.05599639192223549, -0.07385196536779404, 0.02457955665886402, -0.07098934054374695, -0.0029947259463369846, 0.05102871358394623, -0.00739109143614769, 0.043470367789268494, -0.012937013991177082, 0.00308127049356699, 0.040343236178159714, 0.03146802634000778, 0.031455717980861664, 0.0012214549351483583, -0.014761993661522865, 0.07130546122789383, -0.1010342612862587, -0.03148190677165985, 0.016300544142723083, 0.06869249045848846, 0.05915430560708046, 0.0614028237760067, -0.013307697139680386, 0.07021649926900864, -0.011248239316046238, 0.0059972903691232204, 0.0574457012116909, 0.04913320019841194, 0.13402923941612244, -0.013908338733017445, -0.07367000728845596, -0.01589300110936165, 0.05182616412639618, 0.08797713369131088, -0.05233490839600563, -0.06053941696882248, 0.02650832012295723, 0.12093981355428696, 0.01655186153948307, 0.01412851084023714, 0.0184142105281353, -0.08968668431043625, 0.020152347162365913, -0.05494140461087227, -0.06384103000164032, 0.02669922634959221, -0.04199598357081413, -0.06148235872387886, -0.031482499092817307, 0.026761896908283234, 0.044063009321689606, 0.01796097867190838, -0.04390149563550949, -0.006049403455108404, 0.10588879883289337, 0.06789980828762054, 0.026634497568011284, 0.039435166865587234, -0.0208402331918478, 6.558108811970836e-35, -0.034062303602695465, -0.030089087784290314, -0.007490875665098429, 0.03219590708613396, -0.10092541575431824, -0.08885333687067032, -0.06238657981157303, 0.08182436227798462, 0.05914166569709778, 0.055739644914865494, 0.06347811222076416, -0.0655863955616951, 0.016286790370941162, -0.01042922679334879, -0.001164380693808198, -0.06416038423776627, 0.1032613217830658, 0.023342883214354515, -0.0018035004613921046, 0.09582186490297318, -0.023455509915947914, 0.07666073739528656, -0.0915442705154419, -0.008482023142278194, -0.004755618516355753, 0.04771110787987709, 0.010626079514622688, 0.05314260721206665, -0.06809842586517334, -0.03535646200180054, -0.00079113501124084, -0.06934357434511185, -0.04165372997522354, -0.02013523504137993, -0.049967166036367416, 0.010282007977366447, 0.04895278438925743, 0.05962816998362541, 0.004375800024718046, 0.023461099714040756, 0.002739870920777321, 0.04725992679595947, -0.050344593822956085, -0.03314322233200073, 0.017775705084204674, 0.029733343049883842, -0.061212506145238876, -0.05854133889079094, -0.012233104556798935, -0.0641731545329094, 0.034036632627248764, 0.032419297844171524, -0.06875939667224884, -0.007674520835280418, 0.0023879045620560646, -0.0946434959769249, 0.005414468236267567, -0.07796885818243027, -0.0373232364654541, -0.0139511339366436, 0.03445872664451599, -0.04492511227726936, -0.009998406283557415, 0.000814779894426465, 0.024178601801395416, -0.006208064034581184, -0.0522124208509922, 0.023070089519023895, -0.024367818608880043, 0.04698681831359863, 0.027201751247048378, -0.0256040059030056, -0.03147255629301071, 0.04658091440796852, 0.007198413368314505, 0.01648470014333725, 0.005888690240681171, -0.07443603128194809, 0.012285059317946434, -0.0680183544754982, -0.004936463199555874, -0.034970443695783615, -0.019492637366056442, 0.04315144196152687, -0.004099539015442133, -0.07058088481426239, 0.06746772676706314, 0.05323505401611328, 0.0054763928055763245, 0.07351136952638626, 0.027978140860795975, 0.04991469904780388, 0.027955282479524612, 0.037933725863695145, 0.0010391885880380869, -2.2968102086906583e-8, -0.08384957909584045, 0.01070950087159872, -0.05103510990738869, 0.017064932733774185, -0.014164973050355911, -0.041074324399232864, -0.11883234232664108, -0.11163300275802612, -0.006268301513046026, -0.013775680214166641, -0.028942666947841644, 0.03398214653134346, -0.08273658901453018, -0.055474091321229935, -0.05620790645480156, 0.0723017081618309, 0.026950323954224586, 0.06955850124359131, 0.06410972774028778, 0.03627133369445801, 0.033264972269535065, 0.09297271072864532, 0.002210207749158144, -0.01208174042403698, -0.025277288630604744, 0.011787740513682365, 0.011500942520797253, 0.044272784143686295, 0.03721588850021362, -0.053304433822631836, 0.03624033182859421, 0.02429213933646679, -0.054072216153144836, -0.0005704506183974445, -0.07585694640874863, 0.014689812436699867, 0.0004864259681198746, -0.028363840654492378, 0.003971810452640057, 0.03655949980020523, 0.13561882078647614, 0.011615204624831676, -0.11123823374509811, 0.0316559374332428, -0.00361890927888453, 0.035839151591062546, -0.04120710492134094, -0.08482664078474045, 0.03098287433385849, -0.025989534333348274, 0.07442803680896759, -0.030710916966199875, 0.001687177224084735, -0.0011203424073755741, 0.011011820286512375, -0.004606744274497032, 0.00477575371041894, 0.011614820919930935, 0.02630920708179474, -0.025379279628396034, 0.021218152716755867, 0.020872600376605988, 0.07717160880565643, -0.01925656758248806 ]
huggingtweets/angrymemorys-oldandtoothless-sadboi666_-witheredstrings
7894ac79f51f6fa3db4130c4954307ae0f593384
2022-04-11T22:44:40.000Z
[ "pytorch", "gpt2", "text-generation", "en", "transformers", "huggingtweets" ]
text-generation
false
huggingtweets
null
huggingtweets/angrymemorys-oldandtoothless-sadboi666_-witheredstrings
0
null
transformers
--- language: en thumbnail: http://www.huggingtweets.com/angrymemorys-oldandtoothless-sadboi666_-witheredstrings/1649717075201/predictions.png tags: - huggingtweets widget: - text: "My dream is" --- <div class="inline-flex flex-col" style="line-height: 1.5;"> <div class="flex"> <div style="display:inherit; margin-left: 4px; margin-right: 4px; width: 92px; height:92px; border-radius: 50%; background-size: cover; background-image: url(&#39;https://pbs.twimg.com/profile_images/1506323689456947207/xBvvxyQr_400x400.jpg&#39;)"> </div> <div style="display:inherit; margin-left: 4px; margin-right: 4px; width: 92px; height:92px; border-radius: 50%; background-size: cover; background-image: url(&#39;https://pbs.twimg.com/profile_images/1511852580216967169/b1Aiv2t3_400x400.jpg&#39;)"> </div> <div style="display:inherit; margin-left: 4px; margin-right: 4px; width: 92px; height:92px; border-radius: 50%; background-size: cover; background-image: url(&#39;https://pbs.twimg.com/profile_images/378800000610482331/8808c2f408b97fe3646f2dca86441506_400x400.jpeg&#39;)"> </div> </div> <div style="text-align: center; margin-top: 3px; font-size: 16px; font-weight: 800">🤖 AI CYBORG 🤖</div> <div style="text-align: center; font-size: 16px; font-weight: 800">makeouthill & VacuumF & Jason Hendricks & Angry Memories</div> <div style="text-align: center; font-size: 14px;">@angrymemorys-oldandtoothless-sadboi666_-witheredstrings</div> </div> I was made with [huggingtweets](https://github.com/borisdayma/huggingtweets). Create your own bot based on your favorite user with [the demo](https://colab.research.google.com/github/borisdayma/huggingtweets/blob/master/huggingtweets-demo.ipynb)! ## How does it work? The model uses the following pipeline. ![pipeline](https://github.com/borisdayma/huggingtweets/blob/master/img/pipeline.png?raw=true) To understand how the model was developed, check the [W&B report](https://wandb.ai/wandb/huggingtweets/reports/HuggingTweets-Train-a-Model-to-Generate-Tweets--VmlldzoxMTY5MjI). ## Training data The model was trained on tweets from makeouthill & VacuumF & Jason Hendricks & Angry Memories. | Data | makeouthill | VacuumF | Jason Hendricks | Angry Memories | | --- | --- | --- | --- | --- | | Tweets downloaded | 321 | 425 | 3250 | 3199 | | Retweets | 34 | 0 | 0 | 941 | | Short tweets | 49 | 31 | 0 | 1110 | | Tweets kept | 238 | 394 | 3250 | 1148 | [Explore the data](https://wandb.ai/wandb/huggingtweets/runs/2nh2rd94/artifacts), which is tracked with [W&B artifacts](https://docs.wandb.com/artifacts) at every step of the pipeline. ## Training procedure The model is based on a pre-trained [GPT-2](https://huggingface.co/gpt2) which is fine-tuned on @angrymemorys-oldandtoothless-sadboi666_-witheredstrings's tweets. Hyperparameters and metrics are recorded in the [W&B training run](https://wandb.ai/wandb/huggingtweets/runs/me7rzksi) for full transparency and reproducibility. At the end of training, [the final model](https://wandb.ai/wandb/huggingtweets/runs/me7rzksi/artifacts) is logged and versioned. ## How to use You can use this model directly with a pipeline for text generation: ```python from transformers import pipeline generator = pipeline('text-generation', model='huggingtweets/angrymemorys-oldandtoothless-sadboi666_-witheredstrings') generator("My dream is", num_return_sequences=5) ``` ## Limitations and bias The model suffers from [the same limitations and bias as GPT-2](https://huggingface.co/gpt2#limitations-and-bias). In addition, the data present in the user's tweets further affects the text generated by the model. ## About *Built by Boris Dayma* [![Follow](https://img.shields.io/twitter/follow/borisdayma?style=social)](https://twitter.com/intent/follow?screen_name=borisdayma) For more details, visit the project repository. [![GitHub stars](https://img.shields.io/github/stars/borisdayma/huggingtweets?style=social)](https://github.com/borisdayma/huggingtweets)
[ -0.034286946058273315, 0.11342837661504745, -0.001011049491353333, 0.04411589726805687, 0.17478016018867493, 0.003074452979490161, -0.0453302338719368, 0.055687494575977325, 0.06708425283432007, -0.048246175050735474, 0.0027496428228914738, 0.07989569008350372, 0.033811815083026886, -0.032349538058042526, -0.00878841895610094, 0.05291759595274925, -0.10278334468603134, -0.035821035504341125, -0.052625373005867004, 0.016191041097044945, -0.08654675632715225, -0.0904521569609642, 0.07848311960697174, -0.060536760836839676, -0.04485958069562912, 0.05299181491136551, -0.007115087937563658, 0.06827978044748306, -0.01055894698947668, -0.022674517706036568, -0.036574672907590866, 0.004908585920929909, 0.05563591420650482, 0.032183755189180374, -0.024816470220685005, 0.04559909552335739, -0.03541124239563942, 0.021276207640767097, -0.05476607009768486, 0.029591631144285202, -0.013154048472642899, -0.10820015519857407, 0.055687256157398224, 0.02967822551727295, -0.03548892214894295, -0.03503065183758736, 0.0024015570525079966, -0.010205738246440887, -0.04515212029218674, 0.03032153658568859, -0.06710238009691238, -0.05242452397942543, 0.009060867130756378, 0.006611114367842674, 0.01747649721801281, 0.06295645236968994, 0.033205851912498474, -0.04850347712635994, 0.07914897799491882, -0.021145585924386978, 0.11199118942022324, 0.09642676264047623, 0.07672423869371414, -0.00006478760769823566, -0.0033770950976759195, -0.014469129033386707, -0.05444176122546196, 0.0659237951040268, -0.03536582738161087, -0.004332273732870817, 0.027804343029856682, 0.004684224259108305, -0.029997870326042175, -0.03618995472788811, 0.04397066310048103, -0.04188418760895729, -0.01744399219751358, 0.021084578707814217, -0.016141235828399658, 0.05012250691652298, 0.02446204051375389, -0.07060963660478592, 0.005115882493555546, -0.02978852391242981, 0.06755820661783218, 0.02225438505411148, 0.0025274299550801516, -0.10205445438623428, -0.03450235724449158, 0.03537430241703987, 0.003414930310100317, -0.017657989636063576, 0.014552195556461811, 0.03939644619822502, -0.0424373634159565, 0.024032672867178917, -0.058280862867832184, -0.14523957669734955, -0.1267036348581314, 0.0803551971912384, -0.009270167909562588, -0.045106615871191025, 0.07776784896850586, 0.03304644301533699, 0.016646480187773705, -0.04046507924795151, -0.03774707764387131, 0.025322461500763893, 0.019966036081314087, -0.01757611148059368, 0.02698676474392414, -0.03845266252756119, -0.09231869131326675, 0.02029121294617653, -0.015360881574451923, -0.11161632090806961, -0.015350960195064545, 0.016381215304136276, 0.10512109845876694, -0.029028285294771194, 0.07920651882886887, 0.1498366743326187, -0.03202768787741661, -0.09246806800365448, 0.030028847977519035, 0.03137889876961708, -0.05682475492358208, 9.691807659155754e-33, 0.06237376108765602, 0.013407398015260696, -0.04009075090289116, 0.04972890764474869, 0.10295630991458893, 0.0034586384426802397, -0.032873596996068954, -0.030267061665654182, -0.09317931532859802, -0.012533208355307579, 0.04367220029234886, 0.007810321170836687, 0.013403961434960365, 0.02336513064801693, -0.005656941793859005, -0.0995025634765625, -0.03700065612792969, -0.0034421670716255903, -0.00709473667666316, 0.023043783381581306, -0.11485504359006882, 0.032038845121860504, -0.04063086956739426, -0.05545956641435623, -0.07052374631166458, 0.006316160783171654, 0.10046787559986115, -0.036210134625434875, -0.010408704169094563, -0.00014461534738074988, -0.05756000056862831, -0.014895000495016575, 0.05458211898803711, -0.04689253121614456, 0.03439830616116524, -0.0025122363585978746, 0.009228143841028214, -0.08320547640323639, -0.0061415876261889935, 0.04272002354264259, -0.026076272130012512, -0.05050693824887276, 0.054860908538103104, -0.0444677360355854, -0.039280496537685394, 0.08385070413351059, 0.10937563329935074, 0.019223444163799286, -0.006572578568011522, -0.029902903363108635, -0.030056368559598923, -0.012639464810490608, -0.03721820190548897, -0.0940658375620842, -0.0031101133208721876, -0.09061507135629654, -0.008850935846567154, 0.013660963624715805, 0.04099177196621895, -0.024477580562233925, 0.0027998085133731365, -0.059622395783662796, 0.04860260710120201, -0.07790795713663101, 0.038491614162921906, 0.04873267561197281, -0.08301346749067307, -0.028934014961123466, 0.03661574795842171, -0.027141381055116653, -0.030255287885665894, 0.0043535130098462105, 0.10316383838653564, -0.05517895892262459, -0.05581733211874962, 0.02878701128065586, -0.019875550642609596, -0.0432019867002964, -0.0263131782412529, 0.01772000640630722, -0.04587839916348457, -0.027865605428814888, 0.03291928023099899, -0.0006941079627722502, -0.03902331739664078, -0.02250821329653263, -0.011776546947658062, -0.05680886656045914, 0.022596992552280426, 0.011754768900573254, -0.1111011952161789, -0.02003815770149231, 0.018738240003585815, -0.07942385971546173, -0.07899488508701324, -9.741459805850518e-33, 0.04615282639861107, 0.015170680359005928, -0.018480978906154633, 0.04611317440867424, 0.09621761739253998, 0.07394865155220032, 0.051219236105680466, 0.06497152894735336, 0.010742384940385818, 0.002330668503418565, 0.04906931146979332, -0.027451084926724434, -0.09043438732624054, -0.053688738495111465, 0.01298784650862217, 0.010577494278550148, 0.06432484835386276, -0.042444538325071335, -0.03234022855758667, 0.031619857996702194, 0.022550685331225395, 0.023732755333185196, -0.018678465858101845, 0.08932249993085861, -0.04894100874662399, 0.007745057810097933, 0.08720109611749649, 0.008248099125921726, -0.005334380082786083, 0.013898532837629318, -0.04305565357208252, -0.09185435622930527, -0.02412538230419159, 0.07412893325090408, 0.05629421025514603, 0.0023353167343884706, -0.05376547574996948, -0.038039680570364, -0.024851297959685326, -0.03942298889160156, 0.033232830464839935, -0.08993618190288544, -0.06669249385595322, -0.0002664642233867198, 0.03264428675174713, -0.03279222175478935, 0.025328658521175385, -0.0423673577606678, 0.0019761002622544765, 0.04353727027773857, 0.03818210959434509, 0.04045351594686508, -0.006843843962997198, -0.017361603677272797, -0.03372257575392723, -0.10214336961507797, -0.05191202461719513, 0.025540512055158615, -0.00576212489977479, 0.030892349779605865, 0.006412595044821501, 0.02168581821024418, -0.01572832092642784, 0.012391525320708752, 0.05313929170370102, 0.0275078434497118, -0.06493091583251953, 0.019591791555285454, -0.08346665650606155, 0.00679936446249485, 0.025598471984267235, 0.06574740260839462, 0.03689995035529137, -0.010396894067525864, 0.05414021015167236, -0.006899179425090551, 0.08994104713201523, 0.01320063229650259, 0.06624583899974823, -0.002395985182374716, -0.06424077600240707, -0.05804421007633209, -0.02896815352141857, -0.02148955687880516, -0.06175967678427696, -0.002710340078920126, -0.009178164415061474, 0.11751098930835724, -0.02555292472243309, -0.04541458562016487, -0.04407424479722977, 0.08629466593265533, 0.06647364795207977, 0.019062789157032967, 0.07250417023897171, -6.342060743236289e-8, -0.04576519504189491, -0.07250640541315079, -0.008014009334146976, 0.013218473643064499, -0.04594230279326439, 0.03717783838510513, 0.04238811135292053, -0.1600627452135086, -0.013714621774852276, -0.04159420356154442, 0.04374738037586212, 0.021609006449580193, -0.05899352207779884, 0.03374507650732994, -0.044810522347688675, 0.003839355194941163, -0.1259612888097763, 0.06158670037984848, -0.0026086114812642336, -0.06374573707580566, -0.0022076626773923635, 0.03373653441667557, 0.013772659003734589, -0.023945260792970657, 0.0021859328262507915, 0.05691340193152428, -0.10972706228494644, 0.002913246164098382, 0.005558901932090521, 0.006246498320251703, 0.035352855920791626, -0.05478924512863159, 0.025332629680633545, -0.06575700640678406, -0.0039760516956448555, -0.05499233677983284, -0.02548692561686039, -0.033392373472452164, 0.019823137670755386, 0.01771070994436741, 0.027149539440870285, 0.030600886791944504, 0.06747085601091385, 0.039164599031209946, -0.012029238045215607, 0.006956096738576889, 0.0443597249686718, -0.002609875751659274, 0.03402732312679291, 0.030854908749461174, -0.030846143141388893, -0.07802041620016098, 0.008108786307275295, 0.01797342300415039, 0.07248910516500473, 0.005867991130799055, -0.0010053276782855392, 0.07365012168884277, -0.0039619873277843, 0.08777005225419998, 0.04375067725777626, 0.043618276715278625, -0.011801796965301037, 0.06640356779098511 ]
nates/LER-roberta
bc3607faa3cf871f02f36f3d6fa65f2e326b3a58
2022-04-12T03:28:11.000Z
[ "pytorch", "roberta", "token-classification", "transformers", "license:cc-by-4.0", "autotrain_compatible" ]
token-classification
false
nates
null
nates/LER-roberta
0
null
transformers
--- license: cc-by-4.0 widget: - text: This house was let out in tiny tenements and was inhabited by working people of all kinds--tailors, locksmiths, cooks, Germans ofsorts, girls picking up a living as best they could, petty clerks, etc. example_title: "Crime and Punishment" - text: Quixote having got on his back and the duke mounted a fine horse, they placed the duchess in the middle and set out for the castle. example_title: "Don Quixote" - text: The noble carriage of this gentleman, for whom he believed himself to be engaged, had won Planchet—that was the name of the Picard. example_title: "The Three Musketeers" --- ### Description A `roberta-base` model which has been fine tuned for token classification on the [LitBank](https://github.com/dbamman/litbank) dataset. ### Intended Use This model is ready to be used for entity recognition. It is capable of tagging the 6 entity types from [ACE 2005](https://www.ldc.upenn.edu/sites/www.ldc.upenn.edu/files/english-entities-guidelines-v6.6.pdf) - Person (PER) - ORG - GPE - LOC - VEH - FAC Due to the fine-tuning domain, it is expected to work best with literary sentences.
[ -0.07532358169555664, -0.014254282228648663, -0.021958138793706894, -0.07870284467935562, 0.02550598978996277, 0.024771930649876595, 0.07048603147268295, 0.044747233390808105, 0.006452130153775215, 0.022380728274583817, 0.04730021581053734, -0.036750759929418564, 0.05220360681414604, -0.005538662429898977, -0.00043995273881591856, 0.05271846055984497, -0.0017745870864018798, 0.04958416521549225, -0.028762759640812874, 0.04720942676067352, 0.007700796239078045, -0.005122407339513302, 0.05251789838075638, -0.008323706686496735, -0.0037952593993395567, -0.0360584519803524, -0.03881905972957611, 0.04935438558459282, -0.06187004968523979, -0.007171465549618006, -0.040772516280412674, 0.0676845833659172, 0.0015702733071520925, 0.0539722815155983, -0.008560617454349995, 0.05943351611495018, 0.011274321936070919, 0.05791902542114258, -0.016527116298675537, 0.014190012589097023, -0.021397355943918228, -0.0414823442697525, -0.03987117484211922, 0.04812707379460335, 0.02729429304599762, 0.016779925674200058, -0.01682378724217415, -0.021393556147813797, -0.11298227310180664, 0.03917805477976799, -0.07721395790576935, 0.019924074411392212, 0.02725132741034031, 0.08313500136137009, -0.03187045454978943, -0.02190455049276352, -0.015404075384140015, -0.005965671502053738, 0.014184823259711266, 0.00595587445423007, -0.04562002420425415, 0.029320446774363518, 0.0013646980514749885, -0.036293067038059235, -0.028534194454550743, -0.013240423984825611, -0.09566929191350937, 0.06232712045311928, 0.020671648904681206, -0.05528915673494339, 0.020550724118947983, -0.005693836137652397, -0.015458701178431511, -0.028201090171933174, -0.0020090097095817327, 0.029012395069003105, 0.006392412353307009, 0.022150307893753052, 0.014499734155833721, -0.09866975247859955, -0.10860232263803482, -0.0017978015821427107, 0.024381503462791443, -0.011376576498150826, 0.019014408811926842, -0.01809094473719597, 0.023522276431322098, -0.00009927561040967703, -0.008020700886845589, 0.000260195869486779, -0.001351588754914701, 0.004532284568995237, 0.11561068147420883, -0.0264785997569561, 0.00033354529296047986, 0.0618954673409462, 0.003263300284743309, -0.05360477790236473, -0.02629600465297699, 0.12564951181411743, -0.0008003221009857953, 0.039883729070425034, 0.03228744491934776, 0.009899357333779335, 0.02031368389725685, -0.04652559012174606, 0.05640994384884834, 0.05079744756221771, -0.033855605870485306, -0.12347876280546188, 0.024194223806262016, 0.003833781462162733, -0.03275863826274872, -0.04615493491292, 0.003614875255152583, -0.05227344483137131, -0.04189473018050194, -0.028906263411045074, 0.07117724418640137, 0.0005616626585833728, 0.03016520105302334, 0.015066985040903091, -0.0680624470114708, -0.04018399119377136, -0.03545375168323517, 0.056654684245586395, 0.010769150219857693, 4.4966853964416994e-33, 0.026581861078739166, 0.1386703997850418, -0.014660333283245564, 0.10782304406166077, -0.03649558126926422, -0.02531794272363186, -0.1335522085428238, 0.08360924571752548, -0.12994447350502014, 0.06343390047550201, 0.059028588235378265, -0.0521121546626091, -0.035841044038534164, 0.022366948425769806, -0.005768643692135811, -0.022223055362701416, -0.014585217460989952, -0.00028623073012568057, 0.02712157368659973, 0.032487474381923676, 0.05168922245502472, 0.09311745315790176, 0.029947377741336823, -0.023561684414744377, -0.05399008095264435, 0.06329711526632309, -0.004647800233215094, -0.058430738747119904, -0.0016587277641519904, 0.028028499335050583, -0.01582377403974533, -0.052317578345537186, 0.0624644011259079, -0.02020399458706379, 0.0005520363920368254, -0.013154923915863037, -0.047436248511075974, -0.08389394730329514, -0.06294075399637222, -0.07017894089221954, -0.03240199387073517, -0.002870383206754923, 0.05166302248835564, -0.043997153639793396, -0.05054004117846489, 0.0602017343044281, 0.040333814918994904, -0.026672855019569397, -0.022139009088277817, 0.028623156249523163, 0.01762033998966217, -0.013530322350561619, -0.029769115149974823, 0.018270360305905342, -0.06698808819055557, 0.027635997161269188, 0.00020198911079205573, 0.015978824347257614, 0.05574755743145943, -0.03847288712859154, 0.027576284483075142, 0.003007887862622738, 0.03397857025265694, -0.002463630400598049, 0.028004009276628494, -0.009823697619140148, -0.016359150409698486, -0.005909610074013472, 0.09174858033657074, 0.059169504791498184, -0.068143829703331, 0.07329032570123672, 0.03375428542494774, 0.0105949267745018, 0.049874868243932724, 0.0565832294523716, 0.012902915477752686, -0.10078136622905731, -0.10717404633760452, 0.00865330919623375, 0.0058015803806483746, -0.011498083360493183, -0.03252963721752167, 0.012636726722121239, -0.046875983476638794, -0.10546038299798965, 0.056275177747011185, -0.13407272100448608, -0.006714224349707365, 0.045155949890613556, 0.020467154681682587, 0.04186148941516876, -0.09996220469474792, -0.006150899920612574, -0.07751750200986862, -3.5036233607632154e-33, 0.007326303515583277, -0.06329397112131119, -0.03936845809221268, -0.002709020860493183, 0.047844115644693375, -0.027718720957636833, -0.03929291293025017, -0.015717891976237297, -0.029358938336372375, -0.07309266179800034, 0.0026797589380294085, -0.0563531257212162, 0.006579526700079441, -0.032925624400377274, 0.02643021009862423, -0.0051624407060444355, -0.032643165439367294, -0.07681261003017426, 0.023217663168907166, 0.08806363493204117, 0.0302717387676239, -0.013187876902520657, -0.11237464845180511, 0.03701510652899742, -0.002892515854910016, 0.13573743402957916, -0.013324110768735409, -0.012533455155789852, 0.021277105435729027, -0.02538641355931759, -0.0738927572965622, -0.058602746576070786, 0.015668995678424835, 0.03322741761803627, -0.10068754851818085, -0.06322911381721497, 0.04764280840754509, -0.0050078341737389565, -0.03900618106126785, 0.006889123935252428, 0.014256427064538002, -0.03165276348590851, -0.05300741642713547, 0.015622204169631004, -0.06546439230442047, -0.0667140781879425, -0.06827804446220398, 0.06184818968176842, 0.037667203694581985, 0.09373758733272552, 0.03188494220376015, -0.02910649962723255, -0.13482621312141418, 0.0004973956965841353, 0.016737479716539383, -0.034762389957904816, 0.04602480307221413, -0.0864117220044136, -0.013756461441516876, 0.08502807468175888, -0.07032961398363113, 0.06538043171167374, 0.033961981534957886, 0.0759301483631134, 0.061063364148139954, -0.0689735859632492, -0.07572349160909653, 0.026148663833737373, -0.10079354047775269, -0.04350391402840614, 0.06261441856622696, 0.011135058477520943, 0.02569393627345562, -0.08037234842777252, 0.0710391253232956, 0.02298758551478386, 0.009891323745250702, 0.002491470193490386, -0.025757916271686554, -0.04066754877567291, 0.005885242950171232, -0.10525735467672348, 0.03293305262923241, 0.1564871072769165, 0.05560224875807762, 0.02556212618947029, 0.05126722529530525, 0.08295419812202454, 0.010080480016767979, -0.02014887146651745, 0.04118254408240318, 0.04991520196199417, 0.08915718644857407, 0.11237454414367676, 0.008033748716115952, -7.643198074447355e-8, -0.0967068001627922, 0.02418714202940464, -0.08363029360771179, -0.024069925770163536, -0.07070814073085785, -0.07700072973966599, 0.03962722793221474, 0.02434411644935608, -0.050881270319223404, 0.07385484129190445, 0.061988186091184616, -0.009328884072601795, -0.07570233196020126, -0.05211209878325462, 0.06574618816375732, -0.028119344264268875, 0.05090010166168213, -0.05318670719861984, -0.057338785380125046, 0.042109206318855286, 0.01178092323243618, -0.00007616616494487971, -0.02777719311416149, -0.06148518621921539, -0.014340725727379322, -0.031532518565654755, -0.07126697152853012, 0.03544085845351219, 0.01660369709134102, 0.04750640317797661, 0.028993848711252213, 0.08373358100652695, 0.005156510043889284, 0.007018637843430042, 0.018111685290932655, 0.10611765086650848, -0.01663430593907833, -0.011153827421367168, -0.015067399479448795, 0.02221817895770073, 0.0799521878361702, -0.039190661162137985, -0.14095231890678406, -0.008758829906582832, 0.09935887902975082, -0.01916787400841713, 0.028700102120637894, -0.026912672445178032, 0.08064335584640503, 0.04369345307350159, -0.011750737205147743, 0.013410528190433979, 0.027756646275520325, 0.05241378769278526, -0.02164469286799431, 0.019936783239245415, 0.06424875557422638, 0.022867362946271896, 0.04669187590479851, -0.013325750827789307, 0.0884956419467926, -0.04663442447781563, 0.018841495737433434, 0.02794715203344822 ]
junaidamk/mlner-mlwptok-muril
aed40ea46acad1f57295092187f1dc9810d64779
2022-04-12T08:57:48.000Z
[ "pytorch", "bert", "token-classification", "dataset:mlner2021", "transformers", "generated_from_trainer", "license:apache-2.0", "model-index", "autotrain_compatible" ]
token-classification
false
junaidamk
null
junaidamk/mlner-mlwptok-muril
0
null
transformers
--- license: apache-2.0 tags: - generated_from_trainer datasets: - mlner2021 metrics: - precision - recall - f1 - accuracy model-index: - name: mlner-mlwptok-muril results: - task: name: Token Classification type: token-classification dataset: name: mlner2021 type: mlner2021 args: MLNER2021 metrics: - name: Precision type: precision value: 0.0 - name: Recall type: recall value: 0.0 - name: F1 type: f1 value: 0.0 - name: Accuracy type: accuracy value: 0.8112759262826688 --- <!-- 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. --> # mlner-mlwptok-muril This model is a fine-tuned version of [google/muril-base-cased](https://huggingface.co/google/muril-base-cased) on the mlner2021 dataset. It achieves the following results on the evaluation set: - Loss: 0.8331 - Precision: 0.0 - Recall: 0.0 - F1: 0.0 - Accuracy: 0.8113 ## Model description More information needed ## Intended uses & limitations More information needed ## Training and evaluation data More information needed ## Training procedure ### Training hyperparameters The following hyperparameters were used during training: - learning_rate: 2e-05 - train_batch_size: 8 - eval_batch_size: 8 - seed: 42 - optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08 - lr_scheduler_type: linear - num_epochs: 10 ### Training results | Training Loss | Epoch | Step | Validation Loss | Precision | Recall | F1 | Accuracy | |:-------------:|:-----:|:-----:|:---------------:|:---------:|:------:|:---:|:--------:| | 1.447 | 1.0 | 1389 | 0.9396 | 0.0 | 0.0 | 0.0 | 0.8113 | | 0.898 | 2.0 | 2778 | 0.8883 | 0.0 | 0.0 | 0.0 | 0.8113 | | 0.859 | 3.0 | 4167 | 0.8721 | 0.0 | 0.0 | 0.0 | 0.8113 | | 0.8302 | 4.0 | 5556 | 0.8666 | 0.0 | 0.0 | 0.0 | 0.8113 | | 0.8165 | 5.0 | 6945 | 0.8403 | 0.0 | 0.0 | 0.0 | 0.8113 | | 0.8143 | 6.0 | 8334 | 0.8376 | 0.0 | 0.0 | 0.0 | 0.8113 | | 0.8034 | 7.0 | 9723 | 0.8393 | 0.0 | 0.0 | 0.0 | 0.8113 | | 0.7766 | 8.0 | 11112 | 0.8383 | 0.0 | 0.0 | 0.0 | 0.8113 | | 0.794 | 9.0 | 12501 | 0.8346 | 0.0 | 0.0 | 0.0 | 0.8113 | | 0.7858 | 10.0 | 13890 | 0.8331 | 0.0 | 0.0 | 0.0 | 0.8113 | ### Framework versions - Transformers 4.18.0 - Pytorch 1.10.0+cu111 - Datasets 2.0.0 - Tokenizers 0.11.6
[ -0.11729777604341507, -0.06219804286956787, -0.003812621347606182, -0.04083562269806862, 0.02342592366039753, -0.024298997595906258, -0.024971967563033104, 0.012773004360496998, -0.05236079543828964, -0.11230103671550751, 0.06022943928837776, -0.0883859172463417, 0.05312936007976532, -0.038559649139642715, -0.03969479352235794, 0.02754899300634861, 0.051473572850227356, -0.018976397812366486, -0.10209403187036514, 0.01135169342160225, 0.02433578297495842, 0.06135695427656174, 0.06886575371026993, 0.09451773762702942, -0.11255215853452682, -0.015235831961035728, -0.0034369637724012136, -0.001050130813382566, 0.05276625603437424, -0.039484359323978424, 0.07272469252347946, 0.07583481073379517, 0.02989116497337818, 0.05354186147451401, 0.0029291773680597544, 0.08410461992025375, -0.063929483294487, -0.02691863477230072, 0.03851649910211563, -0.019983360543847084, 0.002507690107449889, -0.06033647805452347, -0.007444277405738831, 0.014563614502549171, 0.030688054859638214, 0.07909432053565979, -0.009881453588604927, -0.08130163699388504, -0.02826053835451603, 0.023601358756422997, -0.08777391165494919, -0.04915943369269371, 0.051025405526161194, -0.07944998145103455, -0.03780154511332512, 0.010191730223596096, -0.0488484650850296, -0.010891212150454521, 0.01800418458878994, -0.028793033212423325, -0.013122223317623138, -0.016441624611616135, -0.0754571259021759, -0.056817248463630676, -0.11281070858240128, -0.030580194666981697, 0.02790004387497902, -0.04861973226070404, 0.12376446276903152, -0.07936418801546097, 0.08700849860906601, 0.04000968113541603, -0.043269820511341095, -0.002371464390307665, -0.030134234577417374, 0.0844164565205574, 0.01656785048544407, 0.012640487402677536, 0.09131093323230743, -0.05182121694087982, -0.054122865200042725, -0.05683808773756027, 0.03647053241729736, 0.00726927537471056, 0.07507459074258804, -0.05762733891606331, 0.043361302465200424, 0.03515492007136345, 0.0679180845618248, 0.00007027253013802692, 0.0068968432024121284, -0.031156066805124283, -0.039139267057180405, 0.005001747980713844, -0.006508626975119114, 0.0718996599316597, 0.030338754877448082, 0.03318702429533005, -0.07890025526285172, 0.12811389565467834, -0.0231515821069479, 0.0838414877653122, -0.008725623600184917, 0.04027121514081955, 0.009287860244512558, -0.027370085939764977, 0.023623429238796234, 0.07706217467784882, 0.05096917971968651, -0.10216666758060455, 0.05535878986120224, 0.03437476232647896, -0.03121749311685562, 0.050970789045095444, 0.00036491724313236773, 0.0500117726624012, -0.06646981090307236, 0.0007845463696867228, -0.016033193096518517, 0.11687679588794708, 0.0010579474037513137, -0.005493857432156801, 0.008308294229209423, 0.004137344192713499, -0.08966699242591858, -0.058090221136808395, -0.08440142869949341, 5.300251497953892e-33, 0.009450068697333336, -0.017120448872447014, 0.013538134284317493, -0.0075548565946519375, -0.00009469111682847142, -0.04002610221505165, -0.08032260090112686, 0.01611281931400299, -0.028684210032224655, -0.0548488050699234, -0.004896680824458599, 0.024863285943865776, -0.045932985842227936, 0.047450579702854156, 0.002117420081049204, -0.043002188205718994, -0.07851086556911469, 0.0007277469267137349, 0.028026996180415154, 0.025862127542495728, 0.1144036054611206, 0.014098947867751122, 0.03148363530635834, -0.08964930474758148, -0.01007845252752304, 0.11812395602464676, 0.013716001994907856, 0.015549530275166035, 0.02986793965101242, 0.057193905115127563, -0.02867494709789753, -0.08447793126106262, -0.024601923301815987, -0.013181723654270172, -0.013959490694105625, 0.02637535147368908, 0.004327842965722084, -0.015530632808804512, -0.029937533661723137, -0.06947001069784164, -0.02559964917600155, 0.02198321744799614, 0.018407899886369705, -0.08531166613101959, -0.04044719785451889, 0.014488373883068562, 0.060924798250198364, -0.04897467792034149, 0.03325671702623367, 0.025428658351302147, -0.0007731262594461441, -0.05166902765631676, -0.0012704170076176524, -0.08512983471155167, -0.09097813069820404, -0.024625608697533607, 0.030033279210329056, 0.08584234863519669, -0.006790685933083296, 0.027114365249872208, 0.03176787123084068, 0.06055688485503197, 0.013594704680144787, 0.050491154193878174, 0.014324028044939041, -0.03993885591626167, -0.08743356168270111, -0.0014741095947101712, 0.043281715363264084, 0.044928282499313354, -0.02137666568160057, 0.020039960741996765, 0.011225619353353977, 0.030545923858880997, 0.0005064154393039644, -0.0768245980143547, 0.046949353069067, -0.08068817108869553, -0.13134492933750153, -0.01856350153684616, 0.0029272367246448994, 0.057410843670368195, -0.03068181499838829, -0.017588958144187927, -0.07496131956577301, -0.03950286656618118, 0.01804950088262558, -0.029942898079752922, -0.04564042016863823, 0.03724139928817749, -0.04094827175140381, 0.006080406252294779, -0.02144113928079605, 0.058546315878629684, -0.06863632053136826, -5.911777454714232e-33, -0.04477067291736603, -0.0026457016356289387, 0.04196363314986229, 0.02704768441617489, 0.02542256936430931, -0.02810734137892723, 0.06879572570323944, 0.09894534200429916, -0.026583943516016006, -0.01276953611522913, 0.026768280193209648, -0.007463022600859404, -0.06292585283517838, 0.006161932833492756, 0.025837717577815056, 0.015671681612730026, -0.052063729614019394, -0.04851393774151802, -0.05269668996334076, 0.025271141901612282, 0.021545810624957085, 0.12663352489471436, -0.05671992897987366, -0.004905665293335915, -0.012990754097700119, 0.08325588703155518, -0.008928143419325352, 0.07986292243003845, 0.0742412656545639, -0.013677454553544521, -0.002451029373332858, -0.029951639473438263, 0.010752571746706963, 0.036727067083120346, -0.016291677951812744, -0.018790191039443016, 0.09178322553634644, 0.0017261048778891563, 0.016142334789037704, 0.024497617036104202, 0.04066622257232666, 0.03364177793264389, -0.10983341187238693, 0.05862078443169594, 0.032032039016485214, 0.028336569666862488, 0.0510295145213604, -0.0452316515147686, 0.059129614382982254, -0.04330754280090332, 0.008964454755187035, -0.04976368695497513, -0.04693356156349182, -0.030625952407717705, 0.0026724422350525856, -0.018001168966293335, 0.027870256453752518, -0.07000794261693954, -0.0627162754535675, -0.03294740244746208, -0.03288683667778969, -0.027871381491422653, -0.0811319649219513, -0.02093568444252014, 0.05267862603068352, 0.010827824473381042, -0.04668068885803223, 0.02875208668410778, -0.010923485271632671, 0.06793911755084991, -0.0347442626953125, 0.06970186531543732, 0.0073753721080720425, -0.023373456671833992, 0.027733532711863518, 0.023928847163915634, -0.027203992009162903, -0.005282302387058735, 0.021733662113547325, -0.08565136045217514, -0.04954618960618973, -0.044886328279972076, 0.035636041313409805, 0.04667042940855026, 0.08864987641572952, -0.006429636385291815, 0.07403288036584854, 0.11633595079183578, -0.01583210751414299, -0.04773622751235962, -0.0069034891203045845, 0.04539159685373306, 0.017194317653775215, 0.14174865186214447, -0.030918043106794357, -6.012658104737056e-8, -0.01314486563205719, -0.020364981144666672, -0.061794213950634, 0.07780878245830536, 0.059610769152641296, -0.0021165653597563505, -0.06495635956525803, -0.007964413613080978, -0.048060402274131775, -0.009099962189793587, 0.03255116194486618, 0.008271469734609127, -0.12464724481105804, -0.01880658231675625, 0.05159476771950722, -0.0007005489896982908, -0.06527414172887802, 0.0856260284781456, -0.03776086866855621, -0.03895829617977142, 0.023042012006044388, -0.02037307433784008, 0.020321493968367577, -0.055555228143930435, -0.002814442152157426, -0.08063066750764847, -0.016396064311265945, 0.12714160978794098, -0.05424291267991066, 0.02493463270366192, -0.0146925775334239, 0.015192397870123386, 0.0570528581738472, -0.02872631698846817, 0.03436512500047684, 0.055757537484169006, -0.02859741635620594, 0.0013074917951598763, 0.05949588119983673, 0.028633367270231247, 0.010023671202361584, 0.04242205247282982, -0.057258009910583496, 0.013093535788357258, 0.0808463841676712, 0.024542834609746933, -0.00010804321937030181, -0.06727348268032074, 0.06709884107112885, 0.1089395210146904, -0.006221931893378496, 0.004172130953520536, -0.000225926298298873, 0.0883597582578659, -0.004327357746660709, 0.04564312845468521, -0.028727518394589424, -0.12189175188541412, -0.01853303425014019, -0.06880238652229309, 0.07206712663173676, 0.002484741620719433, -0.029564809054136276, 0.014584236778318882 ]
nnair25/Gram-Vaani-Harveen-Chadda-Fine-Tuning
e3fe71a121f576da1c402418e825d13403b5d330
2022-04-13T05:52:25.000Z
[ "pytorch", "tensorboard", "wav2vec2", "automatic-speech-recognition", "transformers", "generated_from_trainer", "license:mit", "model-index" ]
automatic-speech-recognition
false
nnair25
null
nnair25/Gram-Vaani-Harveen-Chadda-Fine-Tuning
0
null
transformers
--- license: mit tags: - generated_from_trainer model-index: name: Gram-Vaani-Harveen-Chadda-Fine-Tuning --- <!-- 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. --> # Gram-Vaani-Harveen-Chadda-Fine-Tuning This model is a fine-tuned version of [Harveenchadha/vakyansh-wav2vec2-hindi-him-4200](https://huggingface.co/Harveenchadha/vakyansh-wav2vec2-hindi-him-4200) on an unknown dataset. It achieves the following results on the evaluation set: - Loss: 0.8934 - Wer: 0.359 ## 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: 0.0003 - train_batch_size: 8 - eval_batch_size: 8 - seed: 42 - gradient_accumulation_steps: 2 - total_train_batch_size: 16 - optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08 - lr_scheduler_type: linear - lr_scheduler_warmup_steps: 500 - num_epochs: 30 ### Training results | Training Loss | Epoch | Step | Validation Loss | Wer | |:-------------:|:-----:|:----:|:---------------:|:-----:| | 4.5558 | 21.05 | 400 | 0.8934 | 0.359 | ### Framework versions - Transformers 4.11.3 - Pytorch 1.10.0+cu111 - Datasets 1.18.3 - Tokenizers 0.10.3
[ -0.06597680598497391, 0.002162365708500147, -0.06973034143447876, 0.008395485579967499, 0.023648997768759727, 0.00017414908506907523, 0.005031681153923273, -0.03720201551914215, -0.05115547776222229, -0.07908632606267929, 0.08844784647226334, -0.11177965998649597, 0.009779553860425949, -0.08327582478523254, -0.08341121673583984, -0.012903986498713493, 0.05601601302623749, -0.01762223057448864, -0.10910675674676895, -0.006559491623193026, 0.020037664100527763, 0.08831419795751572, 0.05064927786588669, 0.0021924583707004786, 0.0036544688045978546, 0.00818171538412571, -0.037292301654815674, 0.037092313170433044, 0.026549819856882095, -0.05142819508910179, 0.0601159930229187, 0.03737751021981239, -0.022775040939450264, 0.049786198884248734, 0.012461327016353607, 0.03694355487823486, -0.08111566305160522, -0.026409605517983437, 0.006755805108696222, -0.009875725954771042, 0.02018548548221588, -0.07954428344964981, 0.00827028602361679, 0.05735572427511215, 0.028148898854851723, 0.052091747522354126, -0.059061236679553986, -0.06891835480928421, -0.016395961865782738, 0.004610175732523203, -0.09746263176202774, -0.0370493084192276, 0.03421444445848465, -0.009711038321256638, -0.06544969975948334, -0.03659609705209732, -0.0532369539141655, -0.010810911655426025, 0.005405949428677559, -0.007832431234419346, -0.06569886952638626, 0.041030094027519226, -0.046840012073516846, -0.031918469816446304, -0.06372670829296112, -0.10435226559638977, -0.030800458043813705, -0.00862988643348217, 0.07676469534635544, -0.02539065293967724, 0.017335137352347374, 0.05403720587491989, 0.03082091733813286, 0.013428169302642345, -0.023817412555217743, 0.030325694009661674, 0.03548397123813629, 0.02528541348874569, 0.11785628646612167, -0.10426129400730133, 0.0035118930973112583, -0.06148699298501015, 0.06922030448913574, -0.013716917484998703, 0.04486957564949989, 0.011791500262916088, 0.04474637657403946, -0.04853229597210884, 0.09393061697483063, -0.032456643879413605, 0.005574675276875496, 0.019526205956935883, 0.012672847136855125, 0.05715145915746689, 0.0059689790941774845, 0.05356086418032646, 0.032369375228881836, 0.034766413271427155, -0.06446006149053574, 0.11753889918327332, -0.012424659915268421, 0.025168536230921745, 0.036982178688049316, 0.03146127611398697, -0.04211117699742317, -0.028279457241296768, 0.025733280926942825, 0.07580865174531937, 0.08363188803195953, -0.04533276706933975, 0.0014182553859427571, 0.07697965949773788, -0.028260430321097374, -0.03553573042154312, 0.04946262761950493, 0.08666891604661942, -0.027564315125346184, -0.022532610222697258, -0.08197984844446182, 0.03322582691907883, -0.10694867372512817, -0.028532598167657852, -0.0013700368581339717, -0.06335416436195374, -0.044378217309713364, -0.07526084780693054, -0.09831419587135315, 4.1511642603808426e-33, 0.027101341634988785, 0.021663591265678406, 0.03601967915892601, -0.05019982531666756, -0.03460864722728729, -0.05800474062561989, -0.040248628705739975, -0.04661276936531067, 0.005431395024061203, -0.011951946653425694, -0.09465497732162476, -0.0709221363067627, -0.07071267813444138, 0.07150018960237503, 0.01900974102318287, -0.025982210412621498, -0.017073802649974823, 0.022874396294355392, 0.0439617894589901, 0.03549402207136154, 0.13025955855846405, 0.016359256580471992, -0.0059206378646194935, -0.10816710442304611, -0.042691100388765335, 0.09071183204650879, 0.04836098104715347, 0.0008776661707088351, -0.011204030364751816, 0.06375608593225479, -0.029949767515063286, -0.016880696639418602, -0.005510174669325352, -0.04568770155310631, -0.01785939373075962, -0.0004346240311861038, -0.015645068138837814, 0.016530653461813927, -0.04394986853003502, -0.058994539082050323, 0.028907746076583862, 0.04801913723349571, 0.03582947328686714, -0.06314078718423843, -0.040554746985435486, -0.02555939368903637, 0.07707176357507706, 0.046165015548467636, -0.014439006336033344, 0.07105764746665955, -0.09757217019796371, -0.006247556768357754, 0.044179730117321014, -0.017390307039022446, -0.058833956718444824, 0.015845514833927155, 0.08043647557497025, 0.03401792049407959, -0.013596720062196255, 0.012199695222079754, 0.016226457431912422, -0.0012601118069142103, -0.010788125917315483, -0.008026071824133396, -0.008194432593882084, -0.051024384796619415, -0.014386686496436596, -0.10552836209535599, 0.0305927786976099, 0.022074537351727486, -0.05716344341635704, -0.03921443596482277, 0.015191379934549332, -0.0078576086089015, 0.08782820403575897, -0.0939171090722084, -0.01799955777823925, -0.035478703677654266, -0.04274171590805054, -0.02723774127662182, 0.0007923680241219699, 0.0842711552977562, -0.01877477765083313, -0.07991141080856323, -0.02379077672958374, -0.03491032496094704, -0.00628221221268177, -0.0890691950917244, -0.028695745393633842, 0.03560752421617508, 0.006522572133690119, 0.038327407091856, -0.04716653749346733, -0.047892555594444275, 0.00421184953302145, -5.8342932752118425e-33, -0.014626088552176952, 0.06447606533765793, -0.05657952278852463, 0.05924920737743378, 0.04290361329913139, 0.014624571427702904, 0.057850856333971024, 0.13539466261863708, -0.0550675243139267, -0.05480092763900757, 0.12431155145168304, -0.019503198564052582, -0.05763296037912369, -0.01958589069545269, 0.024909427389502525, 0.05749775841832161, -0.03846650570631027, 0.056724414229393005, 0.014654435217380524, 0.04459131509065628, 0.009336710907518864, 0.09568949043750763, -0.07211241871118546, 0.06442800909280777, 0.00257710344158113, -0.0146409897133708, 0.07573432475328445, 0.09771492332220078, 0.0071809906512498856, -0.0007265264866873622, -0.01840604655444622, -0.046054136008024216, -0.0552876740694046, 0.0712471604347229, -0.030805150046944618, -0.022850599139928818, 0.07839344441890717, -0.07242587208747864, -0.01240047812461853, 0.07479453831911087, 0.03913603350520134, 0.10881539434194565, -0.07031509280204773, 0.03653119504451752, -0.05164617672562599, -0.021139061078429222, 0.008944948203861713, -0.013148071244359016, 0.01433202438056469, -0.09381837397813797, 0.05032781511545181, -0.07427547127008438, -0.031447362154722214, -0.011878108605742455, 0.0034446963109076023, 0.016103699803352356, 0.01786702126264572, -0.00555809261277318, -0.05944855883717537, 0.006952691823244095, -0.03934669867157936, 0.008210839703679085, -0.06521498411893845, -0.02447921223938465, 0.02867022156715393, -0.0024890429340302944, -0.03105984814465046, 0.013148287311196327, 0.08873618394136429, -0.020545771345496178, -0.029130201786756516, 0.02788805216550827, 0.027145056053996086, 0.0028739951085299253, -0.011321952566504478, -0.0374906063079834, -0.02561267279088497, 0.03630182892084122, 0.015757853165268898, -0.10682468116283417, -0.007630337495356798, -0.03807700425386429, 0.05442105606198311, 0.021890396252274513, 0.07923025637865067, 0.0549018569290638, 0.05662807822227478, 0.02504158392548561, -0.04893873259425163, 0.012324643321335316, 0.055337563157081604, 0.028241880238056183, 0.0017554532969370484, 0.15577088296413422, -0.013107663951814175, -5.9590107071016973e-8, -0.04007476940751076, -0.028200997039675713, -0.07715654373168945, 0.03835407644510269, -0.002791833598166704, 0.0017607902409508824, -0.03768841177225113, -0.00908683706074953, -0.027670640498399734, 0.021135760471224785, 0.07380431890487671, 0.05498741939663887, -0.09950892627239227, 0.03492853790521622, 0.027046632021665573, -0.018295446410775185, 0.013164280913770199, 0.18261027336120605, -0.05149461701512337, -0.03732075169682503, 0.045784883201122284, 0.003062743693590164, 0.00019128216081298888, -0.021618247032165527, 0.1112264096736908, -0.03748505935072899, -0.054776597768068314, 0.04370705038309097, 0.0011553909862414002, -0.0027297839988023043, 0.02605314552783966, 0.023604635149240494, 0.018611330538988113, -0.06076667457818985, 0.0035058490466326475, 0.10485285520553589, -0.053854797035455704, -0.06660892069339752, 0.041436269879341125, 0.06956791132688522, 0.008109848015010357, 0.08302822709083557, -0.03830765187740326, -0.0020887453574687243, 0.0868547335267067, 0.009966814890503883, 0.027074098587036133, -0.11910995841026306, 0.007772882468998432, -0.03444211930036545, 0.005403032526373863, 0.012943028472363949, -0.014949049800634384, -0.025164388120174408, 0.030650615692138672, 0.002922786632552743, -0.05520050600171089, -0.00789360050112009, -0.0005744469235651195, -0.018922822549939156, 0.09587125480175018, -0.013946175575256348, -0.05531418323516846, 0.027466803789138794 ]
johnowhitaker/mingpt-char-shakespeare
0687519135b70307e60ed5369419e1894660c49c
2022-04-12T07:56:59.000Z
[ "pytorch" ]
null
false
johnowhitaker
null
johnowhitaker/mingpt-char-shakespeare
0
null
null
Entry not found
[ 0.0461147278547287, -0.038838207721710205, -0.01049656979739666, -0.03682169318199158, 0.011261860840022564, 0.013094935566186905, 0.0019101888174191117, -0.013979103416204453, 0.027092741802334785, -0.015212527476251125, 0.017284274101257324, -0.08189476281404495, 0.03817418962717056, -0.04920130595564842, 0.021389011293649673, -0.015245908871293068, -0.03203780576586723, -0.1245758980512619, 0.03150877356529236, 0.032381657510995865, -0.060957908630371094, 0.05409295856952667, -0.025087490677833557, 0.01568586938083172, 0.028129950165748596, -0.04710396006703377, -0.018688226118683815, 0.013785239309072495, -0.04001208767294884, 0.01173911802470684, -0.04317743331193924, 0.05500618368387222, 0.004543041344732046, 0.02973111905157566, 0.14852192997932434, 0.02658126689493656, 0.02907961793243885, -0.05169107764959335, 0.05803573504090309, -0.07732241600751877, -0.017637968063354492, -0.04219653457403183, 0.041807834059000015, 0.023620979860424995, 0.021563321352005005, 0.016478516161441803, -0.0021814992651343346, -0.06400240957736969, 0.06393089145421982, 0.019599027931690216, -0.08565037697553635, 0.00934905931353569, -0.008718925528228283, -0.028583496809005737, -0.07310017943382263, 0.09416428208351135, 0.001759322709403932, 0.06184990331530571, 0.011840506456792355, -0.035997264087200165, 0.08358278125524521, -0.02619801089167595, 0.03736566752195358, -0.028206506744027138, -0.07454850524663925, -0.08883563429117203, -0.06279942393302917, -0.008695344440639019, 0.014119276776909828, -0.0825355276465416, 0.0649217739701271, -0.00223911227658391, -0.14716917276382446, 0.07743025571107864, -0.03548373281955719, -0.055201586335897446, 0.006981803569942713, -0.012166670523583889, 0.055111464112997055, -0.007116836030036211, -0.023175746202468872, -0.005835152696818113, -0.09185640513896942, 0.055196937173604965, 0.034148022532463074, 0.03835180774331093, 0.038685429841279984, -0.025987252593040466, 0.017804903909564018, 0.022428328171372414, 0.025005368515849113, -0.10761535167694092, -0.048001550137996674, -0.04343584179878235, 0.012374646961688995, -0.019502125680446625, 0.029218152165412903, 0.0842173621058464, -0.011719699949026108, 0.09283553808927536, -0.007015465293079615, -0.03543110564351082, -0.06936459988355637, 0.09425332397222519, -0.010958523489534855, -0.00805904995650053, 0.004974212497472763, -0.0031528924591839314, 0.06105927750468254, -0.03964288905262947, -0.03619541600346565, -0.019901901483535767, 0.07134733349084854, 0.039514873176813126, -0.012729483656585217, -0.006646515801548958, -0.04746140539646149, -0.014432490803301334, -0.05157482624053955, 0.09506245702505112, -0.049747664481401443, -0.04591796174645424, -0.008965466171503067, -0.0325421579182148, -0.08626784384250641, -0.06624380499124527, 0.02538885548710823, -4.303924894057984e-33, 0.01133066974580288, 0.0033434738870710135, -0.002155609894543886, 0.04871906340122223, -0.023564351722598076, -0.07933273911476135, 0.0600903145968914, 0.02335330657660961, -0.03844716399908066, -0.020433755591511726, -0.06952055543661118, -0.03235611692070961, 0.0062485747039318085, 0.064804308116436, -0.03201229125261307, 0.061689723283052444, 0.0417000837624073, -0.00761845987290144, 0.03340127319097519, -0.047770582139492035, 0.00887306872755289, -0.04066338762640953, -0.010506896302103996, 0.0106519665569067, 0.021333497017621994, 0.12854498624801636, -0.009705503471195698, 0.010055632330477238, -0.017507633194327354, 0.006515394430607557, 0.06334009766578674, -0.057817306369543076, 0.013668818399310112, -0.020286159589886665, 0.05430467426776886, -0.023184705525636673, 0.0828516036272049, 0.0005449643940664828, -0.10372652113437653, -0.07634282112121582, -0.005381610710173845, -0.039263784885406494, 0.0006114727002568543, -0.013281986117362976, 0.07119110971689224, 0.043696220964193344, 0.03168422728776932, 0.04338686540722847, 0.05728672817349434, 0.0832006186246872, -0.07961414009332657, 0.015234283171594143, 0.017002005130052567, 0.047004107385873795, -0.09794387966394424, 0.004990279674530029, -0.07062993198633194, -0.028000490739941597, -0.04018733277916908, -0.0702052190899849, 0.011351344175636768, 0.06020182743668556, -0.03297270089387894, 0.09396500885486603, 0.03417910635471344, -0.019825750961899757, -0.034690454602241516, -0.013036907650530338, 0.05896938592195511, -0.012359356507658958, -0.017275206744670868, -0.07982361316680908, 0.02059139870107174, 0.06737419217824936, 0.04176458343863487, -0.04978838190436363, -0.05877475067973137, -0.06289287656545639, -0.03354167565703392, -0.03871942684054375, 0.009898529388010502, -0.05514208599925041, -0.11629002541303635, -0.011855563148856163, 0.10663620382547379, 0.037354156374931335, -0.0065480442717671394, -0.051189567893743515, 0.06663123518228531, 0.01874656230211258, 0.032841797918081284, 0.041593004018068314, -0.06879369914531708, 0.04216769337654114, -0.01628219522535801, 5.4139394340936695e-34, 0.05697013810276985, -0.006972255185246468, 0.015711724758148193, -0.17956365644931793, 0.02320219948887825, 0.007923615165054798, -0.008062449283897877, 0.0074974060989916325, 0.07391711324453354, 0.0309313777834177, 0.060510627925395966, 0.058605875819921494, 0.09515274316072464, -0.002282935893163085, 0.001603541080839932, 0.07024981826543808, 0.012629246339201927, 0.07425693422555923, -0.038426291197538376, 0.01861148327589035, 0.030608950182795525, -0.02449394389986992, 0.021528491750359535, -0.003039651783183217, -0.03676343336701393, 0.03130284696817398, 0.07998586446046829, 0.010451192036271095, -0.07930229604244232, -0.013543923385441303, 0.018781835213303566, 0.05168003588914871, -0.07191970944404602, 0.15783067047595978, 0.026191607117652893, 0.01262354850769043, 0.08218053728342056, -0.029807550832629204, -0.07528624683618546, -0.04250097647309303, 0.017244765534996986, 0.04411793500185013, 0.03708017244935036, 0.009233047254383564, -0.040271829813718796, 0.022496428340673447, 0.02495843544602394, 0.07633638381958008, 0.005147108342498541, 0.013892097398638725, 0.05610476806759834, -0.06684739887714386, 0.05862557515501976, -0.020688841119408607, 0.05377643182873726, 0.06718500703573227, 0.005329249892383814, -0.01388032827526331, 0.029931528493762016, 0.009508464485406876, -0.045173756778240204, 0.11534366756677628, -0.06510116159915924, 0.05117698386311531, -0.0026125339791178703, -0.08554837852716446, -0.03784770518541336, 0.0804959163069725, 0.011298024095594883, -0.07695550471544266, -0.04868878796696663, 0.02515520341694355, 0.06252261996269226, -0.04509226232767105, -0.01246943511068821, 0.028559505939483643, -0.030573077499866486, 0.05066261067986488, -0.08187384903430939, 0.04469604790210724, 0.0034051244147121906, 0.04145054519176483, -0.021858664229512215, -0.06112268194556236, -0.00908052921295166, -0.05903250351548195, 0.0259539932012558, 0.059690944850444794, -0.07613514363765717, -0.03720718249678612, -0.036316655576229095, 0.07058046013116837, -0.008224100805819035, 0.041961874812841415, -0.0285952128469944, -1.496900736697171e-8, -0.0014124972512945533, 0.03401879221200943, -0.040338415652513504, 0.04116074740886688, 0.0935964286327362, -0.05115952715277672, 0.0008746005478315055, -0.03389839455485344, -0.00567849725484848, -0.010686947964131832, -0.04789939522743225, -0.04820054769515991, -0.02011880651116371, -0.03209094703197479, -0.04211259260773659, -0.10229527950286865, -0.07819421589374542, -0.031228765845298767, -0.02154778689146042, -0.04960230365395546, 0.08087796717882156, -0.07801242172718048, 0.06919731199741364, -0.04999840259552002, 0.03687043860554695, 0.03889009356498718, -0.049989692866802216, -0.04254625365138054, -0.04606937617063522, 0.08682432025671005, -0.031148413196206093, 0.11826753616333008, 0.034102488309144974, -0.0208592489361763, -0.0205202866345644, 0.027134142816066742, 0.09741277992725372, 0.051608603447675705, 0.013477512635290623, -0.13649295270442963, -0.022304272279143333, 0.02385953813791275, 0.038732077926397324, -0.09249968826770782, -0.04549082741141319, 0.054220106452703476, 0.01160438358783722, 0.051190607249736786, 0.07713303714990616, -0.022097084671258926, -0.06127818301320076, -0.01857956498861313, 0.006740490905940533, -0.00496308971196413, 0.024095389991998672, 0.0736224576830864, -0.003481915919110179, -0.0699305310845375, -0.006629763171076775, -0.0598808117210865, 0.05297163128852844, -0.02902800403535366, -0.027858933433890343, -0.01287526823580265 ]
mimi/book_data
9a4ec64cd99027097b9bac609664a53cdb72a5ac
2022-05-12T01:50:23.000Z
[ "pytorch", "t5", "text2text-generation", "transformers", "autotrain_compatible" ]
text2text-generation
false
mimi
null
mimi/book_data
0
null
transformers
Entry not found
[ 0.0461147278547287, -0.038838207721710205, -0.01049656979739666, -0.03682169318199158, 0.011261860840022564, 0.013094935566186905, 0.0019101888174191117, -0.013979103416204453, 0.027092741802334785, -0.015212527476251125, 0.017284274101257324, -0.08189476281404495, 0.03817418962717056, -0.04920130595564842, 0.021389011293649673, -0.015245908871293068, -0.03203780576586723, -0.1245758980512619, 0.03150877356529236, 0.032381657510995865, -0.060957908630371094, 0.05409295856952667, -0.025087490677833557, 0.01568586938083172, 0.028129950165748596, -0.04710396006703377, -0.018688226118683815, 0.013785239309072495, -0.04001208767294884, 0.01173911802470684, -0.04317743331193924, 0.05500618368387222, 0.004543041344732046, 0.02973111905157566, 0.14852192997932434, 0.02658126689493656, 0.02907961793243885, -0.05169107764959335, 0.05803573504090309, -0.07732241600751877, -0.017637968063354492, -0.04219653457403183, 0.041807834059000015, 0.023620979860424995, 0.021563321352005005, 0.016478516161441803, -0.0021814992651343346, -0.06400240957736969, 0.06393089145421982, 0.019599027931690216, -0.08565037697553635, 0.00934905931353569, -0.008718925528228283, -0.028583496809005737, -0.07310017943382263, 0.09416428208351135, 0.001759322709403932, 0.06184990331530571, 0.011840506456792355, -0.035997264087200165, 0.08358278125524521, -0.02619801089167595, 0.03736566752195358, -0.028206506744027138, -0.07454850524663925, -0.08883563429117203, -0.06279942393302917, -0.008695344440639019, 0.014119276776909828, -0.0825355276465416, 0.0649217739701271, -0.00223911227658391, -0.14716917276382446, 0.07743025571107864, -0.03548373281955719, -0.055201586335897446, 0.006981803569942713, -0.012166670523583889, 0.055111464112997055, -0.007116836030036211, -0.023175746202468872, -0.005835152696818113, -0.09185640513896942, 0.055196937173604965, 0.034148022532463074, 0.03835180774331093, 0.038685429841279984, -0.025987252593040466, 0.017804903909564018, 0.022428328171372414, 0.025005368515849113, -0.10761535167694092, -0.048001550137996674, -0.04343584179878235, 0.012374646961688995, -0.019502125680446625, 0.029218152165412903, 0.0842173621058464, -0.011719699949026108, 0.09283553808927536, -0.007015465293079615, -0.03543110564351082, -0.06936459988355637, 0.09425332397222519, -0.010958523489534855, -0.00805904995650053, 0.004974212497472763, -0.0031528924591839314, 0.06105927750468254, -0.03964288905262947, -0.03619541600346565, -0.019901901483535767, 0.07134733349084854, 0.039514873176813126, -0.012729483656585217, -0.006646515801548958, -0.04746140539646149, -0.014432490803301334, -0.05157482624053955, 0.09506245702505112, -0.049747664481401443, -0.04591796174645424, -0.008965466171503067, -0.0325421579182148, -0.08626784384250641, -0.06624380499124527, 0.02538885548710823, -4.303924894057984e-33, 0.01133066974580288, 0.0033434738870710135, -0.002155609894543886, 0.04871906340122223, -0.023564351722598076, -0.07933273911476135, 0.0600903145968914, 0.02335330657660961, -0.03844716399908066, -0.020433755591511726, -0.06952055543661118, -0.03235611692070961, 0.0062485747039318085, 0.064804308116436, -0.03201229125261307, 0.061689723283052444, 0.0417000837624073, -0.00761845987290144, 0.03340127319097519, -0.047770582139492035, 0.00887306872755289, -0.04066338762640953, -0.010506896302103996, 0.0106519665569067, 0.021333497017621994, 0.12854498624801636, -0.009705503471195698, 0.010055632330477238, -0.017507633194327354, 0.006515394430607557, 0.06334009766578674, -0.057817306369543076, 0.013668818399310112, -0.020286159589886665, 0.05430467426776886, -0.023184705525636673, 0.0828516036272049, 0.0005449643940664828, -0.10372652113437653, -0.07634282112121582, -0.005381610710173845, -0.039263784885406494, 0.0006114727002568543, -0.013281986117362976, 0.07119110971689224, 0.043696220964193344, 0.03168422728776932, 0.04338686540722847, 0.05728672817349434, 0.0832006186246872, -0.07961414009332657, 0.015234283171594143, 0.017002005130052567, 0.047004107385873795, -0.09794387966394424, 0.004990279674530029, -0.07062993198633194, -0.028000490739941597, -0.04018733277916908, -0.0702052190899849, 0.011351344175636768, 0.06020182743668556, -0.03297270089387894, 0.09396500885486603, 0.03417910635471344, -0.019825750961899757, -0.034690454602241516, -0.013036907650530338, 0.05896938592195511, -0.012359356507658958, -0.017275206744670868, -0.07982361316680908, 0.02059139870107174, 0.06737419217824936, 0.04176458343863487, -0.04978838190436363, -0.05877475067973137, -0.06289287656545639, -0.03354167565703392, -0.03871942684054375, 0.009898529388010502, -0.05514208599925041, -0.11629002541303635, -0.011855563148856163, 0.10663620382547379, 0.037354156374931335, -0.0065480442717671394, -0.051189567893743515, 0.06663123518228531, 0.01874656230211258, 0.032841797918081284, 0.041593004018068314, -0.06879369914531708, 0.04216769337654114, -0.01628219522535801, 5.4139394340936695e-34, 0.05697013810276985, -0.006972255185246468, 0.015711724758148193, -0.17956365644931793, 0.02320219948887825, 0.007923615165054798, -0.008062449283897877, 0.0074974060989916325, 0.07391711324453354, 0.0309313777834177, 0.060510627925395966, 0.058605875819921494, 0.09515274316072464, -0.002282935893163085, 0.001603541080839932, 0.07024981826543808, 0.012629246339201927, 0.07425693422555923, -0.038426291197538376, 0.01861148327589035, 0.030608950182795525, -0.02449394389986992, 0.021528491750359535, -0.003039651783183217, -0.03676343336701393, 0.03130284696817398, 0.07998586446046829, 0.010451192036271095, -0.07930229604244232, -0.013543923385441303, 0.018781835213303566, 0.05168003588914871, -0.07191970944404602, 0.15783067047595978, 0.026191607117652893, 0.01262354850769043, 0.08218053728342056, -0.029807550832629204, -0.07528624683618546, -0.04250097647309303, 0.017244765534996986, 0.04411793500185013, 0.03708017244935036, 0.009233047254383564, -0.040271829813718796, 0.022496428340673447, 0.02495843544602394, 0.07633638381958008, 0.005147108342498541, 0.013892097398638725, 0.05610476806759834, -0.06684739887714386, 0.05862557515501976, -0.020688841119408607, 0.05377643182873726, 0.06718500703573227, 0.005329249892383814, -0.01388032827526331, 0.029931528493762016, 0.009508464485406876, -0.045173756778240204, 0.11534366756677628, -0.06510116159915924, 0.05117698386311531, -0.0026125339791178703, -0.08554837852716446, -0.03784770518541336, 0.0804959163069725, 0.011298024095594883, -0.07695550471544266, -0.04868878796696663, 0.02515520341694355, 0.06252261996269226, -0.04509226232767105, -0.01246943511068821, 0.028559505939483643, -0.030573077499866486, 0.05066261067986488, -0.08187384903430939, 0.04469604790210724, 0.0034051244147121906, 0.04145054519176483, -0.021858664229512215, -0.06112268194556236, -0.00908052921295166, -0.05903250351548195, 0.0259539932012558, 0.059690944850444794, -0.07613514363765717, -0.03720718249678612, -0.036316655576229095, 0.07058046013116837, -0.008224100805819035, 0.041961874812841415, -0.0285952128469944, -1.496900736697171e-8, -0.0014124972512945533, 0.03401879221200943, -0.040338415652513504, 0.04116074740886688, 0.0935964286327362, -0.05115952715277672, 0.0008746005478315055, -0.03389839455485344, -0.00567849725484848, -0.010686947964131832, -0.04789939522743225, -0.04820054769515991, -0.02011880651116371, -0.03209094703197479, -0.04211259260773659, -0.10229527950286865, -0.07819421589374542, -0.031228765845298767, -0.02154778689146042, -0.04960230365395546, 0.08087796717882156, -0.07801242172718048, 0.06919731199741364, -0.04999840259552002, 0.03687043860554695, 0.03889009356498718, -0.049989692866802216, -0.04254625365138054, -0.04606937617063522, 0.08682432025671005, -0.031148413196206093, 0.11826753616333008, 0.034102488309144974, -0.0208592489361763, -0.0205202866345644, 0.027134142816066742, 0.09741277992725372, 0.051608603447675705, 0.013477512635290623, -0.13649295270442963, -0.022304272279143333, 0.02385953813791275, 0.038732077926397324, -0.09249968826770782, -0.04549082741141319, 0.054220106452703476, 0.01160438358783722, 0.051190607249736786, 0.07713303714990616, -0.022097084671258926, -0.06127818301320076, -0.01857956498861313, 0.006740490905940533, -0.00496308971196413, 0.024095389991998672, 0.0736224576830864, -0.003481915919110179, -0.0699305310845375, -0.006629763171076775, -0.0598808117210865, 0.05297163128852844, -0.02902800403535366, -0.027858933433890343, -0.01287526823580265 ]
Chris1/CycleGAN_punk2apes
7db44664d29b484eff8f9dc1094b7e82e8132384
2022-04-12T08:10:37.000Z
[ "pytorch", "huggan", "gan", "license:mit" ]
null
false
Chris1
null
Chris1/CycleGAN_punk2apes
0
null
null
--- tags: - huggan - gan # See a list of available tags here: # https://github.com/huggingface/hub-docs/blob/main/js/src/lib/interfaces/Types.ts#L12 # task: unconditional-image-generation or conditional-image-generation or image-to-image license: mit --- # MyModelName ## Model description Describe the model here (what it does, what it's used for, etc.) ## Intended uses & limitations #### How to use ```python # You can include sample code which will be formatted ``` #### Limitations and bias Provide examples of latent issues and potential remediations. ## Training data Describe the data you used to train the model. If you initialized it with pre-trained weights, add a link to the pre-trained model card or repository with description of the pre-training data. ## Training procedure Preprocessing, hardware used, hyperparameters... ## Eval results ## Generated Images You can embed local or remote images using `![](...)` ### BibTeX entry and citation info ```bibtex @inproceedings{..., year={2020} } ```
[ -0.13079506158828735, -0.03871167451143265, 0.043283335864543915, 0.06009908393025398, 0.08527149260044098, -0.05323024466633797, -0.0928846225142479, 0.010894173756241798, -0.08442944288253784, -0.05894707143306732, 0.02764892578125, -0.07225100696086884, 0.07474685460329056, -0.018355632200837135, 0.011766713112592697, 0.005380263086408377, 0.05573239549994469, 0.013709732331335545, -0.034917835146188736, -0.00759129598736763, 0.00817523617297411, 0.05464521050453186, 0.021362625062465668, -0.06120962277054787, 0.04741848260164261, -0.04571937397122383, 0.059080466628074646, 0.061219990253448486, 0.08379366248846054, -0.05271057412028313, 0.051414359360933304, 0.015820570290088654, -0.05371561646461487, 0.03164178878068924, -0.04708079621195793, 0.15256281197071075, -0.06671977043151855, 0.0035976837389171124, -0.04695839434862137, -0.04077332839369774, 0.02980138175189495, -0.06777357310056686, 0.03854447603225708, -0.09641718119382858, 0.10848978906869888, -0.03645391762256622, -0.06641549617052078, -0.05464549362659454, -0.02891538105905056, -0.060931917279958725, -0.06674470007419586, -0.13052113354206085, -0.03301252797245979, 0.017196334898471832, 0.06099603325128555, 0.020056461915373802, 0.02074551209807396, -0.09043978154659271, -0.024621279910206795, 0.015060130506753922, -0.007647332735359669, -0.008112031035125256, -0.052564021199941635, -0.04023182392120361, 0.025154301896691322, -0.0001886640238808468, -0.0027506707701832056, 0.07206110656261444, 0.07580852508544922, 0.0082189179956913, 0.00868174433708191, 0.006310627330094576, -0.006464766804128885, -0.01455104723572731, -0.000682657933793962, 0.007433395367115736, 0.0493633896112442, 0.03606874868273735, 0.08159362524747849, -0.11565002799034119, -0.017603430896997452, -0.024667780846357346, 0.019294817000627518, 0.006069542374461889, -0.019237695261836052, 0.020842770114541054, -0.02156750112771988, 0.08277835696935654, 0.020990891382098198, 0.02344331704080105, 0.0030331092420965433, 0.026971101760864258, -0.10537134110927582, 0.055685728788375854, 0.025408310815691948, 0.045133162289857864, 0.02624499425292015, -0.05389869585633278, -0.07851970940828323, 0.07133665680885315, -0.016556473448872566, 0.02688300795853138, 0.023824002593755722, 0.02881333790719509, 0.04776635766029358, -0.05213846266269684, 0.033056337386369705, 0.04602045938372612, 0.04774634912610054, -0.0338435135781765, 0.046014778316020966, -0.015238010324537754, -0.0864340290427208, -0.09341505914926529, 0.012693562544882298, -0.05311686545610428, 0.012377176433801651, -0.028130099177360535, 0.003439307911321521, -0.0003234650066588074, -0.02282215841114521, 0.09039399772882462, 0.018014036118984222, -0.056138381361961365, 0.009184208698570728, -0.13588057458400726, -0.0981966033577919, 6.170930980058345e-33, 0.03180176392197609, 0.00944593083113432, 0.004073780961334705, 0.06741117686033249, 0.03913991525769234, -0.01818024553358555, -0.031076617538928986, -0.06023376062512398, -0.04840584844350815, -0.0003869679931085557, -0.057608939707279205, 0.050828464329242706, -0.11320370435714722, 0.09300240129232407, -0.002965097315609455, -0.05508866533637047, -0.05945351719856262, 0.021081265062093735, 0.03122250735759735, 0.08380389213562012, -0.018493929877877235, -0.018579144030809402, -0.04476321488618851, 0.008372243493795395, -0.06056247279047966, 0.050960443913936615, 0.041241373866796494, -0.032624728977680206, -0.017715483903884888, 0.006714777089655399, -0.009209341369569302, 0.02854854427278042, 0.014012307859957218, -0.005396510008722544, 0.010398149490356445, -0.0434226393699646, -0.041535384953022, -0.0314471460878849, -0.07407154887914658, 0.0003924236516468227, 0.019319146871566772, 0.03263800963759422, -0.02978450618684292, -0.06552273780107498, -0.016929393634200096, -0.008664138615131378, 0.052600275725126266, 0.015436042100191116, 0.027597645297646523, 0.05607541278004646, 0.0578744150698185, 0.011760411784052849, 0.04750314727425575, -0.06745206564664841, -0.09449051320552826, 0.016836076974868774, 0.04008299857378006, 0.012046052142977715, 0.03783505782485008, -0.01576320454478264, -0.013528098352253437, -0.012389128096401691, 0.04782630875706673, 0.044786445796489716, -0.013263857923448086, 0.026348447427153587, -0.011145513504743576, -0.008546094410121441, -0.020217278972268105, 0.0512765608727932, -0.016512354835867882, 0.021501321345567703, -0.08192084729671478, -0.03866196051239967, 0.06449984014034271, -0.03998464345932007, -0.020733995363116264, 0.017837345600128174, -0.0424652174115181, 0.02565264329314232, -0.024796131998300552, 0.031077634543180466, -0.02978554554283619, -0.019046785309910774, -0.011531042866408825, -0.01844899356365204, 0.008323212154209614, -0.04180004447698593, 0.03452646732330322, 0.006534298416227102, -0.017266659066081047, -0.01749277673661709, 0.012084340676665306, -0.05755089595913887, -0.03576174005866051, -6.491908528758001e-33, 0.07732828706502914, 0.04526302590966225, -0.04402449354529381, 0.011233986355364323, -0.009832954965531826, 0.01423120591789484, 0.028415489941835403, 0.07263115048408508, -0.003067628713324666, -0.055805105715990067, 0.039391566067934036, 0.02970832772552967, -0.03938940539956093, -0.07513807713985443, -0.04513297975063324, 0.020196139812469482, -0.03677041456103325, -0.06985960900783539, -0.020019467920064926, 0.011655595153570175, 0.008906450122594833, 0.0875244066119194, -0.06741715967655182, 0.06721224635839462, -0.014699461869895458, 0.07217231392860413, 0.04763294756412506, 0.07152014225721359, 0.022713566198945045, -0.006387128960341215, 0.021178726106882095, -0.04412783309817314, 0.014970317482948303, 0.06728743016719818, -0.01695423573255539, 0.028709223493933678, 0.14027240872383118, 0.0389447845518589, -0.036395758390426636, 0.006009403616189957, 0.11052695661783218, 0.04279128834605217, -0.10856951773166656, 0.07447397708892822, -0.05002158135175705, -0.048076242208480835, -0.05436646193265915, -0.03515830636024475, -0.0078584598377347, 0.011248455382883549, 0.02322564460337162, -0.04196437820792198, -0.05311030521988869, -0.049147214740514755, -0.09517267346382141, -0.056093763560056686, 0.061897162348032, -0.024819213896989822, 0.07587093114852905, 0.031984686851501465, -0.06650096923112869, -0.17812028527259827, -0.02439367212355137, -0.041635528206825256, -0.0742514356970787, -0.029407082125544548, -0.0796518549323082, -0.0583164282143116, -0.04179798439145088, 0.03020155429840088, 0.0059072584845125675, 0.0644531175494194, 0.08015651255846024, 0.03195735439658165, 0.01225481927394867, 0.0010421995539218187, 0.11629979312419891, 0.006069559138268232, 0.04298464208841324, -0.12262281030416489, -0.014385372400283813, -0.06723412871360779, 0.07685109227895737, 0.040957480669021606, 0.016244467347860336, 0.049636658281087875, 0.035703472793102264, 0.05930810794234276, 0.02668503113090992, -0.03803014010190964, -0.04913901537656784, 0.04125329479575157, 0.035382211208343506, 0.09130856394767761, 0.00953890010714531, -6.614494196810483e-8, -0.026116792112588882, 0.00861478690057993, 0.021574625745415688, -0.024437878280878067, -0.07639940083026886, 0.04008038341999054, 0.06378623843193054, -0.05909920856356621, 0.04841551184654236, 0.0032858566846698523, 0.032909248024225235, 0.0283069871366024, -0.05787591636180878, 0.022432129830121994, 0.02500838413834572, 0.060346946120262146, 0.02107790857553482, 0.10289118438959122, -0.04128162935376167, -0.04352276772260666, -0.06433628499507904, -0.037042271345853806, -0.011446310207247734, -0.03552234545350075, 0.10621089488267899, -0.06435241550207138, -0.07484130561351776, 0.04401259496808052, 0.0045545571483671665, -0.01637849397957325, 0.0006600093911401927, -0.003934204112738371, 0.0011735864682123065, -0.002988397143781185, 0.02072172798216343, 0.06648243218660355, -0.009198344312608242, -0.1022825762629509, 0.04732844978570938, 0.05645037814974785, -0.0065316567197442055, 0.0827125832438469, -0.06403212249279022, -0.06595440953969955, 0.07582223415374756, 0.051119666546583176, 0.0038850964047014713, -0.05688374862074852, -0.003987072501331568, 0.12394506484270096, 0.0066818054765462875, -0.041547760367393494, -0.03152219578623772, 0.0030917187687009573, 0.008289016783237457, 0.02957533858716488, 0.04928784444928169, -0.0025633517652750015, 0.09360773116350174, 0.028521377593278885, 0.07060866057872772, 0.02785242721438408, 0.04728247597813606, -0.009301658719778061 ]
theojolliffe/opus-mt-en-ro-finetuned-en-to-cy
2392a76de863b287ce99d91cac93c75b479d01e9
2022-04-13T11:10:10.000Z
[ "pytorch", "tensorboard", "marian", "text2text-generation", "transformers", "generated_from_trainer", "license:apache-2.0", "model-index", "autotrain_compatible" ]
text2text-generation
false
theojolliffe
null
theojolliffe/opus-mt-en-ro-finetuned-en-to-cy
0
null
transformers
--- license: apache-2.0 tags: - generated_from_trainer model-index: - name: opus-mt-en-ro-finetuned-en-to-cy 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. --> # opus-mt-en-ro-finetuned-en-to-cy This model is a fine-tuned version of [Helsinki-NLP/opus-mt-en-ro](https://huggingface.co/Helsinki-NLP/opus-mt-en-ro) on an unknown dataset. ## Model description More information needed ## Intended uses & limitations More information needed ## Training and evaluation data More information needed ## Training procedure ### Training hyperparameters The following hyperparameters were used during training: - learning_rate: 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: 1 - mixed_precision_training: Native AMP ### Framework versions - Transformers 4.18.0 - Pytorch 1.10.0+cu111 - Datasets 2.0.0 - Tokenizers 0.11.6
[ -0.05699614807963371, -0.06941733509302139, -0.025133183225989342, 0.015033709816634655, 0.025708593428134918, 0.0666673481464386, -0.03345230221748352, -0.005108474288135767, -0.0428231805562973, -0.07952162623405457, 0.048264000564813614, -0.04182617738842964, -0.05766601860523224, -0.04440740868449211, -0.08964895457029343, 0.027572881430387497, 0.07519184052944183, -0.0068653784692287445, -0.08002257347106934, 0.028873253613710403, 0.03437250852584839, 0.03600948676466942, 0.04381157085299492, 0.05589492991566658, 0.021938981488347054, 0.0546148307621479, -0.08805987238883972, 0.04348217323422432, 0.04461812227964401, -0.04038271680474281, 0.06027458608150482, 0.04416636750102043, 0.029486048966646194, 0.04117535054683685, 0.05804702267050743, 0.037989191710948944, -0.020107276737689972, -0.07349952310323715, -0.02339811995625496, 0.019790763035416603, 0.043336089700460434, -0.010364620946347713, -0.054725270718336105, 0.08510240167379379, 0.0666428878903389, 0.0007534113829024136, -0.07912357896566391, -0.04486308619379997, -0.017705798149108887, 0.0005514814401976764, -0.15305447578430176, -0.11106376349925995, 0.09503098577260971, 0.009806257672607899, -0.06183657422661781, 0.026418233290314674, -0.046971019357442856, 0.024841662496328354, 0.03934183716773987, -0.003071368671953678, -0.0637550950050354, -0.01833115518093109, -0.10200034081935883, -0.00009520545427221805, -0.06481778621673584, -0.03988497704267502, -0.033964868634939194, 0.009413113817572594, 0.05481718108057976, 0.009949942119419575, 0.06962526589632034, 0.009998639114201069, -0.02865205518901348, 0.05887864902615547, -0.02285047248005867, 0.0553317628800869, 0.03008767031133175, 0.01753789372742176, 0.0364522822201252, -0.12396740168333054, 0.03230588510632515, -0.045462727546691895, 0.012186439707875252, -0.06404641270637512, 0.0756002888083458, 0.02666238136589527, 0.040449924767017365, 0.0011795393656939268, 0.036993544548749924, 0.010221399366855621, -0.056968096643686295, -0.021137559786438942, 0.006527736317366362, -0.00013844994828104973, 0.00956405233591795, 0.050276268273591995, 0.06160008907318115, 0.0190176572650671, -0.047192443162202835, 0.14177066087722778, -0.008078220300376415, 0.05816805362701416, 0.04235951229929924, -0.0013147154822945595, -0.06815306842327118, -0.016025660559535027, 0.038342107087373734, 0.12173894047737122, 0.029822688549757004, -0.0654420554637909, 0.03311832994222641, 0.025988738983869553, -0.01967376284301281, -0.04997669532895088, 0.0528908409178257, 0.058194637298583984, 0.010404478758573532, 0.01500813290476799, -0.03157611936330795, 0.10486049950122833, -0.06150195375084877, -0.04791058227419853, -0.037613652646541595, 0.023490911349654198, -0.029767103493213654, -0.05813669040799141, -0.09203014522790909, 1.0721342345804377e-33, 0.0855279266834259, 0.02094666287302971, -0.002209410537034273, -0.03378266096115112, 0.013825000263750553, -0.03607502952218056, -0.01296311430633068, 0.01035350188612938, -0.05068422481417656, -0.0150794368237257, -0.05546970292925835, -0.03112952783703804, -0.05218936502933502, 0.035678863525390625, 0.018991557881236076, 0.020390881225466728, -0.007393999025225639, 0.04689660295844078, 0.07315682619810104, 0.016373759135603905, 0.10354369133710861, 0.016670700162649155, -0.03297049179673195, -0.06297295540571213, -0.052081432193517685, 0.10559680312871933, 0.022094452753663063, -0.08492749184370041, -0.013419593684375286, 0.0667102038860321, -0.057499319314956665, 0.01570911519229412, -0.027700958773493767, 0.021223491057753563, -0.00662623206153512, 0.007406021002680063, -0.041289933025836945, -0.019460398703813553, -0.023258233442902565, -0.06987006217241287, 0.026038222014904022, -0.010133017785847187, 0.005299500189721584, -0.04741140455007553, -0.036226630210876465, -0.03455587849020958, 0.02457781881093979, 0.020914781838655472, 0.051849160343408585, 0.020027246326208115, -0.030357616022229195, 0.00493738055229187, 0.028322985395789146, -0.01263278815895319, -0.010819842107594013, 0.05248565971851349, 0.04752153158187866, 0.1278783679008484, 0.00410338444635272, 0.010234628804028034, 0.07697723060846329, 0.04010337218642235, -0.005091545172035694, 0.001094395061954856, 0.040488917380571365, -0.03350524604320526, -0.0670342892408371, -0.0773257464170456, 0.0859174057841301, 0.01674475707113743, -0.10742900520563126, -0.05265935882925987, 0.03714793547987938, 0.03599081560969353, 0.09386967122554779, -0.07800257205963135, -0.005651889834553003, -0.0524880513548851, -0.008007817901670933, 0.009338264353573322, -0.05801358446478844, 0.03674766793847084, -0.008924184367060661, -0.034644123166799545, -0.020214272662997246, -0.046086233109235764, 0.022289752960205078, -0.039718400686979294, -0.009017755277454853, 0.05855156481266022, 0.016688933596014977, 0.021541979163885117, -0.10899379849433899, 0.004495866596698761, -0.02638184279203415, -1.2426941486164322e-33, 0.037767212837934494, 0.05052555724978447, -0.02558760531246662, 0.060057882219552994, -0.015176529064774513, -0.038039833307266235, -0.019620880484580994, 0.10366057604551315, -0.023178670555353165, -0.027512487024068832, 0.10627469420433044, -0.08742411434650421, 0.012240901589393616, -0.04261361062526703, 0.04944983869791031, -0.02204662188887596, -0.04464690014719963, 0.021856212988495827, 0.032729968428611755, 0.05052921921014786, -0.01689683087170124, 0.08144382387399673, -0.028251515701413155, 0.0773387923836708, 0.0012755421921610832, -0.015329579822719097, 0.05883217602968216, 0.12177718430757523, 0.04465366527438164, -0.010384753346443176, 0.0006802080315537751, -0.0024119438603520393, -0.0808662474155426, -0.01976095139980316, -0.02357274480164051, 0.10075066238641739, 0.04409198835492134, -0.004526892676949501, 0.006144074723124504, 0.11887843906879425, 0.0323963388800621, 0.07301174104213715, -0.07037316262722015, 0.017235707491636276, -0.003573847468942404, -0.041281476616859436, 0.039337728172540665, -0.00859781913459301, 0.0006580417975783348, -0.08534899353981018, 0.04323619604110718, -0.052452508360147476, -0.09174053370952606, -0.0341472402215004, -0.013876444660127163, -0.07050178945064545, -0.027099059894680977, -0.025877756997942924, -0.03914476931095123, 0.0024136188440024853, -0.006175529211759567, -0.0016034035943448544, -0.11558442562818527, -0.04842448979616165, 0.01158126350492239, -0.02666017785668373, -0.05338357016444206, 0.057555001229047775, -0.010365741327404976, 0.03909657895565033, -0.011893480084836483, 0.019997313618659973, 0.06694550067186356, 0.10311604291200638, 0.0015367858577519655, -0.031464457511901855, -0.059421952813863754, 0.017483141273260117, 0.011137868277728558, -0.12049039453268051, -0.03631431236863136, 0.00713123707100749, 0.013753480277955532, 0.04381297156214714, 0.11908455193042755, 0.07657372951507568, 0.06577390432357788, 0.06021268293261528, -0.04976567625999451, -0.026606706902384758, 0.07586143910884857, 0.03021080605685711, -0.006399188656359911, 0.1734551638364792, 0.016413992270827293, -5.504326239247348e-8, 0.005991318728774786, 0.04200615733861923, -0.05522824078798294, 0.06715352088212967, 0.05728841572999954, -0.04036835581064224, -0.019556937739253044, -0.018149979412555695, -0.035334717482328415, 0.013808674179017544, 0.043512970209121704, 0.027796633541584015, -0.06226063147187233, 0.0066343131475150585, 0.0013221543049439788, 0.0018431136850267649, -0.0679805651307106, 0.133537158370018, -0.03468411788344383, -0.01610150747001171, 0.07280156761407852, 0.012247680686414242, 0.03813633322715759, -0.08774508535861969, 0.04766338691115379, -0.0943296030163765, -0.03187558427453041, 0.07616401463747025, -0.04210877791047096, -0.03349609673023224, 0.023300180211663246, 0.03443971648812294, -0.005608434323221445, -0.04884720221161842, 0.000957883894443512, 0.09823613613843918, -0.06095411628484726, -0.05145031586289406, -0.0013170320307835937, 0.003177845850586891, -0.02149532176554203, 0.05751660466194153, -0.0703510046005249, -0.01088024117052555, 0.05502461642026901, -0.00821028370410204, 0.026312999427318573, -0.10584385693073273, 0.04136082902550697, -0.03769544139504433, 0.021387599408626556, -0.03137481212615967, -0.01914249174296856, 0.001829068292863667, 0.03978806361556053, -0.0010509707499295473, -0.023376241326332092, -0.02231055125594139, -0.025320855900645256, -0.009946285746991634, 0.011235666461288929, -0.024370748549699783, -0.029722439125180244, -0.019098149612545967 ]
huggingtweets/nv1t
1db943b3f55a42605435fed5f7e017ffc23039c1
2022-04-12T10:24:30.000Z
[ "pytorch", "gpt2", "text-generation", "en", "transformers", "huggingtweets" ]
text-generation
false
huggingtweets
null
huggingtweets/nv1t
0
null
transformers
--- language: en thumbnail: https://github.com/borisdayma/huggingtweets/blob/master/img/logo.png?raw=true tags: - huggingtweets widget: - text: "My dream is" --- <div class="inline-flex flex-col" style="line-height: 1.5;"> <div class="flex"> <div style="display:inherit; margin-left: 4px; margin-right: 4px; width: 92px; height:92px; border-radius: 50%; background-size: cover; background-image: url(&#39;https://pbs.twimg.com/profile_images/521651470832136193/8-XdhaC7_400x400.jpeg&#39;)"> </div> <div style="display:none; margin-left: 4px; margin-right: 4px; width: 92px; height:92px; border-radius: 50%; background-size: cover; background-image: url(&#39;&#39;)"> </div> <div style="display:none; margin-left: 4px; margin-right: 4px; width: 92px; height:92px; border-radius: 50%; background-size: cover; background-image: url(&#39;&#39;)"> </div> </div> <div style="text-align: center; margin-top: 3px; font-size: 16px; font-weight: 800">🤖 AI BOT 🤖</div> <div style="text-align: center; font-size: 16px; font-weight: 800">nuit</div> <div style="text-align: center; font-size: 14px;">@nv1t</div> </div> I was made with [huggingtweets](https://github.com/borisdayma/huggingtweets). Create your own bot based on your favorite user with [the demo](https://colab.research.google.com/github/borisdayma/huggingtweets/blob/master/huggingtweets-demo.ipynb)! ## How does it work? The model uses the following pipeline. ![pipeline](https://github.com/borisdayma/huggingtweets/blob/master/img/pipeline.png?raw=true) To understand how the model was developed, check the [W&B report](https://wandb.ai/wandb/huggingtweets/reports/HuggingTweets-Train-a-Model-to-Generate-Tweets--VmlldzoxMTY5MjI). ## Training data The model was trained on tweets from nuit. | Data | nuit | | --- | --- | | Tweets downloaded | 3244 | | Retweets | 520 | | Short tweets | 127 | | Tweets kept | 2597 | [Explore the data](https://wandb.ai/wandb/huggingtweets/runs/3aj0ls3h/artifacts), which is tracked with [W&B artifacts](https://docs.wandb.com/artifacts) at every step of the pipeline. ## Training procedure The model is based on a pre-trained [GPT-2](https://huggingface.co/gpt2) which is fine-tuned on @nv1t's tweets. Hyperparameters and metrics are recorded in the [W&B training run](https://wandb.ai/wandb/huggingtweets/runs/3n9kpomf) for full transparency and reproducibility. At the end of training, [the final model](https://wandb.ai/wandb/huggingtweets/runs/3n9kpomf/artifacts) is logged and versioned. ## How to use You can use this model directly with a pipeline for text generation: ```python from transformers import pipeline generator = pipeline('text-generation', model='huggingtweets/nv1t') generator("My dream is", num_return_sequences=5) ``` ## Limitations and bias The model suffers from [the same limitations and bias as GPT-2](https://huggingface.co/gpt2#limitations-and-bias). In addition, the data present in the user's tweets further affects the text generated by the model. ## About *Built by Boris Dayma* [![Follow](https://img.shields.io/twitter/follow/borisdayma?style=social)](https://twitter.com/intent/follow?screen_name=borisdayma) For more details, visit the project repository. [![GitHub stars](https://img.shields.io/github/stars/borisdayma/huggingtweets?style=social)](https://github.com/borisdayma/huggingtweets)
[ -0.02081824466586113, 0.13107378780841827, -0.00928814709186554, 0.0356559082865715, 0.1643359214067459, -0.021462200209498405, -0.03668944165110588, 0.03407515957951546, 0.07568274438381195, -0.046757232397794724, 0.01682789996266365, 0.08716670423746109, 0.014723886735737324, -0.036224115639925, 0.00011197145795449615, 0.02658296748995781, -0.08746615052223206, -0.02952045388519764, -0.030122054740786552, 0.01712346076965332, -0.08989737927913666, -0.09403910487890244, 0.08535104244947433, -0.06029735133051872, -0.052218809723854065, 0.059606317430734634, 0.0030811824835836887, 0.04715832695364952, -0.007856309413909912, -0.023069314658641815, -0.03318626806139946, 0.026072638109326363, 0.053091999143362045, 0.03404802829027176, -0.024809351190924644, 0.038692303001880646, -0.0017552380450069904, 0.0161538515239954, -0.042964398860931396, 0.032763030380010605, -0.010495185852050781, -0.10858987271785736, 0.05310723930597305, 0.03359971567988396, -0.031522754579782486, -0.020864184945821762, -0.025826463475823402, 0.0038492591120302677, -0.04403184354305267, 0.03054460883140564, -0.050559256225824356, -0.0629049614071846, -0.00006215130269993097, -0.007031695451587439, 0.013467525132000446, 0.048412688076496124, 0.01949506811797619, -0.05406522750854492, 0.059528231620788574, -0.006459501571953297, 0.12155042588710785, 0.10341287404298782, 0.08781079202890396, 0.009829586371779442, 0.021556897088885307, -0.020985465496778488, -0.06947296112775803, 0.05323942378163338, -0.02035755291581154, -0.00731715327128768, 0.02812550961971283, -0.0013351476518437266, -0.04770445078611374, -0.05074017494916916, 0.033865656703710556, -0.06955616176128387, -0.008859232999384403, 0.03610627353191376, -0.028126657009124756, 0.0576455295085907, 0.03510626032948494, -0.04076496884226799, 0.02133907377719879, -0.01277416292577982, 0.06295543909072876, 0.012394972145557404, -0.002290904289111495, -0.10309843719005585, -0.02603021450340748, 0.04027838259935379, -0.011777302250266075, -0.007524467073380947, 0.01213336456567049, 0.03433125093579292, -0.040626030415296555, 0.01228947564959526, -0.07617156207561493, -0.12944753468036652, -0.12388274818658829, 0.07421661913394928, -0.0035668769851326942, -0.050160862505435944, 0.09458858519792557, 0.029326986521482468, 0.013156193308532238, -0.021869422867894173, -0.0329299159348011, 0.022428665310144424, 0.0033242281060665846, -0.012537412345409393, 0.031782638281583786, -0.03947218880057335, -0.10388829559087753, 0.012250279076397419, -0.02300434559583664, -0.10454147309064865, -0.012578084133565426, 0.027883028611540794, 0.09595143049955368, -0.0367366299033165, 0.06174212321639061, 0.14460432529449463, -0.04511994123458862, -0.09768722951412201, -0.001609116094186902, 0.0348590724170208, -0.04248020052909851, 1.0758870002954378e-32, 0.061586394906044006, 0.018542349338531494, -0.04507841169834137, 0.04074804484844208, 0.09765135496854782, 0.005342585034668446, -0.010196126997470856, -0.056609779596328735, -0.1082645133137703, 0.0007071050349622965, 0.0707232654094696, 0.02970734052360058, 0.0006368545582517982, 0.013222540728747845, -0.003864667611196637, -0.09551528841257095, -0.029207734391093254, -0.0008636940037831664, -0.0017797619802877307, -0.004321177024394274, -0.09050001204013824, 0.04504825919866562, -0.04767337813973427, -0.060029707849025726, -0.05614693462848663, 0.012924703769385815, 0.10027402639389038, -0.052949026226997375, 0.0036031072959303856, 0.0011977545218542218, -0.05045362561941147, -0.01467728242278099, 0.0718596950173378, -0.05217505246400833, 0.040886569768190384, -0.0008440566016361117, 0.0009073872934095562, -0.08312695473432541, -0.002216694410890341, 0.03585188090801239, -0.026786737143993378, -0.06421185284852982, 0.05057060718536377, -0.03431744873523712, -0.0672348290681839, 0.08856042474508286, 0.13201124966144562, -0.00506097124889493, 0.003275549039244652, -0.059109050780534744, -0.02962665632367134, -0.014264857396483421, -0.03842370584607124, -0.09599598497152328, -0.02464430220425129, -0.0859503522515297, -0.003175164572894573, 0.03563917055726051, 0.021632086485624313, -0.02064947970211506, 0.010953799821436405, -0.07729454338550568, 0.03852529078722, -0.0729900524020195, 0.0467648021876812, 0.03415161743760109, -0.07933036983013153, -0.028688687831163406, 0.04603001847863197, -0.03892892971634865, -0.05251745134592056, 0.004865734372287989, 0.11357031762599945, -0.03476259112358093, -0.06306380033493042, 0.01735658198595047, -0.007335186004638672, -0.03606549650430679, -0.041312966495752335, 0.045610640197992325, -0.05108390748500824, -0.009662698954343796, 0.04129265993833542, 0.004015007987618446, -0.01858367770910263, -0.019689345732331276, 0.012273523956537247, -0.046677544713020325, 0.030273566022515297, -0.007786763831973076, -0.0979662835597992, -0.021369002759456635, 0.019369440153241158, -0.08625240623950958, -0.07355578988790512, -1.1019095799551631e-32, 0.07053075730800629, -0.0017154167871922255, -0.003982687834650278, 0.047442756593227386, 0.06914753466844559, 0.05990822613239288, 0.0706014409661293, 0.07419192045927048, -0.0006231542211025953, -0.00028135956381447613, 0.05133375525474548, -0.022007690742611885, -0.09174518287181854, -0.04324021562933922, 0.009644633159041405, 0.013905424624681473, 0.08212707191705704, -0.023000728338956833, -0.03934962674975395, 0.017271675169467926, 0.007634343113750219, 0.02684544026851654, -0.006892469245940447, 0.08636923879384995, -0.07463518530130386, -0.0006866352050565183, 0.08131987601518631, -0.0034180106595158577, -0.014659975655376911, 0.014672357589006424, -0.04522501677274704, -0.08559247851371765, -0.02659289538860321, 0.06582589447498322, 0.06523606926202774, 0.0016742312582209706, -0.06821571290493011, -0.03499073162674904, -0.031873926520347595, -0.04728283733129501, 0.016348734498023987, -0.09085623919963837, -0.048005685210227966, -0.01148366928100586, 0.04073231667280197, -0.041721899062395096, 0.01982698030769825, -0.0349932424724102, -0.020510263741016388, 0.035321734845638275, 0.03930704668164253, 0.03772704303264618, -0.0029098521918058395, -0.020270690321922302, -0.024413779377937317, -0.10241838544607162, -0.04386714845895767, 0.03128378465771675, 0.013123967684805393, 0.02328801341354847, 0.03290931135416031, 0.008603229187428951, -0.024881800636649132, -0.003410803619772196, 0.05848342925310135, 0.04458032175898552, -0.06925630569458008, 0.054466068744659424, -0.07746633142232895, 0.0016512281727045774, 0.02904842235147953, 0.054284337908029556, 0.04261305555701256, -0.004749585408717394, 0.04818598926067352, -0.030497850850224495, 0.08531949669122696, 0.010928803123533726, 0.05957049876451492, 0.006335883866995573, -0.07383622229099274, -0.06785886734724045, -0.049382198601961136, -0.00875195860862732, -0.05252097174525261, -0.009958733804523945, -0.02564162388443947, 0.09851390868425369, -0.023725096136331558, -0.03402808681130409, -0.038268983364105225, 0.08238542079925537, 0.06052321940660477, 0.04860026761889458, 0.06959947943687439, -6.753586490049202e-8, -0.04715525731444359, -0.08586465567350388, -0.0008483495330438018, 0.003869143547490239, -0.0373607873916626, 0.026654714718461037, 0.044426608830690384, -0.15153631567955017, -0.02194233238697052, -0.050153203308582306, 0.02587704174220562, 0.01814597100019455, -0.0742972195148468, 0.029552290216088295, -0.044903453439474106, 0.01367291621863842, -0.12195879220962524, 0.0845814123749733, 0.00845962855964899, -0.06926067918539047, -0.02335193380713463, 0.03458697721362114, 0.03275102749466896, -0.027060380205512047, 0.0006668491987511516, 0.08492957055568695, -0.10208567976951599, -0.008002791553735733, 0.01725955307483673, -0.009730912744998932, 0.030789988115429878, -0.04811098799109459, 0.03510039299726486, -0.05979468673467636, -0.007697821594774723, -0.05055741220712662, -0.042314302176237106, -0.03720840439200401, 0.004144253209233284, 0.007308481261134148, 0.03429640829563141, 0.014104500412940979, 0.07574187964200974, 0.04531059041619301, -0.031646471470594406, 0.017999066039919853, 0.04599333181977272, 0.02122379280626774, 0.024663103744387627, 0.02336736209690571, -0.019407076761126518, -0.07352573424577713, 0.01278259139508009, 0.02680538222193718, 0.04224131628870964, -0.0038103528786450624, -0.005620382260531187, 0.05130591616034508, 0.0071701291017234325, 0.06744198501110077, 0.0440753698348999, 0.053930528461933136, -0.007117923349142075, 0.060277312994003296 ]
Chris1/ape2punk_epoch80
f42c99e06db78f53a9460695268c1ad9ee52b137
2022-04-12T11:21:48.000Z
[ "pytorch", "huggan", "gan", "license:mit" ]
null
false
Chris1
null
Chris1/ape2punk_epoch80
0
null
null
--- tags: - huggan - gan # See a list of available tags here: # https://github.com/huggingface/hub-docs/blob/main/js/src/lib/interfaces/Types.ts#L12 # task: unconditional-image-generation or conditional-image-generation or image-to-image license: mit --- # MyModelName ## Model description Describe the model here (what it does, what it's used for, etc.) ## Intended uses & limitations #### How to use ```python # You can include sample code which will be formatted ``` #### Limitations and bias Provide examples of latent issues and potential remediations. ## Training data Describe the data you used to train the model. If you initialized it with pre-trained weights, add a link to the pre-trained model card or repository with description of the pre-training data. ## Training procedure Preprocessing, hardware used, hyperparameters... ## Eval results ## Generated Images You can embed local or remote images using `![](...)` ### BibTeX entry and citation info ```bibtex @inproceedings{..., year={2020} } ```
[ -0.13079506158828735, -0.03871167451143265, 0.043283335864543915, 0.06009908393025398, 0.08527149260044098, -0.05323024466633797, -0.0928846225142479, 0.010894173756241798, -0.08442944288253784, -0.05894707143306732, 0.02764892578125, -0.07225100696086884, 0.07474685460329056, -0.018355632200837135, 0.011766713112592697, 0.005380263086408377, 0.05573239549994469, 0.013709732331335545, -0.034917835146188736, -0.00759129598736763, 0.00817523617297411, 0.05464521050453186, 0.021362625062465668, -0.06120962277054787, 0.04741848260164261, -0.04571937397122383, 0.059080466628074646, 0.061219990253448486, 0.08379366248846054, -0.05271057412028313, 0.051414359360933304, 0.015820570290088654, -0.05371561646461487, 0.03164178878068924, -0.04708079621195793, 0.15256281197071075, -0.06671977043151855, 0.0035976837389171124, -0.04695839434862137, -0.04077332839369774, 0.02980138175189495, -0.06777357310056686, 0.03854447603225708, -0.09641718119382858, 0.10848978906869888, -0.03645391762256622, -0.06641549617052078, -0.05464549362659454, -0.02891538105905056, -0.060931917279958725, -0.06674470007419586, -0.13052113354206085, -0.03301252797245979, 0.017196334898471832, 0.06099603325128555, 0.020056461915373802, 0.02074551209807396, -0.09043978154659271, -0.024621279910206795, 0.015060130506753922, -0.007647332735359669, -0.008112031035125256, -0.052564021199941635, -0.04023182392120361, 0.025154301896691322, -0.0001886640238808468, -0.0027506707701832056, 0.07206110656261444, 0.07580852508544922, 0.0082189179956913, 0.00868174433708191, 0.006310627330094576, -0.006464766804128885, -0.01455104723572731, -0.000682657933793962, 0.007433395367115736, 0.0493633896112442, 0.03606874868273735, 0.08159362524747849, -0.11565002799034119, -0.017603430896997452, -0.024667780846357346, 0.019294817000627518, 0.006069542374461889, -0.019237695261836052, 0.020842770114541054, -0.02156750112771988, 0.08277835696935654, 0.020990891382098198, 0.02344331704080105, 0.0030331092420965433, 0.026971101760864258, -0.10537134110927582, 0.055685728788375854, 0.025408310815691948, 0.045133162289857864, 0.02624499425292015, -0.05389869585633278, -0.07851970940828323, 0.07133665680885315, -0.016556473448872566, 0.02688300795853138, 0.023824002593755722, 0.02881333790719509, 0.04776635766029358, -0.05213846266269684, 0.033056337386369705, 0.04602045938372612, 0.04774634912610054, -0.0338435135781765, 0.046014778316020966, -0.015238010324537754, -0.0864340290427208, -0.09341505914926529, 0.012693562544882298, -0.05311686545610428, 0.012377176433801651, -0.028130099177360535, 0.003439307911321521, -0.0003234650066588074, -0.02282215841114521, 0.09039399772882462, 0.018014036118984222, -0.056138381361961365, 0.009184208698570728, -0.13588057458400726, -0.0981966033577919, 6.170930980058345e-33, 0.03180176392197609, 0.00944593083113432, 0.004073780961334705, 0.06741117686033249, 0.03913991525769234, -0.01818024553358555, -0.031076617538928986, -0.06023376062512398, -0.04840584844350815, -0.0003869679931085557, -0.057608939707279205, 0.050828464329242706, -0.11320370435714722, 0.09300240129232407, -0.002965097315609455, -0.05508866533637047, -0.05945351719856262, 0.021081265062093735, 0.03122250735759735, 0.08380389213562012, -0.018493929877877235, -0.018579144030809402, -0.04476321488618851, 0.008372243493795395, -0.06056247279047966, 0.050960443913936615, 0.041241373866796494, -0.032624728977680206, -0.017715483903884888, 0.006714777089655399, -0.009209341369569302, 0.02854854427278042, 0.014012307859957218, -0.005396510008722544, 0.010398149490356445, -0.0434226393699646, -0.041535384953022, -0.0314471460878849, -0.07407154887914658, 0.0003924236516468227, 0.019319146871566772, 0.03263800963759422, -0.02978450618684292, -0.06552273780107498, -0.016929393634200096, -0.008664138615131378, 0.052600275725126266, 0.015436042100191116, 0.027597645297646523, 0.05607541278004646, 0.0578744150698185, 0.011760411784052849, 0.04750314727425575, -0.06745206564664841, -0.09449051320552826, 0.016836076974868774, 0.04008299857378006, 0.012046052142977715, 0.03783505782485008, -0.01576320454478264, -0.013528098352253437, -0.012389128096401691, 0.04782630875706673, 0.044786445796489716, -0.013263857923448086, 0.026348447427153587, -0.011145513504743576, -0.008546094410121441, -0.020217278972268105, 0.0512765608727932, -0.016512354835867882, 0.021501321345567703, -0.08192084729671478, -0.03866196051239967, 0.06449984014034271, -0.03998464345932007, -0.020733995363116264, 0.017837345600128174, -0.0424652174115181, 0.02565264329314232, -0.024796131998300552, 0.031077634543180466, -0.02978554554283619, -0.019046785309910774, -0.011531042866408825, -0.01844899356365204, 0.008323212154209614, -0.04180004447698593, 0.03452646732330322, 0.006534298416227102, -0.017266659066081047, -0.01749277673661709, 0.012084340676665306, -0.05755089595913887, -0.03576174005866051, -6.491908528758001e-33, 0.07732828706502914, 0.04526302590966225, -0.04402449354529381, 0.011233986355364323, -0.009832954965531826, 0.01423120591789484, 0.028415489941835403, 0.07263115048408508, -0.003067628713324666, -0.055805105715990067, 0.039391566067934036, 0.02970832772552967, -0.03938940539956093, -0.07513807713985443, -0.04513297975063324, 0.020196139812469482, -0.03677041456103325, -0.06985960900783539, -0.020019467920064926, 0.011655595153570175, 0.008906450122594833, 0.0875244066119194, -0.06741715967655182, 0.06721224635839462, -0.014699461869895458, 0.07217231392860413, 0.04763294756412506, 0.07152014225721359, 0.022713566198945045, -0.006387128960341215, 0.021178726106882095, -0.04412783309817314, 0.014970317482948303, 0.06728743016719818, -0.01695423573255539, 0.028709223493933678, 0.14027240872383118, 0.0389447845518589, -0.036395758390426636, 0.006009403616189957, 0.11052695661783218, 0.04279128834605217, -0.10856951773166656, 0.07447397708892822, -0.05002158135175705, -0.048076242208480835, -0.05436646193265915, -0.03515830636024475, -0.0078584598377347, 0.011248455382883549, 0.02322564460337162, -0.04196437820792198, -0.05311030521988869, -0.049147214740514755, -0.09517267346382141, -0.056093763560056686, 0.061897162348032, -0.024819213896989822, 0.07587093114852905, 0.031984686851501465, -0.06650096923112869, -0.17812028527259827, -0.02439367212355137, -0.041635528206825256, -0.0742514356970787, -0.029407082125544548, -0.0796518549323082, -0.0583164282143116, -0.04179798439145088, 0.03020155429840088, 0.0059072584845125675, 0.0644531175494194, 0.08015651255846024, 0.03195735439658165, 0.01225481927394867, 0.0010421995539218187, 0.11629979312419891, 0.006069559138268232, 0.04298464208841324, -0.12262281030416489, -0.014385372400283813, -0.06723412871360779, 0.07685109227895737, 0.040957480669021606, 0.016244467347860336, 0.049636658281087875, 0.035703472793102264, 0.05930810794234276, 0.02668503113090992, -0.03803014010190964, -0.04913901537656784, 0.04125329479575157, 0.035382211208343506, 0.09130856394767761, 0.00953890010714531, -6.614494196810483e-8, -0.026116792112588882, 0.00861478690057993, 0.021574625745415688, -0.024437878280878067, -0.07639940083026886, 0.04008038341999054, 0.06378623843193054, -0.05909920856356621, 0.04841551184654236, 0.0032858566846698523, 0.032909248024225235, 0.0283069871366024, -0.05787591636180878, 0.022432129830121994, 0.02500838413834572, 0.060346946120262146, 0.02107790857553482, 0.10289118438959122, -0.04128162935376167, -0.04352276772260666, -0.06433628499507904, -0.037042271345853806, -0.011446310207247734, -0.03552234545350075, 0.10621089488267899, -0.06435241550207138, -0.07484130561351776, 0.04401259496808052, 0.0045545571483671665, -0.01637849397957325, 0.0006600093911401927, -0.003934204112738371, 0.0011735864682123065, -0.002988397143781185, 0.02072172798216343, 0.06648243218660355, -0.009198344312608242, -0.1022825762629509, 0.04732844978570938, 0.05645037814974785, -0.0065316567197442055, 0.0827125832438469, -0.06403212249279022, -0.06595440953969955, 0.07582223415374756, 0.051119666546583176, 0.0038850964047014713, -0.05688374862074852, -0.003987072501331568, 0.12394506484270096, 0.0066818054765462875, -0.041547760367393494, -0.03152219578623772, 0.0030917187687009573, 0.008289016783237457, 0.02957533858716488, 0.04928784444928169, -0.0025633517652750015, 0.09360773116350174, 0.028521377593278885, 0.07060866057872772, 0.02785242721438408, 0.04728247597813606, -0.009301658719778061 ]
huggingnft/cryptopunks__2__bored-apes-yacht-club
aa592734173938947c65191aca14a719332ab0dd
2022-04-25T16:05:53.000Z
[ "pytorch", "arxiv:1703.10593", "huggan", "gan", "image-to-image", "huggingnft", "nft", "image", "images", "license:mit" ]
image-to-image
false
huggingnft
null
huggingnft/cryptopunks__2__bored-apes-yacht-club
0
1
null
--- tags: - huggan - gan - image-to-image - huggingnft - nft - image - images # See a list of available tags here: # https://github.com/huggingface/hub-docs/blob/main/js/src/lib/interfaces/Types.ts#L12 # task: unconditional-image-generation or conditional-image-generation or image-to-image license: mit --- # CycleGAN for unpaired image-to-image translation. ## Model description CycleGAN for unpaired image-to-image translation. Given two image domains A and B, the following components are trained end2end to translate between such domains: - A generator A to B, named G_AB conditioned on an image from A - A generator B to A, named G_BA conditioned on an image from B - A domain classifier D_A, associated with G_AB - A domain classifier D_B, associated with G_BA At inference time, G_AB or G_BA are relevant to translate images, respectively A to B or B to A. In the general setting, this technique provides style transfer functionalities between the selected image domains A and B. This allows to obtain a generated translation by G_AB, of an image from domain A that resembles the distribution of the images from domain B, and viceversa for the generator G_BA. Under these framework, these aspects have been used to perform style transfer between NFT collections. A collection is selected as domain A, another one as domain B and the CycleGAN provides forward and backward translation between A and B. This has showed to allows high quality translation even in absence of paired sample-ground-truth data. In particular, the model performs well with stationary backgrounds (no drastic texture changes in the appearance of backgrounds) as it is capable of recognizing the attributes of each of the elements of an NFT collections. An attribute can be a variation in type of dressed fashion items such as sunglasses, earrings, clothes and also face or body attributes with respect to a common template model of the given NFT collection). ## Intended uses & limitations #### How to use ```python import torch from PIL import Image from huggan.pytorch.cyclegan.modeling_cyclegan import GeneratorResNet from torchvision import transforms as T from torchvision.transforms import Compose, Resize, ToTensor, Normalize from torchvision.utils import make_grid from huggingface_hub import hf_hub_download, file_download from accelerate import Accelerator import json def load_lightweight_model(model_name): file_path = file_download.hf_hub_download( repo_id=model_name, filename="config.json" ) config = json.loads(open(file_path).read()) organization_name, name = model_name.split("/") model = Trainer(**config, organization_name=organization_name, name=name) model.load(use_cpu=True) model.accelerator = Accelerator() return model def get_concat_h(im1, im2): dst = Image.new('RGB', (im1.width + im2.width, im1.height)) dst.paste(im1, (0, 0)) dst.paste(im2, (im1.width, 0)) return dst n_channels = 3 image_size = 256 input_shape = (image_size, image_size) transform = Compose([ T.ToPILImage(), T.Resize(input_shape), ToTensor(), Normalize((0.5, 0.5, 0.5), (0.5, 0.5, 0.5)), ]) # load the translation model from source to target images: source will be generated by a separate Lightweight GAN, w # while the target images are the result of the translation applied by the GeneratorResnet to the generated source images. # Hence, given the source domain A and target domain B, # B = Translator(GAN(A)) translator = GeneratorResNet.from_pretrained(f'huggingnft/{model_name}', input_shape=(n_channels, image_size, image_size), num_residual_blocks=9) # sample noise that is used to generate source images by the z = torch.randn(nrows, 100, 1, 1) # load the GAN generator of source images that will be translated by the translation model model = load_lightweight_model(f"huggingnft/{model_name.split('__2__')[0]}") collectionA = model.generate_app( num=timestamped_filename(), nrow=nrows, checkpoint=-1, types="default" )[1] # resize to translator model input shape resize = T.Resize((256, 256)) input = resize(collectionA) # translate the resized collectionA to collectionB collectionB = translator(input) out_transform = T.ToPILImage() results = [] for collA_image, collB_image in zip(input, collectionB): results.append( get_concat_h(out_transform(make_grid(collA_image, nrow=1, normalize=True)), out_transform(make_grid(collB_image, nrow=1, normalize=True))) ) ``` #### Limitations and bias Translation between collections provides exceptional output images in the case of NFT collections that portray subjects in the same way. If the backgrounds vary too much within either of the collections, performance degrades or many more training iterations re required to achieve acceptable results. ## Training data The CycleGAN model is trained on an unpaired dataset of samples from two selected NFT collections: colle tionA and collectionB. To this end, two collections are loaded by means of the function load_dataset in the huggingface library, as follows. A list of all available collections is available at [huggingNFT](https://huggingface.co/huggingnft) ```python from datasets import load_dataset collectionA = load_dataset("huggingnft/COLLECTION_A") collectionB = load_dataset("huggingnft/COLLECTION_B") ``` ## Training procedure #### Preprocessing The following transformations are applied to each input sample of collectionA and collectionB. The input size is fixed to RGB images of height, width = 256, 256 ```python n_channels = 3 image_size = 256 input_shape = (image_size, image_size) transform = Compose([ T.ToPILImage(), T.Resize(input_shape), ToTensor(), Normalize((0.5, 0.5, 0.5), (0.5, 0.5, 0.5)), ]) ``` #### Hardware The configuration has been tested on single GPU setup on a RTX5000 and A5000, as well as multi-gpu single-rank distributed setups composed of 2 of the mentioned GPUs. #### Hyperparameters The following configuration has been kept fixed for all translation models: - learning rate 0.0002 - number of epochs 200 - learning rate decay activation at epoch 80 - number of residual blocks of the cyclegan 9 - cycle loss weight 10.0 - identity loss weight 5.0 - optimizer ADAM with beta1 0.5 and beta2 0.999 - batch size 8 - NO mixed precision training ## Eval results #### Training reports [Cryptopunks to boreapeyachtclub](https://wandb.ai/chris1nexus/experiments--experiments_cyclegan_punk_to_apes_HQ--0/reports/CycleGAN-training-report--VmlldzoxODUxNzQz?accessToken=vueurpbhd2i8n347j880yakggs0sqdf7u0hpz3bpfsbrxcmk1jk4obg18f6wfk9w) [Boreapeyachtclub to mutant-ape-yacht-club](https://wandb.ai/chris1nexus/experiments--my_paperspace_boredapeyachtclub__2__mutant-ape-yacht-club--11/reports/CycleGAN-training-report--VmlldzoxODUxNzg4?accessToken=jpyviwn7kdf5216ycrthwp6l8t3heb0lt8djt7dz12guu64qnpdh3ekecfcnoahu) #### Generated Images In the provided images, row0 and row2 represent real images from the respective collections. Row1 is the translation of the immediate above images in row0 by means of the G_AB translation model. Row3 is the translation of the immediate above images in row2 by means of the G_BA translation model. Visualization over the training iterations for [boreapeyachtclub to mutant-ape-yacht-club](https://wandb.ai/chris1nexus/experiments--my_paperspace_boredapeyachtclub__2__mutant-ape-yacht-club--11/reports/Shared-panel-22-04-15-08-04-99--VmlldzoxODQ0MDI3?accessToken=45m3kxex5m3rpev3s6vmrv69k3u9p9uxcsp2k90wvbxwxzlqbqjqlnmgpl9265c0) Visualization over the training iterations for [Cryptopunks to boreapeyachtclub](https://wandb.ai/chris1nexus/experiments--experiments_cyclegan_punk_to_apes_HQ--0/reports/Shared-panel-22-04-17-11-04-83--VmlldzoxODUxNjk5?accessToken=o25si6nflp2xst649vt6ayt56bnb95mxmngt1ieso091j2oazmqnwaf4h78vc2tu) ### References ```bibtex @misc{https://doi.org/10.48550/arxiv.1703.10593, doi = {10.48550/ARXIV.1703.10593}, url = {https://arxiv.org/abs/1703.10593}, author = {Zhu, Jun-Yan and Park, Taesung and Isola, Phillip and Efros, Alexei A.}, keywords = {Computer Vision and Pattern Recognition (cs.CV), FOS: Computer and information sciences, FOS: Computer and information sciences}, title = {Unpaired Image-to-Image Translation using Cycle-Consistent Adversarial Networks}, publisher = {arXiv}, year = {2017}, copyright = {arXiv.org perpetual, non-exclusive license} } ``` ### BibTeX entry and citation info ```bibtex @InProceedings{huggingnft, author={Aleksey Korshuk, Christian Cancedda} year=2022 } ```
[ -0.14185728132724762, -0.053367920219898224, 0.02042466215789318, 0.0009903640020638704, 0.06330352276563644, -0.021909169852733612, -0.029282284900546074, -0.06863241642713547, -0.02134997583925724, -0.06297006458044052, 0.02793426439166069, -0.06927744299173355, 0.0643099695444107, -0.05274996533989906, 0.025001568719744682, -0.0027949130162596703, 0.05466102436184883, 0.033298689872026443, -0.08142902702093124, 0.002371787093579769, 0.039784274995326996, 0.040139757096767426, 0.05241915211081505, -0.0424698106944561, 0.06368771940469742, 0.024628128856420517, 0.020168252289295197, -0.022938977926969528, 0.1115516871213913, -0.07118573039770126, -0.005830841604620218, 0.1184326559305191, -0.10426802933216095, 0.013064166530966759, -0.04118899255990982, 0.11202685534954071, -0.07223258912563324, 0.048935599625110626, -0.0033165609929710627, -0.07505801320075989, 0.03466013818979263, -0.044640786945819855, 0.06825047731399536, -0.04809197783470154, 0.08441690355539322, 0.05820376053452492, -0.02306160144507885, 0.023911522701382637, -0.0438542403280735, -0.06043490767478943, 0.0368354395031929, -0.08764956146478653, -0.08060982078313828, 0.0563754066824913, 0.0834965929389, 0.0859571173787117, 0.03111342340707779, -0.07468418776988983, -0.008775097317993641, 0.07729072123765945, -0.047291480004787445, -0.011432409286499023, -0.05265509709715843, -0.005278329364955425, 0.04251841828227043, -0.01781892590224743, 0.05299638956785202, 0.019071636721491814, -0.006550602149218321, 0.019842304289340973, -0.005454998463392258, -0.0050049745477736, 0.026327844709157944, 0.022234128788113594, 0.04774974286556244, 0.05216009542346001, 0.04698393866419792, 0.07751309126615524, 0.05903950333595276, -0.14740599691867828, 0.04684436321258545, -0.012646608054637909, 0.0922665074467659, 0.004472723230719566, -0.030933678150177002, -0.02517717145383358, -0.053624026477336884, 0.014631358906626701, 0.07746446132659912, 0.03318697214126587, -0.06115064024925232, -0.0207825917750597, -0.06576225906610489, 0.0637563169002533, 0.0006699323421344161, 0.003942098468542099, -0.0435585118830204, -0.0026642633602023125, -0.0612265020608902, 0.09398168325424194, -0.008314424194395542, 0.054529402405023575, 0.0212232768535614, -0.024816157296299934, 0.023727353662252426, -0.048002924770116806, 0.019973624497652054, 0.03447268158197403, 0.04329805076122284, -0.03952286019921303, 0.07181616127490997, -0.0016014239517971873, 0.013725369237363338, -0.07623611390590668, -0.02450167015194893, -0.07001569867134094, 0.013305725529789925, 0.012680655345320702, 0.034435439854860306, -0.04988691583275795, -0.08687770366668701, 0.06822885572910309, 0.007908307015895844, -0.06551314145326614, -0.05428674444556236, -0.10218631476163864, -0.06999374181032181, 2.821691537202359e-33, 0.02456069551408291, 0.022326288744807243, 0.02408365160226822, 0.03162793070077896, 0.009587198495864868, 0.04241819307208061, -0.07364077121019363, -0.06190910190343857, -0.0028855050913989544, -0.0032499602530151606, -0.009236959740519524, 0.014142845757305622, -0.11399047821760178, 0.11275548487901688, 0.05116533115506172, -0.01811254769563675, -0.01657462678849697, 0.008144304156303406, 0.03665200620889664, 0.03167620301246643, 0.0005311209242790937, 0.04529126361012459, -0.07757335156202316, 0.03430701792240143, -0.07154256105422974, 0.009571977891027927, 0.013037340715527534, -0.06927211582660675, 0.026933837682008743, 0.0063225575722754, -0.05416920408606529, 0.0244445838034153, 0.03791042044758797, -0.0037681434769183397, 0.04016768932342529, -0.07420005649328232, -0.009430378675460815, -0.024098588153719902, -0.0930558368563652, -0.013203092850744724, -0.005040679592639208, 0.015452518127858639, -0.0561564601957798, -0.06432967633008957, 0.005719485692679882, -0.03352741524577141, 0.03514460101723671, 0.01955757848918438, -0.019217882305383682, 0.050815649330616, 0.07615412026643753, 0.0054562510922551155, 0.04217228665947914, -0.08500851690769196, -0.07271476835012436, 0.024165743961930275, 0.04228062555193901, 0.011486145667731762, 0.015002289786934853, 0.04343587905168533, -0.029733523726463318, 0.014564930461347103, 0.018284611403942108, 0.059174831956624985, -0.01198909804224968, 0.06425837427377701, -0.038964468985795975, -0.032759521156549454, -0.04836640506982803, -0.004814427811652422, 0.004536631517112255, 0.018705064430832863, -0.05464624613523483, -0.03703548386693001, 0.0481068417429924, -0.05992588400840759, -0.033072639256715775, -0.00045717498869635165, 0.004569102078676224, 0.027651889249682426, -0.06871800869703293, 0.033687181770801544, -0.03529469668865204, -0.022083543241024017, -0.07846590876579285, 0.006288690492510796, -0.0031619309447705746, -0.07923563569784164, -0.012584193609654903, 0.004209248814731836, 0.03868866339325905, 0.03385421261191368, 0.010462968610227108, 0.008121130056679249, 0.0879611149430275, -3.427543162326089e-33, 0.06954281032085419, 0.06502550840377808, -0.026913633570075035, 0.05377413332462311, -0.0066241309978067875, 0.001695048762485385, 0.1029788926243782, 0.019306844100356102, 0.0219227597117424, -0.0307865422219038, 0.011041080579161644, 0.06940215826034546, -0.06775637716054916, -0.05331052094697952, -0.06245318055152893, -0.06114007160067558, 0.025801900774240494, -0.029493574053049088, -0.04082285240292549, 0.06175034120678902, 0.08359187096357346, 0.09966016560792923, -0.04978790879249573, 0.0366770476102829, -0.01022255141288042, 0.0836305022239685, 0.014269874431192875, 0.12810510396957397, -0.007695255801081657, 0.030325494706630707, 0.05251843482255936, -0.04358643665909767, -0.024971600621938705, 0.01784972846508026, -0.040770526975393295, 0.017434723675251007, 0.046098265796899796, 0.06420545279979706, -0.08555373549461365, 0.024509640410542488, 0.018959863111376762, 0.05189571902155876, -0.06853082776069641, 0.04568886756896973, -0.02309851534664631, 0.024212248623371124, -0.03997321054339409, -0.0164088886231184, 0.050155915319919586, 0.0019384800689294934, 0.0044262302108109, 0.031460411846637726, -0.07961803674697876, -0.01003656443208456, -0.048287469893693924, -0.07751335948705673, 0.03162823244929314, -0.0476844422519207, 0.08677393943071365, 0.03111506626009941, -0.017222099006175995, -0.11838115751743317, -0.025535212829709053, -0.020704330876469612, -0.041289135813713074, 0.043897856026887894, -0.019999820739030838, 0.004905093461275101, 0.05740778520703316, 0.04445851594209671, 0.06234239414334297, 0.04754602536559105, 0.03022284060716629, -0.0025346146430820227, 0.0009503684123046696, 0.015555419959127903, 0.1617087870836258, -0.043295688927173615, -0.00045768366544507444, -0.1977277249097824, -0.0700397863984108, -0.12090921401977539, 0.03802141547203064, 0.07361720502376556, -0.027785619720816612, 0.00809737853705883, 0.02169296331703663, -0.023039521649479866, 0.07327710092067719, 0.030375758185982704, -0.06178442761301994, 0.03279471397399902, 0.009223438799381256, 0.028497859835624695, -0.021323317661881447, -5.264152136419398e-8, -0.06055078282952309, -0.0171393733471632, -0.014681586064398289, -0.056502703577280045, 0.03286156803369522, -0.022234762087464333, 0.014641297981142998, -0.0076149459928274155, 0.059251733124256134, -0.01250531803816557, 0.008176938630640507, 0.03895236924290657, -0.0726063922047615, -0.015147920697927475, 0.0029458017088472843, 0.06584924459457397, 0.055225297808647156, 0.046824004501104355, -0.04099312797188759, -0.023963991552591324, -0.08252783119678497, -0.06872555613517761, -0.004012206103652716, -0.042351678013801575, 0.031262386590242386, -0.10366363823413849, -0.02005794458091259, 0.017357442528009415, 0.07224807888269424, -0.02133587747812271, -0.00403962517157197, -0.021009908989071846, -0.010727978311479092, -0.026839496567845345, 0.010687846690416336, 0.037773922085762024, -0.015932291746139526, -0.07770434767007828, 0.03660541772842407, 0.02510170079767704, 0.026144307106733322, 0.0547381266951561, -0.01895507425069809, -0.026123275980353355, 0.015529549680650234, -0.023571820929646492, 0.0907076820731163, -0.041814617812633514, 0.005873579997569323, 0.10433877259492874, -0.0007824699277989566, -0.027278587222099304, -0.029865961521863937, 0.029217520728707314, -0.03673146665096283, -0.029200727120041847, 0.04514385014772415, -0.040279075503349304, 0.10495089739561081, 0.07191237062215805, 0.03792879730463028, 0.02014344371855259, -0.028062917292118073, -0.03315180167555809 ]
Chris1/real2sim
e14a0dac96ae97890973a5223a9d46ebe882e411
2022-04-12T11:33:32.000Z
[ "pytorch", "huggan", "gan", "license:mit" ]
null
false
Chris1
null
Chris1/real2sim
0
null
null
--- tags: - huggan - gan # See a list of available tags here: # https://github.com/huggingface/hub-docs/blob/main/js/src/lib/interfaces/Types.ts#L12 # task: unconditional-image-generation or conditional-image-generation or image-to-image license: mit --- # MyModelName ## Model description Describe the model here (what it does, what it's used for, etc.) ## Intended uses & limitations #### How to use ```python # You can include sample code which will be formatted ``` #### Limitations and bias Provide examples of latent issues and potential remediations. ## Training data Describe the data you used to train the model. If you initialized it with pre-trained weights, add a link to the pre-trained model card or repository with description of the pre-training data. ## Training procedure Preprocessing, hardware used, hyperparameters... ## Eval results ## Generated Images You can embed local or remote images using `![](...)` ### BibTeX entry and citation info ```bibtex @inproceedings{..., year={2020} } ```
[ -0.13079506158828735, -0.03871167451143265, 0.043283335864543915, 0.06009908393025398, 0.08527149260044098, -0.05323024466633797, -0.0928846225142479, 0.010894173756241798, -0.08442944288253784, -0.05894707143306732, 0.02764892578125, -0.07225100696086884, 0.07474685460329056, -0.018355632200837135, 0.011766713112592697, 0.005380263086408377, 0.05573239549994469, 0.013709732331335545, -0.034917835146188736, -0.00759129598736763, 0.00817523617297411, 0.05464521050453186, 0.021362625062465668, -0.06120962277054787, 0.04741848260164261, -0.04571937397122383, 0.059080466628074646, 0.061219990253448486, 0.08379366248846054, -0.05271057412028313, 0.051414359360933304, 0.015820570290088654, -0.05371561646461487, 0.03164178878068924, -0.04708079621195793, 0.15256281197071075, -0.06671977043151855, 0.0035976837389171124, -0.04695839434862137, -0.04077332839369774, 0.02980138175189495, -0.06777357310056686, 0.03854447603225708, -0.09641718119382858, 0.10848978906869888, -0.03645391762256622, -0.06641549617052078, -0.05464549362659454, -0.02891538105905056, -0.060931917279958725, -0.06674470007419586, -0.13052113354206085, -0.03301252797245979, 0.017196334898471832, 0.06099603325128555, 0.020056461915373802, 0.02074551209807396, -0.09043978154659271, -0.024621279910206795, 0.015060130506753922, -0.007647332735359669, -0.008112031035125256, -0.052564021199941635, -0.04023182392120361, 0.025154301896691322, -0.0001886640238808468, -0.0027506707701832056, 0.07206110656261444, 0.07580852508544922, 0.0082189179956913, 0.00868174433708191, 0.006310627330094576, -0.006464766804128885, -0.01455104723572731, -0.000682657933793962, 0.007433395367115736, 0.0493633896112442, 0.03606874868273735, 0.08159362524747849, -0.11565002799034119, -0.017603430896997452, -0.024667780846357346, 0.019294817000627518, 0.006069542374461889, -0.019237695261836052, 0.020842770114541054, -0.02156750112771988, 0.08277835696935654, 0.020990891382098198, 0.02344331704080105, 0.0030331092420965433, 0.026971101760864258, -0.10537134110927582, 0.055685728788375854, 0.025408310815691948, 0.045133162289857864, 0.02624499425292015, -0.05389869585633278, -0.07851970940828323, 0.07133665680885315, -0.016556473448872566, 0.02688300795853138, 0.023824002593755722, 0.02881333790719509, 0.04776635766029358, -0.05213846266269684, 0.033056337386369705, 0.04602045938372612, 0.04774634912610054, -0.0338435135781765, 0.046014778316020966, -0.015238010324537754, -0.0864340290427208, -0.09341505914926529, 0.012693562544882298, -0.05311686545610428, 0.012377176433801651, -0.028130099177360535, 0.003439307911321521, -0.0003234650066588074, -0.02282215841114521, 0.09039399772882462, 0.018014036118984222, -0.056138381361961365, 0.009184208698570728, -0.13588057458400726, -0.0981966033577919, 6.170930980058345e-33, 0.03180176392197609, 0.00944593083113432, 0.004073780961334705, 0.06741117686033249, 0.03913991525769234, -0.01818024553358555, -0.031076617538928986, -0.06023376062512398, -0.04840584844350815, -0.0003869679931085557, -0.057608939707279205, 0.050828464329242706, -0.11320370435714722, 0.09300240129232407, -0.002965097315609455, -0.05508866533637047, -0.05945351719856262, 0.021081265062093735, 0.03122250735759735, 0.08380389213562012, -0.018493929877877235, -0.018579144030809402, -0.04476321488618851, 0.008372243493795395, -0.06056247279047966, 0.050960443913936615, 0.041241373866796494, -0.032624728977680206, -0.017715483903884888, 0.006714777089655399, -0.009209341369569302, 0.02854854427278042, 0.014012307859957218, -0.005396510008722544, 0.010398149490356445, -0.0434226393699646, -0.041535384953022, -0.0314471460878849, -0.07407154887914658, 0.0003924236516468227, 0.019319146871566772, 0.03263800963759422, -0.02978450618684292, -0.06552273780107498, -0.016929393634200096, -0.008664138615131378, 0.052600275725126266, 0.015436042100191116, 0.027597645297646523, 0.05607541278004646, 0.0578744150698185, 0.011760411784052849, 0.04750314727425575, -0.06745206564664841, -0.09449051320552826, 0.016836076974868774, 0.04008299857378006, 0.012046052142977715, 0.03783505782485008, -0.01576320454478264, -0.013528098352253437, -0.012389128096401691, 0.04782630875706673, 0.044786445796489716, -0.013263857923448086, 0.026348447427153587, -0.011145513504743576, -0.008546094410121441, -0.020217278972268105, 0.0512765608727932, -0.016512354835867882, 0.021501321345567703, -0.08192084729671478, -0.03866196051239967, 0.06449984014034271, -0.03998464345932007, -0.020733995363116264, 0.017837345600128174, -0.0424652174115181, 0.02565264329314232, -0.024796131998300552, 0.031077634543180466, -0.02978554554283619, -0.019046785309910774, -0.011531042866408825, -0.01844899356365204, 0.008323212154209614, -0.04180004447698593, 0.03452646732330322, 0.006534298416227102, -0.017266659066081047, -0.01749277673661709, 0.012084340676665306, -0.05755089595913887, -0.03576174005866051, -6.491908528758001e-33, 0.07732828706502914, 0.04526302590966225, -0.04402449354529381, 0.011233986355364323, -0.009832954965531826, 0.01423120591789484, 0.028415489941835403, 0.07263115048408508, -0.003067628713324666, -0.055805105715990067, 0.039391566067934036, 0.02970832772552967, -0.03938940539956093, -0.07513807713985443, -0.04513297975063324, 0.020196139812469482, -0.03677041456103325, -0.06985960900783539, -0.020019467920064926, 0.011655595153570175, 0.008906450122594833, 0.0875244066119194, -0.06741715967655182, 0.06721224635839462, -0.014699461869895458, 0.07217231392860413, 0.04763294756412506, 0.07152014225721359, 0.022713566198945045, -0.006387128960341215, 0.021178726106882095, -0.04412783309817314, 0.014970317482948303, 0.06728743016719818, -0.01695423573255539, 0.028709223493933678, 0.14027240872383118, 0.0389447845518589, -0.036395758390426636, 0.006009403616189957, 0.11052695661783218, 0.04279128834605217, -0.10856951773166656, 0.07447397708892822, -0.05002158135175705, -0.048076242208480835, -0.05436646193265915, -0.03515830636024475, -0.0078584598377347, 0.011248455382883549, 0.02322564460337162, -0.04196437820792198, -0.05311030521988869, -0.049147214740514755, -0.09517267346382141, -0.056093763560056686, 0.061897162348032, -0.024819213896989822, 0.07587093114852905, 0.031984686851501465, -0.06650096923112869, -0.17812028527259827, -0.02439367212355137, -0.041635528206825256, -0.0742514356970787, -0.029407082125544548, -0.0796518549323082, -0.0583164282143116, -0.04179798439145088, 0.03020155429840088, 0.0059072584845125675, 0.0644531175494194, 0.08015651255846024, 0.03195735439658165, 0.01225481927394867, 0.0010421995539218187, 0.11629979312419891, 0.006069559138268232, 0.04298464208841324, -0.12262281030416489, -0.014385372400283813, -0.06723412871360779, 0.07685109227895737, 0.040957480669021606, 0.016244467347860336, 0.049636658281087875, 0.035703472793102264, 0.05930810794234276, 0.02668503113090992, -0.03803014010190964, -0.04913901537656784, 0.04125329479575157, 0.035382211208343506, 0.09130856394767761, 0.00953890010714531, -6.614494196810483e-8, -0.026116792112588882, 0.00861478690057993, 0.021574625745415688, -0.024437878280878067, -0.07639940083026886, 0.04008038341999054, 0.06378623843193054, -0.05909920856356621, 0.04841551184654236, 0.0032858566846698523, 0.032909248024225235, 0.0283069871366024, -0.05787591636180878, 0.022432129830121994, 0.02500838413834572, 0.060346946120262146, 0.02107790857553482, 0.10289118438959122, -0.04128162935376167, -0.04352276772260666, -0.06433628499507904, -0.037042271345853806, -0.011446310207247734, -0.03552234545350075, 0.10621089488267899, -0.06435241550207138, -0.07484130561351776, 0.04401259496808052, 0.0045545571483671665, -0.01637849397957325, 0.0006600093911401927, -0.003934204112738371, 0.0011735864682123065, -0.002988397143781185, 0.02072172798216343, 0.06648243218660355, -0.009198344312608242, -0.1022825762629509, 0.04732844978570938, 0.05645037814974785, -0.0065316567197442055, 0.0827125832438469, -0.06403212249279022, -0.06595440953969955, 0.07582223415374756, 0.051119666546583176, 0.0038850964047014713, -0.05688374862074852, -0.003987072501331568, 0.12394506484270096, 0.0066818054765462875, -0.041547760367393494, -0.03152219578623772, 0.0030917187687009573, 0.008289016783237457, 0.02957533858716488, 0.04928784444928169, -0.0025633517652750015, 0.09360773116350174, 0.028521377593278885, 0.07060866057872772, 0.02785242721438408, 0.04728247597813606, -0.009301658719778061 ]
huggan/sim2real_cyclegan
0a60c15105b38055c6897be6d91f142fd9a903e1
2022-05-05T10:55:19.000Z
[ "pytorch", "arxiv:2104.13395", "arxiv:1703.10593", "conditional-image-generation", "image-to-image", "gan", "cyclegan", "license:mit" ]
image-to-image
false
huggan
null
huggan/sim2real_cyclegan
0
1
null
--- tags: - conditional-image-generation - image-to-image - gan - cyclegan # See a list of available tags here: # https://github.com/huggingface/hub-docs/blob/main/js/src/lib/interfaces/Types.ts#L12 # task: unconditional-image-generation or conditional-image-generation or image-to-image license: mit --- # CycleGAN for unpaired image-to-image translation. ## Model description CycleGAN for unpaired image-to-image translation. Given two image domains A and B, the following components are trained end2end to translate between such domains: - A generator A to B, named G_AB conditioned on an image from A - A generator B to A, named G_BA conditioned on an image from B - A domain classifier D_A, associated with G_AB - A domain classifier D_B, associated with G_BA At inference time, G_AB or G_BA are relevant to translate images, respectively A to B or B to A. In the general setting, this technique provides style transfer functionalities between the selected image domains A and B. This allows to obtain a generated translation by G_AB, of an image from domain A that resembles the distribution of the images from domain B, and viceversa for the generator G_BA. Under these framework, these aspects have been used to perform style transfer between synthetic data obtained from a simulated driving dataset, GTA5, and the real driving data from Cityscapes. This is of paramount importance to develop autonomous driving perception deep learning models, as this allows to generate synthetic data with automatic annotations which resembles real world images, without requiring the intervention of a human annotator. This is fundamental because a manual annotator has been shown to require 1.5 to 3.3 hours to create semantic and instance segmentation masks for a single images. These have been provided in the original [cityscapes paper (Cordts et al 2016)](https://arxiv.org/abs/2104.13395) and the [adverse condition dataset (Sakaridis et al. 2021)](https://arxiv.org/abs/2104.13395) paper. Hence the CycleGAN provides forward and backward translation between synthetic and real world data. This has showed to allows high quality translation even in absence of paired sample-ground-truth data. The idea behind such model is that as the synthetic data distribution gets closer to the real world one, deep models do not suffer from degraded performance due to the domain shift issue. A broad literature is available on the minimization of the domain shift, under the research branch of domain adaptation and transfer learning, of which image translation models provide an alternative approach ## Intended uses & limitations #### How to use ```python import os from PIL import Image from torchvision import transforms as T from torchvision.transforms import Compose, Resize, ToTensor, Normalize, RandomCrop, RandomHorizontalFlip from torchvision.utils import make_grid from torch.utils.data import DataLoader from huggan.pytorch.cyclegan.modeling_cyclegan import GeneratorResNet import torch.nn as nn import torch import gradio as gr import glob def pred_pipeline(img, transforms): orig_shape = img.shape input = transforms(img) input = input.unsqueeze(0) output = model(input) out_img = make_grid(output,#.detach().cpu(), nrow=1, normalize=True) out_transform = Compose([ T.Resize(orig_shape[:2]), T.ToPILImage() ]) return out_transform(out_img) n_channels = 3 image_size = 512 input_shape = (image_size, image_size) transform = Compose([ T.ToPILImage(), T.Resize(input_shape), ToTensor(), Normalize((0.5, 0.5, 0.5), (0.5, 0.5, 0.5)), ]) model = GeneratorResNet.from_pretrained('Chris1/sim2real', input_shape=(n_channels, image_size, image_size), num_residual_blocks=9) real_images = model(synthetic_images) ``` #### Limitations and bias Due to the absence of paired data, some background parts of the synthetic images are seldom wrongly translated, e.g. sky is translated to vegetation. Additional pretext tasks in parallel to the discriminative classifier of fake and real samples could improve the result. One easy improvement is the use of an additional parallel branch that performs semantic segmentation on the synthetic data, in order to learn features which are common to sky and vegetation, thus disentangling their representations as separate classes. ## Training data The CycleGAN model is trained on an unpaired dataset of samples from synthetic and real driving data, respectively from the GTA5 and Cityscapes datasets. To this end, the synthetic-to-real dataset can be loaded by means of the function load_dataset in the huggingface library, as follows. ```python from datasets import load_dataset unpaired_dataset = load_dataset("huggan/sim2real_gta5_to_cityscapes") ``` This dataset contains two columns, imageA and imageB representing respectively the GTA5 and Cityscapes data. Due to the fact that the two columns have to be of the same length, GTA5 is subsampled in order to reach the same number of samples provided by the Cityscapes train split (2975) ## Training procedure #### Preprocessing The following transformations are applied to each input sample of synthetic and real data. The input size is fixed to RGB images of height, width = 512, 512. This choice has been made in order to limit the impact of upsampling the translated images to higher resolutions. ```python n_channels = 3 image_size = 512 input_shape = (image_size, image_size) transform = Compose([ T.ToPILImage(), T.Resize(input_shape), ToTensor(), Normalize((0.5, 0.5, 0.5), (0.5, 0.5, 0.5)), ]) ``` #### Hardware The configuration has been tested on single GPU setup on a RTX5000 and A5000, as well as multi-gpu single-rank distributed setups composed of 2 of the mentioned GPUs. #### Hyperparameters The following configuration has been kept fixed for all translation models: - learning rate 0.0002 - number of epochs 200 - learning rate decay activation at epoch 100 - number of residual blocks of the cyclegan 9 - image size 512x512 - number of channels=3 - cycle loss weight 10.0 - identity loss weight 5.0 - optimizer ADAM with beta1 0.5 and beta2 0.999 - batch size 8 - NO mixed precision training ## Eval results #### Generated Images In the provided images, row0 and row2 represent the synthetic and real images from the respective datasets. Row1 is the translation of the immediate above images in row0(synthetic) by means of the G_AB translation model, to the real world style. Row3 is the translation of the immediate above images in row2(real) by means of the G_BA translation model, to the synthetic world style. Visualization over the training iterations for [synthetic (GTA5) to real (Cityscapes) translation](https://wandb.ai/chris1nexus/experiments_cyclegan_s2r_hp_opt--10/reports/CycleGAN-sim2real-training-results--VmlldzoxODUyNTk4?accessToken=tow3v4vp02aurzodedrdht15ig1cx69v5mited4dm8bgnup0z192wri0xtftaeqj) ### References ```bibtex @misc{https://doi.org/10.48550/arxiv.1703.10593, doi = {10.48550/ARXIV.1703.10593}, url = {https://arxiv.org/abs/1703.10593}, author = {Zhu, Jun-Yan and Park, Taesung and Isola, Phillip and Efros, Alexei A.}, keywords = {Computer Vision and Pattern Recognition (cs.CV), FOS: Computer and information sciences, FOS: Computer and information sciences}, title = {Unpaired Image-to-Image Translation using Cycle-Consistent Adversarial Networks}, publisher = {arXiv}, year = {2017}, copyright = {arXiv.org perpetual, non-exclusive license} } ```
[ -0.1347162127494812, -0.045411497354507446, 0.0220106802880764, -0.010736439377069473, 0.06163003295660019, -0.01515273842960596, -0.023781603202223778, -0.08393248170614243, -0.009152788668870926, -0.059483904391527176, -0.005858429241925478, -0.06872420012950897, 0.06869886815547943, -0.06930021941661835, 0.04162820056080818, 0.015430041588842869, 0.06071183830499649, 0.04336807131767273, -0.07409697771072388, 0.006920785177499056, 0.0352802649140358, 0.034322451800107956, 0.05279916152358055, -0.037719640880823135, 0.07845049351453781, 0.05827052518725395, 0.030458111315965652, -0.021430686116218567, 0.10388684272766113, -0.07065734267234802, 0.001505443942733109, 0.11506665498018265, -0.1241089403629303, 0.017015263438224792, -0.08382470160722733, 0.10758695751428604, -0.0701432079076767, 0.05072129890322685, 0.02526136115193367, -0.07260366529226303, 0.009503568522632122, -0.011851274408400059, 0.06517273932695389, -0.041437022387981415, 0.05874096229672432, 0.06535418331623077, -0.03550684079527855, 0.0163022018969059, -0.07203027606010437, -0.05299511179327965, 0.039024025201797485, -0.10899391025304794, -0.06522022932767868, 0.047511026263237, 0.0709230974316597, 0.10348694026470184, 0.05892893299460411, -0.051361922174692154, 0.0037324014119803905, 0.07482446730136871, -0.06443207710981369, -0.023810427635908127, -0.05163704976439476, -0.015020012855529785, 0.034248851239681244, -0.029660595580935478, 0.05509397014975548, 0.02778220921754837, -0.006073256954550743, 0.00428595719859004, -0.0141234640032053, -0.009754493832588196, 0.016523215919733047, 0.03758228197693825, 0.05581638962030411, 0.07996517419815063, 0.06576007604598999, 0.063637875020504, 0.038950640708208084, -0.1635027974843979, 0.04968855530023575, -0.036368582397699356, 0.09277772158384323, 0.016589850187301636, -0.02383250743150711, -0.013817137107253075, -0.03462414816021919, -0.01305727194994688, 0.06915982067584991, 0.04688672721385956, -0.06584784388542175, -0.013363595120608807, -0.057502418756484985, 0.0406118668615818, 0.002952358452603221, 0.01004860084503889, -0.04229842871427536, -0.027410082519054413, -0.03570022061467171, 0.07110291719436646, 0.006027916446328163, 0.04485955834388733, 0.026927635073661804, -0.0391853004693985, 0.04915645346045494, -0.052503399550914764, 0.044647615402936935, 0.0464349128305912, 0.01593264378607273, -0.0583166629076004, 0.07631979137659073, 0.025257743895053864, -0.0005744906957261264, -0.08985858410596848, 0.0009547185036353767, -0.060417577624320984, 0.02287178300321102, 0.022518428042531013, 0.029662946239113808, -0.046175334602594376, -0.07086983323097229, 0.06949364393949509, -0.014480508863925934, -0.06687241047620773, -0.05770771950483322, -0.111758291721344, -0.05572066456079483, 2.802366593745833e-33, 0.03630640730261803, 0.02454076148569584, 0.01494686957448721, 0.04972801357507706, 0.02461797557771206, 0.025570984929800034, -0.07388328015804291, -0.07713980227708817, -0.02076145075261593, -0.023831365630030632, 0.010659773834049702, -0.003254657844081521, -0.1205107569694519, 0.12887278199195862, 0.06657478213310242, -0.019313516095280647, 0.007092909887433052, -0.008266052231192589, 0.04840992018580437, 0.028962431475520134, -0.01998261921107769, 0.05816994234919548, -0.056862324476242065, 0.03617959842085838, -0.05045942962169647, 0.023444227874279022, 0.028586221858859062, -0.0690188854932785, 0.010414238087832928, 0.002282736822962761, -0.052747465670108795, 0.013088581152260303, 0.04610593616962433, 0.01731376349925995, 0.01550407987087965, -0.05507604032754898, -0.014033596962690353, -0.027096113190054893, -0.05878834053874016, 0.006651801522821188, -0.014262618497014046, 0.020371923223137856, -0.057884782552719116, -0.03328532353043556, -0.015897629782557487, -0.020042497664690018, 0.03835287317633629, 0.04248017072677612, -0.0056242430582642555, 0.053923334926366806, 0.08005790412425995, 0.005870443768799305, 0.049093954265117645, -0.06095675379037857, -0.04713113605976105, 0.019587712362408638, 0.059408385306596756, 0.006521390751004219, 0.03501592203974724, 0.029160715639591217, -0.003774297656491399, 0.05244981124997139, -0.0009392332867719233, 0.05281602591276169, -0.010440693236887455, 0.06571497768163681, -0.027590930461883545, -0.03846425563097, -0.05271250382065773, -0.02081814408302307, 0.00014437016216106713, 0.023593345656991005, -0.047633133828639984, -0.027043821290135384, 0.0451994314789772, -0.047191400080919266, -0.04957375302910805, -0.04527781903743744, 0.02451685443520546, 0.03005318157374859, -0.0694921612739563, 0.04061843827366829, -0.04957755282521248, -0.019759945571422577, -0.058813076466321945, 0.02314458228647709, 0.012953551486134529, -0.09580203890800476, -0.008046409115195274, 0.01414517592638731, 0.03119054064154625, 0.0024995715357363224, 0.018884874880313873, 0.012533959001302719, 0.08800315856933594, -3.5635291242750115e-33, 0.046676281839609146, 0.07012204080820084, -0.016861872747540474, 0.08162806183099747, -0.0069072069600224495, -0.014022879302501678, 0.09681649506092072, 0.01762951910495758, 0.02135559543967247, -0.019464947283267975, 0.004944301676005125, 0.07388215512037277, -0.11256863176822662, -0.06879717111587524, -0.055594805628061295, -0.06649686396121979, 0.018728012219071388, -0.022752931341528893, -0.035098712891340256, 0.032047104090452194, 0.08498629182577133, 0.09594272822141647, -0.034636009484529495, 0.03201627358794212, -0.02241881750524044, 0.06825638562440872, -0.0005798990023322403, 0.12783928215503693, -0.01708305813372135, 0.03205705061554909, 0.04885828122496605, -0.037500787526369095, 0.015668047592043877, 0.005706452298909426, -0.061169177293777466, 0.01924441009759903, 0.056254394352436066, 0.06376156210899353, -0.08862144500017166, 0.051981229335069656, -0.015890372917056084, 0.013812958262860775, -0.04782385379076004, 0.052915140986442566, -0.030123140662908554, 0.026469580829143524, -0.05395868048071861, 0.0017328098183497787, 0.04928867891430855, 0.018453119322657585, 0.03270283713936806, 0.02763647586107254, -0.09765971451997757, -0.014458869583904743, -0.05726413056254387, -0.10988093912601471, 0.023161353543400764, -0.03277324512600899, 0.07450162619352341, 0.03884360194206238, -0.023221708834171295, -0.10859411209821701, -0.042413726449012756, -0.04290257394313812, -0.04691307246685028, 0.02891099639236927, -0.015819137915968895, -0.015560589730739594, 0.08468977361917496, 0.05169249325990677, 0.08788366615772247, 0.04298084229230881, 0.025955399498343468, 0.0002584178000688553, 0.006153408903628588, -0.0015519203152507544, 0.15753746032714844, -0.027972742915153503, -0.004659850616008043, -0.1596979796886444, -0.07041005045175552, -0.09722837060689926, 0.025080304592847824, 0.06870146095752716, -0.025503110140562057, 0.024759594351053238, -0.00094274414004758, -0.015936708077788353, 0.050272151827812195, 0.009722765535116196, -0.05123763158917427, 0.028612758964300156, 0.023612402379512787, 0.023399151861667633, -0.04179354012012482, -5.207094844195126e-8, -0.059434663504362106, -0.010864048264920712, -0.002191126113757491, -0.03661065548658371, 0.01256994716823101, -0.004266942385584116, 0.035214923322200775, -0.01758715696632862, 0.06760624796152115, -0.00819653831422329, -0.010318783111870289, 0.07256916165351868, -0.03367172181606293, -0.018107686191797256, -0.02693021111190319, 0.0520273894071579, 0.05962324142456055, 0.05616609379649162, -0.04991195723414421, -0.04312334209680557, -0.07798158377408981, -0.06238982826471329, -0.029228486120700836, -0.04387713223695755, 0.05623530596494675, -0.09702587872743607, -0.023255320265889168, 0.023726042360067368, 0.06241020932793617, -0.011525223962962627, 0.005807160399854183, -0.015774177387356758, -0.028065916150808334, -0.028475012630224228, 0.004853269550949335, 0.022761786356568336, -0.020821331068873405, -0.08023300766944885, 0.03631849214434624, 0.024369116872549057, 0.01140347495675087, 0.031399454921483994, -0.03267192468047142, 0.002907254733145237, -0.00042912483331747353, -0.041673313826322556, 0.08209028840065002, -0.0420750267803669, 0.005890106316655874, 0.08833088725805283, 0.001464302884414792, -0.050074171274900436, -0.03345617651939392, 0.03363453969359398, -0.04700145125389099, -0.030604999512434006, 0.0293018389493227, -0.005386532749980688, 0.09597878903150558, 0.054822664707899094, 0.022337885573506355, 0.014120030216872692, -0.01653946563601494, -0.05275662615895271 ]
sanchit-gandhi/tiny-random-bart
31143b0f16b739cbadec03b5d2a0025fba90918c
2022-04-12T13:32:12.000Z
[ "pytorch", "jax", "bart", "feature-extraction", "transformers" ]
feature-extraction
false
sanchit-gandhi
null
sanchit-gandhi/tiny-random-bart
0
null
transformers
Entry not found
[ 0.0461147278547287, -0.038838207721710205, -0.01049656979739666, -0.03682169318199158, 0.011261860840022564, 0.013094935566186905, 0.0019101888174191117, -0.013979103416204453, 0.027092741802334785, -0.015212527476251125, 0.017284274101257324, -0.08189476281404495, 0.03817418962717056, -0.04920130595564842, 0.021389011293649673, -0.015245908871293068, -0.03203780576586723, -0.1245758980512619, 0.03150877356529236, 0.032381657510995865, -0.060957908630371094, 0.05409295856952667, -0.025087490677833557, 0.01568586938083172, 0.028129950165748596, -0.04710396006703377, -0.018688226118683815, 0.013785239309072495, -0.04001208767294884, 0.01173911802470684, -0.04317743331193924, 0.05500618368387222, 0.004543041344732046, 0.02973111905157566, 0.14852192997932434, 0.02658126689493656, 0.02907961793243885, -0.05169107764959335, 0.05803573504090309, -0.07732241600751877, -0.017637968063354492, -0.04219653457403183, 0.041807834059000015, 0.023620979860424995, 0.021563321352005005, 0.016478516161441803, -0.0021814992651343346, -0.06400240957736969, 0.06393089145421982, 0.019599027931690216, -0.08565037697553635, 0.00934905931353569, -0.008718925528228283, -0.028583496809005737, -0.07310017943382263, 0.09416428208351135, 0.001759322709403932, 0.06184990331530571, 0.011840506456792355, -0.035997264087200165, 0.08358278125524521, -0.02619801089167595, 0.03736566752195358, -0.028206506744027138, -0.07454850524663925, -0.08883563429117203, -0.06279942393302917, -0.008695344440639019, 0.014119276776909828, -0.0825355276465416, 0.0649217739701271, -0.00223911227658391, -0.14716917276382446, 0.07743025571107864, -0.03548373281955719, -0.055201586335897446, 0.006981803569942713, -0.012166670523583889, 0.055111464112997055, -0.007116836030036211, -0.023175746202468872, -0.005835152696818113, -0.09185640513896942, 0.055196937173604965, 0.034148022532463074, 0.03835180774331093, 0.038685429841279984, -0.025987252593040466, 0.017804903909564018, 0.022428328171372414, 0.025005368515849113, -0.10761535167694092, -0.048001550137996674, -0.04343584179878235, 0.012374646961688995, -0.019502125680446625, 0.029218152165412903, 0.0842173621058464, -0.011719699949026108, 0.09283553808927536, -0.007015465293079615, -0.03543110564351082, -0.06936459988355637, 0.09425332397222519, -0.010958523489534855, -0.00805904995650053, 0.004974212497472763, -0.0031528924591839314, 0.06105927750468254, -0.03964288905262947, -0.03619541600346565, -0.019901901483535767, 0.07134733349084854, 0.039514873176813126, -0.012729483656585217, -0.006646515801548958, -0.04746140539646149, -0.014432490803301334, -0.05157482624053955, 0.09506245702505112, -0.049747664481401443, -0.04591796174645424, -0.008965466171503067, -0.0325421579182148, -0.08626784384250641, -0.06624380499124527, 0.02538885548710823, -4.303924894057984e-33, 0.01133066974580288, 0.0033434738870710135, -0.002155609894543886, 0.04871906340122223, -0.023564351722598076, -0.07933273911476135, 0.0600903145968914, 0.02335330657660961, -0.03844716399908066, -0.020433755591511726, -0.06952055543661118, -0.03235611692070961, 0.0062485747039318085, 0.064804308116436, -0.03201229125261307, 0.061689723283052444, 0.0417000837624073, -0.00761845987290144, 0.03340127319097519, -0.047770582139492035, 0.00887306872755289, -0.04066338762640953, -0.010506896302103996, 0.0106519665569067, 0.021333497017621994, 0.12854498624801636, -0.009705503471195698, 0.010055632330477238, -0.017507633194327354, 0.006515394430607557, 0.06334009766578674, -0.057817306369543076, 0.013668818399310112, -0.020286159589886665, 0.05430467426776886, -0.023184705525636673, 0.0828516036272049, 0.0005449643940664828, -0.10372652113437653, -0.07634282112121582, -0.005381610710173845, -0.039263784885406494, 0.0006114727002568543, -0.013281986117362976, 0.07119110971689224, 0.043696220964193344, 0.03168422728776932, 0.04338686540722847, 0.05728672817349434, 0.0832006186246872, -0.07961414009332657, 0.015234283171594143, 0.017002005130052567, 0.047004107385873795, -0.09794387966394424, 0.004990279674530029, -0.07062993198633194, -0.028000490739941597, -0.04018733277916908, -0.0702052190899849, 0.011351344175636768, 0.06020182743668556, -0.03297270089387894, 0.09396500885486603, 0.03417910635471344, -0.019825750961899757, -0.034690454602241516, -0.013036907650530338, 0.05896938592195511, -0.012359356507658958, -0.017275206744670868, -0.07982361316680908, 0.02059139870107174, 0.06737419217824936, 0.04176458343863487, -0.04978838190436363, -0.05877475067973137, -0.06289287656545639, -0.03354167565703392, -0.03871942684054375, 0.009898529388010502, -0.05514208599925041, -0.11629002541303635, -0.011855563148856163, 0.10663620382547379, 0.037354156374931335, -0.0065480442717671394, -0.051189567893743515, 0.06663123518228531, 0.01874656230211258, 0.032841797918081284, 0.041593004018068314, -0.06879369914531708, 0.04216769337654114, -0.01628219522535801, 5.4139394340936695e-34, 0.05697013810276985, -0.006972255185246468, 0.015711724758148193, -0.17956365644931793, 0.02320219948887825, 0.007923615165054798, -0.008062449283897877, 0.0074974060989916325, 0.07391711324453354, 0.0309313777834177, 0.060510627925395966, 0.058605875819921494, 0.09515274316072464, -0.002282935893163085, 0.001603541080839932, 0.07024981826543808, 0.012629246339201927, 0.07425693422555923, -0.038426291197538376, 0.01861148327589035, 0.030608950182795525, -0.02449394389986992, 0.021528491750359535, -0.003039651783183217, -0.03676343336701393, 0.03130284696817398, 0.07998586446046829, 0.010451192036271095, -0.07930229604244232, -0.013543923385441303, 0.018781835213303566, 0.05168003588914871, -0.07191970944404602, 0.15783067047595978, 0.026191607117652893, 0.01262354850769043, 0.08218053728342056, -0.029807550832629204, -0.07528624683618546, -0.04250097647309303, 0.017244765534996986, 0.04411793500185013, 0.03708017244935036, 0.009233047254383564, -0.040271829813718796, 0.022496428340673447, 0.02495843544602394, 0.07633638381958008, 0.005147108342498541, 0.013892097398638725, 0.05610476806759834, -0.06684739887714386, 0.05862557515501976, -0.020688841119408607, 0.05377643182873726, 0.06718500703573227, 0.005329249892383814, -0.01388032827526331, 0.029931528493762016, 0.009508464485406876, -0.045173756778240204, 0.11534366756677628, -0.06510116159915924, 0.05117698386311531, -0.0026125339791178703, -0.08554837852716446, -0.03784770518541336, 0.0804959163069725, 0.011298024095594883, -0.07695550471544266, -0.04868878796696663, 0.02515520341694355, 0.06252261996269226, -0.04509226232767105, -0.01246943511068821, 0.028559505939483643, -0.030573077499866486, 0.05066261067986488, -0.08187384903430939, 0.04469604790210724, 0.0034051244147121906, 0.04145054519176483, -0.021858664229512215, -0.06112268194556236, -0.00908052921295166, -0.05903250351548195, 0.0259539932012558, 0.059690944850444794, -0.07613514363765717, -0.03720718249678612, -0.036316655576229095, 0.07058046013116837, -0.008224100805819035, 0.041961874812841415, -0.0285952128469944, -1.496900736697171e-8, -0.0014124972512945533, 0.03401879221200943, -0.040338415652513504, 0.04116074740886688, 0.0935964286327362, -0.05115952715277672, 0.0008746005478315055, -0.03389839455485344, -0.00567849725484848, -0.010686947964131832, -0.04789939522743225, -0.04820054769515991, -0.02011880651116371, -0.03209094703197479, -0.04211259260773659, -0.10229527950286865, -0.07819421589374542, -0.031228765845298767, -0.02154778689146042, -0.04960230365395546, 0.08087796717882156, -0.07801242172718048, 0.06919731199741364, -0.04999840259552002, 0.03687043860554695, 0.03889009356498718, -0.049989692866802216, -0.04254625365138054, -0.04606937617063522, 0.08682432025671005, -0.031148413196206093, 0.11826753616333008, 0.034102488309144974, -0.0208592489361763, -0.0205202866345644, 0.027134142816066742, 0.09741277992725372, 0.051608603447675705, 0.013477512635290623, -0.13649295270442963, -0.022304272279143333, 0.02385953813791275, 0.038732077926397324, -0.09249968826770782, -0.04549082741141319, 0.054220106452703476, 0.01160438358783722, 0.051190607249736786, 0.07713303714990616, -0.022097084671258926, -0.06127818301320076, -0.01857956498861313, 0.006740490905940533, -0.00496308971196413, 0.024095389991998672, 0.0736224576830864, -0.003481915919110179, -0.0699305310845375, -0.006629763171076775, -0.0598808117210865, 0.05297163128852844, -0.02902800403535366, -0.027858933433890343, -0.01287526823580265 ]
Guldeniz/pix2pix_maps
a8ef56fd47c2d8f9b245daa1bd71eceb4c7ce391
2022-04-12T17:44:34.000Z
[ "pytorch", "huggan", "gan", "license:mit" ]
null
false
Guldeniz
null
Guldeniz/pix2pix_maps
0
null
null
--- tags: - huggan - gan # See a list of available tags here: # https://github.com/huggingface/hub-docs/blob/main/js/src/lib/interfaces/Types.ts#L12 # task: unconditional-image-generation or conditional-image-generation or image-to-image license: mit --- # MyModelName ## Model description Describe the model here (what it does, what it's used for, etc.) ## Intended uses & limitations #### How to use ```python # You can include sample code which will be formatted ``` #### Limitations and bias Provide examples of latent issues and potential remediations. ## Training data Describe the data you used to train the model. If you initialized it with pre-trained weights, add a link to the pre-trained model card or repository with description of the pre-training data. ## Training procedure Preprocessing, hardware used, hyperparameters... ## Eval results ## Generated Images You can embed local or remote images using `![](...)` ### BibTeX entry and citation info ```bibtex @inproceedings{..., year={2020} } ```
[ -0.13079506158828735, -0.03871167451143265, 0.043283335864543915, 0.06009908393025398, 0.08527149260044098, -0.05323024466633797, -0.0928846225142479, 0.010894173756241798, -0.08442944288253784, -0.05894707143306732, 0.02764892578125, -0.07225100696086884, 0.07474685460329056, -0.018355632200837135, 0.011766713112592697, 0.005380263086408377, 0.05573239549994469, 0.013709732331335545, -0.034917835146188736, -0.00759129598736763, 0.00817523617297411, 0.05464521050453186, 0.021362625062465668, -0.06120962277054787, 0.04741848260164261, -0.04571937397122383, 0.059080466628074646, 0.061219990253448486, 0.08379366248846054, -0.05271057412028313, 0.051414359360933304, 0.015820570290088654, -0.05371561646461487, 0.03164178878068924, -0.04708079621195793, 0.15256281197071075, -0.06671977043151855, 0.0035976837389171124, -0.04695839434862137, -0.04077332839369774, 0.02980138175189495, -0.06777357310056686, 0.03854447603225708, -0.09641718119382858, 0.10848978906869888, -0.03645391762256622, -0.06641549617052078, -0.05464549362659454, -0.02891538105905056, -0.060931917279958725, -0.06674470007419586, -0.13052113354206085, -0.03301252797245979, 0.017196334898471832, 0.06099603325128555, 0.020056461915373802, 0.02074551209807396, -0.09043978154659271, -0.024621279910206795, 0.015060130506753922, -0.007647332735359669, -0.008112031035125256, -0.052564021199941635, -0.04023182392120361, 0.025154301896691322, -0.0001886640238808468, -0.0027506707701832056, 0.07206110656261444, 0.07580852508544922, 0.0082189179956913, 0.00868174433708191, 0.006310627330094576, -0.006464766804128885, -0.01455104723572731, -0.000682657933793962, 0.007433395367115736, 0.0493633896112442, 0.03606874868273735, 0.08159362524747849, -0.11565002799034119, -0.017603430896997452, -0.024667780846357346, 0.019294817000627518, 0.006069542374461889, -0.019237695261836052, 0.020842770114541054, -0.02156750112771988, 0.08277835696935654, 0.020990891382098198, 0.02344331704080105, 0.0030331092420965433, 0.026971101760864258, -0.10537134110927582, 0.055685728788375854, 0.025408310815691948, 0.045133162289857864, 0.02624499425292015, -0.05389869585633278, -0.07851970940828323, 0.07133665680885315, -0.016556473448872566, 0.02688300795853138, 0.023824002593755722, 0.02881333790719509, 0.04776635766029358, -0.05213846266269684, 0.033056337386369705, 0.04602045938372612, 0.04774634912610054, -0.0338435135781765, 0.046014778316020966, -0.015238010324537754, -0.0864340290427208, -0.09341505914926529, 0.012693562544882298, -0.05311686545610428, 0.012377176433801651, -0.028130099177360535, 0.003439307911321521, -0.0003234650066588074, -0.02282215841114521, 0.09039399772882462, 0.018014036118984222, -0.056138381361961365, 0.009184208698570728, -0.13588057458400726, -0.0981966033577919, 6.170930980058345e-33, 0.03180176392197609, 0.00944593083113432, 0.004073780961334705, 0.06741117686033249, 0.03913991525769234, -0.01818024553358555, -0.031076617538928986, -0.06023376062512398, -0.04840584844350815, -0.0003869679931085557, -0.057608939707279205, 0.050828464329242706, -0.11320370435714722, 0.09300240129232407, -0.002965097315609455, -0.05508866533637047, -0.05945351719856262, 0.021081265062093735, 0.03122250735759735, 0.08380389213562012, -0.018493929877877235, -0.018579144030809402, -0.04476321488618851, 0.008372243493795395, -0.06056247279047966, 0.050960443913936615, 0.041241373866796494, -0.032624728977680206, -0.017715483903884888, 0.006714777089655399, -0.009209341369569302, 0.02854854427278042, 0.014012307859957218, -0.005396510008722544, 0.010398149490356445, -0.0434226393699646, -0.041535384953022, -0.0314471460878849, -0.07407154887914658, 0.0003924236516468227, 0.019319146871566772, 0.03263800963759422, -0.02978450618684292, -0.06552273780107498, -0.016929393634200096, -0.008664138615131378, 0.052600275725126266, 0.015436042100191116, 0.027597645297646523, 0.05607541278004646, 0.0578744150698185, 0.011760411784052849, 0.04750314727425575, -0.06745206564664841, -0.09449051320552826, 0.016836076974868774, 0.04008299857378006, 0.012046052142977715, 0.03783505782485008, -0.01576320454478264, -0.013528098352253437, -0.012389128096401691, 0.04782630875706673, 0.044786445796489716, -0.013263857923448086, 0.026348447427153587, -0.011145513504743576, -0.008546094410121441, -0.020217278972268105, 0.0512765608727932, -0.016512354835867882, 0.021501321345567703, -0.08192084729671478, -0.03866196051239967, 0.06449984014034271, -0.03998464345932007, -0.020733995363116264, 0.017837345600128174, -0.0424652174115181, 0.02565264329314232, -0.024796131998300552, 0.031077634543180466, -0.02978554554283619, -0.019046785309910774, -0.011531042866408825, -0.01844899356365204, 0.008323212154209614, -0.04180004447698593, 0.03452646732330322, 0.006534298416227102, -0.017266659066081047, -0.01749277673661709, 0.012084340676665306, -0.05755089595913887, -0.03576174005866051, -6.491908528758001e-33, 0.07732828706502914, 0.04526302590966225, -0.04402449354529381, 0.011233986355364323, -0.009832954965531826, 0.01423120591789484, 0.028415489941835403, 0.07263115048408508, -0.003067628713324666, -0.055805105715990067, 0.039391566067934036, 0.02970832772552967, -0.03938940539956093, -0.07513807713985443, -0.04513297975063324, 0.020196139812469482, -0.03677041456103325, -0.06985960900783539, -0.020019467920064926, 0.011655595153570175, 0.008906450122594833, 0.0875244066119194, -0.06741715967655182, 0.06721224635839462, -0.014699461869895458, 0.07217231392860413, 0.04763294756412506, 0.07152014225721359, 0.022713566198945045, -0.006387128960341215, 0.021178726106882095, -0.04412783309817314, 0.014970317482948303, 0.06728743016719818, -0.01695423573255539, 0.028709223493933678, 0.14027240872383118, 0.0389447845518589, -0.036395758390426636, 0.006009403616189957, 0.11052695661783218, 0.04279128834605217, -0.10856951773166656, 0.07447397708892822, -0.05002158135175705, -0.048076242208480835, -0.05436646193265915, -0.03515830636024475, -0.0078584598377347, 0.011248455382883549, 0.02322564460337162, -0.04196437820792198, -0.05311030521988869, -0.049147214740514755, -0.09517267346382141, -0.056093763560056686, 0.061897162348032, -0.024819213896989822, 0.07587093114852905, 0.031984686851501465, -0.06650096923112869, -0.17812028527259827, -0.02439367212355137, -0.041635528206825256, -0.0742514356970787, -0.029407082125544548, -0.0796518549323082, -0.0583164282143116, -0.04179798439145088, 0.03020155429840088, 0.0059072584845125675, 0.0644531175494194, 0.08015651255846024, 0.03195735439658165, 0.01225481927394867, 0.0010421995539218187, 0.11629979312419891, 0.006069559138268232, 0.04298464208841324, -0.12262281030416489, -0.014385372400283813, -0.06723412871360779, 0.07685109227895737, 0.040957480669021606, 0.016244467347860336, 0.049636658281087875, 0.035703472793102264, 0.05930810794234276, 0.02668503113090992, -0.03803014010190964, -0.04913901537656784, 0.04125329479575157, 0.035382211208343506, 0.09130856394767761, 0.00953890010714531, -6.614494196810483e-8, -0.026116792112588882, 0.00861478690057993, 0.021574625745415688, -0.024437878280878067, -0.07639940083026886, 0.04008038341999054, 0.06378623843193054, -0.05909920856356621, 0.04841551184654236, 0.0032858566846698523, 0.032909248024225235, 0.0283069871366024, -0.05787591636180878, 0.022432129830121994, 0.02500838413834572, 0.060346946120262146, 0.02107790857553482, 0.10289118438959122, -0.04128162935376167, -0.04352276772260666, -0.06433628499507904, -0.037042271345853806, -0.011446310207247734, -0.03552234545350075, 0.10621089488267899, -0.06435241550207138, -0.07484130561351776, 0.04401259496808052, 0.0045545571483671665, -0.01637849397957325, 0.0006600093911401927, -0.003934204112738371, 0.0011735864682123065, -0.002988397143781185, 0.02072172798216343, 0.06648243218660355, -0.009198344312608242, -0.1022825762629509, 0.04732844978570938, 0.05645037814974785, -0.0065316567197442055, 0.0827125832438469, -0.06403212249279022, -0.06595440953969955, 0.07582223415374756, 0.051119666546583176, 0.0038850964047014713, -0.05688374862074852, -0.003987072501331568, 0.12394506484270096, 0.0066818054765462875, -0.041547760367393494, -0.03152219578623772, 0.0030917187687009573, 0.008289016783237457, 0.02957533858716488, 0.04928784444928169, -0.0025633517652750015, 0.09360773116350174, 0.028521377593278885, 0.07060866057872772, 0.02785242721438408, 0.04728247597813606, -0.009301658719778061 ]
huggan/pix2pix-maps-test
39acb13bdb610983eeb8c10c5edbc8bc2d700a13
2022-04-12T15:57:14.000Z
[ "pytorch", "huggan", "gan", "license:mit" ]
null
false
huggan
null
huggan/pix2pix-maps-test
0
null
null
--- tags: - huggan - gan # See a list of available tags here: # https://github.com/huggingface/hub-docs/blob/main/js/src/lib/interfaces/Types.ts#L12 # task: unconditional-image-generation or conditional-image-generation or image-to-image license: mit --- # MyModelName ## Model description Describe the model here (what it does, what it's used for, etc.) ## Intended uses & limitations #### How to use ```python # You can include sample code which will be formatted ``` #### Limitations and bias Provide examples of latent issues and potential remediations. ## Training data Describe the data you used to train the model. If you initialized it with pre-trained weights, add a link to the pre-trained model card or repository with description of the pre-training data. ## Training procedure Preprocessing, hardware used, hyperparameters... ## Eval results ## Generated Images You can embed local or remote images using `![](...)` ### BibTeX entry and citation info ```bibtex @inproceedings{..., year={2020} } ```
[ -0.13079506158828735, -0.03871167451143265, 0.043283335864543915, 0.06009908393025398, 0.08527149260044098, -0.05323024466633797, -0.0928846225142479, 0.010894173756241798, -0.08442944288253784, -0.05894707143306732, 0.02764892578125, -0.07225100696086884, 0.07474685460329056, -0.018355632200837135, 0.011766713112592697, 0.005380263086408377, 0.05573239549994469, 0.013709732331335545, -0.034917835146188736, -0.00759129598736763, 0.00817523617297411, 0.05464521050453186, 0.021362625062465668, -0.06120962277054787, 0.04741848260164261, -0.04571937397122383, 0.059080466628074646, 0.061219990253448486, 0.08379366248846054, -0.05271057412028313, 0.051414359360933304, 0.015820570290088654, -0.05371561646461487, 0.03164178878068924, -0.04708079621195793, 0.15256281197071075, -0.06671977043151855, 0.0035976837389171124, -0.04695839434862137, -0.04077332839369774, 0.02980138175189495, -0.06777357310056686, 0.03854447603225708, -0.09641718119382858, 0.10848978906869888, -0.03645391762256622, -0.06641549617052078, -0.05464549362659454, -0.02891538105905056, -0.060931917279958725, -0.06674470007419586, -0.13052113354206085, -0.03301252797245979, 0.017196334898471832, 0.06099603325128555, 0.020056461915373802, 0.02074551209807396, -0.09043978154659271, -0.024621279910206795, 0.015060130506753922, -0.007647332735359669, -0.008112031035125256, -0.052564021199941635, -0.04023182392120361, 0.025154301896691322, -0.0001886640238808468, -0.0027506707701832056, 0.07206110656261444, 0.07580852508544922, 0.0082189179956913, 0.00868174433708191, 0.006310627330094576, -0.006464766804128885, -0.01455104723572731, -0.000682657933793962, 0.007433395367115736, 0.0493633896112442, 0.03606874868273735, 0.08159362524747849, -0.11565002799034119, -0.017603430896997452, -0.024667780846357346, 0.019294817000627518, 0.006069542374461889, -0.019237695261836052, 0.020842770114541054, -0.02156750112771988, 0.08277835696935654, 0.020990891382098198, 0.02344331704080105, 0.0030331092420965433, 0.026971101760864258, -0.10537134110927582, 0.055685728788375854, 0.025408310815691948, 0.045133162289857864, 0.02624499425292015, -0.05389869585633278, -0.07851970940828323, 0.07133665680885315, -0.016556473448872566, 0.02688300795853138, 0.023824002593755722, 0.02881333790719509, 0.04776635766029358, -0.05213846266269684, 0.033056337386369705, 0.04602045938372612, 0.04774634912610054, -0.0338435135781765, 0.046014778316020966, -0.015238010324537754, -0.0864340290427208, -0.09341505914926529, 0.012693562544882298, -0.05311686545610428, 0.012377176433801651, -0.028130099177360535, 0.003439307911321521, -0.0003234650066588074, -0.02282215841114521, 0.09039399772882462, 0.018014036118984222, -0.056138381361961365, 0.009184208698570728, -0.13588057458400726, -0.0981966033577919, 6.170930980058345e-33, 0.03180176392197609, 0.00944593083113432, 0.004073780961334705, 0.06741117686033249, 0.03913991525769234, -0.01818024553358555, -0.031076617538928986, -0.06023376062512398, -0.04840584844350815, -0.0003869679931085557, -0.057608939707279205, 0.050828464329242706, -0.11320370435714722, 0.09300240129232407, -0.002965097315609455, -0.05508866533637047, -0.05945351719856262, 0.021081265062093735, 0.03122250735759735, 0.08380389213562012, -0.018493929877877235, -0.018579144030809402, -0.04476321488618851, 0.008372243493795395, -0.06056247279047966, 0.050960443913936615, 0.041241373866796494, -0.032624728977680206, -0.017715483903884888, 0.006714777089655399, -0.009209341369569302, 0.02854854427278042, 0.014012307859957218, -0.005396510008722544, 0.010398149490356445, -0.0434226393699646, -0.041535384953022, -0.0314471460878849, -0.07407154887914658, 0.0003924236516468227, 0.019319146871566772, 0.03263800963759422, -0.02978450618684292, -0.06552273780107498, -0.016929393634200096, -0.008664138615131378, 0.052600275725126266, 0.015436042100191116, 0.027597645297646523, 0.05607541278004646, 0.0578744150698185, 0.011760411784052849, 0.04750314727425575, -0.06745206564664841, -0.09449051320552826, 0.016836076974868774, 0.04008299857378006, 0.012046052142977715, 0.03783505782485008, -0.01576320454478264, -0.013528098352253437, -0.012389128096401691, 0.04782630875706673, 0.044786445796489716, -0.013263857923448086, 0.026348447427153587, -0.011145513504743576, -0.008546094410121441, -0.020217278972268105, 0.0512765608727932, -0.016512354835867882, 0.021501321345567703, -0.08192084729671478, -0.03866196051239967, 0.06449984014034271, -0.03998464345932007, -0.020733995363116264, 0.017837345600128174, -0.0424652174115181, 0.02565264329314232, -0.024796131998300552, 0.031077634543180466, -0.02978554554283619, -0.019046785309910774, -0.011531042866408825, -0.01844899356365204, 0.008323212154209614, -0.04180004447698593, 0.03452646732330322, 0.006534298416227102, -0.017266659066081047, -0.01749277673661709, 0.012084340676665306, -0.05755089595913887, -0.03576174005866051, -6.491908528758001e-33, 0.07732828706502914, 0.04526302590966225, -0.04402449354529381, 0.011233986355364323, -0.009832954965531826, 0.01423120591789484, 0.028415489941835403, 0.07263115048408508, -0.003067628713324666, -0.055805105715990067, 0.039391566067934036, 0.02970832772552967, -0.03938940539956093, -0.07513807713985443, -0.04513297975063324, 0.020196139812469482, -0.03677041456103325, -0.06985960900783539, -0.020019467920064926, 0.011655595153570175, 0.008906450122594833, 0.0875244066119194, -0.06741715967655182, 0.06721224635839462, -0.014699461869895458, 0.07217231392860413, 0.04763294756412506, 0.07152014225721359, 0.022713566198945045, -0.006387128960341215, 0.021178726106882095, -0.04412783309817314, 0.014970317482948303, 0.06728743016719818, -0.01695423573255539, 0.028709223493933678, 0.14027240872383118, 0.0389447845518589, -0.036395758390426636, 0.006009403616189957, 0.11052695661783218, 0.04279128834605217, -0.10856951773166656, 0.07447397708892822, -0.05002158135175705, -0.048076242208480835, -0.05436646193265915, -0.03515830636024475, -0.0078584598377347, 0.011248455382883549, 0.02322564460337162, -0.04196437820792198, -0.05311030521988869, -0.049147214740514755, -0.09517267346382141, -0.056093763560056686, 0.061897162348032, -0.024819213896989822, 0.07587093114852905, 0.031984686851501465, -0.06650096923112869, -0.17812028527259827, -0.02439367212355137, -0.041635528206825256, -0.0742514356970787, -0.029407082125544548, -0.0796518549323082, -0.0583164282143116, -0.04179798439145088, 0.03020155429840088, 0.0059072584845125675, 0.0644531175494194, 0.08015651255846024, 0.03195735439658165, 0.01225481927394867, 0.0010421995539218187, 0.11629979312419891, 0.006069559138268232, 0.04298464208841324, -0.12262281030416489, -0.014385372400283813, -0.06723412871360779, 0.07685109227895737, 0.040957480669021606, 0.016244467347860336, 0.049636658281087875, 0.035703472793102264, 0.05930810794234276, 0.02668503113090992, -0.03803014010190964, -0.04913901537656784, 0.04125329479575157, 0.035382211208343506, 0.09130856394767761, 0.00953890010714531, -6.614494196810483e-8, -0.026116792112588882, 0.00861478690057993, 0.021574625745415688, -0.024437878280878067, -0.07639940083026886, 0.04008038341999054, 0.06378623843193054, -0.05909920856356621, 0.04841551184654236, 0.0032858566846698523, 0.032909248024225235, 0.0283069871366024, -0.05787591636180878, 0.022432129830121994, 0.02500838413834572, 0.060346946120262146, 0.02107790857553482, 0.10289118438959122, -0.04128162935376167, -0.04352276772260666, -0.06433628499507904, -0.037042271345853806, -0.011446310207247734, -0.03552234545350075, 0.10621089488267899, -0.06435241550207138, -0.07484130561351776, 0.04401259496808052, 0.0045545571483671665, -0.01637849397957325, 0.0006600093911401927, -0.003934204112738371, 0.0011735864682123065, -0.002988397143781185, 0.02072172798216343, 0.06648243218660355, -0.009198344312608242, -0.1022825762629509, 0.04732844978570938, 0.05645037814974785, -0.0065316567197442055, 0.0827125832438469, -0.06403212249279022, -0.06595440953969955, 0.07582223415374756, 0.051119666546583176, 0.0038850964047014713, -0.05688374862074852, -0.003987072501331568, 0.12394506484270096, 0.0066818054765462875, -0.041547760367393494, -0.03152219578623772, 0.0030917187687009573, 0.008289016783237457, 0.02957533858716488, 0.04928784444928169, -0.0025633517652750015, 0.09360773116350174, 0.028521377593278885, 0.07060866057872772, 0.02785242721438408, 0.04728247597813606, -0.009301658719778061 ]
nielsr/test
7717b62c60f0e314a56fb96fe9d98975826176a5
2022-04-12T15:20:09.000Z
[ "pytorch" ]
null
false
nielsr
null
nielsr/test
0
null
null
Entry not found
[ 0.0461147278547287, -0.038838207721710205, -0.01049656979739666, -0.03682169318199158, 0.011261860840022564, 0.013094935566186905, 0.0019101888174191117, -0.013979103416204453, 0.027092741802334785, -0.015212527476251125, 0.017284274101257324, -0.08189476281404495, 0.03817418962717056, -0.04920130595564842, 0.021389011293649673, -0.015245908871293068, -0.03203780576586723, -0.1245758980512619, 0.03150877356529236, 0.032381657510995865, -0.060957908630371094, 0.05409295856952667, -0.025087490677833557, 0.01568586938083172, 0.028129950165748596, -0.04710396006703377, -0.018688226118683815, 0.013785239309072495, -0.04001208767294884, 0.01173911802470684, -0.04317743331193924, 0.05500618368387222, 0.004543041344732046, 0.02973111905157566, 0.14852192997932434, 0.02658126689493656, 0.02907961793243885, -0.05169107764959335, 0.05803573504090309, -0.07732241600751877, -0.017637968063354492, -0.04219653457403183, 0.041807834059000015, 0.023620979860424995, 0.021563321352005005, 0.016478516161441803, -0.0021814992651343346, -0.06400240957736969, 0.06393089145421982, 0.019599027931690216, -0.08565037697553635, 0.00934905931353569, -0.008718925528228283, -0.028583496809005737, -0.07310017943382263, 0.09416428208351135, 0.001759322709403932, 0.06184990331530571, 0.011840506456792355, -0.035997264087200165, 0.08358278125524521, -0.02619801089167595, 0.03736566752195358, -0.028206506744027138, -0.07454850524663925, -0.08883563429117203, -0.06279942393302917, -0.008695344440639019, 0.014119276776909828, -0.0825355276465416, 0.0649217739701271, -0.00223911227658391, -0.14716917276382446, 0.07743025571107864, -0.03548373281955719, -0.055201586335897446, 0.006981803569942713, -0.012166670523583889, 0.055111464112997055, -0.007116836030036211, -0.023175746202468872, -0.005835152696818113, -0.09185640513896942, 0.055196937173604965, 0.034148022532463074, 0.03835180774331093, 0.038685429841279984, -0.025987252593040466, 0.017804903909564018, 0.022428328171372414, 0.025005368515849113, -0.10761535167694092, -0.048001550137996674, -0.04343584179878235, 0.012374646961688995, -0.019502125680446625, 0.029218152165412903, 0.0842173621058464, -0.011719699949026108, 0.09283553808927536, -0.007015465293079615, -0.03543110564351082, -0.06936459988355637, 0.09425332397222519, -0.010958523489534855, -0.00805904995650053, 0.004974212497472763, -0.0031528924591839314, 0.06105927750468254, -0.03964288905262947, -0.03619541600346565, -0.019901901483535767, 0.07134733349084854, 0.039514873176813126, -0.012729483656585217, -0.006646515801548958, -0.04746140539646149, -0.014432490803301334, -0.05157482624053955, 0.09506245702505112, -0.049747664481401443, -0.04591796174645424, -0.008965466171503067, -0.0325421579182148, -0.08626784384250641, -0.06624380499124527, 0.02538885548710823, -4.303924894057984e-33, 0.01133066974580288, 0.0033434738870710135, -0.002155609894543886, 0.04871906340122223, -0.023564351722598076, -0.07933273911476135, 0.0600903145968914, 0.02335330657660961, -0.03844716399908066, -0.020433755591511726, -0.06952055543661118, -0.03235611692070961, 0.0062485747039318085, 0.064804308116436, -0.03201229125261307, 0.061689723283052444, 0.0417000837624073, -0.00761845987290144, 0.03340127319097519, -0.047770582139492035, 0.00887306872755289, -0.04066338762640953, -0.010506896302103996, 0.0106519665569067, 0.021333497017621994, 0.12854498624801636, -0.009705503471195698, 0.010055632330477238, -0.017507633194327354, 0.006515394430607557, 0.06334009766578674, -0.057817306369543076, 0.013668818399310112, -0.020286159589886665, 0.05430467426776886, -0.023184705525636673, 0.0828516036272049, 0.0005449643940664828, -0.10372652113437653, -0.07634282112121582, -0.005381610710173845, -0.039263784885406494, 0.0006114727002568543, -0.013281986117362976, 0.07119110971689224, 0.043696220964193344, 0.03168422728776932, 0.04338686540722847, 0.05728672817349434, 0.0832006186246872, -0.07961414009332657, 0.015234283171594143, 0.017002005130052567, 0.047004107385873795, -0.09794387966394424, 0.004990279674530029, -0.07062993198633194, -0.028000490739941597, -0.04018733277916908, -0.0702052190899849, 0.011351344175636768, 0.06020182743668556, -0.03297270089387894, 0.09396500885486603, 0.03417910635471344, -0.019825750961899757, -0.034690454602241516, -0.013036907650530338, 0.05896938592195511, -0.012359356507658958, -0.017275206744670868, -0.07982361316680908, 0.02059139870107174, 0.06737419217824936, 0.04176458343863487, -0.04978838190436363, -0.05877475067973137, -0.06289287656545639, -0.03354167565703392, -0.03871942684054375, 0.009898529388010502, -0.05514208599925041, -0.11629002541303635, -0.011855563148856163, 0.10663620382547379, 0.037354156374931335, -0.0065480442717671394, -0.051189567893743515, 0.06663123518228531, 0.01874656230211258, 0.032841797918081284, 0.041593004018068314, -0.06879369914531708, 0.04216769337654114, -0.01628219522535801, 5.4139394340936695e-34, 0.05697013810276985, -0.006972255185246468, 0.015711724758148193, -0.17956365644931793, 0.02320219948887825, 0.007923615165054798, -0.008062449283897877, 0.0074974060989916325, 0.07391711324453354, 0.0309313777834177, 0.060510627925395966, 0.058605875819921494, 0.09515274316072464, -0.002282935893163085, 0.001603541080839932, 0.07024981826543808, 0.012629246339201927, 0.07425693422555923, -0.038426291197538376, 0.01861148327589035, 0.030608950182795525, -0.02449394389986992, 0.021528491750359535, -0.003039651783183217, -0.03676343336701393, 0.03130284696817398, 0.07998586446046829, 0.010451192036271095, -0.07930229604244232, -0.013543923385441303, 0.018781835213303566, 0.05168003588914871, -0.07191970944404602, 0.15783067047595978, 0.026191607117652893, 0.01262354850769043, 0.08218053728342056, -0.029807550832629204, -0.07528624683618546, -0.04250097647309303, 0.017244765534996986, 0.04411793500185013, 0.03708017244935036, 0.009233047254383564, -0.040271829813718796, 0.022496428340673447, 0.02495843544602394, 0.07633638381958008, 0.005147108342498541, 0.013892097398638725, 0.05610476806759834, -0.06684739887714386, 0.05862557515501976, -0.020688841119408607, 0.05377643182873726, 0.06718500703573227, 0.005329249892383814, -0.01388032827526331, 0.029931528493762016, 0.009508464485406876, -0.045173756778240204, 0.11534366756677628, -0.06510116159915924, 0.05117698386311531, -0.0026125339791178703, -0.08554837852716446, -0.03784770518541336, 0.0804959163069725, 0.011298024095594883, -0.07695550471544266, -0.04868878796696663, 0.02515520341694355, 0.06252261996269226, -0.04509226232767105, -0.01246943511068821, 0.028559505939483643, -0.030573077499866486, 0.05066261067986488, -0.08187384903430939, 0.04469604790210724, 0.0034051244147121906, 0.04145054519176483, -0.021858664229512215, -0.06112268194556236, -0.00908052921295166, -0.05903250351548195, 0.0259539932012558, 0.059690944850444794, -0.07613514363765717, -0.03720718249678612, -0.036316655576229095, 0.07058046013116837, -0.008224100805819035, 0.041961874812841415, -0.0285952128469944, -1.496900736697171e-8, -0.0014124972512945533, 0.03401879221200943, -0.040338415652513504, 0.04116074740886688, 0.0935964286327362, -0.05115952715277672, 0.0008746005478315055, -0.03389839455485344, -0.00567849725484848, -0.010686947964131832, -0.04789939522743225, -0.04820054769515991, -0.02011880651116371, -0.03209094703197479, -0.04211259260773659, -0.10229527950286865, -0.07819421589374542, -0.031228765845298767, -0.02154778689146042, -0.04960230365395546, 0.08087796717882156, -0.07801242172718048, 0.06919731199741364, -0.04999840259552002, 0.03687043860554695, 0.03889009356498718, -0.049989692866802216, -0.04254625365138054, -0.04606937617063522, 0.08682432025671005, -0.031148413196206093, 0.11826753616333008, 0.034102488309144974, -0.0208592489361763, -0.0205202866345644, 0.027134142816066742, 0.09741277992725372, 0.051608603447675705, 0.013477512635290623, -0.13649295270442963, -0.022304272279143333, 0.02385953813791275, 0.038732077926397324, -0.09249968826770782, -0.04549082741141319, 0.054220106452703476, 0.01160438358783722, 0.051190607249736786, 0.07713303714990616, -0.022097084671258926, -0.06127818301320076, -0.01857956498861313, 0.006740490905940533, -0.00496308971196413, 0.024095389991998672, 0.0736224576830864, -0.003481915919110179, -0.0699305310845375, -0.006629763171076775, -0.0598808117210865, 0.05297163128852844, -0.02902800403535366, -0.027858933433890343, -0.01287526823580265 ]
rajat99/SSL-Harveen-Chadda-Fine-Tuning
37d5efecb32d113c24e8eb9b2263efda5b8aa737
2022-04-12T22:07:20.000Z
[ "pytorch", "tensorboard", "wav2vec2", "automatic-speech-recognition", "transformers", "generated_from_trainer", "license:mit", "model-index" ]
automatic-speech-recognition
false
rajat99
null
rajat99/SSL-Harveen-Chadda-Fine-Tuning
0
null
transformers
--- license: mit tags: - generated_from_trainer model-index: name: SSL-Harveen-Chadda-Fine-Tuning --- <!-- 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. --> # SSL-Harveen-Chadda-Fine-Tuning This model is a fine-tuned version of [Harveenchadha/vakyansh-wav2vec2-hindi-him-4200](https://huggingface.co/Harveenchadha/vakyansh-wav2vec2-hindi-him-4200) on an unknown dataset. It achieves the following results on the evaluation set: - Loss: 0.0032 - Wer: 0.1008 ## 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: 0.0003 - train_batch_size: 16 - eval_batch_size: 8 - seed: 42 - gradient_accumulation_steps: 2 - total_train_batch_size: 32 - optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08 - lr_scheduler_type: linear - lr_scheduler_warmup_steps: 500 - num_epochs: 30 ### Training results | Training Loss | Epoch | Step | Validation Loss | Wer | |:-------------:|:-----:|:----:|:---------------:|:------:| | 4.3793 | 4.17 | 400 | 0.5347 | 0.2584 | | 0.2137 | 8.33 | 800 | 0.8339 | 0.2664 | | 0.1282 | 12.5 | 1200 | 0.1785 | 0.1414 | | 0.0698 | 16.66 | 1600 | 0.0135 | 0.1066 | | 0.0354 | 20.83 | 2000 | 0.0351 | 0.1179 | | 0.0212 | 24.99 | 2400 | 0.0104 | 0.1035 | | 0.0066 | 29.17 | 2800 | 0.0032 | 0.1008 | ### Framework versions - Transformers 4.11.3 - Pytorch 1.10.0+cu111 - Datasets 1.18.3 - Tokenizers 0.10.3
[ -0.07203122973442078, 0.01630469784140587, -0.08521629869937897, 0.02003033272922039, 0.012401355430483818, -0.008235709741711617, -0.011587429791688919, -0.06742940098047256, -0.01036037877202034, -0.0967118889093399, 0.08247490227222443, -0.09739605337381363, 0.04327346011996269, -0.06848853826522827, -0.07384622097015381, -0.021771129220724106, 0.035567138344049454, -0.0330781564116478, -0.0957842618227005, -0.022105339914560318, 0.01612062379717827, 0.06608285754919052, 0.04338449612259865, -0.00821380503475666, -0.020142346620559692, -0.012261208146810532, -0.02650512382388115, 0.04107265919446945, 0.005040450021624565, -0.0507284514605999, 0.06479163467884064, 0.04153143987059593, -0.03397441282868385, 0.05018920078873634, 0.0057208482176065445, 0.039944231510162354, -0.06737980246543884, -0.03876982256770134, -0.004746998194605112, -0.011845464818179607, 0.028727170079946518, -0.08874306082725525, -0.009479381144046783, 0.06118970364332199, -0.0071456171572208405, 0.029516611248254776, -0.049630552530288696, -0.08272258192300797, -0.019378116354346275, -0.025780294090509415, -0.11086876690387726, -0.03475821018218994, 0.04210960119962692, 0.004667375236749649, -0.08773684501647949, -0.04340110346674919, -0.0417194701731205, 0.022782785817980766, 0.003263005055487156, 0.01785971224308014, -0.0483221635222435, 0.04543766751885414, -0.06971152871847153, -0.036841560155153275, -0.07190245389938354, -0.0936901867389679, -0.03277202695608139, -0.004354394041001797, 0.08663040399551392, -0.0010360011365264654, 0.01131892204284668, 0.050674568861722946, 0.006017780397087336, 0.01642487570643425, -0.002297871047630906, -0.013091548345983028, 0.03353022038936615, 0.016840696334838867, 0.11986543238162994, -0.11232021450996399, -0.010830968618392944, -0.07528983056545258, 0.0756637305021286, -0.0075324284844100475, 0.05673917755484581, 0.036902979016304016, 0.0325031541287899, -0.05725923925638199, 0.09087469428777695, -0.027606677263975143, 0.026248497888445854, 0.010189191438257694, -0.013881664723157883, 0.06340719759464264, 0.03215431421995163, 0.0641680657863617, 0.047533802688121796, 0.03839772194623947, -0.07354992628097534, 0.09215479344129562, -0.0025863749906420708, 0.010625109076499939, 0.028593989089131355, 0.01825924962759018, -0.035176727920770645, -0.022380419075489044, 0.035812102258205414, 0.08452944457530975, 0.07949478179216385, -0.06714773178100586, 0.0156168844550848, 0.06562032550573349, -0.024769404903054237, -0.028063995763659477, 0.03531346470117569, 0.11010605096817017, -0.06351794302463531, -0.03087964840233326, -0.08687286078929901, 0.026547923684120178, -0.10003332793712616, -0.009473299607634544, -0.0018498928984627128, -0.021205982193350792, -0.04134630784392357, -0.07199347764253616, -0.08660727739334106, 4.497973664781804e-33, 0.048073772341012955, 0.04300672560930252, 0.023643696680665016, -0.047958966344594955, -0.02645506151020527, -0.06080688163638115, -0.009787436574697495, -0.052124280482530594, 0.005682665389031172, 0.0004918850027024746, -0.09465376287698746, -0.05624587461352348, -0.08702351897954941, 0.0360710509121418, 0.028476573526859283, -0.039819762110710144, -0.03365105018019676, 0.04222128540277481, 0.057705216109752655, 0.0596381314098835, 0.14797940850257874, 0.0029362360946834087, 0.01788191869854927, -0.1105906292796135, -0.01862127147614956, 0.10275901854038239, 0.04364479333162308, 0.0183780025690794, 0.006435156799852848, 0.06377196311950684, -0.01072967890650034, -0.030946211889386177, -0.019135210663080215, -0.0521816685795784, 0.00981424655765295, 0.01884564198553562, 0.015833387151360512, 0.03684051334857941, -0.04936186224222183, -0.04548632726073265, 0.056131862103939056, 0.04247168079018593, 0.02530035749077797, -0.03899572417140007, -0.0395064540207386, -0.02701217122375965, 0.06211594492197037, 0.03930728882551193, -0.011402911506593227, 0.07623527944087982, -0.1212986409664154, 0.004733974114060402, 0.048282522708177567, -0.030780471861362457, -0.061339836567640305, -0.006341201718896627, 0.0809289962053299, 0.04647001624107361, -0.02078702487051487, 0.009141302667558193, -0.008413952775299549, -0.025959430262446404, -0.017269406467676163, -0.003679662710055709, 0.021439461037516594, -0.048694539815187454, 0.00481127155944705, -0.09517550468444824, 0.018051454797387123, 0.026890022680163383, -0.05718431994318962, -0.019021445885300636, 0.050199586898088455, -0.004480147268623114, 0.09752579778432846, -0.1012251079082489, -0.0291086845099926, 0.004210595041513443, -0.0168650783598423, -0.029610097408294678, 0.010051100514829159, 0.07498273998498917, -0.015386013314127922, -0.05862962082028389, -0.028436725959181786, -0.0042814877815544605, -0.0028047398664057255, -0.09258370101451874, -0.0467134453356266, 0.045627713203430176, 0.0013816277496516705, 0.03567826747894287, -0.021773675456643105, -0.038344576954841614, -0.014605043455958366, -5.496105019848209e-33, -0.025323536247015, 0.032761722803115845, -0.027959145605564117, 0.06627067923545837, 0.05306289717555046, -0.01102377101778984, 0.05568545311689377, 0.13899536430835724, -0.04283766448497772, -0.03010621853172779, 0.13767188787460327, -0.031833186745643616, -0.03594626113772392, -0.01981479674577713, 0.008022415451705456, 0.042360562831163406, -0.04633927345275879, 0.05999714136123657, 0.019876275211572647, 0.03556707873940468, -0.0004033357836306095, 0.09516052156686783, -0.06694632023572922, 0.07848207652568817, 0.02079900912940502, -0.0048979283310472965, 0.04252983257174492, 0.09389328211545944, 0.01712312549352646, -0.013964897952973843, -0.01200252678245306, -0.048110224306583405, -0.04170297831296921, 0.05200232192873955, -0.060571711510419846, -0.007295660208910704, 0.06052064523100853, -0.031365957111120224, -0.007578711025416851, 0.06897059082984924, 0.05319157615303993, 0.08381542563438416, -0.08093239367008209, 0.03752125799655914, -0.020078351721167564, -0.03694196045398712, 0.005503523163497448, -0.002855367260053754, 0.01565609872341156, -0.08599477261304855, 0.06290929019451141, -0.06311898678541183, -0.02526707388460636, -0.03952094167470932, 0.011048506014049053, 0.007205495145171881, 0.0110543267801404, 0.008800419047474861, -0.06852525472640991, 0.0011090940097346902, -0.04060300812125206, 0.013250662945210934, -0.06583624333143234, -0.014581547118723392, 0.03840631991624832, 0.009542327374219894, -0.0516200065612793, 0.034582916647195816, 0.09541117399930954, -0.01640697568655014, -0.02660764567553997, 0.0016422671033069491, 0.026643600314855576, -0.010926096700131893, 0.014256811700761318, -0.0712318941950798, -0.038574930280447006, 0.05900788679718971, 0.01727961376309395, -0.07124367356300354, -0.01572529599070549, -0.029398206621408463, 0.03966875374317169, 0.02434840239584446, 0.10189809650182724, 0.06444067507982254, 0.0650772675871849, 0.024020886048674583, -0.0499877855181694, 0.012134658172726631, 0.04526669904589653, 0.036760732531547546, -0.003714597085490823, 0.15979807078838348, 0.0011987888719886541, -5.6648385537982904e-8, -0.029676707461476326, -0.0025501628406345844, -0.0807771161198616, 0.030211808159947395, 0.02793111838400364, 0.0046075452119112015, -0.026967670768499374, -0.02652655355632305, -0.043281491845846176, 0.01846039853990078, 0.05304504930973053, 0.04456852376461029, -0.08305733650922775, 0.02748788148164749, 0.00933838076889515, -0.01748095266520977, -0.0023445715196430683, 0.15260308980941772, -0.03369896486401558, -0.07342319935560226, 0.06341452151536942, -0.0036261319182813168, -0.0015498095890507102, -0.001788583118468523, 0.10724543780088425, -0.02072841487824917, -0.06633426994085312, 0.060569681227207184, 0.002190269296988845, 0.0075598894618451595, -0.010335865430533886, -0.002139216521754861, 0.012303460389375687, -0.04211205616593361, 0.01938873529434204, 0.10220161825418472, -0.0780094712972641, -0.054663561284542084, 0.04195471853017807, 0.08865547180175781, -0.004294392187148333, 0.11250030994415283, -0.00814862735569477, -0.001093673286959529, 0.06690676510334015, 0.0026697563007473946, 0.006896226666867733, -0.1152857095003128, 0.04363797977566719, -0.02930113859474659, -0.010079742409288883, -0.020390301942825317, -0.018432417884469032, -0.046492524445056915, -0.0021538769360631704, 0.027681726962327957, -0.044698942452669144, -0.02422461286187172, -0.00458285678178072, -0.01736164465546608, 0.09887062013149261, -0.03270038589835167, -0.06246466189622879, 0.028082512319087982 ]
huggan/pix2pix-uavid-15
bfa54b692d5d897bf7cb4181db1535e5ce303049
2022-04-15T13:45:13.000Z
[ "pytorch", "dataset:arakesh/uavid-15-hq-mixedres", "arxiv:1611.07004", "huggan", "gan", "license:mit" ]
null
false
huggan
null
huggan/pix2pix-uavid-15
0
null
null
--- tags: - huggan - gan datasets: - arakesh/uavid-15-hq-mixedres # See a list of available tags here: # https://github.com/huggingface/hub-docs/blob/main/js/src/lib/interfaces/Types.ts#L12 # task: unconditional-image-generation or conditional-image-generation or image-to-image license: mit --- # MyModelName ## Model description [Pix2pix Model](https://arxiv.org/abs/1611.07004) is a conditional adversarial networks, a general-purpose solution to image-to-image translation problems. These networks not only learn the mapping from input image to output image, but also learn a loss function to train this mapping. This makes it possible to apply the same generic approach to problems that traditionally would require very different loss formulations. We demonstrate that this approach is effective at synthesizing photos from label maps, reconstructing objects from edge maps, and colorizing images, among other tasks. ## Intended uses & limitations: Used for reconstruction of images from edges #### How to use ```python from torchvision.transforms import Compose, Resize, ToTensor, Normalize from PIL import Image from torchvision.utils import save_image import cv2 from huggan.pytorch.pix2pix.modeling_pix2pix import GeneratorUNet transform = Compose( [ Resize((256, 256), Image.BICUBIC), ToTensor(), Normalize((0.5, 0.5, 0.5), (0.5, 0.5, 0.5)), ] ) model = GeneratorUNet.from_pretrained('huggan/pix2pix-uavid-15) def predict_fn(img): inp = transform(img).unsqueeze(0) out = model(inp) save_image(out, 'out.png', normalize=True) return 'out.png' predict_fn(img) ``` #### Limitations and bias * Gives unrealistic colors in the image ## Training data * [edges2shoes](https://huggingface.co/datasets/huggan/edges2shoes) ## Training procedure ``` # clone the repository git clone https://github.com/huggingface/community-events.git pip install . # change directory cd community-events/huggan/pytorch/pix2pix/ # define config accelerate config # launch training with required parameters accelerate launch train.py --checkpoint_interval 1 --dataset arakesh/uavid-15-hq-mixedres --push_to_hub --model_name pix2pix-uavid-15 --batch_size 2 --n_epochs 50 --image_size 1024 --sample_interval 500 ``` ## Generated Images Here, * First Image Row: Input Image * Second Image Row: Generated Image * Third Image Row: Target Image ![image1](34000.png) ![image2](35000.png) ### BibTeX entry and citation info ```bibtex @article{pix2pix2017, title={Image-to-Image Translation with Conditional Adversarial Networks}, author={Isola, Phillip and Zhu, Jun-Yan and Zhou, Tinghui and Efros, Alexei A}, journal={CVPR}, year={2017} } ```
[ -0.1236385852098465, 0.009671086445450783, 0.09232932329177856, 0.036344029009342194, 0.08897683024406433, 0.0017296135192736983, -0.015573305077850819, -0.044572826474905014, -0.014776780270040035, -0.04821828007698059, 0.006072781514376402, -0.09931784868240356, 0.07118324935436249, 0.00890057347714901, -0.020726710557937622, -0.01235387846827507, 0.03710886463522911, 0.07499220967292786, -0.09270285069942474, 0.04640322923660278, -0.011211520060896873, 0.011856842786073685, 0.03816802799701691, -0.06645411998033524, -0.004931973293423653, 0.034044329077005386, 0.07277389615774155, -0.004959643818438053, 0.09137258678674698, -0.07614985853433609, 0.05687524750828743, 0.05790001153945923, -0.08572251349687576, 0.007314164657145739, -0.05076121166348457, 0.11073199659585953, -0.06684720516204834, 0.022624894976615906, -0.0026719796005636454, -0.05585680529475212, 0.023409899324178696, 0.029101695865392685, 0.03010782226920128, -0.07049840688705444, 0.09736652672290802, -0.01051535364240408, -0.021939042955636978, -0.06267248094081879, -0.027576688677072525, -0.019873429089784622, -0.011014294810593128, -0.09366878867149353, -0.04615723341703415, 0.024036910384893417, 0.06753626465797424, 0.06733928620815277, -0.01185984443873167, -0.08380257338285446, -0.014954380691051483, 0.06689584255218506, 0.006585091818124056, -0.04378073662519455, -0.06022578850388527, -0.039708156138658524, 0.022524042055010796, -0.010855155065655708, 0.003262290731072426, 0.0004770201921928674, 0.008869683369994164, 0.030839694663882256, -0.02710256166756153, 0.03182992711663246, 0.016951022669672966, 0.004154716618359089, 0.041366301476955414, 0.06426436454057693, 0.08667153120040894, 0.012275155633687973, 0.0024442647118121386, -0.08787419646978378, 0.008327188901603222, -0.02801685407757759, -0.00968229304999113, 0.009580673649907112, 0.03322593867778778, 0.02733069472014904, -0.03326572850346565, 0.056723352521657944, 0.03273923322558403, 0.027128171175718307, -0.08920137584209442, 0.01420392282307148, -0.013946102932095528, 0.06445496529340744, 0.04452401399612427, -0.02435770444571972, 0.016541942954063416, -0.045170169323682785, -0.0583961084485054, 0.08212685585021973, 0.010192886926233768, 0.015589195303618908, 0.04140220955014229, -0.0648084208369255, 0.08225599676370621, -0.09992038458585739, 0.025727404281497, -0.00446242606267333, 0.019178077578544617, -0.05459176376461983, 0.06043766066431999, -0.033592917025089264, -0.04333866015076637, -0.07248235493898392, -0.02059094049036503, -0.025529274716973305, -0.03102297894656658, -0.024994488805532455, 0.006081080064177513, -0.008619800209999084, -0.09068918973207474, 0.06206627935171127, -0.0348745733499527, -0.021499210968613625, -0.015361015684902668, -0.13301725685596466, -0.09739094972610474, 2.867218984422683e-33, 0.030259888619184494, 0.04176890477538109, 0.013144615106284618, 0.07248451560735703, 0.06721476465463638, 0.0047895582392811775, -0.05256963521242142, -0.07619080692529678, 0.001135219936259091, -0.05330159142613411, -0.01918681338429451, 0.018460219725966454, -0.13644738495349884, 0.12477582693099976, 0.08323317021131516, -0.03596426546573639, -0.007845771498978138, 0.004409179091453552, 0.0065869539976119995, 0.09375526756048203, -0.0009826887398958206, -0.00013850427058059722, -0.027282817289233208, -0.004531362093985081, -0.04210798069834709, 0.02681596763432026, 0.03239870071411133, -0.023627767339348793, 0.036067329347133636, -0.006011870689690113, -0.041693683713674545, 0.03307883441448212, 0.04930351674556732, 0.03600982576608658, 0.02143324725329876, -0.02391434647142887, -0.023049166426062584, -0.023808153346180916, -0.06919082254171371, 0.021773429587483406, -0.006994436029344797, 0.0812932476401329, -0.031477026641368866, -0.03616711124777794, -0.003791369963437319, -0.042676158249378204, 0.0594400018453598, 0.013550903648138046, -0.025348199531435966, 0.03290616348385811, 0.04768369719386101, 0.008777796290814877, 0.022697333246469498, -0.051579225808382034, -0.08026938140392303, -0.033777717500925064, 0.035757698118686676, 0.0014143080916255713, 0.04007832705974579, 0.023469125851988792, 0.018332798033952713, -0.02464919164776802, 0.026123564690351486, 0.08260771632194519, -0.05238615721464157, 0.06723099946975708, 0.01045752689242363, 0.0017320358892902732, -0.05443013831973076, 0.05062723159790039, -0.008203783072531223, 0.04263366386294365, -0.025974217802286148, -0.07072468101978302, 0.10575247555971146, -0.037257127463817596, -0.040819376707077026, -0.020628636702895164, 0.02334880456328392, 0.0009527303045615554, -0.05983942374587059, 0.05961836129426956, -0.02491539716720581, -0.021154267713427544, -0.07856599241495132, -0.02405225671827793, 0.03892383351922035, -0.015179559588432312, 0.0008778825285844505, 0.02301131747663021, -0.048637352883815765, -0.02065729908645153, -0.005580571014434099, -0.03792451694607735, 0.0011559160193428397, -3.2129956068338515e-33, 0.026613742113113403, 0.0594949871301651, -0.08877290785312653, 0.0003849039785563946, -0.038044702261686325, 0.017311152070760727, 0.06404170393943787, 0.06871576607227325, 0.017642976716160774, -0.061594158411026, 0.007885530591011047, 0.06651667505502701, -0.03154310584068298, -0.03052164614200592, -0.09277565777301788, -0.03768699988722801, 0.013499745167791843, -0.0737241804599762, -0.0434730164706707, -0.013883564621210098, 0.013022349216043949, 0.13189269602298737, -0.02728903479874134, 0.04943063482642174, -0.03090558387339115, 0.09513667970895767, 0.03629431501030922, 0.0875825434923172, -0.009963780641555786, 0.0010349513031542301, -0.0018045299220830202, -0.05090036988258362, 0.009258218109607697, 0.021902836859226227, -0.036834388971328735, 0.03866066411137581, 0.13659964501857758, 0.05555255711078644, -0.10262004286050797, 0.02631453052163124, 0.03481749817728996, -0.010828387923538685, -0.09469519555568695, 0.06248829886317253, -0.04347207397222519, -0.01645064540207386, -0.010574329644441605, -0.05491193011403084, 0.0017557594692334533, 0.024140628054738045, 0.005704001989215612, -0.018476875498890877, -0.05884404480457306, 0.012995477765798569, -0.06526247411966324, -0.08721992373466492, -0.027571436017751694, -0.050899043679237366, 0.10614382475614548, 0.056740902364254, -0.07404143363237381, -0.16688692569732666, -0.041456837207078934, 0.01980471983551979, -0.06344682723283768, 0.0013633674243465066, -0.04927542060613632, -0.06739549338817596, 0.01321435533463955, 0.07384534180164337, 0.0777493417263031, 0.05462521314620972, 0.025134112685918808, 0.04800468683242798, 0.01940661482512951, -0.03965320810675621, 0.08965594321489334, -0.022216342389583588, 0.045636508613824844, -0.10943863540887833, 0.016270210966467857, -0.14107030630111694, 0.06362400203943253, 0.09302341938018799, 0.06358678638935089, 0.021473662927746773, 0.0024152405094355345, -0.0056715430691838264, 0.031910885125398636, -0.0056030941195786, -0.02867145836353302, 0.0320257730782032, 0.012438141740858555, 0.02261936292052269, -0.01199598703533411, -5.482345599716609e-8, -0.03297757729887962, 0.03278220817446709, -0.006425595376640558, -0.009657862596213818, -0.04493322968482971, -0.04857667163014412, 0.034530770033597946, -0.01110866479575634, 0.07450339943170547, 0.02449054643511772, 0.050600260496139526, 0.006109931506216526, -0.04235491529107094, -0.017035305500030518, 0.007896287366747856, 0.03955560177564621, 0.06286436319351196, 0.08303910493850708, 0.007343183737248182, 0.015832295641303062, -0.09636218100786209, -0.033058829605579376, -0.037097424268722534, -0.06447402387857437, 0.08372417837381363, -0.08317338675260544, -0.0109945023432374, 0.030965985730290413, 0.04550468921661377, 0.010292485356330872, -0.007063896395266056, -0.0043707662262022495, 0.009805274195969105, 0.013310907408595085, -0.04648866504430771, 0.043675635010004044, -0.02386406622827053, -0.10302133858203888, 0.02158774621784687, 0.03457724303007126, 0.004956248681992292, 0.0835704505443573, -0.045531876385211945, -0.06027790904045105, 0.05285051465034485, 0.04352157190442085, 0.11107694357633591, -0.08453092724084854, 0.04820535331964493, 0.07410523295402527, -0.02877792902290821, 0.01911850832402706, 0.007597166579216719, 0.005753292702138424, 0.05053379386663437, -0.01761123165488243, 0.044273603707551956, 0.0005518532125279307, 0.07963080704212189, 0.08454852551221848, 0.06132647395133972, 0.01998252607882023, -0.010860500857234001, 0.0003782451676670462 ]
lilitket/20220412-203254
7988a597cdefd4bdcf9dadaae38071a50cc43f42
2022-04-13T05:04:25.000Z
[ "pytorch", "wav2vec2", "automatic-speech-recognition", "dataset:common_voice", "transformers", "generated_from_trainer", "license:apache-2.0", "model-index" ]
automatic-speech-recognition
false
lilitket
null
lilitket/20220412-203254
0
null
transformers
--- license: apache-2.0 tags: - generated_from_trainer datasets: - common_voice model-index: - name: 20220412-203254 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. --> # 20220412-203254 This model is a fine-tuned version of [facebook/wav2vec2-xls-r-300m](https://huggingface.co/facebook/wav2vec2-xls-r-300m) on the common_voice dataset. It achieves the following results on the evaluation set: - Loss: 5.0428 - Wer: 1.0019 ## Model description More information needed ## Intended uses & limitations More information needed ## Training and evaluation data More information needed ## Training procedure ### Training hyperparameters The following hyperparameters were used during training: - learning_rate: 6e-06 - train_batch_size: 1 - eval_batch_size: 8 - seed: 42 - optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08 - lr_scheduler_type: linear - lr_scheduler_warmup_steps: 2000 - num_epochs: 1200 - mixed_precision_training: Native AMP ### Training results | Training Loss | Epoch | Step | Validation Loss | Wer | |:-------------:|:-------:|:------:|:---------------:|:------:| | 16.9455 | 1.5 | 200 | 16.4676 | 1.2534 | | 15.444 | 3.01 | 400 | 14.1207 | 1.0 | | 9.5452 | 4.51 | 600 | 8.4030 | 1.0 | | 6.2565 | 6.02 | 800 | 6.5233 | 1.0 | | 5.2827 | 7.52 | 1000 | 5.6058 | 1.0 | | 4.7652 | 9.02 | 1200 | 4.9765 | 1.0 | | 4.3803 | 10.53 | 1400 | 4.4565 | 1.0 | | 4.0005 | 12.03 | 1600 | 4.0224 | 1.0 | | 3.7041 | 13.53 | 1800 | 3.6903 | 1.0 | | 3.4991 | 15.04 | 2000 | 3.4642 | 1.0 | | 3.34 | 16.54 | 2200 | 3.3425 | 1.0 | | 3.2352 | 18.05 | 2400 | 3.2617 | 1.0 | | 3.1867 | 19.55 | 2600 | 3.2358 | 1.0 | | 3.161 | 21.05 | 2800 | 3.2289 | 1.0 | | 3.145 | 22.56 | 3000 | 3.2023 | 1.0 | | 3.1203 | 24.06 | 3200 | 3.1964 | 1.0 | | 3.1109 | 25.56 | 3400 | 3.1844 | 1.0 | | 3.0958 | 27.07 | 3600 | 3.1839 | 1.0 | | 3.0732 | 28.57 | 3800 | 3.2058 | 1.0 | | 3.0535 | 30.08 | 4000 | 3.1843 | 1.0 | | 3.0243 | 31.58 | 4200 | 3.1992 | 1.0 | | 2.9829 | 33.08 | 4400 | 3.2019 | 1.0 | | 2.9219 | 34.59 | 4600 | 3.2346 | 1.0 | | 2.8313 | 36.09 | 4800 | 3.2781 | 1.0 | | 2.7186 | 37.59 | 5000 | 3.3056 | 1.0 | | 2.5745 | 39.1 | 5200 | 3.3554 | 1.0 | | 2.4028 | 40.6 | 5400 | 3.4331 | 1.0 | | 2.2645 | 42.11 | 5600 | 3.4418 | 1.0 | | 2.1303 | 43.61 | 5800 | 3.5584 | 1.0 | | 2.0257 | 45.11 | 6000 | 3.5943 | 1.0 | | 1.9223 | 46.62 | 6200 | 3.6767 | 1.0 | | 1.8344 | 48.12 | 6400 | 3.7363 | 1.0 | | 1.7574 | 49.62 | 6600 | 3.8921 | 1.0 | | 1.67 | 51.13 | 6800 | 3.9054 | 1.0 | | 1.6118 | 52.63 | 7000 | 4.0352 | 1.0 | | 1.5372 | 54.14 | 7200 | 3.9742 | 1.0 | | 1.4846 | 55.64 | 7400 | 4.1078 | 1.0 | | 1.4093 | 57.14 | 7600 | 4.1705 | 1.0 | | 1.3379 | 58.65 | 7800 | 4.2737 | 1.0 | | 1.28 | 60.15 | 8000 | 4.3662 | 1.0 | | 1.2268 | 61.65 | 8200 | 4.4278 | 1.0 | | 1.1641 | 63.16 | 8400 | 4.4831 | 1.0 | | 1.1058 | 64.66 | 8600 | 4.5354 | 1.0 | | 1.0596 | 66.17 | 8800 | 4.5983 | 1.0 | | 0.9953 | 67.67 | 9000 | 4.7143 | 1.0 | | 0.9406 | 69.17 | 9200 | 4.8536 | 1.0 | | 0.9022 | 70.68 | 9400 | 4.7732 | 1.0 | | 0.8551 | 72.18 | 9600 | 4.8929 | 1.0 | | 0.8103 | 73.68 | 9800 | 4.9513 | 1.0 | | 0.7665 | 75.19 | 10000 | 4.9530 | 1.0 | | 0.7215 | 76.69 | 10200 | 5.1471 | 1.0 | | 0.6906 | 78.2 | 10400 | 5.2295 | 1.0 | | 0.6354 | 79.7 | 10600 | 5.1287 | 1.0 | | 0.6196 | 81.2 | 10800 | 5.2081 | 1.0 | | 0.6026 | 82.71 | 11000 | 5.4323 | 1.0 | | 0.5726 | 84.21 | 11200 | 5.3907 | 1.0 | | 0.5348 | 85.71 | 11400 | 5.5669 | 1.0 | | 0.5344 | 87.22 | 11600 | 5.5685 | 1.0 | | 0.4849 | 88.72 | 11800 | 5.5814 | 1.0 | | 0.4689 | 90.23 | 12000 | 5.6186 | 1.0 | | 0.4646 | 91.73 | 12200 | 5.4834 | 1.0 | | 0.4266 | 93.23 | 12400 | 5.6463 | 1.0 | | 0.4424 | 94.74 | 12600 | 5.6562 | 1.0 | | 0.3865 | 96.24 | 12800 | 5.7463 | 1.0 | | 0.3914 | 97.74 | 13000 | 5.7014 | 1.0 | | 0.3661 | 99.25 | 13200 | 5.7543 | 1.0 | | 0.3582 | 100.75 | 13400 | 5.9172 | 1.0 | | 0.3571 | 102.26 | 13600 | 5.5968 | 1.0 | | 0.3343 | 103.76 | 13800 | 5.3691 | 1.0 | | 0.3123 | 105.26 | 14000 | 5.8917 | 1.0 | | 0.3089 | 106.77 | 14200 | 5.8054 | 1.0 | | 0.3078 | 108.27 | 14400 | 5.9066 | 1.0 | | 0.3076 | 109.77 | 14600 | 5.7379 | 1.0 | | 0.2924 | 111.28 | 14800 | 5.7931 | 1.0 | | 0.2925 | 112.78 | 15000 | 5.9529 | 1.0 | | 0.2839 | 114.29 | 15200 | 5.9881 | 1.0 | | 0.2599 | 115.79 | 15400 | 6.0081 | 1.0 | | 0.2685 | 117.29 | 15600 | 6.1049 | 1.0 | | 0.2557 | 118.8 | 15800 | 6.1154 | 1.0 | | 0.2688 | 120.3 | 16000 | 5.9336 | 1.0 | | 0.2422 | 121.8 | 16200 | 6.0492 | 1.0 | | 0.2408 | 123.31 | 16400 | 6.3155 | 1.0 | | 0.2423 | 124.81 | 16600 | 6.3437 | 1.0 | | 0.2421 | 126.32 | 16800 | 6.0979 | 1.0 | | 0.2212 | 127.82 | 17000 | 5.5551 | 1.0 | | 0.2239 | 129.32 | 17200 | 5.9007 | 1.0 | | 0.2101 | 130.83 | 17400 | 6.0142 | 1.0 | | 0.2097 | 132.33 | 17600 | 5.8984 | 1.0 | | 0.2064 | 133.83 | 17800 | 5.9705 | 1.0 | | 0.1898 | 135.34 | 18000 | 5.9915 | 1.0 | | 0.2053 | 136.84 | 18200 | 6.1079 | 1.0 | | 0.1822 | 138.35 | 18400 | 6.1324 | 1.0 | | 0.1867 | 139.85 | 18600 | 6.1122 | 1.0 | | 0.1831 | 141.35 | 18800 | 6.1476 | 1.0 | | 0.1935 | 142.86 | 19000 | 5.7248 | 1.0 | | 0.1983 | 144.36 | 19200 | 6.1466 | 1.0 | | 0.176 | 145.86 | 19400 | 5.9555 | 1.0 | | 0.1778 | 147.37 | 19600 | 6.1434 | 1.0 | | 0.1758 | 148.87 | 19800 | 6.2104 | 1.0 | | 0.1799 | 150.38 | 20000 | 6.0933 | 1.0 | | 0.1674 | 151.88 | 20200 | 6.0476 | 1.0 | | 0.1777 | 153.38 | 20400 | 5.8937 | 1.0 | | 0.1616 | 154.89 | 20600 | 6.4417 | 1.0 | | 0.1498 | 156.39 | 20800 | 6.3136 | 1.0 | | 0.1607 | 157.89 | 21000 | 5.9295 | 1.0 | | 0.1445 | 159.4 | 21200 | 6.2741 | 1.0 | | 0.1636 | 160.9 | 21400 | 6.1931 | 1.0 | | 0.1488 | 162.41 | 21600 | 6.0089 | 1.0 | | 0.1549 | 163.91 | 21800 | 5.6184 | 1.0 | | 0.1532 | 165.41 | 22000 | 6.1250 | 1.0 | | 0.1581 | 166.92 | 22200 | 6.2635 | 1.0 | | 0.146 | 168.42 | 22400 | 6.0498 | 1.0 | | 0.148 | 169.92 | 22600 | 6.3486 | 1.0 | | 0.1489 | 171.43 | 22800 | 6.1659 | 1.0 | | 0.1464 | 172.93 | 23000 | 6.2259 | 1.0 | | 0.139 | 174.44 | 23200 | 6.2796 | 1.0 | | 0.1357 | 175.94 | 23400 | 6.2119 | 1.0 | | 0.1435 | 177.44 | 23600 | 6.5722 | 1.0 | | 0.1172 | 178.95 | 23800 | 6.4221 | 1.0 | | 0.1539 | 180.45 | 24000 | 6.3963 | 1.0 | | 0.1389 | 181.95 | 24200 | 6.2367 | 1.0 | | 0.1274 | 183.46 | 24400 | 6.3693 | 1.0 | | 0.1295 | 184.96 | 24600 | 6.0819 | 1.0 | | 0.1337 | 186.47 | 24800 | 6.1525 | 1.0 | | 0.1303 | 187.97 | 25000 | 6.2520 | 1.0 | | 0.141 | 189.47 | 25200 | 6.5302 | 1.0 | | 0.1322 | 190.98 | 25400 | 6.3731 | 1.0 | | 0.1313 | 192.48 | 25600 | 6.3570 | 1.0 | | 0.1178 | 193.98 | 25800 | 6.1667 | 1.0 | | 0.1277 | 195.49 | 26000 | 6.1352 | 1.0 | | 0.1169 | 196.99 | 26200 | 6.3132 | 1.0 | | 0.1199 | 198.5 | 26400 | 6.6116 | 1.0 | | 0.1138 | 200.0 | 26600 | 6.4862 | 1.0 | | 0.1129 | 201.5 | 26800 | 6.3442 | 1.0 | | 0.1142 | 203.01 | 27000 | 6.5077 | 1.0 | | 0.1169 | 204.51 | 27200 | 6.5710 | 1.0 | | 0.111 | 206.02 | 27400 | 6.0623 | 1.0 | | 0.1198 | 207.52 | 27600 | 6.4331 | 1.0 | | 0.1108 | 209.02 | 27800 | 5.9192 | 1.0 | | 0.1121 | 210.53 | 28000 | 6.0724 | 1.0 | | 0.1171 | 212.03 | 28200 | 6.3363 | 1.0 | | 0.1188 | 213.53 | 28400 | 6.3704 | 1.0 | | 0.104 | 215.04 | 28600 | 6.5802 | 1.0 | | 0.1125 | 216.54 | 28800 | 5.4428 | 1.0 | | 0.1115 | 218.05 | 29000 | 6.4286 | 1.0 | | 0.1109 | 219.55 | 29200 | 6.6998 | 1.0 | | 0.1061 | 221.05 | 29400 | 6.3761 | 1.0 | | 0.1161 | 222.56 | 29600 | 5.8712 | 1.0 | | 0.1091 | 224.06 | 29800 | 6.1844 | 1.0 | | 0.0947 | 225.56 | 30000 | 6.5670 | 1.0 | | 0.1004 | 227.07 | 30200 | 6.2302 | 1.0 | | 0.1099 | 228.57 | 30400 | 6.4218 | 1.0 | | 0.1154 | 230.08 | 30600 | 6.4911 | 1.0 | | 0.0999 | 231.58 | 30800 | 6.4390 | 1.0 | | 0.1068 | 233.08 | 31000 | 6.2367 | 1.0 | | 0.1015 | 234.59 | 31200 | 6.0790 | 1.0 | | 0.0958 | 236.09 | 31400 | 5.9926 | 1.0 | | 0.1183 | 237.59 | 31600 | 6.3400 | 1.0 | | 0.0833 | 239.1 | 31800 | 6.4481 | 1.0 | | 0.0874 | 240.6 | 32000 | 6.4535 | 1.0 | | 0.0958 | 242.11 | 32200 | 6.0597 | 1.0 | | 0.1075 | 243.61 | 32400 | 6.3403 | 1.0 | | 0.0909 | 245.11 | 32600 | 6.1297 | 1.0 | | 0.1093 | 246.62 | 32800 | 6.2232 | 1.0 | | 0.0995 | 248.12 | 33000 | 6.7110 | 1.0 | | 0.1061 | 249.62 | 33200 | 5.8551 | 1.0 | | 0.0872 | 251.13 | 33400 | 6.0338 | 1.0 | | 0.109 | 252.63 | 33600 | 6.2880 | 1.0 | | 0.0976 | 254.14 | 33800 | 5.9304 | 1.0 | | 0.0977 | 255.64 | 34000 | 6.4527 | 1.0 | | 0.0895 | 257.14 | 34200 | 6.3178 | 1.0 | | 0.0951 | 258.65 | 34400 | 6.3646 | 1.0 | | 0.0942 | 260.15 | 34600 | 6.4405 | 1.0 | | 0.0876 | 261.65 | 34800 | 5.8373 | 1.0 | | 0.0877 | 263.16 | 35000 | 6.5296 | 1.0 | | 0.0896 | 264.66 | 35200 | 6.6644 | 1.0 | | 0.0938 | 266.17 | 35400 | 6.4721 | 1.0 | | 0.0864 | 267.67 | 35600 | 7.0132 | 1.0 | | 0.0897 | 269.17 | 35800 | 6.3767 | 1.0 | | 0.094 | 270.68 | 36000 | 6.1663 | 1.0 | | 0.0782 | 272.18 | 36200 | 5.7325 | 1.0 | | 0.0878 | 273.68 | 36400 | 6.0681 | 1.0 | | 0.0877 | 275.19 | 36600 | 6.2621 | 1.0 | | 0.0827 | 276.69 | 36800 | 5.9692 | 1.0 | | 0.0929 | 278.2 | 37000 | 6.0207 | 1.0 | | 0.0899 | 279.7 | 37200 | 5.4185 | 1.0 | | 0.0841 | 281.2 | 37400 | 5.9206 | 1.0 | | 0.0924 | 282.71 | 37600 | 6.1820 | 1.0 | | 0.0844 | 284.21 | 37800 | 6.1505 | 1.0 | | 0.0824 | 285.71 | 38000 | 6.1564 | 1.0 | | 0.0842 | 287.22 | 38200 | 5.9483 | 1.0 | | 0.0863 | 288.72 | 38400 | 5.9305 | 1.0 | | 0.0851 | 290.23 | 38600 | 5.8416 | 1.0 | | 0.079 | 291.73 | 38800 | 5.7345 | 1.0 | | 0.081 | 293.23 | 39000 | 5.7323 | 1.0 | | 0.0873 | 294.74 | 39200 | 5.9131 | 1.0 | | 0.0836 | 296.24 | 39400 | 6.1722 | 1.0 | | 0.0774 | 297.74 | 39600 | 5.9523 | 1.0 | | 0.0902 | 299.25 | 39800 | 5.8769 | 1.0 | | 0.0766 | 300.75 | 40000 | 6.2435 | 1.0 | | 0.0766 | 302.26 | 40200 | 5.7556 | 1.0 | | 0.0723 | 303.76 | 40400 | 5.4647 | 1.0 | | 0.0724 | 305.26 | 40600 | 6.0184 | 1.0 | | 0.0834 | 306.77 | 40800 | 5.8434 | 1.0 | | 0.0846 | 308.27 | 41000 | 6.0586 | 1.0 | | 0.0878 | 309.77 | 41200 | 5.7270 | 1.0 | | 0.0761 | 311.28 | 41400 | 5.7259 | 1.0 | | 0.0639 | 312.78 | 41600 | 6.0848 | 1.0 | | 0.0733 | 314.29 | 41800 | 6.0474 | 1.0 | | 0.0734 | 315.79 | 42000 | 5.9387 | 1.0 | | 0.0779 | 317.29 | 42200 | 5.6040 | 1.0 | | 0.0713 | 318.8 | 42400 | 6.3136 | 1.0 | | 0.0756 | 320.3 | 42600 | 5.8936 | 1.0 | | 0.0758 | 321.8 | 42800 | 6.3659 | 1.0 | | 0.0662 | 323.31 | 43000 | 5.8035 | 1.0 | | 0.0714 | 324.81 | 43200 | 5.3194 | 1.0 | | 0.0782 | 326.32 | 43400 | 6.0054 | 1.0 | | 0.0775 | 327.82 | 43600 | 5.8471 | 1.0 | | 0.0653 | 329.32 | 43800 | 5.4054 | 1.0 | | 0.0739 | 330.83 | 44000 | 6.0978 | 1.0 | | 0.0634 | 332.33 | 44200 | 6.0081 | 1.0 | | 0.075 | 333.83 | 44400 | 6.0761 | 1.0 | | 0.0609 | 335.34 | 44600 | 5.8444 | 1.0 | | 0.0622 | 336.84 | 44800 | 6.2485 | 1.0 | | 0.0757 | 338.35 | 45000 | 6.0131 | 1.0 | | 0.0758 | 339.85 | 45200 | 5.9577 | 1.0 | | 0.0617 | 341.35 | 45400 | 5.7657 | 1.0 | | 0.0694 | 342.86 | 45600 | 5.7509 | 1.0 | | 0.0646 | 344.36 | 45800 | 5.5593 | 1.0 | | 0.0548 | 345.86 | 46000 | 5.9096 | 1.0 | | 0.0604 | 347.37 | 46200 | 6.2313 | 1.0 | | 0.0505 | 348.87 | 46400 | 5.4780 | 1.0 | | 0.0631 | 350.38 | 46600 | 6.0868 | 1.0 | | 0.0622 | 351.88 | 46800 | 5.8833 | 1.0 | | 0.0605 | 353.38 | 47000 | 5.5888 | 1.0 | | 0.0632 | 354.89 | 47200 | 5.7510 | 1.0 | | 0.0658 | 356.39 | 47400 | 5.2321 | 1.0 | | 0.0561 | 357.89 | 47600 | 5.6745 | 1.0 | | 0.0737 | 359.4 | 47800 | 6.0472 | 1.0 | | 0.0561 | 360.9 | 48000 | 6.2185 | 1.0 | | 0.0564 | 362.41 | 48200 | 6.0749 | 1.0 | | 0.0626 | 363.91 | 48400 | 5.6136 | 1.0 | | 0.0725 | 365.41 | 48600 | 5.7983 | 1.0 | | 0.0602 | 366.92 | 48800 | 5.5020 | 1.0 | | 0.0599 | 368.42 | 49000 | 6.0626 | 1.0 | | 0.0728 | 369.92 | 49200 | 6.3407 | 1.0 | | 0.0561 | 371.43 | 49400 | 6.2899 | 1.0 | | 0.0611 | 372.93 | 49600 | 6.5780 | 1.0 | | 0.065 | 374.44 | 49800 | 6.4685 | 1.0 | | 0.0561 | 375.94 | 50000 | 5.5252 | 1.0 | | 0.0482 | 377.44 | 50200 | 5.3905 | 1.0 | | 0.0575 | 378.95 | 50400 | 5.5660 | 1.0 | | 0.0673 | 380.45 | 50600 | 6.3424 | 1.0 | | 0.0588 | 381.95 | 50800 | 6.5294 | 1.0 | | 0.0563 | 383.46 | 51000 | 5.2974 | 1.0 | | 0.0702 | 384.96 | 51200 | 5.8705 | 1.0 | | 0.0517 | 386.47 | 51400 | 5.7488 | 1.0 | | 0.0629 | 387.97 | 51600 | 5.8414 | 1.0 | | 0.0569 | 389.47 | 51800 | 5.3303 | 1.0 | | 0.0586 | 390.98 | 52000 | 5.1755 | 1.0 | | 0.0581 | 392.48 | 52200 | 6.0030 | 1.0 | | 0.0673 | 393.98 | 52400 | 5.9972 | 1.0 | | 0.0533 | 395.49 | 52600 | 6.1624 | 1.0 | | 0.0597 | 396.99 | 52800 | 5.6803 | 1.0 | | 0.0494 | 398.5 | 53000 | 5.4154 | 1.0 | | 0.0526 | 400.0 | 53200 | 5.5855 | 1.0 | | 0.0578 | 401.5 | 53400 | 5.9491 | 1.0 | | 0.0546 | 403.01 | 53600 | 5.9381 | 1.0 | | 0.0575 | 404.51 | 53800 | 5.9629 | 1.0 | | 0.0592 | 406.02 | 54000 | 5.8617 | 1.0 | | 0.0444 | 407.52 | 54200 | 5.5513 | 1.0 | | 0.0467 | 409.02 | 54400 | 5.2998 | 1.0 | | 0.0654 | 410.53 | 54600 | 5.3034 | 1.0 | | 0.0546 | 412.03 | 54800 | 5.3077 | 1.0 | | 0.0567 | 413.53 | 55000 | 5.0215 | 1.0 | | 0.0564 | 415.04 | 55200 | 5.4569 | 1.0 | | 0.0494 | 416.54 | 55400 | 5.7311 | 1.0 | | 0.0448 | 418.05 | 55600 | 5.6774 | 1.0 | | 0.0695 | 419.55 | 55800 | 5.5563 | 1.0 | | 0.0451 | 421.05 | 56000 | 6.0087 | 1.0 | | 0.0514 | 422.56 | 56200 | 5.4969 | 1.0 | | 0.0504 | 424.06 | 56400 | 6.0321 | 1.0 | | 0.0429 | 425.56 | 56600 | 5.6021 | 1.0 | | 0.0503 | 427.07 | 56800 | 5.8039 | 1.0 | | 0.0528 | 428.57 | 57000 | 5.9237 | 1.0 | | 0.0508 | 430.08 | 57200 | 5.7653 | 1.0 | | 0.0533 | 431.58 | 57400 | 6.2778 | 1.0 | | 0.048 | 433.08 | 57600 | 6.0965 | 1.0 | | 0.0492 | 434.59 | 57800 | 5.3128 | 1.0 | | 0.0438 | 436.09 | 58000 | 5.7699 | 1.0 | | 0.0525 | 437.59 | 58200 | 5.1163 | 1.0 | | 0.0573 | 439.1 | 58400 | 5.4089 | 1.0 | | 0.0587 | 440.6 | 58600 | 5.2019 | 1.0 | | 0.049 | 442.11 | 58800 | 5.4515 | 1.0 | | 0.0435 | 443.61 | 59000 | 5.5448 | 1.0 | | 0.0378 | 445.11 | 59200 | 5.8339 | 1.0 | | 0.0498 | 446.62 | 59400 | 5.4560 | 1.0 | | 0.0361 | 448.12 | 59600 | 5.5045 | 1.0 | | 0.0438 | 449.62 | 59800 | 4.8485 | 1.0 | | 0.0512 | 451.13 | 60000 | 4.9816 | 1.0 | | 0.0464 | 452.63 | 60200 | 5.2011 | 1.0 | | 0.0437 | 454.14 | 60400 | 5.6679 | 1.0 | | 0.0457 | 455.64 | 60600 | 5.7678 | 1.0 | | 0.0397 | 457.14 | 60800 | 5.6997 | 1.0 | | 0.0397 | 458.65 | 61000 | 5.2398 | 1.0 | | 0.0412 | 460.15 | 61200 | 5.3039 | 1.0 | | 0.0472 | 461.65 | 61400 | 5.9334 | 1.0 | | 0.0389 | 463.16 | 61600 | 5.6996 | 1.0 | | 0.043 | 464.66 | 61800 | 5.4419 | 1.0 | | 0.0407 | 466.17 | 62000 | 5.2868 | 1.0 | | 0.0511 | 467.67 | 62200 | 5.2794 | 1.0 | | 0.0456 | 469.17 | 62400 | 5.6698 | 1.0 | | 0.0462 | 470.68 | 62600 | 5.4807 | 1.0 | | 0.0402 | 472.18 | 62800 | 4.9668 | 1.0 | | 0.0459 | 473.68 | 63000 | 5.1433 | 1.0 | | 0.0416 | 475.19 | 63200 | 5.1973 | 1.0 | | 0.0468 | 476.69 | 63400 | 4.5775 | 1.0 | | 0.0382 | 478.2 | 63600 | 5.4247 | 1.0 | | 0.04 | 479.7 | 63800 | 5.3787 | 1.0 | | 0.0446 | 481.2 | 64000 | 5.8649 | 1.0 | | 0.0478 | 482.71 | 64200 | 5.5780 | 1.0 | | 0.0468 | 484.21 | 64400 | 5.6468 | 1.0 | | 0.0358 | 485.71 | 64600 | 5.5878 | 1.0 | | 0.0375 | 487.22 | 64800 | 6.0500 | 1.0 | | 0.0418 | 488.72 | 65000 | 5.6539 | 1.0 | | 0.0419 | 490.23 | 65200 | 6.0848 | 1.0 | | 0.0381 | 491.73 | 65400 | 5.7511 | 1.0 | | 0.0476 | 493.23 | 65600 | 5.7423 | 1.0 | | 0.0492 | 494.74 | 65800 | 5.3481 | 1.0 | | 0.0373 | 496.24 | 66000 | 6.2950 | 1.0 | | 0.0451 | 497.74 | 66200 | 5.4381 | 1.0 | | 0.0457 | 499.25 | 66400 | 5.5962 | 1.0 | | 0.0384 | 500.75 | 66600 | 5.6821 | 1.0 | | 0.037 | 502.26 | 66800 | 5.8399 | 1.0 | | 0.0378 | 503.76 | 67000 | 5.4415 | 1.0 | | 0.038 | 505.26 | 67200 | 5.6578 | 1.0 | | 0.0371 | 506.77 | 67400 | 5.6192 | 1.0 | | 0.0314 | 508.27 | 67600 | 6.0258 | 1.0 | | 0.0345 | 509.77 | 67800 | 6.4183 | 1.0 | | 0.039 | 511.28 | 68000 | 5.1909 | 1.0 | | 0.0337 | 512.78 | 68200 | 5.3650 | 1.0 | | 0.0463 | 514.29 | 68400 | 5.5936 | 1.0 | | 0.05 | 515.79 | 68600 | 5.6765 | 1.0 | | 0.0374 | 517.29 | 68800 | 5.3339 | 1.0 | | 0.0374 | 518.8 | 69000 | 5.7343 | 1.0 | | 0.0406 | 520.3 | 69200 | 5.6398 | 1.0 | | 0.0397 | 521.8 | 69400 | 5.4041 | 1.0 | | 0.0391 | 523.31 | 69600 | 5.8327 | 1.0 | | 0.0332 | 524.81 | 69800 | 5.6610 | 1.0 | | 0.0325 | 526.32 | 70000 | 5.4675 | 1.0 | | 0.0438 | 527.82 | 70200 | 5.4601 | 1.0 | | 0.0281 | 529.32 | 70400 | 5.3118 | 1.0 | | 0.0314 | 530.83 | 70600 | 5.6760 | 1.0 | | 0.039 | 532.33 | 70800 | 5.2432 | 1.0 | | 0.0293 | 533.83 | 71000 | 5.4250 | 1.0 | | 0.0334 | 535.34 | 71200 | 4.9681 | 1.0 | | 0.0341 | 536.84 | 71400 | 5.2753 | 1.0 | | 0.0368 | 538.35 | 71600 | 4.7242 | 1.0 | | 0.0339 | 539.85 | 71800 | 5.0283 | 1.0 | | 0.0285 | 541.35 | 72000 | 4.9008 | 1.0 | | 0.0323 | 542.86 | 72200 | 5.0817 | 1.0 | | 0.0391 | 544.36 | 72400 | 5.2062 | 1.0 | | 0.0337 | 545.86 | 72600 | 5.4544 | 1.0 | | 0.0352 | 547.37 | 72800 | 5.0674 | 1.0 | | 0.0419 | 548.87 | 73000 | 5.2037 | 1.0 | | 0.0314 | 550.38 | 73200 | 4.8665 | 1.0 | | 0.0324 | 551.88 | 73400 | 5.2775 | 1.0 | | 0.0329 | 553.38 | 73600 | 4.7535 | 1.0 | | 0.0304 | 554.89 | 73800 | 4.8733 | 0.9994 | | 0.0388 | 556.39 | 74000 | 5.2259 | 1.0 | | 0.0423 | 557.89 | 74200 | 5.4575 | 1.0 | | 0.034 | 559.4 | 74400 | 4.9118 | 1.0 | | 0.0289 | 560.9 | 74600 | 4.9018 | 1.0 | | 0.0317 | 562.41 | 74800 | 5.0265 | 1.0 | | 0.0346 | 563.91 | 75000 | 4.7586 | 1.0 | | 0.0238 | 565.41 | 75200 | 5.0713 | 1.0 | | 0.0275 | 566.92 | 75400 | 4.8972 | 1.0 | | 0.0291 | 568.42 | 75600 | 4.8198 | 1.0 | | 0.0371 | 569.92 | 75800 | 4.3204 | 1.0 | | 0.033 | 571.43 | 76000 | 4.5274 | 1.0 | | 0.0334 | 572.93 | 76200 | 4.8907 | 1.0 | | 0.0375 | 574.44 | 76400 | 4.6204 | 1.0 | | 0.0332 | 575.94 | 76600 | 4.4255 | 1.0 | | 0.0359 | 577.44 | 76800 | 4.8451 | 1.0 | | 0.0273 | 578.95 | 77000 | 5.8480 | 1.0 | | 0.0273 | 580.45 | 77200 | 5.2345 | 1.0 | | 0.0296 | 581.95 | 77400 | 5.3281 | 0.9994 | | 0.0332 | 583.46 | 77600 | 5.6027 | 0.9994 | | 0.0251 | 584.96 | 77800 | 5.3038 | 0.9994 | | 0.0275 | 586.47 | 78000 | 5.0464 | 1.0 | | 0.0193 | 587.97 | 78200 | 4.9974 | 0.9994 | | 0.0326 | 589.47 | 78400 | 4.6220 | 1.0 | | 0.033 | 590.98 | 78600 | 4.9772 | 1.0 | | 0.0258 | 592.48 | 78800 | 4.6183 | 1.0 | | 0.0326 | 593.98 | 79000 | 5.2420 | 1.0 | | 0.0311 | 595.49 | 79200 | 4.6937 | 1.0 | | 0.0257 | 596.99 | 79400 | 4.9505 | 1.0 | | 0.0295 | 598.5 | 79600 | 5.0226 | 1.0 | | 0.0309 | 600.0 | 79800 | 4.8904 | 1.0 | | 0.0239 | 601.5 | 80000 | 5.4780 | 1.0 | | 0.0238 | 603.01 | 80200 | 5.4525 | 1.0 | | 0.0373 | 604.51 | 80400 | 4.8573 | 0.9994 | | 0.0308 | 606.02 | 80600 | 5.1780 | 1.0 | | 0.0262 | 607.52 | 80800 | 5.4216 | 1.0 | | 0.0227 | 609.02 | 81000 | 4.9209 | 1.0 | | 0.0222 | 610.53 | 81200 | 5.4042 | 1.0 | | 0.0332 | 612.03 | 81400 | 5.2453 | 1.0 | | 0.0261 | 613.53 | 81600 | 5.3043 | 1.0 | | 0.0254 | 615.04 | 81800 | 5.7649 | 1.0 | | 0.0276 | 616.54 | 82000 | 5.1942 | 1.0 | | 0.0291 | 618.05 | 82200 | 4.9448 | 0.9994 | | 0.0275 | 619.55 | 82400 | 5.0157 | 1.0006 | | 0.0278 | 621.05 | 82600 | 4.7635 | 1.0006 | | 0.0232 | 622.56 | 82800 | 5.4406 | 1.0 | | 0.0311 | 624.06 | 83000 | 5.3966 | 1.0 | | 0.0206 | 625.56 | 83200 | 4.8876 | 1.0013 | | 0.0274 | 627.07 | 83400 | 5.4422 | 1.0 | | 0.0199 | 628.57 | 83600 | 4.9966 | 1.0006 | | 0.0253 | 630.08 | 83800 | 5.1257 | 1.0006 | | 0.027 | 631.58 | 84000 | 5.1748 | 1.0 | | 0.0312 | 633.08 | 84200 | 5.0923 | 1.0006 | | 0.0288 | 634.59 | 84400 | 5.1963 | 1.0 | | 0.0261 | 636.09 | 84600 | 4.8105 | 1.0013 | | 0.0259 | 637.59 | 84800 | 4.9715 | 1.0 | | 0.03 | 639.1 | 85000 | 5.2808 | 1.0 | | 0.0215 | 640.6 | 85200 | 5.3155 | 1.0 | | 0.028 | 642.11 | 85400 | 5.1311 | 1.0 | | 0.0268 | 643.61 | 85600 | 5.1429 | 1.0 | | 0.0238 | 645.11 | 85800 | 5.0456 | 1.0 | | 0.0273 | 646.62 | 86000 | 5.2772 | 1.0 | | 0.0196 | 648.12 | 86200 | 5.2186 | 1.0 | | 0.0212 | 649.62 | 86400 | 4.8386 | 0.9994 | | 0.0243 | 651.13 | 86600 | 5.1898 | 1.0 | | 0.0255 | 652.63 | 86800 | 5.5885 | 1.0 | | 0.0192 | 654.14 | 87000 | 5.7636 | 1.0 | | 0.0272 | 655.64 | 87200 | 5.5897 | 1.0 | | 0.0254 | 657.14 | 87400 | 5.3412 | 1.0 | | 0.0389 | 658.65 | 87600 | 5.2754 | 1.0 | | 0.025 | 660.15 | 87800 | 4.6929 | 1.0 | | 0.0268 | 661.65 | 88000 | 4.7299 | 1.0 | | 0.0303 | 663.16 | 88200 | 5.1038 | 1.0 | | 0.019 | 664.66 | 88400 | 5.4165 | 1.0 | | 0.0197 | 666.17 | 88600 | 5.3144 | 1.0 | | 0.024 | 667.67 | 88800 | 4.7525 | 1.0 | | 0.0272 | 669.17 | 89000 | 5.4154 | 1.0 | | 0.0267 | 670.68 | 89200 | 5.1149 | 0.9994 | | 0.0231 | 672.18 | 89400 | 5.3135 | 1.0 | | 0.034 | 673.68 | 89600 | 4.8940 | 1.0 | | 0.0205 | 675.19 | 89800 | 5.4456 | 1.0 | | 0.0236 | 676.69 | 90000 | 5.1145 | 1.0 | | 0.0276 | 678.2 | 90200 | 5.3905 | 1.0 | | 0.0316 | 679.7 | 90400 | 5.4222 | 1.0 | | 0.0253 | 681.2 | 90600 | 5.1456 | 1.0006 | | 0.0255 | 682.71 | 90800 | 5.3852 | 1.0 | | 0.0185 | 684.21 | 91000 | 4.9756 | 1.0 | | 0.019 | 685.71 | 91200 | 5.9086 | 1.0 | | 0.0232 | 687.22 | 91400 | 5.1278 | 1.0 | | 0.0281 | 688.72 | 91600 | 4.9946 | 1.0 | | 0.0188 | 690.23 | 91800 | 5.0910 | 1.0 | | 0.0189 | 691.73 | 92000 | 4.8426 | 1.0 | | 0.0276 | 693.23 | 92200 | 5.0411 | 1.0 | | 0.021 | 694.74 | 92400 | 4.8377 | 1.0 | | 0.0237 | 696.24 | 92600 | 4.9047 | 1.0 | | 0.0209 | 697.74 | 92800 | 4.3727 | 1.0 | | 0.0212 | 699.25 | 93000 | 4.4921 | 1.0006 | | 0.0228 | 700.75 | 93200 | 4.7233 | 1.0006 | | 0.0187 | 702.26 | 93400 | 4.7441 | 1.0006 | | 0.0217 | 703.76 | 93600 | 4.7464 | 1.0 | | 0.0254 | 705.26 | 93800 | 4.8955 | 0.9994 | | 0.0268 | 706.77 | 94000 | 5.2548 | 1.0 | | 0.0236 | 708.27 | 94200 | 5.2691 | 1.0 | | 0.0174 | 709.77 | 94400 | 4.8898 | 1.0 | | 0.0262 | 711.28 | 94600 | 4.7713 | 1.0 | | 0.0226 | 712.78 | 94800 | 4.8464 | 1.0 | | 0.0193 | 714.29 | 95000 | 5.0019 | 1.0 | | 0.0229 | 715.79 | 95200 | 5.2043 | 1.0 | | 0.014 | 717.29 | 95400 | 4.9124 | 0.9994 | | 0.0274 | 718.8 | 95600 | 4.9160 | 1.0 | | 0.0198 | 720.3 | 95800 | 5.1003 | 1.0 | | 0.0222 | 721.8 | 96000 | 4.9865 | 1.0 | | 0.0133 | 723.31 | 96200 | 5.0203 | 1.0 | | 0.0162 | 724.81 | 96400 | 4.9140 | 1.0 | | 0.024 | 726.32 | 96600 | 4.9667 | 1.0006 | | 0.0197 | 727.82 | 96800 | 5.1605 | 1.0 | | 0.0169 | 729.32 | 97000 | 5.4196 | 1.0 | | 0.0238 | 730.83 | 97200 | 5.3665 | 1.0 | | 0.0182 | 732.33 | 97400 | 5.0020 | 1.0013 | | 0.0212 | 733.83 | 97600 | 5.1674 | 1.0006 | | 0.0165 | 735.34 | 97800 | 4.9132 | 1.0013 | | 0.0242 | 736.84 | 98000 | 4.7047 | 1.0013 | | 0.022 | 738.35 | 98200 | 5.1006 | 1.0 | | 0.022 | 739.85 | 98400 | 4.7582 | 0.9994 | | 0.0178 | 741.35 | 98600 | 5.0911 | 1.0 | | 0.0197 | 742.86 | 98800 | 4.9315 | 1.0 | | 0.022 | 744.36 | 99000 | 4.4003 | 1.0019 | | 0.0114 | 745.86 | 99200 | 4.9068 | 1.0 | | 0.0184 | 747.37 | 99400 | 4.7211 | 1.0 | | 0.0227 | 748.87 | 99600 | 4.8788 | 1.0 | | 0.0127 | 750.38 | 99800 | 5.0337 | 1.0 | | 0.0193 | 751.88 | 100000 | 5.0193 | 1.0 | | 0.0167 | 753.38 | 100200 | 5.1066 | 1.0019 | | 0.0149 | 754.89 | 100400 | 5.2865 | 1.0 | | 0.0219 | 756.39 | 100600 | 5.2765 | 1.0 | | 0.0185 | 757.89 | 100800 | 5.3224 | 1.0 | | 0.0159 | 759.4 | 101000 | 5.1665 | 1.0 | | 0.0178 | 760.9 | 101200 | 5.4050 | 0.9994 | | 0.0119 | 762.41 | 101400 | 5.1887 | 0.9994 | | 0.022 | 763.91 | 101600 | 4.7725 | 1.0 | | 0.0214 | 765.41 | 101800 | 4.9794 | 1.0 | | 0.0151 | 766.92 | 102000 | 4.7806 | 1.0013 | | 0.0181 | 768.42 | 102200 | 4.3024 | 1.0006 | | 0.0166 | 769.92 | 102400 | 4.8876 | 1.0 | | 0.0211 | 771.43 | 102600 | 4.5744 | 1.0 | | 0.0184 | 772.93 | 102800 | 4.8648 | 0.9994 | | 0.02 | 774.44 | 103000 | 4.7831 | 0.9994 | | 0.0188 | 775.94 | 103200 | 4.9471 | 0.9994 | | 0.0201 | 777.44 | 103400 | 4.9495 | 1.0006 | | 0.0169 | 778.95 | 103600 | 5.2604 | 1.0 | | 0.0145 | 780.45 | 103800 | 5.5133 | 1.0 | | 0.0176 | 781.95 | 104000 | 5.1844 | 0.9994 | | 0.0149 | 783.46 | 104200 | 4.6289 | 1.0 | | 0.0181 | 784.96 | 104400 | 5.2480 | 1.0 | | 0.0132 | 786.47 | 104600 | 4.7374 | 0.9994 | | 0.0115 | 787.97 | 104800 | 5.6450 | 1.0 | | 0.014 | 789.47 | 105000 | 5.0672 | 1.0 | | 0.0181 | 790.98 | 105200 | 5.1088 | 1.0 | | 0.0181 | 792.48 | 105400 | 5.0798 | 1.0 | | 0.0146 | 793.98 | 105600 | 5.1835 | 1.0 | | 0.0219 | 795.49 | 105800 | 5.3850 | 1.0 | | 0.0222 | 796.99 | 106000 | 4.9615 | 1.0 | | 0.0176 | 798.5 | 106200 | 4.6814 | 1.0 | | 0.017 | 800.0 | 106400 | 4.9264 | 1.0 | | 0.0134 | 801.5 | 106600 | 5.0058 | 1.0 | | 0.0139 | 803.01 | 106800 | 5.1207 | 1.0 | | 0.0146 | 804.51 | 107000 | 4.8640 | 1.0006 | | 0.018 | 806.02 | 107200 | 4.6173 | 1.0 | | 0.0183 | 807.52 | 107400 | 4.8846 | 1.0 | | 0.0169 | 809.02 | 107600 | 5.2157 | 1.0006 | | 0.0128 | 810.53 | 107800 | 5.1951 | 1.0006 | | 0.0181 | 812.03 | 108000 | 4.9453 | 1.0013 | | 0.0107 | 813.53 | 108200 | 5.0670 | 1.0013 | | 0.0171 | 815.04 | 108400 | 4.8881 | 1.0006 | | 0.0144 | 816.54 | 108600 | 4.8071 | 1.0013 | | 0.0133 | 818.05 | 108800 | 4.9399 | 1.0013 | | 0.0138 | 819.55 | 109000 | 4.5266 | 1.0038 | | 0.0159 | 821.05 | 109200 | 4.9887 | 1.0025 | | 0.0157 | 822.56 | 109400 | 4.8344 | 1.0019 | | 0.0134 | 824.06 | 109600 | 5.1275 | 1.0019 | | 0.0142 | 825.56 | 109800 | 4.7311 | 1.0025 | | 0.0207 | 827.07 | 110000 | 4.5203 | 1.0050 | | 0.0125 | 828.57 | 110200 | 4.5815 | 1.0044 | | 0.0161 | 830.08 | 110400 | 4.7650 | 1.0031 | | 0.0091 | 831.58 | 110600 | 4.9839 | 1.0025 | | 0.0154 | 833.08 | 110800 | 4.9781 | 1.0013 | | 0.012 | 834.59 | 111000 | 5.0515 | 1.0025 | | 0.0182 | 836.09 | 111200 | 5.1645 | 1.0025 | | 0.0135 | 837.59 | 111400 | 5.1050 | 1.0013 | | 0.0171 | 839.1 | 111600 | 4.8125 | 1.0025 | | 0.0152 | 840.6 | 111800 | 5.4213 | 1.0038 | | 0.0103 | 842.11 | 112000 | 5.0478 | 1.0031 | | 0.0112 | 843.61 | 112200 | 4.9343 | 1.0019 | | 0.0156 | 845.11 | 112400 | 5.2666 | 1.0019 | | 0.0122 | 846.62 | 112600 | 5.0991 | 1.0031 | | 0.0178 | 848.12 | 112800 | 5.1477 | 1.0006 | | 0.0174 | 849.62 | 113000 | 5.1716 | 1.0031 | | 0.0136 | 851.13 | 113200 | 5.3554 | 1.0013 | | 0.0123 | 852.63 | 113400 | 4.8209 | 1.0019 | | 0.0095 | 854.14 | 113600 | 4.9493 | 1.0019 | | 0.0183 | 855.64 | 113800 | 4.8060 | 1.0038 | | 0.0111 | 857.14 | 114000 | 4.8071 | 1.0006 | | 0.0121 | 858.65 | 114200 | 4.7184 | 1.0006 | | 0.0079 | 860.15 | 114400 | 4.7966 | 1.0019 | | 0.0129 | 861.65 | 114600 | 4.8338 | 1.0013 | | 0.0103 | 863.16 | 114800 | 4.5879 | 1.0019 | | 0.0117 | 864.66 | 115000 | 4.7938 | 1.0025 | | 0.018 | 866.17 | 115200 | 4.6562 | 1.0 | | 0.0121 | 867.67 | 115400 | 4.6558 | 1.0 | | 0.0184 | 869.17 | 115600 | 4.7076 | 1.0 | | 0.0135 | 870.68 | 115800 | 5.1430 | 1.0 | | 0.0163 | 872.18 | 116000 | 5.2987 | 1.0019 | | 0.014 | 873.68 | 116200 | 5.0680 | 1.0019 | | 0.0114 | 875.19 | 116400 | 4.9600 | 1.0013 | | 0.0145 | 876.69 | 116600 | 5.0292 | 1.0025 | | 0.0125 | 878.2 | 116800 | 4.6149 | 1.0038 | | 0.008 | 879.7 | 117000 | 4.9819 | 1.0019 | | 0.0122 | 881.2 | 117200 | 5.0868 | 1.0019 | | 0.0157 | 882.71 | 117400 | 4.8522 | 1.0031 | | 0.0146 | 884.21 | 117600 | 4.6680 | 1.0044 | | 0.014 | 885.71 | 117800 | 4.4612 | 1.0038 | | 0.0123 | 887.22 | 118000 | 4.4058 | 1.0044 | | 0.0122 | 888.72 | 118200 | 4.6614 | 1.0038 | | 0.012 | 890.23 | 118400 | 4.7230 | 1.0019 | | 0.0159 | 891.73 | 118600 | 5.0094 | 1.0006 | | 0.0087 | 893.23 | 118800 | 4.8522 | 1.0006 | | 0.013 | 894.74 | 119000 | 4.9456 | 1.0013 | | 0.0166 | 896.24 | 119200 | 4.9068 | 1.0019 | | 0.0129 | 897.74 | 119400 | 4.9066 | 1.0019 | | 0.0136 | 899.25 | 119600 | 4.6458 | 1.0019 | | 0.0208 | 900.75 | 119800 | 4.6729 | 1.0013 | | 0.0158 | 902.26 | 120000 | 4.6674 | 1.0019 | | 0.0125 | 903.76 | 120200 | 4.5242 | 1.0025 | | 0.0098 | 905.26 | 120400 | 4.7753 | 1.0025 | | 0.0078 | 906.77 | 120600 | 4.8435 | 1.0013 | | 0.0155 | 908.27 | 120800 | 4.6419 | 1.0006 | | 0.0142 | 909.77 | 121000 | 4.7051 | 1.0013 | | 0.0098 | 911.28 | 121200 | 5.0023 | 1.0 | | 0.0097 | 912.78 | 121400 | 5.2775 | 1.0 | | 0.0103 | 914.29 | 121600 | 5.1593 | 1.0 | | 0.0115 | 915.79 | 121800 | 5.0693 | 1.0 | | 0.0129 | 917.29 | 122000 | 5.4565 | 1.0 | | 0.0123 | 918.8 | 122200 | 4.9698 | 1.0 | | 0.0176 | 920.3 | 122400 | 4.8110 | 1.0019 | | 0.0106 | 921.8 | 122600 | 4.7044 | 1.0031 | | 0.0098 | 923.31 | 122800 | 4.7205 | 1.0031 | | 0.0132 | 924.81 | 123000 | 4.5947 | 1.0013 | | 0.0122 | 926.32 | 123200 | 4.9378 | 1.0 | | 0.0101 | 927.82 | 123400 | 5.0470 | 1.0006 | | 0.0151 | 929.32 | 123600 | 4.7670 | 1.0 | | 0.0089 | 930.83 | 123800 | 4.9127 | 1.0019 | | 0.0107 | 932.33 | 124000 | 4.9719 | 1.0031 | | 0.0084 | 933.83 | 124200 | 5.0971 | 1.0025 | | 0.0111 | 935.34 | 124400 | 4.6700 | 1.0031 | | 0.0121 | 936.84 | 124600 | 4.7236 | 1.0031 | | 0.0104 | 938.35 | 124800 | 4.7380 | 1.0019 | | 0.0101 | 939.85 | 125000 | 4.8754 | 1.0025 | | 0.0145 | 941.35 | 125200 | 5.0708 | 1.0031 | | 0.0096 | 942.86 | 125400 | 4.8973 | 1.0031 | | 0.0158 | 944.36 | 125600 | 5.1670 | 1.0019 | | 0.0106 | 945.86 | 125800 | 5.0989 | 1.0044 | | 0.0157 | 947.37 | 126000 | 5.0135 | 1.0044 | | 0.0092 | 948.87 | 126200 | 4.7069 | 1.0025 | | 0.0121 | 950.38 | 126400 | 4.6865 | 1.0031 | | 0.0117 | 951.88 | 126600 | 4.6496 | 1.0050 | | 0.0107 | 953.38 | 126800 | 5.0900 | 1.0025 | | 0.0107 | 954.89 | 127000 | 4.8722 | 1.0025 | | 0.0137 | 956.39 | 127200 | 4.7971 | 1.0013 | | 0.0106 | 957.89 | 127400 | 5.0268 | 1.0025 | | 0.0138 | 959.4 | 127600 | 5.1737 | 1.0019 | | 0.01 | 960.9 | 127800 | 5.2657 | 1.0025 | | 0.0101 | 962.41 | 128000 | 5.0265 | 1.0019 | | 0.0092 | 963.91 | 128200 | 5.4657 | 1.0019 | | 0.0109 | 965.41 | 128400 | 5.5858 | 1.0019 | | 0.0078 | 966.92 | 128600 | 5.2281 | 1.0031 | | 0.0111 | 968.42 | 128800 | 4.9028 | 1.0013 | | 0.0068 | 969.92 | 129000 | 4.8840 | 1.0019 | | 0.008 | 971.43 | 129200 | 5.3572 | 1.0013 | | 0.0108 | 972.93 | 129400 | 5.0857 | 1.0025 | | 0.0128 | 974.44 | 129600 | 5.1988 | 1.0019 | | 0.0088 | 975.94 | 129800 | 4.9510 | 1.0025 | | 0.013 | 977.44 | 130000 | 5.3014 | 1.0019 | | 0.0108 | 978.95 | 130200 | 4.9356 | 1.0019 | | 0.0112 | 980.45 | 130400 | 4.8090 | 1.0025 | | 0.0115 | 981.95 | 130600 | 5.0231 | 1.0038 | | 0.0166 | 983.46 | 130800 | 4.8263 | 1.0019 | | 0.0061 | 984.96 | 131000 | 4.7797 | 1.0025 | | 0.0097 | 986.47 | 131200 | 4.8421 | 1.0019 | | 0.0115 | 987.97 | 131400 | 4.9492 | 1.0031 | | 0.0058 | 989.47 | 131600 | 4.9278 | 1.0013 | | 0.0089 | 990.98 | 131800 | 4.8451 | 1.0013 | | 0.0133 | 992.48 | 132000 | 4.8694 | 1.0013 | | 0.0074 | 993.98 | 132200 | 5.0419 | 1.0006 | | 0.0088 | 995.49 | 132400 | 5.2701 | 1.0013 | | 0.0116 | 996.99 | 132600 | 5.2893 | 1.0006 | | 0.0068 | 998.5 | 132800 | 4.9237 | 1.0019 | | 0.0096 | 1000.0 | 133000 | 5.0376 | 1.0013 | | 0.0097 | 1001.5 | 133200 | 5.0571 | 1.0025 | | 0.009 | 1003.01 | 133400 | 5.0585 | 1.0019 | | 0.0077 | 1004.51 | 133600 | 4.9175 | 1.0013 | | 0.0099 | 1006.02 | 133800 | 5.0497 | 1.0013 | | 0.0042 | 1007.52 | 134000 | 4.9861 | 1.0013 | | 0.0114 | 1009.02 | 134200 | 5.0604 | 1.0 | | 0.0079 | 1010.53 | 134400 | 4.9738 | 1.0 | | 0.0039 | 1012.03 | 134600 | 5.2350 | 1.0006 | | 0.0081 | 1013.53 | 134800 | 4.8783 | 1.0006 | | 0.0072 | 1015.04 | 135000 | 5.0616 | 1.0019 | | 0.0059 | 1016.54 | 135200 | 4.9421 | 1.0006 | | 0.0052 | 1018.05 | 135400 | 5.2076 | 1.0006 | | 0.0072 | 1019.55 | 135600 | 4.7459 | 1.0019 | | 0.0137 | 1021.05 | 135800 | 4.4156 | 1.0025 | | 0.0086 | 1022.56 | 136000 | 4.7582 | 1.0038 | | 0.006 | 1024.06 | 136200 | 4.6716 | 1.0013 | | 0.0086 | 1025.56 | 136400 | 4.9067 | 1.0006 | | 0.0074 | 1027.07 | 136600 | 5.1224 | 1.0 | | 0.0099 | 1028.57 | 136800 | 4.8046 | 1.0006 | | 0.0129 | 1030.08 | 137000 | 5.0482 | 1.0 | | 0.011 | 1031.58 | 137200 | 4.9666 | 1.0019 | | 0.0071 | 1033.08 | 137400 | 5.0899 | 1.0013 | | 0.0067 | 1034.59 | 137600 | 5.0229 | 1.0006 | | 0.0044 | 1036.09 | 137800 | 5.0371 | 1.0013 | | 0.0101 | 1037.59 | 138000 | 4.9919 | 0.9994 | | 0.006 | 1039.1 | 138200 | 5.1368 | 0.9994 | | 0.0105 | 1040.6 | 138400 | 4.8836 | 0.9987 | | 0.0084 | 1042.11 | 138600 | 4.7600 | 1.0025 | | 0.0089 | 1043.61 | 138800 | 4.9488 | 1.0019 | | 0.0075 | 1045.11 | 139000 | 5.0581 | 1.0006 | | 0.0109 | 1046.62 | 139200 | 5.1216 | 1.0006 | | 0.0028 | 1048.12 | 139400 | 5.0811 | 0.9981 | | 0.0044 | 1049.62 | 139600 | 4.8405 | 1.0013 | | 0.0067 | 1051.13 | 139800 | 5.0062 | 1.0013 | | 0.0057 | 1052.63 | 140000 | 5.0492 | 1.0006 | | 0.0062 | 1054.14 | 140200 | 5.0783 | 1.0 | | 0.0076 | 1055.64 | 140400 | 5.1404 | 1.0 | | 0.0132 | 1057.14 | 140600 | 5.1925 | 1.0006 | | 0.0043 | 1058.65 | 140800 | 5.0225 | 1.0019 | | 0.0032 | 1060.15 | 141000 | 4.9694 | 1.0019 | | 0.004 | 1061.65 | 141200 | 5.1353 | 1.0006 | | 0.0092 | 1063.16 | 141400 | 5.2068 | 1.0013 | | 0.0092 | 1064.66 | 141600 | 5.0825 | 1.0013 | | 0.0057 | 1066.17 | 141800 | 5.0087 | 1.0013 | | 0.0048 | 1067.67 | 142000 | 4.9626 | 1.0025 | | 0.0052 | 1069.17 | 142200 | 5.0154 | 1.0006 | | 0.0094 | 1070.68 | 142400 | 5.0147 | 1.0019 | | 0.008 | 1072.18 | 142600 | 4.9181 | 1.0006 | | 0.0073 | 1073.68 | 142800 | 4.9787 | 1.0019 | | 0.0063 | 1075.19 | 143000 | 4.9458 | 1.0025 | | 0.0069 | 1076.69 | 143200 | 5.0951 | 1.0019 | | 0.005 | 1078.2 | 143400 | 4.8268 | 1.0019 | | 0.008 | 1079.7 | 143600 | 4.8822 | 1.0019 | | 0.0047 | 1081.2 | 143800 | 5.1148 | 1.0019 | | 0.0138 | 1082.71 | 144000 | 4.9464 | 1.0 | | 0.0054 | 1084.21 | 144200 | 4.9410 | 1.0013 | | 0.0061 | 1085.71 | 144400 | 5.1612 | 1.0006 | | 0.0095 | 1087.22 | 144600 | 5.0962 | 1.0006 | | 0.0069 | 1088.72 | 144800 | 5.0092 | 1.0 | | 0.0041 | 1090.23 | 145000 | 5.0815 | 1.0 | | 0.0104 | 1091.73 | 145200 | 5.0631 | 1.0006 | | 0.0025 | 1093.23 | 145400 | 5.1077 | 1.0006 | | 0.0068 | 1094.74 | 145600 | 4.9715 | 1.0019 | | 0.006 | 1096.24 | 145800 | 5.0608 | 1.0013 | | 0.0081 | 1097.74 | 146000 | 5.1091 | 1.0013 | | 0.0068 | 1099.25 | 146200 | 5.1470 | 1.0013 | | 0.0047 | 1100.75 | 146400 | 5.1790 | 1.0006 | | 0.0054 | 1102.26 | 146600 | 5.2646 | 1.0 | | 0.0092 | 1103.76 | 146800 | 5.2853 | 1.0013 | | 0.0066 | 1105.26 | 147000 | 5.0318 | 1.0013 | | 0.008 | 1106.77 | 147200 | 5.0337 | 1.0013 | | 0.0034 | 1108.27 | 147400 | 5.0388 | 1.0013 | | 0.011 | 1109.77 | 147600 | 5.0256 | 1.0019 | | 0.0072 | 1111.28 | 147800 | 5.0236 | 1.0019 | | 0.0129 | 1112.78 | 148000 | 5.0792 | 1.0019 | | 0.0063 | 1114.29 | 148200 | 5.1229 | 1.0 | | 0.0045 | 1115.79 | 148400 | 5.1730 | 1.0013 | | 0.0049 | 1117.29 | 148600 | 5.1491 | 1.0006 | | 0.0039 | 1118.8 | 148800 | 5.1083 | 1.0013 | | 0.008 | 1120.3 | 149000 | 5.0877 | 1.0019 | | 0.0058 | 1121.8 | 149200 | 5.0018 | 1.0019 | | 0.0046 | 1123.31 | 149400 | 5.0775 | 1.0013 | | 0.0057 | 1124.81 | 149600 | 5.0081 | 1.0006 | | 0.0048 | 1126.32 | 149800 | 5.0912 | 1.0013 | | 0.0031 | 1127.82 | 150000 | 5.0987 | 1.0019 | | 0.0059 | 1129.32 | 150200 | 5.0811 | 1.0013 | | 0.0043 | 1130.83 | 150400 | 5.1520 | 1.0019 | | 0.0071 | 1132.33 | 150600 | 5.2432 | 1.0019 | | 0.0115 | 1133.83 | 150800 | 5.1358 | 1.0019 | | 0.0061 | 1135.34 | 151000 | 5.0458 | 1.0019 | | 0.0068 | 1136.84 | 151200 | 5.1654 | 1.0019 | | 0.0107 | 1138.35 | 151400 | 5.0748 | 1.0019 | | 0.0053 | 1139.85 | 151600 | 5.1501 | 1.0019 | | 0.0058 | 1141.35 | 151800 | 5.2146 | 1.0019 | | 0.0053 | 1142.86 | 152000 | 5.2234 | 1.0013 | | 0.0034 | 1144.36 | 152200 | 5.2226 | 1.0019 | | 0.0058 | 1145.86 | 152400 | 5.2033 | 1.0019 | | 0.0039 | 1147.37 | 152600 | 5.2151 | 1.0019 | | 0.0111 | 1148.87 | 152800 | 5.1126 | 1.0019 | | 0.0054 | 1150.38 | 153000 | 5.2183 | 1.0019 | | 0.0068 | 1151.88 | 153200 | 5.2718 | 1.0019 | | 0.0074 | 1153.38 | 153400 | 5.1996 | 1.0019 | | 0.0064 | 1154.89 | 153600 | 5.1910 | 1.0019 | | 0.0058 | 1156.39 | 153800 | 5.1924 | 1.0019 | | 0.004 | 1157.89 | 154000 | 5.2096 | 1.0019 | | 0.0046 | 1159.4 | 154200 | 5.1493 | 1.0019 | | 0.0066 | 1160.9 | 154400 | 5.1710 | 1.0019 | | 0.0055 | 1162.41 | 154600 | 5.1339 | 1.0019 | | 0.0076 | 1163.91 | 154800 | 5.1114 | 1.0019 | | 0.0078 | 1165.41 | 155000 | 5.1069 | 1.0019 | | 0.0039 | 1166.92 | 155200 | 5.1307 | 1.0019 | | 0.0029 | 1168.42 | 155400 | 5.1418 | 1.0025 | | 0.0033 | 1169.92 | 155600 | 5.0614 | 1.0025 | | 0.005 | 1171.43 | 155800 | 5.0568 | 1.0025 | | 0.0048 | 1172.93 | 156000 | 5.0617 | 1.0025 | | 0.005 | 1174.44 | 156200 | 5.0957 | 1.0025 | | 0.0072 | 1175.94 | 156400 | 5.0974 | 1.0025 | | 0.0052 | 1177.44 | 156600 | 5.0740 | 1.0025 | | 0.0042 | 1178.95 | 156800 | 5.0641 | 1.0019 | | 0.0057 | 1180.45 | 157000 | 5.0398 | 1.0013 | | 0.0063 | 1181.95 | 157200 | 4.9869 | 1.0019 | | 0.0046 | 1183.46 | 157400 | 5.0102 | 1.0019 | | 0.005 | 1184.96 | 157600 | 4.9957 | 1.0019 | | 0.0044 | 1186.47 | 157800 | 5.0196 | 1.0019 | | 0.0041 | 1187.97 | 158000 | 5.0451 | 1.0019 | | 0.0053 | 1189.47 | 158200 | 5.0466 | 1.0019 | | 0.0078 | 1190.98 | 158400 | 5.0443 | 1.0019 | | 0.0061 | 1192.48 | 158600 | 5.0306 | 1.0019 | | 0.0069 | 1193.98 | 158800 | 5.0399 | 1.0019 | | 0.0114 | 1195.49 | 159000 | 5.0391 | 1.0019 | | 0.0126 | 1196.99 | 159200 | 5.0403 | 1.0019 | | 0.0067 | 1198.5 | 159400 | 5.0430 | 1.0019 | | 0.0044 | 1200.0 | 159600 | 5.0428 | 1.0019 | ### Framework versions - Transformers 4.18.0.dev0 - Pytorch 1.10.0+cu113 - Datasets 1.18.3 - Tokenizers 0.11.6
[ -0.06804203987121582, -0.04157549887895584, -0.026657385751605034, -0.024542775005102158, 0.013807686977088451, 0.02537318505346775, -0.08858628571033478, -0.07118742913007736, -0.0561545230448246, -0.09196247160434723, 0.028150558471679688, -0.09920724481344223, -0.004001975990831852, -0.07173233479261398, -0.05472817271947861, 0.013528387062251568, 0.03125636279582977, -0.057126663625240326, -0.08166632056236267, 0.021141398698091507, 0.018080811947584152, 0.09029681980609894, 0.04586323723196983, 0.03139300271868706, 0.03673618659377098, 0.010795027017593384, -0.08675509691238403, 0.04556583985686302, 0.044082820415496826, -0.034729063510894775, 0.10702116042375565, 0.049255549907684326, 0.03373338654637337, 0.027020182460546494, -0.03083237260580063, 0.013820972293615341, -0.017647013068199158, -0.035391755402088165, 0.029820768162608147, -0.02943994663655758, 0.029209842905402184, -0.003296086797490716, -0.03021586872637272, 0.07080309838056564, -0.04871055483818054, 0.006607808638364077, -0.09016526490449905, -0.0420951247215271, -0.05108040198683739, -0.0025045997463166714, -0.07259199023246765, -0.08953512459993362, 0.08744468539953232, 0.012173944152891636, -0.09723033756017685, 0.02100646309554577, -0.008756909519433975, 0.06615457683801651, 0.01875598169863224, 0.006846192292869091, -0.02549503929913044, -0.024475354701280594, -0.054040998220443726, -0.02223633974790573, -0.08631083369255066, -0.06384135037660599, -0.053901832550764084, -0.0329907089471817, 0.07765458524227142, -0.008842311799526215, -0.04837539419531822, 0.07113742083311081, 0.05302383378148079, 0.0037151980213820934, 0.04450052231550217, 0.03524220734834671, 0.0363905169069767, 0.008153317496180534, 0.06540393084287643, -0.07772038131952286, 0.005177600774914026, -0.08192265033721924, 0.045721057802438736, -0.07250822335481644, 0.05788910388946533, -0.007365874946117401, 0.031731341034173965, -0.032671187072992325, -0.01364831905812025, -0.019339952617883682, -0.06105050817131996, 0.025086840614676476, 0.02512243203818798, 0.07590451091527939, -0.010695064440369606, 0.09335366636514664, 0.01745167002081871, 0.033134035766124725, -0.03349752724170685, 0.09682169556617737, -0.022847695276141167, -0.0008002906106412411, 0.032887473702430725, -0.007055032067000866, -0.0019109562272205949, -0.07461275160312653, -0.01534558180719614, 0.09481220692396164, 0.09443750232458115, -0.046688005328178406, 0.055131539702415466, 0.05718231201171875, -0.04573512077331543, 0.002427473198622465, 0.05590689927339554, 0.09189926087856293, -0.04452304169535637, -0.03818679228425026, -0.006934101693332195, 0.0482807494699955, -0.05405182018876076, -0.009404356591403484, -0.033265598118305206, -0.03128678351640701, -0.041933368891477585, -0.07798975706100464, -0.0875382050871849, 3.158184509306916e-33, 0.03959234058856964, 0.02743138186633587, -0.012671833857893944, 0.008848781697452068, 0.018698759377002716, -0.061722975224256516, -0.018202176317572594, -0.0314410999417305, 0.05475955083966255, -0.05134103074669838, -0.06912725418806076, -0.02372124046087265, -0.04401351138949394, 0.07039272785186768, 0.01904018595814705, 0.010005025193095207, -0.03970952332019806, 0.018357116729021072, 0.035742100328207016, 0.015473408624529839, 0.1622781753540039, 0.010713857598602772, -0.0069653429090976715, -0.02480531670153141, 0.05610569939017296, 0.07971568405628204, 0.054405104368925095, -0.01580199785530567, 0.054340608417987823, 0.05121199041604996, -0.05166631191968918, -0.02950710989534855, 0.005898031406104565, -0.035915274173021317, 0.037764597684144974, 0.05201784148812294, 0.029879655689001083, 0.0654279813170433, -0.04764989763498306, -0.06362525373697281, 0.04918116331100464, 0.017220934852957726, 0.014032703824341297, -0.05387119576334953, -0.05943242460489273, -0.0934956818819046, -0.01592976227402687, 0.0610802099108696, 0.010372678749263287, 0.04779590293765068, -0.08611220121383667, -0.03883083909749985, 0.026041794568300247, 0.05976523458957672, -0.014926706440746784, -0.059853293001651764, 0.07472936809062958, 0.08102361857891083, -0.0323931910097599, -0.01228418480604887, 0.028930801898241043, 0.025660524144768715, 0.03331213817000389, -0.019370045512914658, -0.016715917736291885, -0.05068241059780121, -0.03571109473705292, -0.04957371950149536, 0.024214930832386017, 0.0202846210449934, -0.031069645658135414, -0.0027299204375594854, 0.04407259449362755, -0.0011734520085155964, 0.03664863482117653, -0.06401492655277252, -0.0015697104390710592, -0.0671795979142189, -0.03731076419353485, 0.010722051374614239, 0.03417716175317764, 0.09098353981971741, -0.03435371443629265, -0.05496583506464958, -0.02883780561387539, -0.06854197382926941, -0.0001487848930992186, -0.11153395473957062, -0.019687049090862274, 0.04588843509554863, -0.060032300651073456, 0.08183293044567108, -0.07250505685806274, -0.014177350327372551, -0.050599075853824615, -4.8679568382832724e-33, -0.014150581322610378, 0.12522998452186584, 0.005905699450522661, 0.09949032962322235, 0.0200788676738739, 0.019257359206676483, 0.10589441657066345, 0.1274595409631729, -0.0640159472823143, -0.03721330687403679, 0.08084189146757126, -0.03573155775666237, 0.0026851084548979998, -0.005782313644886017, 0.02986104227602482, -0.014070372097194195, -0.04856143146753311, -0.014033302664756775, 0.059189196676015854, 0.021154362708330154, 0.026394594460725784, 0.08875055611133575, -0.03582150489091873, 0.06934069097042084, 0.013258582912385464, -0.032718725502491, -0.005255586933344603, 0.07947923243045807, 0.06313102692365646, -0.05098557844758034, -0.06329300999641418, -0.021417852491140366, -0.027072718366980553, 0.029376422986388206, -0.0009748456068336964, 0.024282824248075485, 0.06541804224252701, -0.007808608002960682, -0.01949418894946575, 0.04267941042780876, 0.05183514952659607, 0.07867980748414993, -0.08553516119718552, 0.01828938163816929, -0.006916883401572704, -0.04596695303916931, 0.013923399150371552, -0.017902038991451263, -0.022331347689032555, -0.05060124769806862, 0.06290636211633682, -0.08691369742155075, -0.019578590989112854, 0.046810198575258255, -0.03246273845434189, -0.0532967746257782, 0.030403176322579384, 0.0003581964410841465, -0.05559801682829857, 0.009674382396042347, -0.022996699437499046, 0.009401710703969002, -0.1190553680062294, -0.0568266399204731, 0.022252267226576805, -0.008030627854168415, -0.059792451560497284, 0.031126338988542557, 0.045295584946870804, 0.047674451023340225, -0.01984110288321972, 0.04799005016684532, 0.0060639153234660625, 0.007330282591283321, -0.04535909369587898, 0.013996127061545849, -0.07545264065265656, -0.01944148913025856, -0.014260045252740383, -0.0942506343126297, -0.008826257660984993, 0.055609509348869324, 0.0746922492980957, 0.007940138690173626, 0.13259226083755493, 0.08560829609632492, 0.053937315940856934, 0.05193943530321121, -0.0607808381319046, 0.012211129069328308, 0.02357563003897667, 0.06238100677728653, -0.019194528460502625, 0.1273438036441803, 0.04125523567199707, -5.901199884306152e-8, -0.04571230337023735, 0.029923690482974052, -0.02132568694651127, 0.029301689937710762, 0.015970485284924507, -0.0504365935921669, 0.008609379641711712, -0.018805546686053276, 0.02082219161093235, 0.023884586989879608, 0.027510765939950943, -0.003098943503573537, -0.04763094335794449, 0.06357797980308533, -0.005993345286697149, -0.00011909416934940964, -0.04852515086531639, 0.11129073798656464, -0.045344576239585876, -0.06621191650629044, -0.001658414606936276, -0.007559382822364569, -0.002704066690057516, -0.030803008005023003, 0.08126306533813477, -0.11230609565973282, -0.05587251856923103, 0.09029222279787064, -0.07198817282915115, -0.02015472948551178, -0.05022036284208298, 0.03881857544183731, -0.0030206094961613417, -0.09618351608514786, -0.033435311168432236, 0.07577837258577347, -0.08465591818094254, -0.0384700633585453, -0.0019012775737792253, 0.043944887816905975, -0.012314120307564735, 0.07834339886903763, -0.05655094236135483, -0.015034849755465984, 0.08563066273927689, -0.06150691211223602, 0.016856998205184937, -0.09615611284971237, 0.04987166076898575, 0.006892447359859943, 0.008589396253228188, 0.03419544920325279, -0.026277700439095497, -0.03585774824023247, 0.034053392708301544, 0.005437603686004877, -0.09233039617538452, 0.02540862374007702, 0.025313623249530792, -0.005553716327995062, 0.013627848587930202, -0.010296877473592758, -0.03137974068522453, -0.015889542177319527 ]
markn/adalm-bio-small
22824f560e494e077e6e898a5c22497d3931e521
2022-04-12T21:12:35.000Z
[ "pytorch", "bert", "transformers", "license:mit" ]
null
false
markn
null
markn/adalm-bio-small
0
null
transformers
--- license: mit ---
[ -0.09818281978368759, -0.010856573469936848, 0.052169445902109146, -0.08761013299226761, 0.051318615674972534, 0.008416811004281044, 0.0449553020298481, -0.011573160998523235, 0.020761393010616302, -0.014396079815924168, 0.019734712317585945, -0.01053137332201004, -0.008089784532785416, -0.05703134834766388, -0.04923103004693985, -0.04461250826716423, 0.012355265207588673, 0.05538580194115639, 0.022963328287005424, -0.05482324957847595, -0.01321354415267706, 0.06033632531762123, 0.016408175230026245, -0.03540318086743355, 0.043879054486751556, -0.01172811072319746, 0.0457737036049366, -0.040369145572185516, 0.017090633511543274, -0.06974796205759048, -0.014673271216452122, 0.06573054939508438, 0.017238695174455643, 0.013167515397071838, 0.04868943989276886, 0.0006914035184308887, 0.019640428945422173, -0.06057996675372124, -0.0032341177575290203, -0.00832623802125454, 0.010420248843729496, -0.06781371682882309, 0.05239468440413475, 0.09064380824565887, -0.03123749978840351, -0.027227042242884636, -0.011471139267086983, -0.06375893205404282, 0.04694944992661476, 0.026199031621217728, -0.0500510036945343, -0.005850689485669136, -0.08299199491739273, -0.01790796034038067, -0.01274265255779028, -0.05134393647313118, 0.03657391294836998, 0.033320147544145584, -0.018238965421915054, 0.033255044370889664, -0.03458236902952194, -0.013617293909192085, -0.04879351332783699, 0.11621392518281937, -0.022193264216184616, 0.02193436585366726, -0.004971281159669161, 0.00869444478303194, -0.004479738883674145, -0.0055228895507752895, 0.025005165487527847, -0.08995405584573746, -0.0027414539363235235, 0.09172534197568893, 0.017055440694093704, -0.10239261388778687, 0.038673121482133865, 0.06328622251749039, 0.04914705455303192, -0.07894130796194077, -0.016047311946749687, 0.004907453432679176, 0.016036342829465866, 0.06260767579078674, -0.054599836468696594, 0.002097363816574216, -0.013429677113890648, 0.05550964176654816, 0.06796955317258835, 0.023843277245759964, -0.060206811875104904, -0.05907357111573219, 0.04590684175491333, 0.02778623066842556, -0.049247197806835175, 0.0319112092256546, -0.061932019889354706, -0.03992783650755882, 0.009670095518231392, 0.07605545967817307, -0.05690767243504524, 0.06851232051849365, -0.07945561408996582, -0.011443655006587505, -0.06122482940554619, -0.01895463466644287, 0.04507787525653839, 0.04869314655661583, 0.06720222532749176, 0.04544556513428688, 0.04300425201654434, -0.01911132037639618, 0.027026889845728874, -0.07907464355230331, -0.010569894686341286, 0.03979698568582535, -0.01706903614103794, -0.04916011169552803, 0.11761201918125153, -0.011315369978547096, -0.02196180634200573, 0.020497793331742287, -0.08447246998548508, -0.07252424955368042, -0.023064464330673218, -0.059201985597610474, -0.026951942592859268, -9.84168906635735e-33, -0.07799053192138672, 0.012376343831419945, 0.06501765549182892, 0.08507012575864792, -0.011754254810512066, -0.05534854158759117, -0.026770927011966705, -0.04804857075214386, -0.20456349849700928, 0.034014955163002014, 0.004693949595093727, 0.046243298798799515, -0.07027891278266907, 0.043033041059970856, 0.04880548268556595, -0.01471283845603466, 0.006424203980714083, 0.03681394085288048, 0.042410120368003845, 0.06179889664053917, 0.020589182153344154, -0.012139024212956429, 0.04331142455339432, -0.008247844874858856, -0.012712552212178707, 0.010765583254396915, 0.07969626039266586, -0.03926263377070427, 0.1435147225856781, 0.04222290962934494, 0.031830597668886185, -0.013458448462188244, -0.06290276348590851, -0.04374079033732414, 0.01940547302365303, 0.052222322672605515, -0.05293240025639534, -0.0013464577496051788, 0.02031819336116314, 0.021006537601351738, -0.034318264573812485, 0.016326334327459335, -0.07740487158298492, -0.0037996757309883833, 0.02412210777401924, 0.015719683840870857, 0.007936161011457443, -0.03494724631309509, 0.11464483290910721, -0.04904613271355629, -0.01235989574342966, 0.014264470897614956, 0.012482790276408195, -0.03612712770700455, 0.0017396867042407393, 0.055418528616428375, 0.010257766582071781, 0.03819258511066437, -0.06699952483177185, -0.014577668160200119, -0.04948824271559715, 0.000872230448294431, -0.11814498156309128, 0.07602517306804657, 0.08026950061321259, 0.00631914334371686, -0.09974014759063721, -0.08174502849578857, 0.06160261854529381, 0.0012191476998850703, -0.09931042045354843, -0.018236037343740463, 0.05259716510772705, -0.0038230500649660826, -0.06170536205172539, 0.023569537326693535, -0.07082141935825348, 0.008764708414673805, -0.01638028770685196, 0.046805933117866516, -0.10423709452152252, -0.05110025778412819, -0.06780074536800385, -0.0332527793943882, -0.0007217832026071846, 0.025494776666164398, -0.04674050956964493, -0.012949029915034771, 0.03347864747047424, 0.05604562908411026, -0.00046890226076357067, -0.059600237756967545, -0.052372291684150696, 0.05130171403288841, -0.12334081530570984, 3.6173976222693814e-33, -0.06767832487821579, 0.0023314745631068945, -0.08155763149261475, 0.04165710508823395, -0.030166450887918472, 0.04836615175008774, 0.007724530063569546, 0.05743410438299179, -0.0649026408791542, 0.07064944505691528, 0.007795653771609068, -0.014376944862306118, -0.01034633070230484, 0.008611970581114292, 0.024182142689824104, -0.028464147821068764, 0.018390104174613953, -0.06038813665509224, -0.07116027921438217, 0.0028395773842930794, -0.04433805122971535, 0.07734250277280807, 0.002654941054061055, 0.06796327233314514, -0.006246509496122599, 0.008019323460757732, -0.022809350863099098, 0.08331562578678131, 0.025556711480021477, -0.0013347984058782458, 0.019147928804159164, 0.020977800711989403, -0.09915896505117416, 0.02570195496082306, -0.03445034474134445, -0.02289978601038456, 0.006049180403351784, 0.04404124990105629, -0.01016558613628149, -0.014965763315558434, 0.04203564301133156, -0.06044618412852287, 0.02644270844757557, 0.002229356439784169, 0.058730848133563995, -0.06091653183102608, -0.07340222597122192, 0.01816987432539463, -0.02297678031027317, -0.017930246889591217, -0.05038819462060928, -0.016964785754680634, 0.02346743829548359, -0.1659647524356842, 0.026193251833319664, 0.04688346013426781, 0.03128602355718613, 0.023531004786491394, 0.09546897560358047, 0.023985605686903, 0.05636628717184067, 0.02092690020799637, -0.027209829539060593, 0.07154528796672821, -0.041303277015686035, 0.03296217694878578, -0.03845435380935669, 0.053144898265600204, -0.018861113116145134, 0.042413659393787384, 0.03886803984642029, 0.07218201458454132, 0.023435167968273163, -0.05265393480658531, 0.0026946638245135546, -0.008315705694258213, 0.0547347329556942, 0.08090155571699142, -0.0851190984249115, -0.03690408915281296, -0.019607774913311005, 0.012851200997829437, -0.011463146656751633, 0.08590369671583176, -0.020759018138051033, -0.0315287709236145, 0.02648487314581871, -0.08606535941362381, 0.06298425793647766, -0.02196093276143074, -0.06882459670305252, 0.015101960860192776, -0.022020874544978142, 0.00654038367792964, -0.08407715708017349, -1.9265653961042517e-8, -0.0731983333826065, 0.042244043201208115, -0.05625557899475098, 0.026100890710949898, -0.07816556841135025, 0.00936245359480381, -0.015614109113812447, -0.003781936364248395, 0.03213492035865784, 0.015082139521837234, -0.012209873646497726, -0.05306781455874443, -0.06417931616306305, 0.0700686052441597, 0.02893178164958954, 0.09534084051847458, -0.04181261360645294, 0.09725268185138702, 0.002418791875243187, -0.018115319311618805, -0.015451127663254738, 0.018948273733258247, 0.05790862441062927, 0.008235103450715542, -0.0709129273891449, 0.09178662300109863, 0.03368552401661873, 0.028192145749926567, -0.012452743947505951, 0.04368938133120537, -0.04256853461265564, 0.06861433386802673, -0.08284865319728851, 0.011486722156405449, -0.014112540520727634, -0.09137182682752609, -0.050349362194538116, 0.003556265262886882, 0.09912314265966415, 0.058025799691677094, -0.056704044342041016, 0.058532748371362686, 0.06003645062446594, -0.0038659616839140654, -0.01812894456088543, 0.02177049033343792, 0.015498777851462364, 0.0032378111500293016, 0.0646880567073822, 0.08661797642707825, -0.01795797049999237, 0.011712072417140007, -0.08072609454393387, -0.07559874653816223, -0.05243096500635147, 0.08809884637594223, 0.06298331171274185, -0.08721055835485458, -0.1119711622595787, -0.03170926496386528, 0.08108830451965332, -0.030551224946975708, 0.09014209359884262, 0.024292632937431335 ]
huggan/fastgan-few-shot-aurora
8234db31eec47eb4720a814f42455ed30b89b6c0
2022-05-06T22:30:43.000Z
[ "pytorch", "dataset:huggan/few-shot-aurora", "arxiv:2101.04775", "huggan", "gan", "unconditional-image-generation", "license:mit" ]
unconditional-image-generation
false
huggan
null
huggan/fastgan-few-shot-aurora
0
null
null
--- tags: - huggan - gan - unconditional-image-generation datasets: - huggan/few-shot-aurora # See a list of available tags here: # https://github.com/huggingface/hub-docs/blob/main/js/src/lib/interfaces/Types.ts#L12 # task: unconditional-image-generation or conditional-image-generation or image-to-image license: mit --- # Generate aurora image using FastGAN ## Model description [FastGAN model](https://arxiv.org/abs/2101.04775) is a Generative Adversarial Networks (GAN) training on a small amount of high-fidelity images with minimum computing cost. Using a skip-layer channel-wise excitation module and a self-supervised discriminator trained as a feature-encoder, the model was able to converge after some hours of training for either 100 high-quality images or 1000 images datasets. This model was trained on a dataset of 272 high-quality images of aurora. #### How to use ```python # Clone this model git clone https://huggingface.co/huggan/fastgan-few-shot-aurora/ def load_generator(model_name_or_path): generator = Generator(in_channels=256, out_channels=3) generator = generator.from_pretrained(model_name_or_path, in_channels=256, out_channels=3) _ = generator.eval() return generator def _denormalize(input: torch.Tensor) -> torch.Tensor: return (input * 127.5) + 127.5 # Load generator generator = load_generator("huggan/fastgan-few-shot-aurora") # Generate a random noise image noise = torch.zeros(1, 256, 1, 1, device=device).normal_(0.0, 1.0) with torch.no_grad(): gan_images, _ = generator(noise) gan_images = _denormalize(gan_images.detach()) save_image(gan_images, "sample.png", nrow=1, normalize=True) ``` #### Limitations and bias * Converge faster and better with small datasets (less than 1000 samples) ## Training data [few-shot-aurora](https://huggingface.co/datasets/huggan/few-shot-aurora) ## Generated Images ![Example image](example.png) ### BibTeX entry and citation info ```bibtex @article{FastGAN, title={Towards Faster and Stabilized GAN Training for High-fidelity Few-shot Image Synthesis}, author={Bingchen Liu, Yizhe Zhu, Kunpeng Song, Ahmed Elgammal}, journal={ICLR}, year={2021} } ```
[ -0.0997437909245491, -0.03918382152915001, 0.03239630535244942, 0.07958568632602692, 0.08043275028467178, -0.04675135761499405, -0.012037613429129124, -0.05055025964975357, -0.019322941079735756, -0.0716094821691513, 0.06885930895805359, -0.062376391142606735, 0.04760008677840233, -0.03189533203840256, -0.03274580091238022, -0.009853167459368706, 0.07337425649166107, -0.045672379434108734, -0.08063145726919174, -0.005835043266415596, -0.03289619833230972, 0.03474545106291771, 0.010071106255054474, -0.005482543259859085, 0.053576432168483734, -0.019797665998339653, 0.01266549713909626, -0.011239479295909405, 0.09391491115093231, -0.0843062549829483, 0.08160792291164398, 0.03612319752573967, -0.0394207127392292, 0.05741605907678604, -0.04362614452838898, 0.0987587496638298, -0.03279542550444603, -0.0019096097676083446, 0.038995739072561264, -0.02704203873872757, 0.04883737489581108, -0.04447321966290474, 0.01946120522916317, -0.0720662921667099, 0.05815122276544571, 0.04649630934000015, -0.054798103868961334, -0.05694859102368355, -0.035795990377664566, -0.02348204515874386, -0.019529448822140694, -0.01671460084617138, -0.06744962185621262, 0.03688638657331467, 0.09510413557291031, 0.013661821372807026, -0.02608342282474041, -0.07385990768671036, -0.01332373358309269, 0.03195245936512947, 0.010772468522191048, -0.041244540363550186, -0.023582400754094124, -0.026872767135500908, 0.06736701726913452, -0.03384215384721756, 0.008023962378501892, 0.007004336919635534, 0.04943457618355751, -0.041979823261499405, 0.052749961614608765, 0.04482278972864151, -0.0192238911986351, 0.038091275840997696, 0.031101005151867867, 0.04886529967188835, 0.11095083504915237, 0.02713019959628582, 0.06492587924003601, -0.10450376570224762, -0.0043424637988209724, -0.015120082534849644, 0.02319875732064247, -0.009372789412736893, -0.019193856045603752, 0.010580903850495815, -0.034681499004364014, 0.08500311523675919, 0.00924142636358738, 0.07480639219284058, -0.03684166446328163, -0.0003712709585670382, -0.09194425493478775, 0.06428740918636322, 0.03460736200213432, 0.0519818551838398, 0.022917617112398148, -0.04356676712632179, -0.05256836488842964, 0.05432390794157982, 0.02100260742008686, 0.029976263642311096, 0.015264436602592468, -0.011605002917349339, 0.06649396568536758, -0.11867784708738327, 0.106545589864254, 0.04962288960814476, 0.02332327887415886, -0.024957071989774704, 0.060710642486810684, -0.07345931231975555, -0.038818616420030594, -0.05875648558139801, -0.0063676731660962105, -0.04120245575904846, -0.052658796310424805, 0.04177204892039299, -0.004683556966483593, 0.02916339598596096, -0.06004989892244339, 0.0998942106962204, 0.02137974090874195, -0.038595858961343765, -0.04339585453271866, -0.09591738879680634, -0.053042784333229065, 4.5963133181196885e-33, 0.015803979709744453, 0.031812310218811035, -0.015011216513812542, 0.007145471405237913, 0.026879245415329933, -0.004281208384782076, -0.021719161421060562, 0.017539365217089653, -0.06329511106014252, 0.008091273717582226, -0.07011974602937698, 0.002387604909017682, -0.08532430976629257, 0.09241565316915512, 0.08240281045436859, -0.06111803278326988, -0.07135770469903946, -0.03353104740381241, -0.03509444370865822, 0.060637686401605606, 0.028984587639570236, -0.010629798285663128, -0.03526203706860542, 0.006577413063496351, -0.04435934126377106, 0.03788408637046814, 0.03594465181231499, -0.008780955336987972, 0.03164658322930336, 0.027130939066410065, -0.011264149099588394, 0.08119043707847595, 0.048677247017621994, 0.017231978476047516, 0.05819621682167053, -0.009309901855885983, -0.011336268857121468, -0.004799611866474152, -0.04396019130945206, 0.005457396153360605, -0.031997889280319214, 0.06040175259113312, -0.08720197528600693, -0.006603261921554804, -0.057263314723968506, -0.08046020567417145, 0.06889411062002182, 0.0007014501607045531, -0.05081234872341156, 0.028041740879416466, 0.03311402350664139, 0.0077851153910160065, 0.01095220260322094, -0.0887012779712677, -0.03541269153356552, 0.00940238032490015, 0.013481265865266323, 0.03957223519682884, 0.03442062810063362, 0.05841884762048721, -0.0050330497324466705, -0.022291503846645355, 0.014489938504993916, 0.0192243792116642, 0.0012712525203824043, 0.05285019800066948, 0.022949451580643654, 0.03354512155056, -0.020769640803337097, 0.010710102505981922, 0.02721308544278145, -0.014252944849431515, -0.031188268214464188, -0.1462261974811554, 0.08231958001852036, -0.07214420288801193, -0.029111264273524284, 0.0027182349003851414, -0.04370616376399994, 0.052078548818826675, -0.08694128692150116, 0.026978692039847374, -0.007776346523314714, -0.0021801937837153673, -0.01918875053524971, -0.028160035610198975, -0.031189769506454468, 0.04257247596979141, -0.025482067838311195, -0.014686278067529202, 0.02940457873046398, 0.014014674350619316, 0.0504239983856678, -0.06801176071166992, -0.02075175940990448, -3.513430289726935e-33, 0.0980411097407341, 0.06896243244409561, -0.1084800735116005, 0.0514661930501461, 0.005298001691699028, 0.00646057166159153, 0.018873820081353188, 0.11411379277706146, -0.0473504476249218, -0.03975183144211769, 0.022532379254698753, 0.02077263407409191, -0.019022038206458092, -0.062324557453393936, -0.05844906345009804, -0.06923633068799973, 0.008384427055716515, -0.05165610462427139, -0.014790293760597706, 0.033414486795663834, 0.025896161794662476, 0.06515592336654663, -0.0277547687292099, 0.0814971998333931, -0.036583516746759415, 0.10895971953868866, 0.00598307466134429, 0.06658767908811569, 0.009716975502669811, -0.008907520212233067, 0.0005120331770740449, -0.03154561296105385, -0.014437188394367695, 0.011099464260041714, -0.04479581490159035, 0.07692071050405502, 0.13341251015663147, 0.046749863773584366, -0.10965939611196518, -0.016558270901441574, 0.10300984978675842, 0.032752592116594315, -0.042234595865011215, 0.05083797872066498, -0.02796054072678089, 0.014844871126115322, -0.05623931437730789, 0.003366726916283369, 0.06660278141498566, 0.05826139822602272, 0.005261567886918783, -0.01896195486187935, -0.09191090613603592, 0.07114794105291367, -0.07080782204866409, -0.11518671363592148, 0.004758519120514393, -0.019686594605445862, 0.09249170869588852, 0.015131446532905102, -0.06144965440034866, -0.15501490235328674, -0.009596183896064758, -0.009665276855230331, -0.030904069542884827, -0.04038442671298981, -0.020082738250494003, 0.006196220871061087, 0.008744209073483944, 0.025891020894050598, 0.1010967493057251, 0.025127995759248734, 0.031499896198511124, 0.013663489371538162, -0.02687472477555275, -0.018526123836636543, 0.1057916134595871, -0.0707850307226181, 0.0768594890832901, -0.15656445920467377, -0.02896290086209774, -0.06007535755634308, -0.0036843479610979557, 0.0653957948088646, 0.04855877906084061, 0.04212433472275734, 0.029288332909345627, -0.04634770005941391, -0.028613004833459854, 0.04143161699175835, 0.013517158105969429, 0.03455290198326111, 0.02009882591664791, 0.03764178231358528, -0.007511723320931196, -5.407424197301225e-8, -0.03156536817550659, 0.0058989571407437325, -0.004830842837691307, -0.01856653206050396, 0.040905166417360306, -0.03716664016246796, 0.045084115117788315, 0.05688435211777687, 0.07571432739496231, 0.005306172650307417, 0.08684271574020386, 0.023338934406638145, -0.05103081092238426, -0.02109484374523163, 0.05193332955241203, -0.019085770472884178, 0.042223840951919556, 0.05689014866948128, -0.023131394758820534, -0.015688976272940636, -0.03753393888473511, -0.054234616458415985, -0.03112870641052723, -0.10031304508447647, 0.06932321935892105, -0.06047336384654045, 0.020933052524924278, 0.03609025850892067, 0.001537367352284491, -0.08605479449033737, -0.06349052488803864, -0.02281131036579609, 0.018323635682463646, -0.05190647765994072, 0.0020144456066191196, 0.07177044451236725, -0.016452454030513763, -0.06340902298688889, -0.0011073146015405655, -0.008206883445382118, -0.0025936998426914215, 0.04242800548672676, 0.01914292946457863, -0.07940267771482468, -0.008163899183273315, 0.00018998798623215407, 0.056704021990299225, -0.04040389135479927, 0.030004436150193214, 0.10534302145242691, -0.02786634862422943, -0.02617805264890194, 0.016836684197187424, 0.02486474998295307, -0.02652900479733944, -0.014995167963206768, 0.033387113362550735, -0.06730062514543533, 0.09580739587545395, 0.08205083012580872, 0.12683001160621643, -0.03387425094842911, -0.04105742275714874, 0.0285529512912035 ]
mimicheng/codeparrot-ds-sample-1ep-12apr
74d9d6d5c5bed469b64e79b2909849c6d58a4044
2022-04-13T07:16:11.000Z
[ "pytorch", "tensorboard", "gpt2", "text-generation", "transformers", "generated_from_trainer", "license:mit", "model-index" ]
text-generation
false
mimicheng
null
mimicheng/codeparrot-ds-sample-1ep-12apr
0
null
transformers
--- license: mit tags: - generated_from_trainer model-index: - name: codeparrot-ds-sample-1ep-12apr 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. --> # codeparrot-ds-sample-1ep-12apr This model is a fine-tuned version of [gpt2](https://huggingface.co/gpt2) on an unknown dataset. It achieves the following results on the evaluation set: - Loss: 1.9947 ## 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: 0.0005 - train_batch_size: 64 - eval_batch_size: 64 - seed: 42 - distributed_type: tpu - gradient_accumulation_steps: 8 - total_train_batch_size: 512 - optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08 - lr_scheduler_type: cosine - lr_scheduler_warmup_steps: 1000 - num_epochs: 1 ### Training results | Training Loss | Epoch | Step | Validation Loss | |:-------------:|:-----:|:----:|:---------------:| | 3.8723 | 0.37 | 1000 | 2.5340 | | 2.1776 | 0.74 | 2000 | 1.9947 | ### Framework versions - Transformers 4.18.0 - Pytorch 1.11.0+cu102 - Datasets 2.0.0 - Tokenizers 0.11.6
[ -0.0969211608171463, -0.029154719784855843, -0.02494034543633461, 0.04136280715465546, 0.0521768294274807, -0.06099921092391014, -0.024101942777633667, 0.029993249103426933, -0.08929568529129028, -0.11053169518709183, 0.02655966766178608, -0.05733388289809227, 0.0038266554474830627, -0.08432977646589279, -0.06874588131904602, 0.0065062264911830425, 0.07187893241643906, 0.0011035737115889788, -0.03407169133424759, -0.013081918470561504, 0.02460334636271, 0.04293351620435715, 0.032687198370695114, 0.067870132625103, -0.022041041404008865, 0.023773932829499245, -0.010854491963982582, 0.011484009213745594, 0.020013341680169106, 0.007868840359151363, 0.021656453609466553, -0.020688777789473534, -0.030880054458975792, 0.08538645505905151, 0.013323313556611538, 0.02194182202219963, -0.031859301030635834, -0.0310541819781065, 0.00004507905396167189, 0.011182069778442383, 0.016715023666620255, -0.028903566300868988, 0.003450724994763732, 0.07223363220691681, 0.07204191386699677, 0.009851839393377304, -0.028942320495843887, -0.08378489315509796, -0.07858947664499283, -0.0009533760603517294, -0.06541113555431366, -0.03552379086613655, 0.026628082618117332, -0.051620155572891235, 0.01416340284049511, 0.04076974466443062, 0.017368556931614876, -0.06020823493599892, -0.024658480659127235, -0.034261737018823624, 0.007191844750195742, -0.029303688555955887, -0.11054065823554993, -0.06179635971784592, -0.07502754777669907, -0.05378084257245064, 0.009720868431031704, 0.010540827177464962, 0.10796621441841125, -0.06419332325458527, 0.00818881019949913, 0.08099143207073212, -0.053364355117082596, 0.03766671195626259, -0.002365406835451722, 0.024784356355667114, 0.023552967235445976, 0.04589731991291046, 0.060733161866664886, -0.07627697288990021, 0.024487050250172615, -0.042374249547719955, 0.06015279144048691, -0.028600050136446953, -0.005871811416000128, -0.03801405429840088, 0.06124550849199295, 0.05718781054019928, 0.06799935549497604, 0.059045787900686264, -0.0262759942561388, 0.035634130239486694, -0.013065998442471027, 0.0242785532027483, -0.013922455720603466, 0.002185109071433544, -0.017000289633870125, -0.07190137356519699, -0.07124467939138412, 0.0797940045595169, -0.055906202644109726, 0.05584488436579704, -0.017806878313422203, 0.055665161460638046, -0.038806818425655365, -0.010784889571368694, 0.018053855746984482, 0.079271100461483, 0.07584155350923538, 0.01071365550160408, 0.08547431975603104, 0.04154781997203827, -0.0040970961563289165, -0.0317801870405674, 0.02589491568505764, 0.15617123246192932, -0.056272704154253006, 0.027144338935613632, -0.058052752166986465, 0.13961251080036163, -0.07124919444322586, -0.014317863620817661, -0.05012434348464012, -0.05668605491518974, -0.02104037255048752, -0.07472006231546402, -0.10428433120250702, 3.1087744409800243e-33, 0.02435990422964096, -0.0011367335682734847, 0.016395950689911842, -0.010426901280879974, 0.004361993167549372, 0.021632317453622818, 0.009464017115533352, -0.0970340445637703, 0.02570776455104351, -0.04628988727927208, -0.07391238212585449, -0.07631365209817886, -0.0864611268043518, 0.1063346192240715, -0.006623882334679365, -0.05200083553791046, -0.01805700734257698, 0.06445068120956421, 0.060325443744659424, 0.005831418093293905, 0.10648704320192337, 0.06433477252721786, -0.0388447567820549, -0.0965019017457962, -0.04609424248337746, 0.09661311656236649, -0.007993564009666443, 0.006339803338050842, 0.04950869828462601, 0.09052782505750656, -0.03589857369661331, -0.03971727564930916, -0.03082534298300743, 0.008531346917152405, 0.03874463215470314, 0.008971263654530048, 0.015205712988972664, -0.005542757920920849, 0.03637295588850975, -0.026752116158604622, 0.018952351063489914, 0.007267558015882969, 0.0867210179567337, -0.09995267540216446, -0.03509887680411339, -0.07170500606298447, 0.09743693470954895, 0.038817405700683594, 0.0433804988861084, 0.07952986657619476, -0.06707944720983505, 0.007035643327981234, -0.01070964615792036, -0.019831230863928795, -0.0565970204770565, 0.051349811255931854, 0.04583001136779785, 0.06427522748708725, 0.03367748484015465, 0.04240215942263603, 0.010409406386315823, 0.02416851371526718, -0.0018838891992345452, -0.026796722784638405, 0.013324885629117489, -0.005889246240258217, -0.09720337390899658, -0.0859529972076416, -0.009417913854122162, 0.1258227378129959, -0.05488557741045952, -0.014721139334142208, 0.015126978047192097, -0.013362059369683266, 0.10655723512172699, -0.10113923251628876, 0.05941229686141014, 0.014423568733036518, -0.0449925996363163, -0.043078623712062836, -0.06065400317311287, 0.0672784298658371, -0.001027854043059051, -0.09377648681402206, -0.039274562150239944, -0.07835281640291214, -0.017255162820219994, -0.03393198177218437, -0.053278762847185135, 0.04000053554773331, -0.09552492946386337, -0.03361599147319794, -0.09194720536470413, 0.015231654979288578, -0.027275949716567993, -4.527029313740238e-33, -0.008079149760305882, 0.05729340761899948, 0.013541349209845066, 0.0807616114616394, -0.041009772568941116, -0.024269482120871544, 0.020578866824507713, 0.10191795974969864, -0.039974890649318695, 0.009814267978072166, 0.0520646907389164, 0.006650554947555065, -0.08265229314565659, 0.01083584874868393, 0.068468376994133, -0.0018446117173880339, -0.05897042900323868, 0.002622137311846018, 0.014560109935700893, 0.003476460464298725, 0.003283214522525668, 0.10693313926458359, -0.04641619697213173, 0.06942768394947052, 0.01552186906337738, -0.012052634730935097, 0.05682934820652008, 0.1195589005947113, 0.10985234379768372, -0.030269453302025795, 0.013941032811999321, 0.008151420392096043, -0.014695276506245136, 0.026184547692537308, -0.033034250140190125, 0.020909661427140236, 0.10492783039808273, -0.020029595121741295, -0.052939869463443756, 0.11213241517543793, 0.046118780970573425, 0.024479195475578308, -0.023971157148480415, 0.04886047542095184, 0.003696182044222951, 0.017474252730607986, 0.05499209836125374, -0.037756506353616714, 0.028355777263641357, -0.028007641434669495, 0.0023866372648626566, -0.06960385292768478, -0.05227474123239517, 0.043234024196863174, -0.011822731234133244, -0.0501926988363266, 0.03324377164244652, 0.02627643011510372, -0.02664562128484249, 0.015890764072537422, 0.0185268372297287, -0.013174372725188732, -0.038969848304986954, -0.03102070465683937, 0.01439161878079176, -0.07963795959949493, -0.06147664785385132, 0.0313212089240551, 0.014027978293597698, 0.11295805126428604, -0.04474438726902008, 0.03687363862991333, 0.03576061129570007, -0.03261628374457359, -0.024405065923929214, 0.008128686808049679, -0.014207936823368073, 0.04721585288643837, 0.03752491995692253, -0.11082460731267929, -0.01734306663274765, 0.010884147137403488, 0.0967392548918724, 0.03224952891469002, 0.0716995969414711, -0.00034598915954120457, 0.07156584411859512, 0.0822308287024498, -0.031769946217536926, -0.023854607716202736, -0.016583798453211784, 0.0028565863613039255, 0.052964769303798676, 0.09637799113988876, -0.033384986221790314, -6.172818700633798e-8, -0.005419094581156969, 0.01575312204658985, -0.041610848158597946, 0.09055551141500473, -0.02600955218076706, -0.018333150073885918, -0.03412376716732979, 0.027635931968688965, -0.055629778653383255, -0.004309344105422497, 0.048236183822155, -0.018968256190419197, -0.0874229446053505, -0.024640146642923355, 0.04224351793527603, -0.004111242946237326, -0.06064770370721817, 0.08919449150562286, -0.05069059506058693, -0.019835246726870537, -0.02153150551021099, -0.031116679310798645, 0.011961249634623528, -0.07016496360301971, 0.010385444387793541, -0.05205128341913223, -0.005969604477286339, 0.04967771843075752, -0.017535872757434845, -0.0012572796549648046, 0.020563680678606033, -0.00006107130320742726, 0.022823648527264595, -0.047632522881031036, -0.029300278052687645, 0.04587724059820175, -0.04085698351264, -0.023434266448020935, 0.10628539323806763, 0.03905804455280304, -0.04034658521413803, 0.06062629073858261, -0.03141329064965248, -0.00964662991464138, 0.05897390842437744, 0.0023782069329172373, -0.0006933087133802474, -0.08395498991012573, -0.007226761896163225, 0.00040954328142106533, 0.014240368269383907, 0.0054857502691447735, -0.08269531279802322, 0.006074095144867897, 0.04319058731198311, 0.01849914900958538, -0.08604123443365097, -0.06383828818798065, -0.006206304766237736, -0.01953858695924282, 0.0264884140342474, -0.014169445261359215, -0.03900468721985817, 0.010814719833433628 ]
huggingtweets/radfemman
8e54c05acd96a0f147b5c263888801474421829f
2022-04-13T06:22:23.000Z
[ "pytorch", "gpt2", "text-generation", "en", "transformers", "huggingtweets" ]
text-generation
false
huggingtweets
null
huggingtweets/radfemman
0
null
transformers
--- language: en thumbnail: http://www.huggingtweets.com/radfemman/1649830938917/predictions.png tags: - huggingtweets widget: - text: "My dream is" --- <div class="inline-flex flex-col" style="line-height: 1.5;"> <div class="flex"> <div style="display:inherit; margin-left: 4px; margin-right: 4px; width: 92px; height:92px; border-radius: 50%; background-size: cover; background-image: url(&#39;https://pbs.twimg.com/profile_images/1428572680882688005/rqGxWIRJ_400x400.jpg&#39;)"> </div> <div style="display:none; margin-left: 4px; margin-right: 4px; width: 92px; height:92px; border-radius: 50%; background-size: cover; background-image: url(&#39;&#39;)"> </div> <div style="display:none; margin-left: 4px; margin-right: 4px; width: 92px; height:92px; border-radius: 50%; background-size: cover; background-image: url(&#39;&#39;)"> </div> </div> <div style="text-align: center; margin-top: 3px; font-size: 16px; font-weight: 800">🤖 AI BOT 🤖</div> <div style="text-align: center; font-size: 16px; font-weight: 800">Radfem Ally 🇺🇸</div> <div style="text-align: center; font-size: 14px;">@radfemman</div> </div> I was made with [huggingtweets](https://github.com/borisdayma/huggingtweets). Create your own bot based on your favorite user with [the demo](https://colab.research.google.com/github/borisdayma/huggingtweets/blob/master/huggingtweets-demo.ipynb)! ## How does it work? The model uses the following pipeline. ![pipeline](https://github.com/borisdayma/huggingtweets/blob/master/img/pipeline.png?raw=true) To understand how the model was developed, check the [W&B report](https://wandb.ai/wandb/huggingtweets/reports/HuggingTweets-Train-a-Model-to-Generate-Tweets--VmlldzoxMTY5MjI). ## Training data The model was trained on tweets from Radfem Ally 🇺🇸. | Data | Radfem Ally 🇺🇸 | | --- | --- | | Tweets downloaded | 227 | | Retweets | 33 | | Short tweets | 14 | | Tweets kept | 180 | [Explore the data](https://wandb.ai/wandb/huggingtweets/runs/29ku9tl5/artifacts), which is tracked with [W&B artifacts](https://docs.wandb.com/artifacts) at every step of the pipeline. ## Training procedure The model is based on a pre-trained [GPT-2](https://huggingface.co/gpt2) which is fine-tuned on @radfemman's tweets. Hyperparameters and metrics are recorded in the [W&B training run](https://wandb.ai/wandb/huggingtweets/runs/33qza7xp) for full transparency and reproducibility. At the end of training, [the final model](https://wandb.ai/wandb/huggingtweets/runs/33qza7xp/artifacts) is logged and versioned. ## How to use You can use this model directly with a pipeline for text generation: ```python from transformers import pipeline generator = pipeline('text-generation', model='huggingtweets/radfemman') generator("My dream is", num_return_sequences=5) ``` ## Limitations and bias The model suffers from [the same limitations and bias as GPT-2](https://huggingface.co/gpt2#limitations-and-bias). In addition, the data present in the user's tweets further affects the text generated by the model. ## About *Built by Boris Dayma* [![Follow](https://img.shields.io/twitter/follow/borisdayma?style=social)](https://twitter.com/intent/follow?screen_name=borisdayma) For more details, visit the project repository. [![GitHub stars](https://img.shields.io/github/stars/borisdayma/huggingtweets?style=social)](https://github.com/borisdayma/huggingtweets)
[ -0.009427576325833797, 0.12251485139131546, -0.009675402194261551, 0.05320567637681961, 0.1727294623851776, -0.019707728177309036, -0.042364366352558136, 0.020360317081212997, 0.07395804673433304, -0.0556219145655632, -0.00635472172871232, 0.07026732712984085, 0.02078991010785103, -0.031492434442043304, -0.0066627622582018375, 0.03552987799048424, -0.08978625386953354, -0.02944127283990383, -0.057934194803237915, 0.026972059160470963, -0.08386710286140442, -0.09601026773452759, 0.07892052084207535, -0.04499639943242073, -0.04479610174894333, 0.07402671873569489, -0.007745673879981041, 0.053635358810424805, -0.011806890368461609, -0.022510666400194168, -0.04138457030057907, 0.03783201426267624, 0.050412725657224655, 0.03643278032541275, -0.022206388413906097, 0.012969326227903366, -0.02652987837791443, 0.02361445501446724, -0.059740494936704636, 0.005711480043828487, -0.01767932064831257, -0.10532095283269882, 0.04797349125146866, 0.037082821130752563, -0.035529281944036484, -0.028990987688302994, -0.01736762374639511, -0.0014706330839544535, -0.05019618570804596, 0.025747664272785187, -0.0532798171043396, -0.04701215773820877, 0.0022289464250206947, -0.0019393851980566978, 0.015951180830597878, 0.06628556549549103, 0.026419568806886673, -0.05057823285460472, 0.08118583261966705, -0.025516696274280548, 0.10782662034034729, 0.08299127966165543, 0.08360624313354492, 0.0009222435182891786, 0.004954825155436993, -0.01603855937719345, -0.07163910567760468, 0.033421676605939865, -0.025939874351024628, -0.019881436601281166, 0.029520362615585327, -0.003820614656433463, -0.03060040809214115, -0.04191194474697113, 0.06941710412502289, -0.043984901160001755, -0.013072655536234379, 0.024310151115059853, -0.01838551089167595, 0.055354032665491104, 0.0335218645632267, -0.06186051294207573, 0.008142095990478992, -0.027719860896468163, 0.05443701148033142, 0.035820458084344864, 0.013119129464030266, -0.10523081570863724, -0.018967820331454277, 0.022359266877174377, -0.016601312905550003, -0.02080000750720501, -0.014154326170682907, 0.044998858124017715, -0.03883111849427223, 0.024192366749048233, -0.04986660182476044, -0.15140454471111298, -0.1122749000787735, 0.06378255039453506, 0.00814760010689497, -0.05625266954302788, 0.06802201271057129, 0.01554288249462843, 0.015131596475839615, -0.03533784672617912, -0.02465377375483513, 0.012843780219554901, -0.01500789076089859, -0.011229446157813072, 0.04022296518087387, -0.04861999303102493, -0.10628830641508102, 0.02304193004965782, -0.025390001013875008, -0.10229284316301346, -0.005604385863989592, 0.04691185802221298, 0.08839012682437897, -0.02706998586654663, 0.05252600833773613, 0.14752022922039032, -0.03657783567905426, -0.09632403403520584, 0.0034724923316389322, 0.027223065495491028, -0.05638217180967331, 1.1510935125563154e-32, 0.05457523465156555, 0.004648954141885042, -0.06418798863887787, 0.04670709744095802, 0.1271519809961319, -0.007414111401885748, -0.001130459364503622, -0.02957400120794773, -0.08860967308282852, -0.0006761958356946707, 0.07746623456478119, 0.030356088653206825, 0.004043696913868189, 0.0156539399176836, 0.0023556670639663935, -0.09272891283035278, -0.01755283586680889, -0.00330410641618073, -0.030244020745158195, 0.02715155854821205, -0.110441192984581, 0.04526466503739357, -0.037275634706020355, -0.06483417749404907, -0.055239368230104446, 0.018746279180049896, 0.06619701534509659, -0.04599688574671745, 0.005334688816219568, 0.005986867938190699, -0.040574219077825546, -0.021100323647260666, 0.06087145581841469, -0.05096250772476196, 0.045945554971694946, 0.017290562391281128, 0.01698562689125538, -0.07637478411197662, -0.017105629667639732, 0.04144914448261261, -0.03777448832988739, -0.04234291613101959, 0.04715953767299652, -0.02693716622889042, -0.056767068803310394, 0.08397237956523895, 0.14652332663536072, 0.02254018746316433, -0.030922532081604004, -0.04883888363838196, -0.03253722935914993, -0.0122837508097291, -0.04656486213207245, -0.11303219944238663, -0.018437888473272324, -0.08959836512804031, 0.007751975674182177, 0.013546898029744625, 0.04344242066144943, -0.03537798672914505, -0.0013783944305032492, -0.06602680683135986, 0.025154991075396538, -0.0820825919508934, 0.044479820877313614, 0.03536578640341759, -0.08946676552295685, -0.034522466361522675, 0.04414995014667511, -0.03836469724774361, -0.037531860172748566, 0.000996465445496142, 0.1162211075425148, -0.0371907502412796, -0.04850725457072258, 0.0376453772187233, -0.019476676359772682, -0.04975447803735733, -0.033815592527389526, 0.026088831946253777, -0.058366768062114716, 0.019191434606909752, 0.024342164397239685, 0.0018977380823343992, -0.020436005666851997, -0.003099591936916113, -0.015663057565689087, -0.0526091642677784, 0.013699849136173725, -0.007363766897469759, -0.10539718717336655, -0.017491357401013374, 0.042782049626111984, -0.08713310211896896, -0.07801733911037445, -1.2092214143308898e-32, 0.052962567657232285, -0.0024343908298760653, -0.005524665117263794, 0.052843205630779266, 0.09922519326210022, 0.051320768892765045, 0.05400484427809715, 0.0517241396009922, 0.009719634428620338, 0.0006078942096792161, 0.044368840754032135, -0.026927027851343155, -0.08309715986251831, -0.030220309272408485, 0.02011844888329506, 0.026436390355229378, 0.06855932623147964, -0.021545087918639183, -0.03245251998305321, 0.042586006224155426, 0.010534591041505337, 0.041518356651067734, -0.009190025739371777, 0.09178546816110611, -0.07370244711637497, -0.009569985792040825, 0.07325178384780884, -0.013260314241051674, -0.017285680398344994, 0.012314586900174618, -0.05478370189666748, -0.08535493910312653, -0.022463809698820114, 0.0586993508040905, 0.057764727622270584, 0.00200168089941144, -0.07023262977600098, -0.0460917092859745, -0.031925421208143234, -0.04712703078985214, 0.0020593840163201094, -0.09889066219329834, -0.06022315099835396, -0.01177209708839655, 0.0395958349108696, -0.04369103163480759, 0.03923667222261429, -0.014284597709774971, -0.00017104469588957727, 0.05422159284353256, 0.03912883996963501, 0.042575787752866745, -0.024389708414673805, -0.020537931472063065, -0.021792152896523476, -0.08358723670244217, -0.05400880426168442, 0.0320170521736145, 0.021061807870864868, 0.033430784940719604, 0.034554868936538696, 0.030705224722623825, -0.024545995518565178, 0.01711173728108406, 0.06655886024236679, 0.05474333092570305, -0.07093234360218048, 0.0354156568646431, -0.06617069244384766, 0.0018242188962176442, 0.0241440050303936, 0.06300973147153854, 0.03693629801273346, -0.011957221664488316, 0.035751644521951675, -0.0229475237429142, 0.08739865571260452, -0.005571465007960796, 0.08011363446712494, 0.006816519889980555, -0.08948992937803268, -0.05261122062802315, -0.051433708518743515, 0.00777036277577281, -0.056565120816230774, -0.010152569971978664, -0.02621116302907467, 0.0943688228726387, -0.030291469767689705, -0.035814158618450165, -0.04206511750817299, 0.07761306315660477, 0.05468645319342613, 0.03915286064147949, 0.06760992109775543, -6.758202175660699e-8, -0.04746442288160324, -0.08310824632644653, -0.011350770480930805, 0.012473459355533123, -0.032235946506261826, 0.035735536366701126, 0.028130432590842247, -0.15507227182388306, -0.015034059062600136, -0.058414898812770844, 0.038564249873161316, 0.012380421161651611, -0.06838107109069824, 0.031284090131521225, -0.03631051629781723, 0.008985670283436775, -0.09855099022388458, 0.08393028378486633, -0.009655630216002464, -0.0652235746383667, -0.003732107812538743, 0.03667059913277626, 0.024237973615527153, -0.023873640224337578, -0.00023442046949639916, 0.04956519976258278, -0.10894537717103958, -0.0019897585734725, 0.008495837450027466, -0.002078849822282791, 0.044170621782541275, -0.05869544669985771, 0.03109710104763508, -0.05281873792409897, -0.006010810378938913, -0.07095440477132797, -0.030272262170910835, -0.02965674176812172, 0.017285030335187912, 0.018408816307783127, 0.049108363687992096, 0.013851051218807697, 0.07418440282344818, 0.04380969703197479, -0.033282119780778885, 0.005085338838398457, 0.034829262644052505, -0.0076985349878668785, 0.030431432649493217, 0.04414776712656021, -0.019598187878727913, -0.07540174573659897, 0.010061084292829037, 0.03053748421370983, 0.06629372388124466, -0.013165265321731567, -0.007134176790714264, 0.05755475163459778, -0.021239621564745903, 0.06932492554187775, 0.04331471025943756, 0.05820489674806595, -0.0022579263895750046, 0.06280158460140228 ]
huggan/pix2pix-maps
29b247f1f7559f1667e3c516666c631ebfd785a1
2022-04-13T16:25:52.000Z
[ "pytorch", "dataset:huggan/maps", "arxiv:1611.07004", "huggan", "gan", "license:mit" ]
null
false
huggan
null
huggan/pix2pix-maps
0
null
null
--- tags: - huggan - gan datasets: - huggan/maps # See a list of available tags here: # https://github.com/huggingface/hub-docs/blob/main/js/src/lib/interfaces/Types.ts#L12 # task: unconditional-image-generation or conditional-image-generation or image-to-image license: mit --- # Pix2Pix trained on the maps dataset ## Model description This model is a [Pix2Pix](https://arxiv.org/abs/1611.07004) model trained on the [huggan/maps](https://huggingface.co/datasets/huggan/maps) dataset. The goal for the model is to turn a satellite map into a geographic map à la Google Maps, and the other way around. The model was trained using the [example script](https://github.com/huggingface/community-events/tree/main/huggan/pytorch/pix2pix) provided by HuggingFace as part of the [HugGAN sprint](https://github.com/huggingface/community-events/tree/main/huggan). ## Intended uses & limitations #### How to use ```python from huggan.pytorch.pix2pix.modeling_pix2pix import GeneratorUNet from PIL import Image from torchvision.utils import save_image image = Image.open("...") generator = GeneratorUNet.from_pretrained("huggan/pix2pix-maps") pixel_values = transform(image).unsqueeze(0) output = generator(pixel_values) save_image(output, 'output.png', normalize=True) ``` #### Limitations and bias Provide examples of latent issues and potential remediations. ## Training data The data used was huggan/maps. ## Training procedure The following command was used: ```bash accelerate launch train.py --dataset huggan/maps --push_to_hub --model_name pix2pix-maps --checkpoint_interval 1 ``` ## Eval results ## Generated Images You can embed local or remote images using `![](...)` ### BibTeX entry and citation info ```bibtex @article{DBLP:journals/corr/IsolaZZE16, author = {Phillip Isola and Jun{-}Yan Zhu and Tinghui Zhou and Alexei A. Efros}, title = {Image-to-Image Translation with Conditional Adversarial Networks}, journal = {CoRR}, volume = {abs/1611.07004}, year = {2016}, url = {http://arxiv.org/abs/1611.07004}, eprinttype = {arXiv}, eprint = {1611.07004}, timestamp = {Mon, 13 Aug 2018 16:49:05 +0200}, biburl = {https://dblp.org/rec/journals/corr/IsolaZZE16.bib}, bibsource = {dblp computer science bibliography, https://dblp.org} } ```
[ -0.09363854676485062, -0.04308206960558891, 0.09462945908308029, 0.044348470866680145, 0.05938571318984032, -0.027957718819379807, -0.04952499642968178, -0.05777673050761223, -0.04067497327923775, -0.04986405000090599, 0.06626030802726746, -0.08053009957075119, 0.05795613303780556, -0.06898447126150131, 0.024997854605317116, -0.006261070724576712, 0.025066161528229713, -0.02970931865274906, -0.02238350920379162, 0.016157904639840126, -0.006147297099232674, -0.0027223413344472647, 0.042669713497161865, -0.06732886284589767, 0.025808272883296013, 0.03782303258776665, 0.08204067498445511, -0.010468559339642525, 0.11214523017406464, -0.051139090210199356, 0.07164859026670456, 0.05481928959488869, -0.08897056430578232, 0.014718509279191494, -0.018414491787552834, 0.13562388718128204, -0.04549645259976387, 0.00814052950590849, -0.011160689406096935, -0.04032184183597565, 0.07260138541460037, -0.03915608301758766, 0.04816950857639313, -0.09591726213693619, 0.12476079165935516, 0.020637555047869682, -0.04788028821349144, -0.034017495810985565, -0.02022642269730568, -0.0311663169413805, -0.03772321715950966, -0.10914154350757599, -0.05888601392507553, 0.01554887369275093, 0.031099746003746986, 0.052448078989982605, -0.04052698239684105, -0.04212619364261627, 0.02732786536216736, 0.01934051513671875, -0.03935738280415535, -0.023835910484194756, -0.05365046486258507, -0.02693469077348709, 0.04740220680832863, -0.02114461362361908, -0.041566863656044006, -0.029804443940520287, 0.024831753224134445, -0.043859466910362244, 0.020508114248514175, 0.042652711272239685, 0.015042887069284916, -0.0768253281712532, 0.03392123058438301, 0.001352985273115337, -0.016045162454247475, 0.024919042363762856, 0.06438396126031876, -0.1305173635482788, 0.003385041607543826, -0.07176917791366577, 0.03963017836213112, 0.05842532217502594, -0.04155898839235306, 0.000020546514861052856, -0.02571491152048111, 0.043708231300115585, 0.07665834575891495, 0.01510604377835989, -0.0018299802904948592, 0.02393668331205845, -0.04376794025301933, 0.09778019785881042, 0.0272881630808115, 0.03469352424144745, -0.024102214723825455, -0.0026528427843004465, -0.05852008983492851, 0.051550742238759995, 0.009291489608585835, 0.02700589969754219, 0.011050434783101082, -0.013818662613630295, 0.06762603670358658, -0.08380523324012756, -0.001694740611128509, -0.0160597562789917, 0.006479599978774786, -0.021814746782183647, 0.02279539220035076, -0.012545648030936718, -0.049343280494213104, -0.059466175734996796, -0.09754733741283417, -0.0059303948655724525, -0.02382763661444187, 0.002395321847870946, 0.011756202206015587, 0.0022780378349125385, -0.05421261489391327, 0.036751169711351395, 0.014228937216103077, -0.02029876783490181, -0.03696532920002937, -0.13867692649364471, -0.10726548731327057, 8.583418423731072e-34, 0.04789188504219055, 0.04493878036737442, 0.022108757868409157, 0.04494675248861313, 0.02655579335987568, 0.015879454091191292, -0.05526132881641388, -0.08073589950799942, -0.04521476477384567, -0.009206490591168404, -0.08444641530513763, 0.04245338961482048, -0.12110942602157593, 0.09322449564933777, 0.051520414650440216, -0.007777083665132523, -0.0468817763030529, 0.015267460606992245, -0.028622495010495186, 0.08917765319347382, 0.028901902958750725, 0.02196050062775612, -0.03333638608455658, -0.02160097099840641, -0.026112666353583336, 0.0805056020617485, 0.007490058429539204, 0.027398589998483658, -0.03842248395085335, 0.014053759165108204, 0.020282667130231857, 0.013236316852271557, 0.015883969143033028, 0.02828173153102398, 0.07080186903476715, -0.04643027111887932, -0.015133483335375786, -0.03988860920071602, -0.10611164569854736, 0.03161105513572693, 0.0013638962991535664, 0.02156824804842472, -0.03129800036549568, -0.0721365213394165, -0.044764455407857895, -0.03663084656000137, 0.06995324790477753, -0.01731913723051548, 0.05900632217526436, 0.07911324501037598, 0.06884530931711197, 0.04217200726270676, -0.014561253599822521, -0.06865773350000381, -0.07631585001945496, -0.019956175237894058, 0.03946872428059578, 0.011755237355828285, 0.04215773567557335, 0.04091591760516167, 0.017805343493819237, 0.005366465076804161, 0.09131310135126114, 0.05098281428217888, -0.015242477878928185, 0.019942177459597588, 0.004625446628779173, 0.02171429619193077, -0.048686157912015915, 0.051634740084409714, 0.021934814751148224, 0.03925600275397301, -0.022046610713005066, -0.03888730704784393, 0.07396093755960464, -0.08769713342189789, -0.047920551151037216, 0.023653734475374222, -0.026256470009684563, 0.03510589525103569, -0.054392579942941666, 0.013256561011075974, 0.005090948659926653, -0.010142435319721699, -0.04953500255942345, -0.012026418931782246, 0.0010000733891502023, -0.010179002769291401, 0.016828713938593864, 0.048593249171972275, -0.056765977293252945, -0.004318180959671736, -0.04394436255097389, -0.04415027052164078, -0.009458833374083042, -2.3141841571913215e-33, 0.02974451519548893, 0.044957615435123444, -0.03078184463083744, 0.012521496042609215, -0.06862960010766983, -0.028384240344166756, 0.08279356360435486, 0.08261638879776001, 0.041710615158081055, 0.019870443269610405, 0.01409702468663454, 0.051118154078722, 0.04296775534749031, -0.04118141531944275, -0.03157805651426315, -0.0000012673607443502988, 0.02064931020140648, -0.0852518230676651, -0.06584696471691132, 0.017435112968087196, 0.0013554398901760578, 0.08791915327310562, -0.04649363458156586, 0.0935555249452591, -0.017528332769870758, 0.09351556748151779, 0.05937216803431511, 0.09541670978069305, -0.023751823231577873, 0.003192894859239459, -0.03161754459142685, -0.05578046664595604, -0.022149046882987022, 0.04644396901130676, -0.044425155967473984, 0.0638323426246643, 0.12052712589502335, 0.07052674889564514, -0.0717569962143898, -0.00015256954065989703, 0.024618396535515785, -0.030539443716406822, -0.05694486200809479, 0.04943840205669403, -0.01829100027680397, -0.026578880846500397, 0.046921901404857635, 0.0031080630142241716, -0.028678907081484795, -0.01026885211467743, 0.027758579701185226, 0.005385218188166618, -0.048126429319381714, 0.02660515531897545, -0.03756124898791313, -0.0488913394510746, -0.019100939854979515, -0.055830154567956924, 0.07195784151554108, -0.01597508415579796, -0.02719893865287304, -0.18635940551757812, -0.03618840128183365, 0.026444436982274055, -0.028800873085856438, -0.0034644322004169226, -0.0537581630051136, -0.08471877127885818, 0.04453787952661514, 0.07655971497297287, 0.04110785946249962, 0.03189675882458687, 0.06507819145917892, 0.014781973324716091, -0.008116520009934902, 0.02725609950721264, 0.10038670152425766, -0.03284016624093056, 0.07078973948955536, -0.1634375900030136, -0.04471162334084511, -0.09980961680412292, 0.07022573053836823, 0.09977945685386658, 0.06067182496190071, 0.03899097442626953, 0.016991402953863144, -0.04263022169470787, 0.017792053520679474, 0.002906666835770011, -0.03760654851794243, 0.04684250056743622, -0.031777963042259216, 0.07652360200881958, -0.056811489164829254, -5.124741520035059e-8, -0.03754306584596634, 0.020544055849313736, -0.050210848450660706, -0.0006792598869651556, -0.06946539878845215, -0.03291929140686989, 0.05025528371334076, -0.01953791081905365, 0.038506362587213516, -0.006100805941969156, 0.004920460749417543, 0.020425835624337196, -0.010926606133580208, 0.0056656175293028355, 0.054102297872304916, 0.013447718694806099, 0.04520244523882866, 0.09278678894042969, -0.04069014638662338, 0.020497465506196022, -0.08440487086772919, -0.03298556059598923, 0.0128167187795043, -0.025878284126520157, 0.08976065367460251, -0.07297779619693756, -0.03064865432679653, 0.038832519203424454, -0.004094806499779224, -0.02344195358455181, -0.02537967450916767, -0.02604684792459011, -0.0226976927369833, -0.0007138833752833307, -0.009351391345262527, 0.019261658191680908, -0.016488226130604744, -0.08654782176017761, 0.0568198598921299, 0.03871045634150505, 0.037494707852602005, 0.08645918220281601, -0.05345939099788666, -0.04288480058312416, 0.05311204493045807, 0.07064022868871689, 0.09628559648990631, -0.08776438981294632, 0.0805099606513977, 0.11451326310634613, -0.03850546106696129, -0.018997110426425934, -0.04166839271783829, -0.004669285379350185, 0.047639764845371246, -0.009794854559004307, 0.01678449660539627, -0.02980479784309864, 0.04936138913035393, 0.0481056310236454, 0.015087439678609371, 0.021367399021983147, -0.04162593558430672, -0.018261101096868515 ]
obokkkk/kobert-finetuned-klue-v2
ef5f1945d614548e889146ce106b4d581af5e79e
2022-04-13T11:24:54.000Z
[ "pytorch", "bert", "question-answering", "transformers", "generated_from_trainer", "model-index", "autotrain_compatible" ]
question-answering
false
obokkkk
null
obokkkk/kobert-finetuned-klue-v2
0
null
transformers
--- tags: - generated_from_trainer model-index: - name: kobert-finetuned-klue-v2 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. --> # kobert-finetuned-klue-v2 This model is a fine-tuned version of [monologg/kobert](https://huggingface.co/monologg/kobert) on the None dataset. It achieves the following results on the evaluation set: - Loss: 5.2678 ## Model description More information needed ## Intended uses & limitations More information needed ## Training and evaluation data More information needed ## Training procedure ### Training hyperparameters The following hyperparameters were used during training: - learning_rate: 5e-05 - train_batch_size: 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: 20 ### Training results | Training Loss | Epoch | Step | Validation Loss | |:-------------:|:-----:|:----:|:---------------:| | 5.6289 | 0.54 | 500 | 5.3024 | | 5.3083 | 1.08 | 1000 | 5.3707 | | 5.3518 | 1.62 | 1500 | 5.3039 | | 5.2912 | 2.16 | 2000 | 5.2800 | | 5.2282 | 2.7 | 2500 | 5.2301 | | 5.1498 | 3.24 | 3000 | 5.2435 | | 5.079 | 3.78 | 3500 | 5.1997 | | 4.8886 | 4.32 | 4000 | 5.1350 | | 4.8166 | 4.86 | 4500 | 5.1441 | | 4.5615 | 5.4 | 5000 | 5.1485 | | 4.4183 | 5.94 | 5500 | 5.0775 | | 4.1282 | 6.48 | 6000 | 5.0402 | | 4.1214 | 7.02 | 6500 | 5.1331 | | 3.7792 | 7.56 | 7000 | 5.1314 | | 3.7455 | 8.1 | 7500 | 5.1936 | | 3.5369 | 8.64 | 8000 | 5.1931 | | 3.4832 | 9.18 | 8500 | 5.2678 | ### Framework versions - Transformers 4.18.0 - Pytorch 1.10.0+cu111 - Datasets 2.0.0 - Tokenizers 0.11.6
[ -0.03472822904586792, -0.023163285106420517, -0.010778483003377914, -0.006034995894879103, -0.011704618111252785, 0.04356582462787628, 0.016407879069447517, 0.0056745088659226894, -0.08010466396808624, -0.0668436735868454, 0.01883264072239399, -0.0840614065527916, 0.04316653311252594, -0.08233334124088287, -0.06373364478349686, 0.005994874984025955, 0.0871204286813736, -0.061055343598127365, -0.1135980486869812, -0.0010263711446896195, 0.04814152792096138, 0.012147253379225731, 0.030993834137916565, 0.04363750293850899, 0.0021992684341967106, 0.011508965864777565, -0.05463019385933876, 0.028431307524442673, 0.01216061320155859, -0.06268085539340973, 0.019450463354587555, 0.03534385934472084, 0.0015127647202461958, 0.06244741007685661, 0.016261043027043343, 0.03159463405609131, -0.03114371746778488, -0.002927247667685151, -0.013003991916775703, -0.00032377857132814825, 0.042036812752485275, -0.06340032815933228, -0.039116375148296356, 0.04676397889852524, 0.05328328534960747, 0.03459479659795761, -0.07195625454187393, -0.09208856523036957, 0.004249906167387962, 0.0056496853940188885, -0.09701856225728989, -0.07307689636945724, 0.1029067113995552, -0.07576464116573334, 0.02399170584976673, 0.06879296153783798, -0.016106436029076576, -0.029774757102131844, 0.03147286921739578, -0.0029895419720560312, -0.04129273444414139, -0.007266501430422068, -0.07862234115600586, 0.003090290352702141, -0.06573507934808731, -0.11090845614671707, -0.006252462975680828, 0.04408559948205948, 0.08751151710748672, -0.030061831697821617, 0.06864964962005615, 0.045106325298547745, -0.03438544645905495, -0.011705486103892326, -0.021955342963337898, 0.03230084106326103, 0.03780144825577736, 0.018425922840833664, 0.057928357273340225, -0.06288106739521027, -0.01132875494658947, -0.03326857089996338, 0.05531499907374382, -0.06869116425514221, 0.018011203035712242, -0.008441477082669735, 0.05749983340501785, -0.03182254359126091, 0.06809461116790771, 0.02910369634628296, 0.004382333252578974, 0.0006509993690997362, -0.012097968719899654, -0.001009400119073689, 0.04233426973223686, 0.06682563573122025, -0.010400659404695034, -0.07985982298851013, -0.035645995289087296, 0.12701351940631866, -0.03149650618433952, 0.08267534524202347, 0.03207163140177727, 0.047747548669576645, 0.020250851288437843, -0.032524146139621735, 0.03947872668504715, 0.10162699222564697, 0.0799294263124466, -0.014047665521502495, 0.0711461529135704, 0.012113312259316444, -0.001376953674480319, 0.031865984201431274, 0.04629165679216385, 0.11726327240467072, 0.009510017931461334, 0.0453462228178978, -0.06585937738418579, 0.09598822146654129, -0.04009250923991203, -0.02062523365020752, 0.016387609764933586, -0.004400292411446571, -0.06713477522134781, -0.006298915948718786, -0.11010877043008804, 4.353942913369441e-33, 0.063611701130867, -0.009840038605034351, 0.04101503640413284, -0.06456787139177322, 0.009770862758159637, -0.020625697448849678, -0.023470986634492874, -0.05164572596549988, -0.03113919496536255, -0.04240865632891655, -0.09060955792665482, -0.03606925532221794, -0.05622401461005211, 0.11912018805742264, 0.028694264590740204, -0.027015097439289093, -0.041505176573991776, 0.07545505464076996, 0.005468303803354502, 0.03730541840195656, 0.10648675262928009, -0.0021651964634656906, -0.023964442312717438, -0.09762433916330338, -0.052616436034440994, 0.08359117805957794, 0.05344119668006897, -0.017354406416416168, 0.009349752217531204, 0.0682792067527771, -0.05371338874101639, -0.010659050196409225, 0.002971271052956581, -0.006071233190596104, -0.00858510285615921, 0.021093010902404785, -0.06738492101430893, 0.028546756133437157, -0.003160172374919057, -0.073026143014431, 0.017934955656528473, -0.010420450940728188, 0.010887066833674908, -0.08067384362220764, -0.07521212100982666, -0.07425091415643692, 0.03848519176244736, 0.02585787884891033, 0.0037603529635816813, 0.04873162880539894, -0.05169880762696266, -0.012294764630496502, 0.020923471078276634, -0.060854215174913406, -0.07346177101135254, 0.0738680362701416, 0.08716057240962982, 0.09914190322160721, 0.034555889666080475, -0.006097966805100441, 0.0032496037892997265, 0.023025279864668846, -0.026271410286426544, -0.04142642393708229, -0.020771551877260208, 0.007892506197094917, -0.07319552451372147, -0.0941297858953476, 0.016264937818050385, 0.010068720206618309, -0.06474582850933075, -0.024101771414279938, 0.015302899293601513, -0.024308660998940468, 0.12723226845264435, -0.08783876895904541, -0.004343112930655479, -0.006113749463111162, -0.08556368947029114, -0.010511188767850399, -0.0019758720882236958, 0.10360914468765259, -0.03373211622238159, -0.04015851765871048, -0.01903262548148632, -0.09577933698892593, -0.0068844985216856, -0.05531160533428192, -0.005212728399783373, 0.030052395537495613, -0.02260216698050499, 0.03239439055323601, -0.07644303143024445, -0.020702984184026718, -0.05871831253170967, -4.770999492833558e-33, -0.0052782692946493626, 0.09389461576938629, -0.011332022026181221, 0.08188555389642715, 0.04457981511950493, -0.020821023732423782, 0.07563092559576035, 0.10875015705823898, -0.07355937361717224, -0.057991039007902145, 0.06087706983089447, 0.005194989964365959, -0.0961039587855339, -0.03729822486639023, 0.01475407462567091, 0.021762758493423462, -0.015103152953088284, 0.04864760488271713, -0.010857046581804752, -0.00537807447835803, 0.03442694619297981, 0.08580359816551208, -0.05674296244978905, 0.06485927104949951, 0.060246992856264114, -0.01889384165406227, 0.03591671213507652, 0.1231907531619072, 0.0529208779335022, -0.030169324949383736, 0.006842082366347313, 0.011604600585997105, -0.03532160818576813, 0.03807886317372322, -0.02121928334236145, 0.0057862321846187115, 0.05820665508508682, -0.012518317438662052, -0.03411928564310074, 0.09473475068807602, 0.028987495228648186, 0.08922117203474045, -0.05268285423517227, 0.026774199679493904, -0.0008871765458025038, 0.0016971224686130881, 0.033684588968753815, -0.06058143079280853, 0.031841032207012177, -0.06940077245235443, -0.016428371891379356, -0.05578501150012016, -0.07807092368602753, 0.043841686099767685, -0.01260856632143259, -0.05808085575699806, 0.028884021565318108, 0.01845414936542511, -0.01586376689374447, -0.028026165440678596, -0.0616840124130249, -0.046744391322135925, -0.018805241212248802, 0.004447556100785732, 0.02585950680077076, -0.02112566865980625, -0.0007271258509717882, 0.020010726526379585, -0.019451236352324486, 0.004999037366360426, -0.03375174477696419, 0.026302073150873184, 0.09093909710645676, 0.02783035673201084, -0.00301477056927979, -0.01251517329365015, -0.06551477313041687, 0.049946319311857224, 0.00047209468903020024, -0.10230172425508499, -0.06080586090683937, 0.005297238472849131, -0.008019324392080307, 0.051516562700271606, 0.07773837447166443, 0.0243234820663929, 0.10237686336040497, 0.08566714078187943, -0.029151063412427902, -0.041336726397275925, 0.01612764224410057, -0.002470610197633505, -0.010424462147057056, 0.1397317796945572, 0.012772038578987122, -6.001427976798368e-8, 0.03817998617887497, -0.01807624101638794, -0.04122794046998024, 0.08366617560386658, 0.04370266944169998, 0.01124272495508194, -0.03300657495856285, 0.0005447756266221404, -0.02317403070628643, -0.0220335740596056, 0.06278479099273682, 0.037035021930933, -0.08577024191617966, 0.023332033306360245, 0.012161807157099247, 0.004210198298096657, -0.03735043853521347, 0.09901191294193268, -0.043648429214954376, -0.021951481699943542, -0.014243925921618938, -0.004988892935216427, 0.008573951199650764, -0.03728653863072395, 0.06161634996533394, -0.09307863563299179, -0.06364138424396515, 0.08325985819101334, -0.0504792295396328, -0.059910889714956284, 0.02941069006919861, 0.07131949812173843, 0.010565969161689281, -0.03252027556300163, -0.03656196594238281, 0.12089920043945312, -0.04771075397729874, 0.01999158039689064, 0.04515210539102554, 0.07476716488599777, -0.08763372153043747, 0.05088236927986145, -0.020508743822574615, -0.04346540570259094, 0.06873074173927307, 0.008367546834051609, 0.03747619315981865, -0.06025698781013489, -0.002383200451731682, -0.01745692826807499, 0.014192646369338036, 0.020584160462021828, -0.038117360323667526, -0.013064933940768242, 0.015219551511108875, 0.01765425130724907, -0.04430456459522247, -0.09944593906402588, 0.02122017741203308, 0.006994039285928011, 0.050865113735198975, -0.0786474347114563, -0.00577183160930872, -0.005711880046874285 ]
vabadeh213/autotrain-wikihow-737822494
c22a2d5b572f10ea0fd77e1a1cde9c2bf6bd8cf8
2022-04-13T13:07:34.000Z
[ "pytorch", "mt5", "text2text-generation", "ja", "dataset:vabadeh213/autotrain-data-wikihow", "transformers", "autotrain", "co2_eq_emissions", "autotrain_compatible" ]
text2text-generation
false
vabadeh213
null
vabadeh213/autotrain-wikihow-737822494
0
null
transformers
--- tags: autotrain language: ja widget: - text: "脅威を感じた蛇は再び襲いかかります。したがって、噛まれた際は速やかに蛇の攻撃範囲から離れましょう。 少なくとも6mは間合いを取りましょう。できる限り速やかに医療処置を求めることが大切です。ほとんどの病院は、毒蛇用の抗毒素(血清)を用意しています。病院に到着する前の応急手当だけでは、あまり症状の改善にはつながりません。被害現場からすぐさま救急サービスに通報できれば不幸中の幸いです。救急車を呼べない場合は、何としても助けを求め、みなさんまたは被害者を最寄りの病院へ搬送しなければなりません。みなさんに噛みついた蛇がガラガラヘビかどうかが分からない場合でも、すぐに病院へ直行しましょう。実際に毒が体に回り、症状が出始めたとしても、病院にいれば安心できるでしょう。噛まれた箇所を心臓よりも上に置くと、毒を含んだ血液が猛スピードで心臓に流れ込みます。救助が来るまでの間、できれば被害者の体を静止させましょう。体を動かすと血流が増大し、あっという間に毒が回ります。したがって、毒蛇に噛まれた際は体の動きを最小限に抑えて安静にすることが大切です。もちろん、みなさんの周りに誰もいなければ、じっとしている場合ではありません。すぐに助けを求めましょう。" - text: "噛み傷の周囲は大きく腫れ上がります。傷口の周りの衣類はすべて取り除きましょう。また、患部に付けているアクセサリー類も取り外しましょう。アクセサリーを付けたままにすると、患部が腫れた際に血管を締め付けてしまうため、場合によっては大切なアクセサリーを切断する羽目になります。30秒ほど噛み傷からそのまま出血させましょう。出血とともに、ある程度は毒が傷口から排出されるでしょう。毒を少しでも吸引できればそれに越したことはありません。ただし、必ず毒蛇用の吸引器を使いましょう。吸引ポンプには詳しい取扱説明書が付属しているはずですが、基本的にポンプを直接噛み傷に当てて毒を吸い出します。傷口を水で洗ってはいけません。皮膚を洗い流してしまうと、後で毒の種類を特定しにくくなります。医療者は皮膚に残った毒からガラガラヘビの種類を特定し、みなさんの症状に最適な治療法を決定します。添え木または三角巾で固定すれば、患部の血流を抑えることができます。できるだけ血流を抑えて毒の回りを遅らせましょう。腕を吊るす場合は、衣類を三角形に折り畳むか、または三角形に切りましょう。肘を中心にして腕を三角巾で包みます。みなさんまたは被害者の肘を布の形に合わせて曲げましょう。三角巾の端同士を肩口で結び合わせます。肘から先を三角形の底辺で固定したら、手を外に出します。 板切れや丸めた新聞紙を添え木にして腕や脚を支えましょう。それらが手元になければ、衣類を丸めて使いましょう。添え木を腕や脚の側面に当て、傷口の上下の関節を伸ばして固定します。ベルト、テープ、包帯といった手元にあるものを使って添え木をしっかりと縛り付けましょう。ただし、直接傷口の上から縛ってはいけません。傷口の上下いずれかの側で縛りましょう。患部の腫れが酷い場合は、添え木の圧迫を緩める必要があります。" - text: "被害者に話しかけましょう。次々に質問を投げかけ、できる限り被害者の意識を噛み傷から逸らしましょう。 不安やパニックは心拍を上昇させ、毒の回りを速めます。みなさん自身が噛まれた場合は、とにかく落ち着きましょう。何度かゆっくりと深く息をして緊張をほぐしましょう。アメリカに滞在中のみなさんは、できれば救急車を待つ間、アメリカ中毒情報センター(1-800-222-1222)に連絡を取りましょう。噛まれた箇所が腫れ上がれば、一目でそれは毒蛇によるものと判断できます。それと同時に皮膚の変色が起こるでしょう。また、一連の細かい刺傷が残る無毒蛇の噛み傷とは違い、毒蛇の噛み傷は1カ所ないしは2カ所に目立った刺傷が残るのが特徴です。これは毒牙の発達に伴い、歯が退化しているためです。さらに、めまい、患部の激しい痛み、視覚障害、他の箇所のチクチクした痛み、そして極度の発汗といった症状も、毒蛇による噛み傷のサインです。皮膚が青ざめるのはショック症状の典型です。 他のサインとして、心拍の上昇、過呼吸、吐き気、めまいなどがあります。また、被害者の瞳孔が拡大していないかをチェックしましょう。被害者がショック症状を起こしつつある場合は、仰向けに寝かせて足を30cmほど浮かせましょう。さらに、毛布や上着などで体を包んで温めましょう。呼吸、咳、または体の動きといった生体反応が見られない場合は、直ちに心肺蘇生が必要です。これらの物質は毒の回りを加速させます。したがって、ガラガラヘビに噛まれた直後にアルコールまたはカフェイン飲料で水分補給をするのは禁物です。" datasets: - vabadeh213/autotrain-data-wikihow co2_eq_emissions: 361.800665798794 --- # Model Trained Using AutoTrain - Problem type: Summarization - Model ID: 737822494 - CO2 Emissions (in grams): 361.800665798794 ## Validation Metrics - Loss: 2.326287031173706 - Rouge1: 5.2053 - Rouge2: 1.8535 - RougeL: 5.2419 - RougeLsum: 5.228 - Gen Len: 18.3677 ## Usage You can use cURL to access this model: ``` $ curl -X POST -H "Authorization: Bearer YOUR_HUGGINGFACE_API_KEY" -H "Content-Type: application/json" -d '{"inputs": "I love AutoTrain"}' https://api-inference.huggingface.co/vabadeh213/autotrain-wikihow-737822494 ```
[ -0.06465642899274826, -0.005026038736104965, 0.021757930517196655, -0.0023898750077933073, -0.0007740168948657811, 0.025302978232502937, -0.024299919605255127, 0.07511747628450394, -0.09539598226547241, -0.06530965864658356, 0.1458950787782669, -0.017041584476828575, 0.09899555146694183, -0.0076376404613256454, 0.031622130423784256, 0.011433519423007965, 0.00443133432418108, -0.020023688673973083, -0.004485876299440861, 0.11201605200767517, -0.01894998550415039, -0.05288100615143776, -0.05402040109038353, -0.0191172044724226, 0.11231274902820587, 0.009824827313423157, -0.032230403274297714, 0.07792042195796967, 0.04851226136088371, -0.0029832280706614256, -0.06238555163145065, 0.10134104639291763, -0.05113639682531357, -0.004055708646774292, 0.04351017251610756, -0.035684239119291306, 0.04134600982069969, 0.031553514301776886, -0.022014601156115532, -0.011154551059007645, -0.005456925835460424, 0.03106231428682804, -0.12623770534992218, -0.0020440209191292524, -0.03289156034588814, -0.05004453286528587, -0.0007123362156562507, -0.06780144572257996, -0.17957401275634766, -0.06452319771051407, -0.008678107522428036, 0.01120369229465723, 0.10910714417695999, 0.017954738810658455, -0.004621049854904413, -0.04915855824947357, -0.03501313552260399, 0.04889741912484169, -0.008749564178287983, 0.0655028373003006, -0.08378458768129349, -0.03083832748234272, 0.024365317076444626, -0.03715934604406357, 0.012857694178819656, 0.02863026037812233, -0.013977914117276669, -0.034848760813474655, 0.008380090817809105, 0.049111507833004, -0.0643308237195015, -0.017078528180718422, -0.05283595249056816, -0.037513576447963715, 0.007582324091345072, -0.022762930020689964, -0.07250899076461792, 0.03684256970882416, -0.1227334514260292, -0.16669119894504547, -0.05686686560511589, -0.012139886617660522, 0.020333589985966682, -0.013858484104275703, 0.003463342087343335, -0.013205827213823795, -0.025011783465743065, -0.00940962228924036, 0.11389303207397461, 0.0293292123824358, 0.05260438844561577, 0.055344995111227036, 0.01629464700818062, -0.019241295754909515, 0.11738307774066925, -0.007265166845172644, 0.038571760058403015, 0.01970387063920498, 0.12143851071596146, -0.01483895443379879, 0.07656026631593704, -0.038588203489780426, -0.15431533753871918, -0.025666337460279465, 0.03154240548610687, 0.04325966164469719, 0.02762010134756565, -0.016201360151171684, 0.013653459027409554, -0.05521107837557793, 0.04799025505781174, -0.06408894807100296, 0.028331084176898003, -0.028633493930101395, -0.05586143210530281, 0.018032552674412727, -0.020045235753059387, 0.02023709937930107, 0.0505596399307251, 0.016138184815645218, -0.06362804770469666, -0.002551910001784563, 0.015493201091885567, -0.02483084797859192, -0.03737468644976616, 0.006440604571253061, 0.003478950122371316, 3.040930233509339e-33, 0.013723152689635754, 0.00041829567635431886, -0.030111536383628845, -0.026570620015263557, 0.035751745104789734, -0.018204210326075554, -0.026328394189476967, 0.018418679013848305, 0.0733863040804863, -0.03479979559779167, 0.026593273505568504, -0.005256593227386475, -0.07068844139575958, -0.032874125987291336, 0.010519074276089668, 0.011763026006519794, -0.04792947322130203, -0.024870574474334717, 0.018256036564707756, 0.0026343432255089283, 0.1068071722984314, -0.03279377520084381, -0.0013645028229802847, -0.00920176599174738, -0.03577062115073204, 0.06080618500709534, -0.0025875538121908903, 0.00431155925616622, -0.0064404369331896305, 0.030654175207018852, -0.08465015143156052, -0.002457855036482215, -0.020557789131999016, 0.020396361127495766, -0.019942156970500946, 0.035863183438777924, 0.015691490843892097, -0.028414718806743622, -0.08058536052703857, -0.07708381861448288, -0.021524125710129738, 0.036327481269836426, 0.05439333990216255, -0.06917060911655426, -0.027899406850337982, -0.028961533680558205, -0.03083059750497341, 0.004820722620934248, -0.07033786177635193, 0.0004138512013014406, -0.06764425337314606, 0.04328542947769165, 0.0737459734082222, -0.11654777824878693, 0.019637979567050934, 0.021869929507374763, -0.05550442263484001, 0.06723005324602127, -0.011428077705204487, 0.06104790419340134, -0.05234430357813835, 0.06612075120210648, 0.014308206737041473, -0.054265979677438736, 0.049618661403656006, 0.13334797322750092, -0.013060307130217552, -0.02617081254720688, 0.01640881597995758, -0.04868125170469284, -0.057478368282318115, 0.04155098274350166, -0.10670273005962372, -0.03545223921537399, 0.0981621965765953, -0.08256539702415466, -0.011483662761747837, -0.022635340690612793, -0.021799450740218163, -0.09566457569599152, -0.07912865281105042, 0.015592498704791069, -0.05288742482662201, 0.012291891500353813, -0.014239287935197353, -0.06627513468265533, 0.07299921661615372, -0.018642647191882133, -0.03187694028019905, 0.09060995280742645, 0.058473605662584305, -0.03740714117884636, -0.060760438442230225, -0.0024961524177342653, 0.007892163470387459, -5.124879495754715e-33, 0.01644808240234852, 0.10194706916809082, -0.028167204931378365, 0.04035577178001404, 0.016611406579613686, -0.027830692008137703, 0.09407012164592743, 0.0607936717569828, -0.019817110151052475, -0.039224620908498764, -0.011955206282436848, 0.021184945479035378, -0.05732857808470726, 0.06313058733940125, -0.05241366848349571, -0.022965960204601288, -0.012140546925365925, 0.0462496280670166, 0.04538949951529503, -0.04438912123441696, 0.07323615252971649, 0.028698163107037544, -0.05274425446987152, 0.06160123273730278, 0.009417805820703506, 0.05075402930378914, -0.11362599581480026, 0.06153117120265961, -0.0308344978839159, 0.018640369176864624, 0.06733237951993942, 0.03731992468237877, -0.03074299916625023, -0.004893388599157333, -0.028629852458834648, -0.05712514370679855, -0.047262705862522125, 0.09702400118112564, -0.048226453363895416, 0.022688353434205055, -0.005315624643117189, -0.03211922198534012, 0.05268557742238045, 0.010808177292346954, 0.017899876460433006, 0.006204122211784124, 0.03461376577615738, -0.11493425816297531, 0.01089466456323862, -0.0034062101040035486, 0.09587468951940536, 0.019646571949124336, -0.04272480309009552, -0.0010548473801463842, -0.012122761458158493, -0.049087584018707275, 0.055240169167518616, -0.06665222346782684, -0.08665481209754944, -0.04501555860042572, -0.010152074508368969, 0.0747138112783432, 0.006586145143955946, -0.04294212535023689, 0.03627623990178108, -0.0733453780412674, -0.023936724290251732, -0.07338716089725494, 0.065205879509449, -0.017337247729301453, 0.08384857326745987, 0.030481761321425438, 0.01892048865556717, -0.017927663400769234, 0.03843614459037781, 0.06138475611805916, 0.07726231217384338, 0.08252836763858795, -0.03809257224202156, -0.061035070568323135, -0.059904634952545166, 0.013719593174755573, 0.0259321928024292, 0.10808536410331726, -0.0469575971364975, 0.0851520448923111, -0.06357685476541519, -0.037365030497312546, 0.058502476662397385, -0.018605811521410942, 0.054924171417951584, 0.04240074381232262, 0.02246778830885887, 0.05241474509239197, -0.041607070714235306, -4.703746014911303e-8, -0.0036160892341285944, -0.05639659985899925, -0.04940083995461464, 0.049760136753320694, 0.019366204738616943, -0.003920229151844978, -0.005850489716976881, 0.049568962305784225, -0.07385069876909256, 0.01151292771100998, 0.01743485778570175, 0.042272355407476425, -0.0018757277866825461, -0.01769261434674263, -0.1418343484401703, 0.01847764477133751, -0.007976862601935863, 0.007891793735325336, -0.028639348223805428, -0.04312160983681679, 0.01720302738249302, -0.006681486032903194, -0.04595598205924034, 0.008258798159658909, -0.044309791177511215, -0.03844223916530609, -0.023425547406077385, -0.04915107414126396, 0.057297687977552414, -0.029531681910157204, 0.07385468482971191, -0.004501434974372387, -0.01018457766622305, 0.0007525262190029025, -0.023082146421074867, -0.06563226878643036, -0.009813633747398853, 0.030333731323480606, 0.020377999171614647, 0.06508394330739975, 0.10067550837993622, -0.015759091824293137, -0.05960985645651817, 0.009786861948668957, 0.09857997298240662, -0.045600760728120804, -0.03804568573832512, -0.013248719274997711, 0.0009857293916866183, 0.04049517959356308, 0.015932489186525345, 0.005103922449052334, 0.011639749631285667, 0.01872353069484234, 0.02272097021341324, -0.06364882737398148, 0.017008662223815918, 0.015380932949483395, -0.04217658191919327, -0.036775778979063034, -0.004695831798017025, 0.06202790513634682, 0.010743685998022556, 0.01006272528320551 ]
melnikoff-oleg/bart-end-to-end
55ab6562174cca944643de6a1e86875068b41031
2022-04-13T11:59:46.000Z
[ "pytorch", "bart", "text2text-generation", "transformers", "autotrain_compatible" ]
text2text-generation
false
melnikoff-oleg
null
melnikoff-oleg/bart-end-to-end
0
null
transformers
Entry not found
[ 0.0461147278547287, -0.038838207721710205, -0.01049656979739666, -0.03682169318199158, 0.011261860840022564, 0.013094935566186905, 0.0019101888174191117, -0.013979103416204453, 0.027092741802334785, -0.015212527476251125, 0.017284274101257324, -0.08189476281404495, 0.03817418962717056, -0.04920130595564842, 0.021389011293649673, -0.015245908871293068, -0.03203780576586723, -0.1245758980512619, 0.03150877356529236, 0.032381657510995865, -0.060957908630371094, 0.05409295856952667, -0.025087490677833557, 0.01568586938083172, 0.028129950165748596, -0.04710396006703377, -0.018688226118683815, 0.013785239309072495, -0.04001208767294884, 0.01173911802470684, -0.04317743331193924, 0.05500618368387222, 0.004543041344732046, 0.02973111905157566, 0.14852192997932434, 0.02658126689493656, 0.02907961793243885, -0.05169107764959335, 0.05803573504090309, -0.07732241600751877, -0.017637968063354492, -0.04219653457403183, 0.041807834059000015, 0.023620979860424995, 0.021563321352005005, 0.016478516161441803, -0.0021814992651343346, -0.06400240957736969, 0.06393089145421982, 0.019599027931690216, -0.08565037697553635, 0.00934905931353569, -0.008718925528228283, -0.028583496809005737, -0.07310017943382263, 0.09416428208351135, 0.001759322709403932, 0.06184990331530571, 0.011840506456792355, -0.035997264087200165, 0.08358278125524521, -0.02619801089167595, 0.03736566752195358, -0.028206506744027138, -0.07454850524663925, -0.08883563429117203, -0.06279942393302917, -0.008695344440639019, 0.014119276776909828, -0.0825355276465416, 0.0649217739701271, -0.00223911227658391, -0.14716917276382446, 0.07743025571107864, -0.03548373281955719, -0.055201586335897446, 0.006981803569942713, -0.012166670523583889, 0.055111464112997055, -0.007116836030036211, -0.023175746202468872, -0.005835152696818113, -0.09185640513896942, 0.055196937173604965, 0.034148022532463074, 0.03835180774331093, 0.038685429841279984, -0.025987252593040466, 0.017804903909564018, 0.022428328171372414, 0.025005368515849113, -0.10761535167694092, -0.048001550137996674, -0.04343584179878235, 0.012374646961688995, -0.019502125680446625, 0.029218152165412903, 0.0842173621058464, -0.011719699949026108, 0.09283553808927536, -0.007015465293079615, -0.03543110564351082, -0.06936459988355637, 0.09425332397222519, -0.010958523489534855, -0.00805904995650053, 0.004974212497472763, -0.0031528924591839314, 0.06105927750468254, -0.03964288905262947, -0.03619541600346565, -0.019901901483535767, 0.07134733349084854, 0.039514873176813126, -0.012729483656585217, -0.006646515801548958, -0.04746140539646149, -0.014432490803301334, -0.05157482624053955, 0.09506245702505112, -0.049747664481401443, -0.04591796174645424, -0.008965466171503067, -0.0325421579182148, -0.08626784384250641, -0.06624380499124527, 0.02538885548710823, -4.303924894057984e-33, 0.01133066974580288, 0.0033434738870710135, -0.002155609894543886, 0.04871906340122223, -0.023564351722598076, -0.07933273911476135, 0.0600903145968914, 0.02335330657660961, -0.03844716399908066, -0.020433755591511726, -0.06952055543661118, -0.03235611692070961, 0.0062485747039318085, 0.064804308116436, -0.03201229125261307, 0.061689723283052444, 0.0417000837624073, -0.00761845987290144, 0.03340127319097519, -0.047770582139492035, 0.00887306872755289, -0.04066338762640953, -0.010506896302103996, 0.0106519665569067, 0.021333497017621994, 0.12854498624801636, -0.009705503471195698, 0.010055632330477238, -0.017507633194327354, 0.006515394430607557, 0.06334009766578674, -0.057817306369543076, 0.013668818399310112, -0.020286159589886665, 0.05430467426776886, -0.023184705525636673, 0.0828516036272049, 0.0005449643940664828, -0.10372652113437653, -0.07634282112121582, -0.005381610710173845, -0.039263784885406494, 0.0006114727002568543, -0.013281986117362976, 0.07119110971689224, 0.043696220964193344, 0.03168422728776932, 0.04338686540722847, 0.05728672817349434, 0.0832006186246872, -0.07961414009332657, 0.015234283171594143, 0.017002005130052567, 0.047004107385873795, -0.09794387966394424, 0.004990279674530029, -0.07062993198633194, -0.028000490739941597, -0.04018733277916908, -0.0702052190899849, 0.011351344175636768, 0.06020182743668556, -0.03297270089387894, 0.09396500885486603, 0.03417910635471344, -0.019825750961899757, -0.034690454602241516, -0.013036907650530338, 0.05896938592195511, -0.012359356507658958, -0.017275206744670868, -0.07982361316680908, 0.02059139870107174, 0.06737419217824936, 0.04176458343863487, -0.04978838190436363, -0.05877475067973137, -0.06289287656545639, -0.03354167565703392, -0.03871942684054375, 0.009898529388010502, -0.05514208599925041, -0.11629002541303635, -0.011855563148856163, 0.10663620382547379, 0.037354156374931335, -0.0065480442717671394, -0.051189567893743515, 0.06663123518228531, 0.01874656230211258, 0.032841797918081284, 0.041593004018068314, -0.06879369914531708, 0.04216769337654114, -0.01628219522535801, 5.4139394340936695e-34, 0.05697013810276985, -0.006972255185246468, 0.015711724758148193, -0.17956365644931793, 0.02320219948887825, 0.007923615165054798, -0.008062449283897877, 0.0074974060989916325, 0.07391711324453354, 0.0309313777834177, 0.060510627925395966, 0.058605875819921494, 0.09515274316072464, -0.002282935893163085, 0.001603541080839932, 0.07024981826543808, 0.012629246339201927, 0.07425693422555923, -0.038426291197538376, 0.01861148327589035, 0.030608950182795525, -0.02449394389986992, 0.021528491750359535, -0.003039651783183217, -0.03676343336701393, 0.03130284696817398, 0.07998586446046829, 0.010451192036271095, -0.07930229604244232, -0.013543923385441303, 0.018781835213303566, 0.05168003588914871, -0.07191970944404602, 0.15783067047595978, 0.026191607117652893, 0.01262354850769043, 0.08218053728342056, -0.029807550832629204, -0.07528624683618546, -0.04250097647309303, 0.017244765534996986, 0.04411793500185013, 0.03708017244935036, 0.009233047254383564, -0.040271829813718796, 0.022496428340673447, 0.02495843544602394, 0.07633638381958008, 0.005147108342498541, 0.013892097398638725, 0.05610476806759834, -0.06684739887714386, 0.05862557515501976, -0.020688841119408607, 0.05377643182873726, 0.06718500703573227, 0.005329249892383814, -0.01388032827526331, 0.029931528493762016, 0.009508464485406876, -0.045173756778240204, 0.11534366756677628, -0.06510116159915924, 0.05117698386311531, -0.0026125339791178703, -0.08554837852716446, -0.03784770518541336, 0.0804959163069725, 0.011298024095594883, -0.07695550471544266, -0.04868878796696663, 0.02515520341694355, 0.06252261996269226, -0.04509226232767105, -0.01246943511068821, 0.028559505939483643, -0.030573077499866486, 0.05066261067986488, -0.08187384903430939, 0.04469604790210724, 0.0034051244147121906, 0.04145054519176483, -0.021858664229512215, -0.06112268194556236, -0.00908052921295166, -0.05903250351548195, 0.0259539932012558, 0.059690944850444794, -0.07613514363765717, -0.03720718249678612, -0.036316655576229095, 0.07058046013116837, -0.008224100805819035, 0.041961874812841415, -0.0285952128469944, -1.496900736697171e-8, -0.0014124972512945533, 0.03401879221200943, -0.040338415652513504, 0.04116074740886688, 0.0935964286327362, -0.05115952715277672, 0.0008746005478315055, -0.03389839455485344, -0.00567849725484848, -0.010686947964131832, -0.04789939522743225, -0.04820054769515991, -0.02011880651116371, -0.03209094703197479, -0.04211259260773659, -0.10229527950286865, -0.07819421589374542, -0.031228765845298767, -0.02154778689146042, -0.04960230365395546, 0.08087796717882156, -0.07801242172718048, 0.06919731199741364, -0.04999840259552002, 0.03687043860554695, 0.03889009356498718, -0.049989692866802216, -0.04254625365138054, -0.04606937617063522, 0.08682432025671005, -0.031148413196206093, 0.11826753616333008, 0.034102488309144974, -0.0208592489361763, -0.0205202866345644, 0.027134142816066742, 0.09741277992725372, 0.051608603447675705, 0.013477512635290623, -0.13649295270442963, -0.022304272279143333, 0.02385953813791275, 0.038732077926397324, -0.09249968826770782, -0.04549082741141319, 0.054220106452703476, 0.01160438358783722, 0.051190607249736786, 0.07713303714990616, -0.022097084671258926, -0.06127818301320076, -0.01857956498861313, 0.006740490905940533, -0.00496308971196413, 0.024095389991998672, 0.0736224576830864, -0.003481915919110179, -0.0699305310845375, -0.006629763171076775, -0.0598808117210865, 0.05297163128852844, -0.02902800403535366, -0.027858933433890343, -0.01287526823580265 ]
huggingtweets/elonmusk-jeffbezos-sweatystartup
94780eada23add9a26e08095981a5bb9fea2170a
2022-04-13T13:47:00.000Z
[ "pytorch", "gpt2", "text-generation", "en", "transformers", "huggingtweets" ]
text-generation
false
huggingtweets
null
huggingtweets/elonmusk-jeffbezos-sweatystartup
0
null
transformers
--- language: en thumbnail: https://github.com/borisdayma/huggingtweets/blob/master/img/logo.png?raw=true tags: - huggingtweets widget: - text: "My dream is" --- <div class="inline-flex flex-col" style="line-height: 1.5;"> <div class="flex"> <div style="display:inherit; margin-left: 4px; margin-right: 4px; width: 92px; height:92px; border-radius: 50%; background-size: cover; background-image: url(&#39;https://pbs.twimg.com/profile_images/1503591435324563456/foUrqiEw_400x400.jpg&#39;)"> </div> <div style="display:inherit; margin-left: 4px; margin-right: 4px; width: 92px; height:92px; border-radius: 50%; background-size: cover; background-image: url(&#39;https://pbs.twimg.com/profile_images/669103856106668033/UF3cgUk4_400x400.jpg&#39;)"> </div> <div style="display:inherit; margin-left: 4px; margin-right: 4px; width: 92px; height:92px; border-radius: 50%; background-size: cover; background-image: url(&#39;https://pbs.twimg.com/profile_images/1504792567031992320/7EflpzpQ_400x400.jpg&#39;)"> </div> </div> <div style="text-align: center; margin-top: 3px; font-size: 16px; font-weight: 800">🤖 AI CYBORG 🤖</div> <div style="text-align: center; font-size: 16px; font-weight: 800">Elon Musk & Jeff Bezos & Nick Huber</div> <div style="text-align: center; font-size: 14px;">@elonmusk-jeffbezos-sweatystartup</div> </div> I was made with [huggingtweets](https://github.com/borisdayma/huggingtweets). Create your own bot based on your favorite user with [the demo](https://colab.research.google.com/github/borisdayma/huggingtweets/blob/master/huggingtweets-demo.ipynb)! ## How does it work? The model uses the following pipeline. ![pipeline](https://github.com/borisdayma/huggingtweets/blob/master/img/pipeline.png?raw=true) To understand how the model was developed, check the [W&B report](https://wandb.ai/wandb/huggingtweets/reports/HuggingTweets-Train-a-Model-to-Generate-Tweets--VmlldzoxMTY5MjI). ## Training data The model was trained on tweets from Elon Musk & Jeff Bezos & Nick Huber. | Data | Elon Musk | Jeff Bezos | Nick Huber | | --- | --- | --- | --- | | Tweets downloaded | 221 | 294 | 3250 | | Retweets | 15 | 22 | 44 | | Short tweets | 67 | 14 | 339 | | Tweets kept | 139 | 258 | 2867 | [Explore the data](https://wandb.ai/wandb/huggingtweets/runs/1hd9nbhx/artifacts), which is tracked with [W&B artifacts](https://docs.wandb.com/artifacts) at every step of the pipeline. ## Training procedure The model is based on a pre-trained [GPT-2](https://huggingface.co/gpt2) which is fine-tuned on @elonmusk-jeffbezos-sweatystartup's tweets. Hyperparameters and metrics are recorded in the [W&B training run](https://wandb.ai/wandb/huggingtweets/runs/2f15ydkr) for full transparency and reproducibility. At the end of training, [the final model](https://wandb.ai/wandb/huggingtweets/runs/2f15ydkr/artifacts) is logged and versioned. ## How to use You can use this model directly with a pipeline for text generation: ```python from transformers import pipeline generator = pipeline('text-generation', model='huggingtweets/elonmusk-jeffbezos-sweatystartup') generator("My dream is", num_return_sequences=5) ``` ## Limitations and bias The model suffers from [the same limitations and bias as GPT-2](https://huggingface.co/gpt2#limitations-and-bias). In addition, the data present in the user's tweets further affects the text generated by the model. ## About *Built by Boris Dayma* [![Follow](https://img.shields.io/twitter/follow/borisdayma?style=social)](https://twitter.com/intent/follow?screen_name=borisdayma) For more details, visit the project repository. [![GitHub stars](https://img.shields.io/github/stars/borisdayma/huggingtweets?style=social)](https://github.com/borisdayma/huggingtweets)
[ -0.01699393056333065, 0.12351395189762115, -0.011636005714535713, 0.03871132805943489, 0.15210971236228943, -0.024766340851783752, -0.03536924719810486, 0.040630076080560684, 0.06588554382324219, -0.0547705814242363, 0.010551572777330875, 0.08145774900913239, 0.023870401084423065, -0.022781947627663612, 0.01797184720635414, 0.03913455829024315, -0.08561383187770844, -0.018124816939234734, -0.049721118062734604, 0.010231448337435722, -0.08177170157432556, -0.09554261714220047, 0.08650720864534378, -0.06291163712739944, -0.06553944945335388, 0.06067367270588875, 0.00245930184610188, 0.04478302597999573, -0.0021604192443192005, -0.0193207785487175, -0.029350534081459045, 0.026445792987942696, 0.04133955016732216, 0.03781956061720848, -0.03816691040992737, 0.04142947494983673, -0.00845443457365036, 0.024426093325018883, -0.05777296796441078, 0.025456443428993225, -0.01653200574219227, -0.10547970980405807, 0.056310929358005524, 0.03817785158753395, -0.029463356360793114, -0.019939465448260307, -0.03215498849749565, 0.014726182445883751, -0.05091267079114914, 0.0401293970644474, -0.05457119271159172, -0.07301422208547592, 0.009703070856630802, 0.0001728502829791978, 0.023008126765489578, 0.06359197199344635, 0.018571630120277405, -0.05186985805630684, 0.07105719298124313, -0.017775071784853935, 0.11619775742292404, 0.0938916951417923, 0.07837220281362534, -0.002502031624317169, 0.007634342182427645, -0.022154811769723892, -0.056367699056863785, 0.05736100301146507, -0.020360713824629784, -0.013705023564398289, 0.03172128275036812, -0.00535057345405221, -0.03861149400472641, -0.04337991774082184, 0.03351209685206413, -0.0501641184091568, -0.022669559344649315, 0.035425156354904175, -0.03901893272995949, 0.04484667256474495, 0.028548436239361763, -0.034075722098350525, 0.007798699662089348, -0.0262050349265337, 0.0633288025856018, 0.014369523152709007, -0.003106927964836359, -0.10791705548763275, -0.03531378507614136, 0.04851871356368065, -0.0062506189569830894, -0.010745666921138763, 0.004799860529601574, 0.027949778363108635, -0.048366229981184006, 0.009294284507632256, -0.05631205812096596, -0.13872213661670685, -0.1222013607621193, 0.06771638989448547, -0.002195289358496666, -0.06206853687763214, 0.076148122549057, 0.031097233295440674, 0.013059550896286964, -0.04215452820062637, -0.04247907176613808, 0.024493295699357986, 0.006072648800909519, -0.010354012250900269, 0.028995050117373466, -0.0442328043282032, -0.09805392473936081, 0.012791076675057411, -0.014985054731369019, -0.10023636370897293, -0.007598498370498419, 0.02486482821404934, 0.10265078395605087, -0.02959647960960865, 0.06611420214176178, 0.15208278596401215, -0.042176324874162674, -0.1016903966665268, 0.0059633804485201836, 0.025270497426390648, -0.059385996311903, 1.0699158563352452e-32, 0.0694655179977417, 0.02142511121928692, -0.0475262813270092, 0.059634145349264145, 0.09613052755594254, 0.01066539529711008, -0.015429372899234295, -0.04355588182806969, -0.0937805324792862, -0.008201311342418194, 0.05828293785452843, 0.03207242861390114, 0.000506830052472651, -0.00027428739122115076, -0.00462327990680933, -0.09930682927370071, -0.03417135775089264, 0.005769301671534777, -0.014103926718235016, 0.005123865325003862, -0.10778254270553589, 0.04188771918416023, -0.04449336230754852, -0.04862440750002861, -0.05152159929275513, 0.015182513743638992, 0.0975424125790596, -0.04397711530327797, 0.013691316358745098, 0.005891421809792519, -0.04302799329161644, -0.025269730016589165, 0.06379778683185577, -0.05368553474545479, 0.0335828922688961, 0.0015970190288498998, 0.008851402439177036, -0.0847833976149559, -0.002828451106324792, 0.034845635294914246, -0.026417473331093788, -0.06632416695356369, 0.0551486499607563, -0.032652728259563446, -0.060695212334394455, 0.09193075448274612, 0.1360592246055603, -0.011320292018353939, -0.005353638902306557, -0.06054828315973282, -0.028733663260936737, -0.01979764550924301, -0.04314897581934929, -0.09953274577856064, -0.024304069578647614, -0.09072351455688477, 0.00008909215830499306, 0.03001810796558857, 0.030521219596266747, -0.014413147233426571, 0.012884823605418205, -0.06525156646966934, 0.04031257703900337, -0.0755629688501358, 0.042645495384931564, 0.03456242009997368, -0.08349809050559998, -0.02417675405740738, 0.0400727204978466, -0.03552741929888725, -0.03357414901256561, 0.018753446638584137, 0.10315388441085815, -0.03404392674565315, -0.05670884996652603, 0.025827227160334587, -0.0029113164637237787, -0.030817287042737007, -0.0353621169924736, 0.024990541860461235, -0.0686146542429924, 0.006192564498633146, 0.04105844721198082, 0.0074569955468177795, -0.028171459212899208, -0.028342168778181076, 0.011179380118846893, -0.046227242797613144, 0.01396081130951643, -0.004966221284121275, -0.09910786896944046, -0.020083338022232056, 0.031803153455257416, -0.08580993115901947, -0.07174202799797058, -1.1125259102478208e-32, 0.062497787177562714, -0.0055935075506567955, 0.0047513865865767, 0.04958256334066391, 0.08833768218755722, 0.06212460622191429, 0.0485515333712101, 0.07471249997615814, -0.006992597598582506, 0.003104925388470292, 0.039533425122499466, -0.016111431643366814, -0.08998037129640579, -0.03535580262541771, 0.014083083719015121, 0.012309313751757145, 0.08546467870473862, -0.03400523588061333, -0.031076477840542793, 0.02274467423558235, 0.005631059408187866, 0.02372988685965538, -0.011407025158405304, 0.08765271306037903, -0.06466054916381836, 0.0031309230253100395, 0.07857396453619003, -0.020362775772809982, -0.007260048761963844, 0.022724583745002747, -0.0444515161216259, -0.09292124956846237, -0.024193383753299713, 0.08189190924167633, 0.06786893308162689, -0.008007616735994816, -0.058544889092445374, -0.037415310740470886, -0.03636061027646065, -0.05322975665330887, 0.023752648383378983, -0.0958251953125, -0.05269055441021919, -0.0031863038893789053, 0.037644386291503906, -0.048775069415569305, 0.035489778965711594, -0.023493511602282524, -0.021235266700387, 0.041013531386852264, 0.04861884191632271, 0.032219741493463516, -0.0040987771935760975, -0.016101857647299767, -0.024480625987052917, -0.09573934972286224, -0.039447907358407974, 0.023381173610687256, 0.0088273324072361, 0.023026322945952415, 0.01640341989696026, -0.004975484684109688, -0.02091744728386402, 0.00541691156104207, 0.04487937316298485, 0.043056800961494446, -0.06699074059724808, 0.04724990949034691, -0.08534934371709824, -0.0009425486205145717, 0.021015211939811707, 0.06241321191191673, 0.040237363427877426, -0.01856478862464428, 0.055342890322208405, -0.02702363394200802, 0.10076168924570084, 0.008236496709287167, 0.06100519001483917, -0.0015787645243108273, -0.09070675075054169, -0.06917673349380493, -0.039766401052474976, -0.009019609540700912, -0.05473519489169121, -0.011907614767551422, -0.021874377503991127, 0.10774237662553787, -0.0214044451713562, -0.0407855287194252, -0.040914323180913925, 0.0838843360543251, 0.055922385305166245, 0.04117659479379654, 0.07882381230592728, -6.743881186821454e-8, -0.05171585455536842, -0.0767861157655716, -0.0066787186078727245, 0.008164915256202221, -0.040987543761730194, 0.027341267094016075, 0.03821147605776787, -0.1495780348777771, -0.024349544197320938, -0.04945830628275871, 0.024362942203879356, 0.014607712626457214, -0.0689237043261528, 0.030298156663775444, -0.04050230234861374, 0.013624625280499458, -0.12289177626371384, 0.08444969356060028, 0.005255876109004021, -0.04470934718847275, -0.017785999923944473, 0.03202743083238602, 0.0364961139857769, -0.0226010512560606, -0.0038290272932499647, 0.06856084614992142, -0.11267202347517014, -0.014975538477301598, 0.013248428702354431, -0.01977483555674553, 0.036884792149066925, -0.05115582421422005, 0.02421499788761139, -0.04631064832210541, -0.012860280461609364, -0.07006534934043884, -0.04894345998764038, -0.03494813293218613, 0.01091643888503313, 0.02614450268447399, 0.04064624011516571, 0.004362187813967466, 0.0650181770324707, 0.0468876026570797, -0.02323407121002674, 0.025512803345918655, 0.0396256260573864, 0.009330426342785358, 0.024727504700422287, 0.031266845762729645, -0.03511248528957367, -0.07271802425384521, 0.022355543449521065, 0.0236081350594759, 0.05259501934051514, -0.005881928838789463, -0.0007666831370443106, 0.052932143211364746, 0.00922155100852251, 0.07163947820663452, 0.03959982097148895, 0.05098794028162956, 0.001985283102840185, 0.07277784496545792 ]
frozenwalker/SciFive_pubmedqa_question_generation
ea678c0cf37b4426457a003fcf0f1de018f991a6
2022-04-19T11:42:33.000Z
[ "pytorch", "t5", "text2text-generation", "transformers", "autotrain_compatible" ]
text2text-generation
false
frozenwalker
null
frozenwalker/SciFive_pubmedqa_question_generation
0
null
transformers
Entry not found
[ 0.0461147278547287, -0.038838207721710205, -0.01049656979739666, -0.03682169318199158, 0.011261860840022564, 0.013094935566186905, 0.0019101888174191117, -0.013979103416204453, 0.027092741802334785, -0.015212527476251125, 0.017284274101257324, -0.08189476281404495, 0.03817418962717056, -0.04920130595564842, 0.021389011293649673, -0.015245908871293068, -0.03203780576586723, -0.1245758980512619, 0.03150877356529236, 0.032381657510995865, -0.060957908630371094, 0.05409295856952667, -0.025087490677833557, 0.01568586938083172, 0.028129950165748596, -0.04710396006703377, -0.018688226118683815, 0.013785239309072495, -0.04001208767294884, 0.01173911802470684, -0.04317743331193924, 0.05500618368387222, 0.004543041344732046, 0.02973111905157566, 0.14852192997932434, 0.02658126689493656, 0.02907961793243885, -0.05169107764959335, 0.05803573504090309, -0.07732241600751877, -0.017637968063354492, -0.04219653457403183, 0.041807834059000015, 0.023620979860424995, 0.021563321352005005, 0.016478516161441803, -0.0021814992651343346, -0.06400240957736969, 0.06393089145421982, 0.019599027931690216, -0.08565037697553635, 0.00934905931353569, -0.008718925528228283, -0.028583496809005737, -0.07310017943382263, 0.09416428208351135, 0.001759322709403932, 0.06184990331530571, 0.011840506456792355, -0.035997264087200165, 0.08358278125524521, -0.02619801089167595, 0.03736566752195358, -0.028206506744027138, -0.07454850524663925, -0.08883563429117203, -0.06279942393302917, -0.008695344440639019, 0.014119276776909828, -0.0825355276465416, 0.0649217739701271, -0.00223911227658391, -0.14716917276382446, 0.07743025571107864, -0.03548373281955719, -0.055201586335897446, 0.006981803569942713, -0.012166670523583889, 0.055111464112997055, -0.007116836030036211, -0.023175746202468872, -0.005835152696818113, -0.09185640513896942, 0.055196937173604965, 0.034148022532463074, 0.03835180774331093, 0.038685429841279984, -0.025987252593040466, 0.017804903909564018, 0.022428328171372414, 0.025005368515849113, -0.10761535167694092, -0.048001550137996674, -0.04343584179878235, 0.012374646961688995, -0.019502125680446625, 0.029218152165412903, 0.0842173621058464, -0.011719699949026108, 0.09283553808927536, -0.007015465293079615, -0.03543110564351082, -0.06936459988355637, 0.09425332397222519, -0.010958523489534855, -0.00805904995650053, 0.004974212497472763, -0.0031528924591839314, 0.06105927750468254, -0.03964288905262947, -0.03619541600346565, -0.019901901483535767, 0.07134733349084854, 0.039514873176813126, -0.012729483656585217, -0.006646515801548958, -0.04746140539646149, -0.014432490803301334, -0.05157482624053955, 0.09506245702505112, -0.049747664481401443, -0.04591796174645424, -0.008965466171503067, -0.0325421579182148, -0.08626784384250641, -0.06624380499124527, 0.02538885548710823, -4.303924894057984e-33, 0.01133066974580288, 0.0033434738870710135, -0.002155609894543886, 0.04871906340122223, -0.023564351722598076, -0.07933273911476135, 0.0600903145968914, 0.02335330657660961, -0.03844716399908066, -0.020433755591511726, -0.06952055543661118, -0.03235611692070961, 0.0062485747039318085, 0.064804308116436, -0.03201229125261307, 0.061689723283052444, 0.0417000837624073, -0.00761845987290144, 0.03340127319097519, -0.047770582139492035, 0.00887306872755289, -0.04066338762640953, -0.010506896302103996, 0.0106519665569067, 0.021333497017621994, 0.12854498624801636, -0.009705503471195698, 0.010055632330477238, -0.017507633194327354, 0.006515394430607557, 0.06334009766578674, -0.057817306369543076, 0.013668818399310112, -0.020286159589886665, 0.05430467426776886, -0.023184705525636673, 0.0828516036272049, 0.0005449643940664828, -0.10372652113437653, -0.07634282112121582, -0.005381610710173845, -0.039263784885406494, 0.0006114727002568543, -0.013281986117362976, 0.07119110971689224, 0.043696220964193344, 0.03168422728776932, 0.04338686540722847, 0.05728672817349434, 0.0832006186246872, -0.07961414009332657, 0.015234283171594143, 0.017002005130052567, 0.047004107385873795, -0.09794387966394424, 0.004990279674530029, -0.07062993198633194, -0.028000490739941597, -0.04018733277916908, -0.0702052190899849, 0.011351344175636768, 0.06020182743668556, -0.03297270089387894, 0.09396500885486603, 0.03417910635471344, -0.019825750961899757, -0.034690454602241516, -0.013036907650530338, 0.05896938592195511, -0.012359356507658958, -0.017275206744670868, -0.07982361316680908, 0.02059139870107174, 0.06737419217824936, 0.04176458343863487, -0.04978838190436363, -0.05877475067973137, -0.06289287656545639, -0.03354167565703392, -0.03871942684054375, 0.009898529388010502, -0.05514208599925041, -0.11629002541303635, -0.011855563148856163, 0.10663620382547379, 0.037354156374931335, -0.0065480442717671394, -0.051189567893743515, 0.06663123518228531, 0.01874656230211258, 0.032841797918081284, 0.041593004018068314, -0.06879369914531708, 0.04216769337654114, -0.01628219522535801, 5.4139394340936695e-34, 0.05697013810276985, -0.006972255185246468, 0.015711724758148193, -0.17956365644931793, 0.02320219948887825, 0.007923615165054798, -0.008062449283897877, 0.0074974060989916325, 0.07391711324453354, 0.0309313777834177, 0.060510627925395966, 0.058605875819921494, 0.09515274316072464, -0.002282935893163085, 0.001603541080839932, 0.07024981826543808, 0.012629246339201927, 0.07425693422555923, -0.038426291197538376, 0.01861148327589035, 0.030608950182795525, -0.02449394389986992, 0.021528491750359535, -0.003039651783183217, -0.03676343336701393, 0.03130284696817398, 0.07998586446046829, 0.010451192036271095, -0.07930229604244232, -0.013543923385441303, 0.018781835213303566, 0.05168003588914871, -0.07191970944404602, 0.15783067047595978, 0.026191607117652893, 0.01262354850769043, 0.08218053728342056, -0.029807550832629204, -0.07528624683618546, -0.04250097647309303, 0.017244765534996986, 0.04411793500185013, 0.03708017244935036, 0.009233047254383564, -0.040271829813718796, 0.022496428340673447, 0.02495843544602394, 0.07633638381958008, 0.005147108342498541, 0.013892097398638725, 0.05610476806759834, -0.06684739887714386, 0.05862557515501976, -0.020688841119408607, 0.05377643182873726, 0.06718500703573227, 0.005329249892383814, -0.01388032827526331, 0.029931528493762016, 0.009508464485406876, -0.045173756778240204, 0.11534366756677628, -0.06510116159915924, 0.05117698386311531, -0.0026125339791178703, -0.08554837852716446, -0.03784770518541336, 0.0804959163069725, 0.011298024095594883, -0.07695550471544266, -0.04868878796696663, 0.02515520341694355, 0.06252261996269226, -0.04509226232767105, -0.01246943511068821, 0.028559505939483643, -0.030573077499866486, 0.05066261067986488, -0.08187384903430939, 0.04469604790210724, 0.0034051244147121906, 0.04145054519176483, -0.021858664229512215, -0.06112268194556236, -0.00908052921295166, -0.05903250351548195, 0.0259539932012558, 0.059690944850444794, -0.07613514363765717, -0.03720718249678612, -0.036316655576229095, 0.07058046013116837, -0.008224100805819035, 0.041961874812841415, -0.0285952128469944, -1.496900736697171e-8, -0.0014124972512945533, 0.03401879221200943, -0.040338415652513504, 0.04116074740886688, 0.0935964286327362, -0.05115952715277672, 0.0008746005478315055, -0.03389839455485344, -0.00567849725484848, -0.010686947964131832, -0.04789939522743225, -0.04820054769515991, -0.02011880651116371, -0.03209094703197479, -0.04211259260773659, -0.10229527950286865, -0.07819421589374542, -0.031228765845298767, -0.02154778689146042, -0.04960230365395546, 0.08087796717882156, -0.07801242172718048, 0.06919731199741364, -0.04999840259552002, 0.03687043860554695, 0.03889009356498718, -0.049989692866802216, -0.04254625365138054, -0.04606937617063522, 0.08682432025671005, -0.031148413196206093, 0.11826753616333008, 0.034102488309144974, -0.0208592489361763, -0.0205202866345644, 0.027134142816066742, 0.09741277992725372, 0.051608603447675705, 0.013477512635290623, -0.13649295270442963, -0.022304272279143333, 0.02385953813791275, 0.038732077926397324, -0.09249968826770782, -0.04549082741141319, 0.054220106452703476, 0.01160438358783722, 0.051190607249736786, 0.07713303714990616, -0.022097084671258926, -0.06127818301320076, -0.01857956498861313, 0.006740490905940533, -0.00496308971196413, 0.024095389991998672, 0.0736224576830864, -0.003481915919110179, -0.0699305310845375, -0.006629763171076775, -0.0598808117210865, 0.05297163128852844, -0.02902800403535366, -0.027858933433890343, -0.01287526823580265 ]
masakhane/afrimt5_bbj_fr_news
e924d50eb15911e45941520dcf7066ece7782f16
2022-04-13T18:28:32.000Z
[ "pytorch", "mt5", "text2text-generation", "transformers", "license:afl-3.0", "autotrain_compatible" ]
text2text-generation
false
masakhane
null
masakhane/afrimt5_bbj_fr_news
0
null
transformers
--- license: afl-3.0 ---
[ 0.027447504922747612, 0.0013088852865621448, -0.10637658089399338, -0.04375426098704338, 0.07398077100515366, 0.03330794721841812, 0.01909494958817959, -0.07335776090621948, 0.016507230699062347, 0.030171729624271393, -0.055575042963027954, -0.05307106301188469, -0.07680817693471909, 0.041086532175540924, -0.0041198646649718285, -0.0568263903260231, -0.05046742781996727, -0.058194857090711594, 0.023606037721037865, -0.03646378219127655, -0.014154498465359211, 0.04265515133738518, -0.05588993430137634, 0.012095899321138859, -0.01061294600367546, 0.0016039212932810187, -0.061301089823246, 0.10316610336303711, -0.02107207477092743, -0.059553418308496475, 0.006565665826201439, 0.03134031221270561, 0.08078456670045853, -0.003939554560929537, 0.02505083940923214, -0.08594945073127747, 0.01930059865117073, -0.036724772304296494, -0.025206023827195168, 0.022423740476369858, 0.05926847085356712, -0.055803872644901276, 0.010280435904860497, 0.062456775456666946, -0.06482553482055664, -0.03323793038725853, -0.017676223069429398, 0.003418191336095333, 0.06041664630174637, 0.11326770484447479, -0.05476146936416626, -0.00005383813186199404, -0.09023981541395187, -0.028160635381937027, 0.12938666343688965, -0.07231277227401733, -0.00927803572267294, 0.07261668145656586, -0.0949530303478241, 0.038523197174072266, -0.008326302282512188, 0.003351690014824271, -0.05474643409252167, 0.09420745819807053, -0.03964364156126976, 0.025065980851650238, -0.08852501958608627, -0.1011071428656578, -0.041116487234830856, -0.06932156533002853, -0.08841913193464279, -0.06441301107406616, -0.014943175949156284, -0.010617825202643871, 0.06850425153970718, 0.022974707186222076, 0.04655048996210098, 0.04482429847121239, 0.05829609930515289, -0.05138908699154854, -0.04908373951911926, -0.08737080544233322, 0.0251805167645216, 0.019025318324565887, -0.05537351220846176, -0.04045926779508591, -0.04304956644773483, -0.009893130511045456, 0.0026578062679618597, 0.03367867320775986, -0.05805056914687157, 0.017451174557209015, 0.10003838688135147, 0.09228543192148209, 0.011275265365839005, 0.09276878088712692, -0.04999871924519539, -0.04443053901195526, -0.039627477526664734, 0.08494678139686584, -0.04599490761756897, 0.0211174376308918, -0.05872717499732971, 0.025958025828003883, -0.022078869864344597, 0.019087815657258034, -0.00413172785192728, 0.051621031016111374, -0.02656680904328823, 0.03349124267697334, 0.039896830916404724, 0.024901842698454857, -0.014685641042888165, -0.03247034549713135, -0.030935443937778473, 0.09946338087320328, -0.09659601002931595, -0.03291812539100647, 0.07145453989505768, -0.028947826474905014, 0.018452249467372894, -0.020307542756199837, -0.021371081471443176, -0.017846090719103813, 0.04610005021095276, -0.03164166957139969, 0.051655568182468414, -7.632369474505938e-33, -0.07721326500177383, 0.02933131903409958, 0.007486333139240742, 0.07181759923696518, 0.017644494771957397, -0.0804913267493248, 0.03919104114174843, -0.02130003273487091, -0.14142729341983795, 0.11476870626211166, 0.07674510031938553, 0.10997629910707474, -0.06897242367267609, -0.020947126671671867, 0.10313668102025986, -0.04125012457370758, -0.0802220031619072, -0.0177814532071352, 0.0022953792940825224, 0.05480218306183815, 0.02426399104297161, -0.04889770969748497, -0.010264392010867596, 0.009193395264446735, -0.039958417415618896, 0.08499819040298462, -0.02814280427992344, -0.0661352127790451, 0.11802180856466293, 0.03734717145562172, 0.020471783354878426, 0.011679090559482574, -0.09754469990730286, -0.038481153547763824, -0.002458319766446948, 0.0185680091381073, -0.061994053423404694, -0.051189932972192764, -0.08912545442581177, 0.05577290803194046, -0.0004102048114873469, -0.04277782887220383, -0.02783891186118126, -0.038765378296375275, -0.05798377841711044, -0.045373719185590744, 0.005563884042203426, -0.04646730422973633, 0.07388606667518616, 0.0694466158747673, 0.08464609086513519, -0.020176472142338753, -0.036591820418834686, -0.02228604629635811, 0.04004610702395439, -0.04686874896287918, -0.06898929178714752, 0.05422995612025261, 0.006564383860677481, -0.03760596737265587, 0.015770411118865013, -0.08846465498209, -0.03450651094317436, -0.0027170926332473755, 0.03727560117840767, -0.0030582775361835957, 0.06742960959672928, -0.07300245761871338, 0.07945702224969864, -0.029721738770604134, 0.0301639623939991, 0.028823476284742355, 0.018945369869470596, 0.01775011047720909, -0.040598783642053604, 0.027433130890130997, -0.02932869829237461, 0.06205882877111435, 0.03343641012907028, 0.041770320385694504, -0.056078698486089706, 0.020792217925190926, -0.06355337053537369, -0.04821527376770973, 0.0008206569473259151, 0.025182226672768593, -0.03248629346489906, -0.019997412338852882, -0.022215384989976883, -0.022394822910428047, -0.05673753097653389, 0.06719266623258591, -0.005497640464454889, 0.028671791777014732, -0.03466418758034706, 3.107467438198704e-33, -0.013791291043162346, -0.04591231048107147, -0.054455045610666275, 0.006899930536746979, -0.04768079146742821, 0.019102662801742554, 0.057598840445280075, 0.059171710163354874, 0.01014725398272276, 0.048450034111738205, 0.03103417158126831, 0.05914835259318352, -0.0072561646811664104, -0.06477255374193192, 0.04257791116833687, -0.08045098185539246, 0.02314824052155018, -0.05644223093986511, -0.04229271411895752, 0.0036705804523080587, 0.0452117957174778, 0.039814405143260956, -0.07707549631595612, 0.08310959488153458, -0.06181621924042702, 0.002424968872219324, -0.009061863645911217, 0.007697225548326969, 0.002987081417813897, -0.014583381824195385, 0.027517417445778847, 0.03670372813940048, -0.06548573076725006, -0.0128401517868042, -0.057954590767621994, -0.00786486268043518, 0.05091354250907898, 0.031024040654301643, -0.040925152599811554, -0.011947511695325375, 0.0440102219581604, 0.04603832587599754, -0.028298748657107353, 0.0281367227435112, 0.013437708839774132, 0.022444993257522583, 0.0086722606793046, -0.022540532052516937, 0.0710146501660347, 0.10381613671779633, 0.0099025322124362, -0.036863405257463455, -0.04541105404496193, -0.058949925005435944, -0.04608849808573723, 0.07207082957029343, 0.048087384551763535, -0.009971566498279572, 0.013352593407034874, 0.041978657245635986, 0.046944838017225266, 0.09132206439971924, -0.06216953694820404, 0.020892620086669922, 0.06863582879304886, 0.09513139724731445, -0.08034692704677582, -0.019459089264273643, -0.000021301086235325783, 0.08104781806468964, 0.015736360102891922, 0.038441698998212814, -0.003489180002361536, -0.04083404690027237, -0.020297231152653694, 0.04269455745816231, 0.03343586623668671, 0.1312846839427948, -0.037693947553634644, 0.01366256084293127, 0.019069043919444084, 0.03046603314578533, 0.02733810804784298, 0.14587315917015076, 0.01303582638502121, -0.0650898888707161, 0.047730326652526855, -0.010495070368051529, -0.0038936033379286528, -0.031560398638248444, -0.0027703179512172937, 0.02605447918176651, -0.015023540705442429, -0.014172880910336971, -0.02663915604352951, -2.021866940538075e-8, -0.1172437071800232, 0.05182434991002083, -0.080995574593544, 0.047502219676971436, -0.016740186139941216, 0.11728816479444504, -0.0221151951700449, -0.038129985332489014, 0.028372738510370255, -0.02149774134159088, -0.025891603901982307, -0.025349944829940796, -0.03394559770822525, 0.07170651108026505, 0.050532784312963486, 0.021514441817998886, -0.040389664471149445, 0.04162819683551788, -0.011544030159711838, -0.030642300844192505, -0.06760763376951218, -0.005722492933273315, 0.00413566455245018, -0.02096451446413994, -0.019932109862565994, -0.02012881636619568, -0.09065168350934982, 0.03131726756691933, -0.004910763818770647, 0.10819561779499054, -0.02378855273127556, 0.09065651148557663, 0.009314309805631638, -0.0991952046751976, -0.026593264192342758, -0.08358056098222733, 0.042452894151210785, 0.025792665779590607, 0.0017883451655507088, -0.02925269491970539, 0.01592269353568554, 0.033356644213199615, -0.02782060205936432, -0.0579032301902771, -0.019614169374108315, -0.009801935404539108, -0.09085224568843842, -0.01364177092909813, -0.044042736291885376, -0.056272171437740326, 0.045350849628448486, 0.05522293597459793, -0.055233847349882126, -0.016802918165922165, 0.02327531762421131, 0.020974572747945786, 0.01961653120815754, -0.01610499806702137, 0.01057842094451189, -0.00043043773621320724, 0.049637358635663986, 0.0004479801864363253, 0.10433852672576904, 0.018461186438798904 ]
masakhane/afrimbart_bbj_fr_news
d5ec07e79eeb4b46749070963f446a55fad66aef
2022-04-13T18:28:39.000Z
[ "pytorch", "mbart", "text2text-generation", "transformers", "license:afl-3.0", "autotrain_compatible" ]
text2text-generation
false
masakhane
null
masakhane/afrimbart_bbj_fr_news
0
null
transformers
--- license: afl-3.0 ---
[ 0.027447504922747612, 0.0013088852865621448, -0.10637658089399338, -0.04375426098704338, 0.07398077100515366, 0.03330794721841812, 0.01909494958817959, -0.07335776090621948, 0.016507230699062347, 0.030171729624271393, -0.055575042963027954, -0.05307106301188469, -0.07680817693471909, 0.041086532175540924, -0.0041198646649718285, -0.0568263903260231, -0.05046742781996727, -0.058194857090711594, 0.023606037721037865, -0.03646378219127655, -0.014154498465359211, 0.04265515133738518, -0.05588993430137634, 0.012095899321138859, -0.01061294600367546, 0.0016039212932810187, -0.061301089823246, 0.10316610336303711, -0.02107207477092743, -0.059553418308496475, 0.006565665826201439, 0.03134031221270561, 0.08078456670045853, -0.003939554560929537, 0.02505083940923214, -0.08594945073127747, 0.01930059865117073, -0.036724772304296494, -0.025206023827195168, 0.022423740476369858, 0.05926847085356712, -0.055803872644901276, 0.010280435904860497, 0.062456775456666946, -0.06482553482055664, -0.03323793038725853, -0.017676223069429398, 0.003418191336095333, 0.06041664630174637, 0.11326770484447479, -0.05476146936416626, -0.00005383813186199404, -0.09023981541395187, -0.028160635381937027, 0.12938666343688965, -0.07231277227401733, -0.00927803572267294, 0.07261668145656586, -0.0949530303478241, 0.038523197174072266, -0.008326302282512188, 0.003351690014824271, -0.05474643409252167, 0.09420745819807053, -0.03964364156126976, 0.025065980851650238, -0.08852501958608627, -0.1011071428656578, -0.041116487234830856, -0.06932156533002853, -0.08841913193464279, -0.06441301107406616, -0.014943175949156284, -0.010617825202643871, 0.06850425153970718, 0.022974707186222076, 0.04655048996210098, 0.04482429847121239, 0.05829609930515289, -0.05138908699154854, -0.04908373951911926, -0.08737080544233322, 0.0251805167645216, 0.019025318324565887, -0.05537351220846176, -0.04045926779508591, -0.04304956644773483, -0.009893130511045456, 0.0026578062679618597, 0.03367867320775986, -0.05805056914687157, 0.017451174557209015, 0.10003838688135147, 0.09228543192148209, 0.011275265365839005, 0.09276878088712692, -0.04999871924519539, -0.04443053901195526, -0.039627477526664734, 0.08494678139686584, -0.04599490761756897, 0.0211174376308918, -0.05872717499732971, 0.025958025828003883, -0.022078869864344597, 0.019087815657258034, -0.00413172785192728, 0.051621031016111374, -0.02656680904328823, 0.03349124267697334, 0.039896830916404724, 0.024901842698454857, -0.014685641042888165, -0.03247034549713135, -0.030935443937778473, 0.09946338087320328, -0.09659601002931595, -0.03291812539100647, 0.07145453989505768, -0.028947826474905014, 0.018452249467372894, -0.020307542756199837, -0.021371081471443176, -0.017846090719103813, 0.04610005021095276, -0.03164166957139969, 0.051655568182468414, -7.632369474505938e-33, -0.07721326500177383, 0.02933131903409958, 0.007486333139240742, 0.07181759923696518, 0.017644494771957397, -0.0804913267493248, 0.03919104114174843, -0.02130003273487091, -0.14142729341983795, 0.11476870626211166, 0.07674510031938553, 0.10997629910707474, -0.06897242367267609, -0.020947126671671867, 0.10313668102025986, -0.04125012457370758, -0.0802220031619072, -0.0177814532071352, 0.0022953792940825224, 0.05480218306183815, 0.02426399104297161, -0.04889770969748497, -0.010264392010867596, 0.009193395264446735, -0.039958417415618896, 0.08499819040298462, -0.02814280427992344, -0.0661352127790451, 0.11802180856466293, 0.03734717145562172, 0.020471783354878426, 0.011679090559482574, -0.09754469990730286, -0.038481153547763824, -0.002458319766446948, 0.0185680091381073, -0.061994053423404694, -0.051189932972192764, -0.08912545442581177, 0.05577290803194046, -0.0004102048114873469, -0.04277782887220383, -0.02783891186118126, -0.038765378296375275, -0.05798377841711044, -0.045373719185590744, 0.005563884042203426, -0.04646730422973633, 0.07388606667518616, 0.0694466158747673, 0.08464609086513519, -0.020176472142338753, -0.036591820418834686, -0.02228604629635811, 0.04004610702395439, -0.04686874896287918, -0.06898929178714752, 0.05422995612025261, 0.006564383860677481, -0.03760596737265587, 0.015770411118865013, -0.08846465498209, -0.03450651094317436, -0.0027170926332473755, 0.03727560117840767, -0.0030582775361835957, 0.06742960959672928, -0.07300245761871338, 0.07945702224969864, -0.029721738770604134, 0.0301639623939991, 0.028823476284742355, 0.018945369869470596, 0.01775011047720909, -0.040598783642053604, 0.027433130890130997, -0.02932869829237461, 0.06205882877111435, 0.03343641012907028, 0.041770320385694504, -0.056078698486089706, 0.020792217925190926, -0.06355337053537369, -0.04821527376770973, 0.0008206569473259151, 0.025182226672768593, -0.03248629346489906, -0.019997412338852882, -0.022215384989976883, -0.022394822910428047, -0.05673753097653389, 0.06719266623258591, -0.005497640464454889, 0.028671791777014732, -0.03466418758034706, 3.107467438198704e-33, -0.013791291043162346, -0.04591231048107147, -0.054455045610666275, 0.006899930536746979, -0.04768079146742821, 0.019102662801742554, 0.057598840445280075, 0.059171710163354874, 0.01014725398272276, 0.048450034111738205, 0.03103417158126831, 0.05914835259318352, -0.0072561646811664104, -0.06477255374193192, 0.04257791116833687, -0.08045098185539246, 0.02314824052155018, -0.05644223093986511, -0.04229271411895752, 0.0036705804523080587, 0.0452117957174778, 0.039814405143260956, -0.07707549631595612, 0.08310959488153458, -0.06181621924042702, 0.002424968872219324, -0.009061863645911217, 0.007697225548326969, 0.002987081417813897, -0.014583381824195385, 0.027517417445778847, 0.03670372813940048, -0.06548573076725006, -0.0128401517868042, -0.057954590767621994, -0.00786486268043518, 0.05091354250907898, 0.031024040654301643, -0.040925152599811554, -0.011947511695325375, 0.0440102219581604, 0.04603832587599754, -0.028298748657107353, 0.0281367227435112, 0.013437708839774132, 0.022444993257522583, 0.0086722606793046, -0.022540532052516937, 0.0710146501660347, 0.10381613671779633, 0.0099025322124362, -0.036863405257463455, -0.04541105404496193, -0.058949925005435944, -0.04608849808573723, 0.07207082957029343, 0.048087384551763535, -0.009971566498279572, 0.013352593407034874, 0.041978657245635986, 0.046944838017225266, 0.09132206439971924, -0.06216953694820404, 0.020892620086669922, 0.06863582879304886, 0.09513139724731445, -0.08034692704677582, -0.019459089264273643, -0.000021301086235325783, 0.08104781806468964, 0.015736360102891922, 0.038441698998212814, -0.003489180002361536, -0.04083404690027237, -0.020297231152653694, 0.04269455745816231, 0.03343586623668671, 0.1312846839427948, -0.037693947553634644, 0.01366256084293127, 0.019069043919444084, 0.03046603314578533, 0.02733810804784298, 0.14587315917015076, 0.01303582638502121, -0.0650898888707161, 0.047730326652526855, -0.010495070368051529, -0.0038936033379286528, -0.031560398638248444, -0.0027703179512172937, 0.02605447918176651, -0.015023540705442429, -0.014172880910336971, -0.02663915604352951, -2.021866940538075e-8, -0.1172437071800232, 0.05182434991002083, -0.080995574593544, 0.047502219676971436, -0.016740186139941216, 0.11728816479444504, -0.0221151951700449, -0.038129985332489014, 0.028372738510370255, -0.02149774134159088, -0.025891603901982307, -0.025349944829940796, -0.03394559770822525, 0.07170651108026505, 0.050532784312963486, 0.021514441817998886, -0.040389664471149445, 0.04162819683551788, -0.011544030159711838, -0.030642300844192505, -0.06760763376951218, -0.005722492933273315, 0.00413566455245018, -0.02096451446413994, -0.019932109862565994, -0.02012881636619568, -0.09065168350934982, 0.03131726756691933, -0.004910763818770647, 0.10819561779499054, -0.02378855273127556, 0.09065651148557663, 0.009314309805631638, -0.0991952046751976, -0.026593264192342758, -0.08358056098222733, 0.042452894151210785, 0.025792665779590607, 0.0017883451655507088, -0.02925269491970539, 0.01592269353568554, 0.033356644213199615, -0.02782060205936432, -0.0579032301902771, -0.019614169374108315, -0.009801935404539108, -0.09085224568843842, -0.01364177092909813, -0.044042736291885376, -0.056272171437740326, 0.045350849628448486, 0.05522293597459793, -0.055233847349882126, -0.016802918165922165, 0.02327531762421131, 0.020974572747945786, 0.01961653120815754, -0.01610499806702137, 0.01057842094451189, -0.00043043773621320724, 0.049637358635663986, 0.0004479801864363253, 0.10433852672576904, 0.018461186438798904 ]
masakhane/afribyt5_bbj_fr_news
1ed1883a4e0e479b3e7a7b70b08c802a23f7b4ea
2022-04-13T19:29:55.000Z
[ "pytorch", "t5", "text2text-generation", "transformers", "license:afl-3.0", "autotrain_compatible" ]
text2text-generation
false
masakhane
null
masakhane/afribyt5_bbj_fr_news
0
null
transformers
--- license: afl-3.0 ---
[ 0.027447504922747612, 0.0013088852865621448, -0.10637658089399338, -0.04375426098704338, 0.07398077100515366, 0.03330794721841812, 0.01909494958817959, -0.07335776090621948, 0.016507230699062347, 0.030171729624271393, -0.055575042963027954, -0.05307106301188469, -0.07680817693471909, 0.041086532175540924, -0.0041198646649718285, -0.0568263903260231, -0.05046742781996727, -0.058194857090711594, 0.023606037721037865, -0.03646378219127655, -0.014154498465359211, 0.04265515133738518, -0.05588993430137634, 0.012095899321138859, -0.01061294600367546, 0.0016039212932810187, -0.061301089823246, 0.10316610336303711, -0.02107207477092743, -0.059553418308496475, 0.006565665826201439, 0.03134031221270561, 0.08078456670045853, -0.003939554560929537, 0.02505083940923214, -0.08594945073127747, 0.01930059865117073, -0.036724772304296494, -0.025206023827195168, 0.022423740476369858, 0.05926847085356712, -0.055803872644901276, 0.010280435904860497, 0.062456775456666946, -0.06482553482055664, -0.03323793038725853, -0.017676223069429398, 0.003418191336095333, 0.06041664630174637, 0.11326770484447479, -0.05476146936416626, -0.00005383813186199404, -0.09023981541395187, -0.028160635381937027, 0.12938666343688965, -0.07231277227401733, -0.00927803572267294, 0.07261668145656586, -0.0949530303478241, 0.038523197174072266, -0.008326302282512188, 0.003351690014824271, -0.05474643409252167, 0.09420745819807053, -0.03964364156126976, 0.025065980851650238, -0.08852501958608627, -0.1011071428656578, -0.041116487234830856, -0.06932156533002853, -0.08841913193464279, -0.06441301107406616, -0.014943175949156284, -0.010617825202643871, 0.06850425153970718, 0.022974707186222076, 0.04655048996210098, 0.04482429847121239, 0.05829609930515289, -0.05138908699154854, -0.04908373951911926, -0.08737080544233322, 0.0251805167645216, 0.019025318324565887, -0.05537351220846176, -0.04045926779508591, -0.04304956644773483, -0.009893130511045456, 0.0026578062679618597, 0.03367867320775986, -0.05805056914687157, 0.017451174557209015, 0.10003838688135147, 0.09228543192148209, 0.011275265365839005, 0.09276878088712692, -0.04999871924519539, -0.04443053901195526, -0.039627477526664734, 0.08494678139686584, -0.04599490761756897, 0.0211174376308918, -0.05872717499732971, 0.025958025828003883, -0.022078869864344597, 0.019087815657258034, -0.00413172785192728, 0.051621031016111374, -0.02656680904328823, 0.03349124267697334, 0.039896830916404724, 0.024901842698454857, -0.014685641042888165, -0.03247034549713135, -0.030935443937778473, 0.09946338087320328, -0.09659601002931595, -0.03291812539100647, 0.07145453989505768, -0.028947826474905014, 0.018452249467372894, -0.020307542756199837, -0.021371081471443176, -0.017846090719103813, 0.04610005021095276, -0.03164166957139969, 0.051655568182468414, -7.632369474505938e-33, -0.07721326500177383, 0.02933131903409958, 0.007486333139240742, 0.07181759923696518, 0.017644494771957397, -0.0804913267493248, 0.03919104114174843, -0.02130003273487091, -0.14142729341983795, 0.11476870626211166, 0.07674510031938553, 0.10997629910707474, -0.06897242367267609, -0.020947126671671867, 0.10313668102025986, -0.04125012457370758, -0.0802220031619072, -0.0177814532071352, 0.0022953792940825224, 0.05480218306183815, 0.02426399104297161, -0.04889770969748497, -0.010264392010867596, 0.009193395264446735, -0.039958417415618896, 0.08499819040298462, -0.02814280427992344, -0.0661352127790451, 0.11802180856466293, 0.03734717145562172, 0.020471783354878426, 0.011679090559482574, -0.09754469990730286, -0.038481153547763824, -0.002458319766446948, 0.0185680091381073, -0.061994053423404694, -0.051189932972192764, -0.08912545442581177, 0.05577290803194046, -0.0004102048114873469, -0.04277782887220383, -0.02783891186118126, -0.038765378296375275, -0.05798377841711044, -0.045373719185590744, 0.005563884042203426, -0.04646730422973633, 0.07388606667518616, 0.0694466158747673, 0.08464609086513519, -0.020176472142338753, -0.036591820418834686, -0.02228604629635811, 0.04004610702395439, -0.04686874896287918, -0.06898929178714752, 0.05422995612025261, 0.006564383860677481, -0.03760596737265587, 0.015770411118865013, -0.08846465498209, -0.03450651094317436, -0.0027170926332473755, 0.03727560117840767, -0.0030582775361835957, 0.06742960959672928, -0.07300245761871338, 0.07945702224969864, -0.029721738770604134, 0.0301639623939991, 0.028823476284742355, 0.018945369869470596, 0.01775011047720909, -0.040598783642053604, 0.027433130890130997, -0.02932869829237461, 0.06205882877111435, 0.03343641012907028, 0.041770320385694504, -0.056078698486089706, 0.020792217925190926, -0.06355337053537369, -0.04821527376770973, 0.0008206569473259151, 0.025182226672768593, -0.03248629346489906, -0.019997412338852882, -0.022215384989976883, -0.022394822910428047, -0.05673753097653389, 0.06719266623258591, -0.005497640464454889, 0.028671791777014732, -0.03466418758034706, 3.107467438198704e-33, -0.013791291043162346, -0.04591231048107147, -0.054455045610666275, 0.006899930536746979, -0.04768079146742821, 0.019102662801742554, 0.057598840445280075, 0.059171710163354874, 0.01014725398272276, 0.048450034111738205, 0.03103417158126831, 0.05914835259318352, -0.0072561646811664104, -0.06477255374193192, 0.04257791116833687, -0.08045098185539246, 0.02314824052155018, -0.05644223093986511, -0.04229271411895752, 0.0036705804523080587, 0.0452117957174778, 0.039814405143260956, -0.07707549631595612, 0.08310959488153458, -0.06181621924042702, 0.002424968872219324, -0.009061863645911217, 0.007697225548326969, 0.002987081417813897, -0.014583381824195385, 0.027517417445778847, 0.03670372813940048, -0.06548573076725006, -0.0128401517868042, -0.057954590767621994, -0.00786486268043518, 0.05091354250907898, 0.031024040654301643, -0.040925152599811554, -0.011947511695325375, 0.0440102219581604, 0.04603832587599754, -0.028298748657107353, 0.0281367227435112, 0.013437708839774132, 0.022444993257522583, 0.0086722606793046, -0.022540532052516937, 0.0710146501660347, 0.10381613671779633, 0.0099025322124362, -0.036863405257463455, -0.04541105404496193, -0.058949925005435944, -0.04608849808573723, 0.07207082957029343, 0.048087384551763535, -0.009971566498279572, 0.013352593407034874, 0.041978657245635986, 0.046944838017225266, 0.09132206439971924, -0.06216953694820404, 0.020892620086669922, 0.06863582879304886, 0.09513139724731445, -0.08034692704677582, -0.019459089264273643, -0.000021301086235325783, 0.08104781806468964, 0.015736360102891922, 0.038441698998212814, -0.003489180002361536, -0.04083404690027237, -0.020297231152653694, 0.04269455745816231, 0.03343586623668671, 0.1312846839427948, -0.037693947553634644, 0.01366256084293127, 0.019069043919444084, 0.03046603314578533, 0.02733810804784298, 0.14587315917015076, 0.01303582638502121, -0.0650898888707161, 0.047730326652526855, -0.010495070368051529, -0.0038936033379286528, -0.031560398638248444, -0.0027703179512172937, 0.02605447918176651, -0.015023540705442429, -0.014172880910336971, -0.02663915604352951, -2.021866940538075e-8, -0.1172437071800232, 0.05182434991002083, -0.080995574593544, 0.047502219676971436, -0.016740186139941216, 0.11728816479444504, -0.0221151951700449, -0.038129985332489014, 0.028372738510370255, -0.02149774134159088, -0.025891603901982307, -0.025349944829940796, -0.03394559770822525, 0.07170651108026505, 0.050532784312963486, 0.021514441817998886, -0.040389664471149445, 0.04162819683551788, -0.011544030159711838, -0.030642300844192505, -0.06760763376951218, -0.005722492933273315, 0.00413566455245018, -0.02096451446413994, -0.019932109862565994, -0.02012881636619568, -0.09065168350934982, 0.03131726756691933, -0.004910763818770647, 0.10819561779499054, -0.02378855273127556, 0.09065651148557663, 0.009314309805631638, -0.0991952046751976, -0.026593264192342758, -0.08358056098222733, 0.042452894151210785, 0.025792665779590607, 0.0017883451655507088, -0.02925269491970539, 0.01592269353568554, 0.033356644213199615, -0.02782060205936432, -0.0579032301902771, -0.019614169374108315, -0.009801935404539108, -0.09085224568843842, -0.01364177092909813, -0.044042736291885376, -0.056272171437740326, 0.045350849628448486, 0.05522293597459793, -0.055233847349882126, -0.016802918165922165, 0.02327531762421131, 0.020974572747945786, 0.01961653120815754, -0.01610499806702137, 0.01057842094451189, -0.00043043773621320724, 0.049637358635663986, 0.0004479801864363253, 0.10433852672576904, 0.018461186438798904 ]
masakhane/byt5_fr_bbj_news
5ba81fa10eeeb493e04df914bf6434e0858df3a2
2022-04-13T19:29:58.000Z
[ "pytorch", "t5", "text2text-generation", "transformers", "license:afl-3.0", "autotrain_compatible" ]
text2text-generation
false
masakhane
null
masakhane/byt5_fr_bbj_news
0
null
transformers
--- license: afl-3.0 ---
[ 0.027447504922747612, 0.0013088852865621448, -0.10637658089399338, -0.04375426098704338, 0.07398077100515366, 0.03330794721841812, 0.01909494958817959, -0.07335776090621948, 0.016507230699062347, 0.030171729624271393, -0.055575042963027954, -0.05307106301188469, -0.07680817693471909, 0.041086532175540924, -0.0041198646649718285, -0.0568263903260231, -0.05046742781996727, -0.058194857090711594, 0.023606037721037865, -0.03646378219127655, -0.014154498465359211, 0.04265515133738518, -0.05588993430137634, 0.012095899321138859, -0.01061294600367546, 0.0016039212932810187, -0.061301089823246, 0.10316610336303711, -0.02107207477092743, -0.059553418308496475, 0.006565665826201439, 0.03134031221270561, 0.08078456670045853, -0.003939554560929537, 0.02505083940923214, -0.08594945073127747, 0.01930059865117073, -0.036724772304296494, -0.025206023827195168, 0.022423740476369858, 0.05926847085356712, -0.055803872644901276, 0.010280435904860497, 0.062456775456666946, -0.06482553482055664, -0.03323793038725853, -0.017676223069429398, 0.003418191336095333, 0.06041664630174637, 0.11326770484447479, -0.05476146936416626, -0.00005383813186199404, -0.09023981541395187, -0.028160635381937027, 0.12938666343688965, -0.07231277227401733, -0.00927803572267294, 0.07261668145656586, -0.0949530303478241, 0.038523197174072266, -0.008326302282512188, 0.003351690014824271, -0.05474643409252167, 0.09420745819807053, -0.03964364156126976, 0.025065980851650238, -0.08852501958608627, -0.1011071428656578, -0.041116487234830856, -0.06932156533002853, -0.08841913193464279, -0.06441301107406616, -0.014943175949156284, -0.010617825202643871, 0.06850425153970718, 0.022974707186222076, 0.04655048996210098, 0.04482429847121239, 0.05829609930515289, -0.05138908699154854, -0.04908373951911926, -0.08737080544233322, 0.0251805167645216, 0.019025318324565887, -0.05537351220846176, -0.04045926779508591, -0.04304956644773483, -0.009893130511045456, 0.0026578062679618597, 0.03367867320775986, -0.05805056914687157, 0.017451174557209015, 0.10003838688135147, 0.09228543192148209, 0.011275265365839005, 0.09276878088712692, -0.04999871924519539, -0.04443053901195526, -0.039627477526664734, 0.08494678139686584, -0.04599490761756897, 0.0211174376308918, -0.05872717499732971, 0.025958025828003883, -0.022078869864344597, 0.019087815657258034, -0.00413172785192728, 0.051621031016111374, -0.02656680904328823, 0.03349124267697334, 0.039896830916404724, 0.024901842698454857, -0.014685641042888165, -0.03247034549713135, -0.030935443937778473, 0.09946338087320328, -0.09659601002931595, -0.03291812539100647, 0.07145453989505768, -0.028947826474905014, 0.018452249467372894, -0.020307542756199837, -0.021371081471443176, -0.017846090719103813, 0.04610005021095276, -0.03164166957139969, 0.051655568182468414, -7.632369474505938e-33, -0.07721326500177383, 0.02933131903409958, 0.007486333139240742, 0.07181759923696518, 0.017644494771957397, -0.0804913267493248, 0.03919104114174843, -0.02130003273487091, -0.14142729341983795, 0.11476870626211166, 0.07674510031938553, 0.10997629910707474, -0.06897242367267609, -0.020947126671671867, 0.10313668102025986, -0.04125012457370758, -0.0802220031619072, -0.0177814532071352, 0.0022953792940825224, 0.05480218306183815, 0.02426399104297161, -0.04889770969748497, -0.010264392010867596, 0.009193395264446735, -0.039958417415618896, 0.08499819040298462, -0.02814280427992344, -0.0661352127790451, 0.11802180856466293, 0.03734717145562172, 0.020471783354878426, 0.011679090559482574, -0.09754469990730286, -0.038481153547763824, -0.002458319766446948, 0.0185680091381073, -0.061994053423404694, -0.051189932972192764, -0.08912545442581177, 0.05577290803194046, -0.0004102048114873469, -0.04277782887220383, -0.02783891186118126, -0.038765378296375275, -0.05798377841711044, -0.045373719185590744, 0.005563884042203426, -0.04646730422973633, 0.07388606667518616, 0.0694466158747673, 0.08464609086513519, -0.020176472142338753, -0.036591820418834686, -0.02228604629635811, 0.04004610702395439, -0.04686874896287918, -0.06898929178714752, 0.05422995612025261, 0.006564383860677481, -0.03760596737265587, 0.015770411118865013, -0.08846465498209, -0.03450651094317436, -0.0027170926332473755, 0.03727560117840767, -0.0030582775361835957, 0.06742960959672928, -0.07300245761871338, 0.07945702224969864, -0.029721738770604134, 0.0301639623939991, 0.028823476284742355, 0.018945369869470596, 0.01775011047720909, -0.040598783642053604, 0.027433130890130997, -0.02932869829237461, 0.06205882877111435, 0.03343641012907028, 0.041770320385694504, -0.056078698486089706, 0.020792217925190926, -0.06355337053537369, -0.04821527376770973, 0.0008206569473259151, 0.025182226672768593, -0.03248629346489906, -0.019997412338852882, -0.022215384989976883, -0.022394822910428047, -0.05673753097653389, 0.06719266623258591, -0.005497640464454889, 0.028671791777014732, -0.03466418758034706, 3.107467438198704e-33, -0.013791291043162346, -0.04591231048107147, -0.054455045610666275, 0.006899930536746979, -0.04768079146742821, 0.019102662801742554, 0.057598840445280075, 0.059171710163354874, 0.01014725398272276, 0.048450034111738205, 0.03103417158126831, 0.05914835259318352, -0.0072561646811664104, -0.06477255374193192, 0.04257791116833687, -0.08045098185539246, 0.02314824052155018, -0.05644223093986511, -0.04229271411895752, 0.0036705804523080587, 0.0452117957174778, 0.039814405143260956, -0.07707549631595612, 0.08310959488153458, -0.06181621924042702, 0.002424968872219324, -0.009061863645911217, 0.007697225548326969, 0.002987081417813897, -0.014583381824195385, 0.027517417445778847, 0.03670372813940048, -0.06548573076725006, -0.0128401517868042, -0.057954590767621994, -0.00786486268043518, 0.05091354250907898, 0.031024040654301643, -0.040925152599811554, -0.011947511695325375, 0.0440102219581604, 0.04603832587599754, -0.028298748657107353, 0.0281367227435112, 0.013437708839774132, 0.022444993257522583, 0.0086722606793046, -0.022540532052516937, 0.0710146501660347, 0.10381613671779633, 0.0099025322124362, -0.036863405257463455, -0.04541105404496193, -0.058949925005435944, -0.04608849808573723, 0.07207082957029343, 0.048087384551763535, -0.009971566498279572, 0.013352593407034874, 0.041978657245635986, 0.046944838017225266, 0.09132206439971924, -0.06216953694820404, 0.020892620086669922, 0.06863582879304886, 0.09513139724731445, -0.08034692704677582, -0.019459089264273643, -0.000021301086235325783, 0.08104781806468964, 0.015736360102891922, 0.038441698998212814, -0.003489180002361536, -0.04083404690027237, -0.020297231152653694, 0.04269455745816231, 0.03343586623668671, 0.1312846839427948, -0.037693947553634644, 0.01366256084293127, 0.019069043919444084, 0.03046603314578533, 0.02733810804784298, 0.14587315917015076, 0.01303582638502121, -0.0650898888707161, 0.047730326652526855, -0.010495070368051529, -0.0038936033379286528, -0.031560398638248444, -0.0027703179512172937, 0.02605447918176651, -0.015023540705442429, -0.014172880910336971, -0.02663915604352951, -2.021866940538075e-8, -0.1172437071800232, 0.05182434991002083, -0.080995574593544, 0.047502219676971436, -0.016740186139941216, 0.11728816479444504, -0.0221151951700449, -0.038129985332489014, 0.028372738510370255, -0.02149774134159088, -0.025891603901982307, -0.025349944829940796, -0.03394559770822525, 0.07170651108026505, 0.050532784312963486, 0.021514441817998886, -0.040389664471149445, 0.04162819683551788, -0.011544030159711838, -0.030642300844192505, -0.06760763376951218, -0.005722492933273315, 0.00413566455245018, -0.02096451446413994, -0.019932109862565994, -0.02012881636619568, -0.09065168350934982, 0.03131726756691933, -0.004910763818770647, 0.10819561779499054, -0.02378855273127556, 0.09065651148557663, 0.009314309805631638, -0.0991952046751976, -0.026593264192342758, -0.08358056098222733, 0.042452894151210785, 0.025792665779590607, 0.0017883451655507088, -0.02925269491970539, 0.01592269353568554, 0.033356644213199615, -0.02782060205936432, -0.0579032301902771, -0.019614169374108315, -0.009801935404539108, -0.09085224568843842, -0.01364177092909813, -0.044042736291885376, -0.056272171437740326, 0.045350849628448486, 0.05522293597459793, -0.055233847349882126, -0.016802918165922165, 0.02327531762421131, 0.020974572747945786, 0.01961653120815754, -0.01610499806702137, 0.01057842094451189, -0.00043043773621320724, 0.049637358635663986, 0.0004479801864363253, 0.10433852672576904, 0.018461186438798904 ]
masakhane/byt5_bbj_fr_news
dc62009e7fd9f773157e06571fe054f931fda04d
2022-04-13T19:30:01.000Z
[ "pytorch", "t5", "text2text-generation", "transformers", "license:afl-3.0", "autotrain_compatible" ]
text2text-generation
false
masakhane
null
masakhane/byt5_bbj_fr_news
0
null
transformers
--- license: afl-3.0 ---
[ 0.027447504922747612, 0.0013088852865621448, -0.10637658089399338, -0.04375426098704338, 0.07398077100515366, 0.03330794721841812, 0.01909494958817959, -0.07335776090621948, 0.016507230699062347, 0.030171729624271393, -0.055575042963027954, -0.05307106301188469, -0.07680817693471909, 0.041086532175540924, -0.0041198646649718285, -0.0568263903260231, -0.05046742781996727, -0.058194857090711594, 0.023606037721037865, -0.03646378219127655, -0.014154498465359211, 0.04265515133738518, -0.05588993430137634, 0.012095899321138859, -0.01061294600367546, 0.0016039212932810187, -0.061301089823246, 0.10316610336303711, -0.02107207477092743, -0.059553418308496475, 0.006565665826201439, 0.03134031221270561, 0.08078456670045853, -0.003939554560929537, 0.02505083940923214, -0.08594945073127747, 0.01930059865117073, -0.036724772304296494, -0.025206023827195168, 0.022423740476369858, 0.05926847085356712, -0.055803872644901276, 0.010280435904860497, 0.062456775456666946, -0.06482553482055664, -0.03323793038725853, -0.017676223069429398, 0.003418191336095333, 0.06041664630174637, 0.11326770484447479, -0.05476146936416626, -0.00005383813186199404, -0.09023981541395187, -0.028160635381937027, 0.12938666343688965, -0.07231277227401733, -0.00927803572267294, 0.07261668145656586, -0.0949530303478241, 0.038523197174072266, -0.008326302282512188, 0.003351690014824271, -0.05474643409252167, 0.09420745819807053, -0.03964364156126976, 0.025065980851650238, -0.08852501958608627, -0.1011071428656578, -0.041116487234830856, -0.06932156533002853, -0.08841913193464279, -0.06441301107406616, -0.014943175949156284, -0.010617825202643871, 0.06850425153970718, 0.022974707186222076, 0.04655048996210098, 0.04482429847121239, 0.05829609930515289, -0.05138908699154854, -0.04908373951911926, -0.08737080544233322, 0.0251805167645216, 0.019025318324565887, -0.05537351220846176, -0.04045926779508591, -0.04304956644773483, -0.009893130511045456, 0.0026578062679618597, 0.03367867320775986, -0.05805056914687157, 0.017451174557209015, 0.10003838688135147, 0.09228543192148209, 0.011275265365839005, 0.09276878088712692, -0.04999871924519539, -0.04443053901195526, -0.039627477526664734, 0.08494678139686584, -0.04599490761756897, 0.0211174376308918, -0.05872717499732971, 0.025958025828003883, -0.022078869864344597, 0.019087815657258034, -0.00413172785192728, 0.051621031016111374, -0.02656680904328823, 0.03349124267697334, 0.039896830916404724, 0.024901842698454857, -0.014685641042888165, -0.03247034549713135, -0.030935443937778473, 0.09946338087320328, -0.09659601002931595, -0.03291812539100647, 0.07145453989505768, -0.028947826474905014, 0.018452249467372894, -0.020307542756199837, -0.021371081471443176, -0.017846090719103813, 0.04610005021095276, -0.03164166957139969, 0.051655568182468414, -7.632369474505938e-33, -0.07721326500177383, 0.02933131903409958, 0.007486333139240742, 0.07181759923696518, 0.017644494771957397, -0.0804913267493248, 0.03919104114174843, -0.02130003273487091, -0.14142729341983795, 0.11476870626211166, 0.07674510031938553, 0.10997629910707474, -0.06897242367267609, -0.020947126671671867, 0.10313668102025986, -0.04125012457370758, -0.0802220031619072, -0.0177814532071352, 0.0022953792940825224, 0.05480218306183815, 0.02426399104297161, -0.04889770969748497, -0.010264392010867596, 0.009193395264446735, -0.039958417415618896, 0.08499819040298462, -0.02814280427992344, -0.0661352127790451, 0.11802180856466293, 0.03734717145562172, 0.020471783354878426, 0.011679090559482574, -0.09754469990730286, -0.038481153547763824, -0.002458319766446948, 0.0185680091381073, -0.061994053423404694, -0.051189932972192764, -0.08912545442581177, 0.05577290803194046, -0.0004102048114873469, -0.04277782887220383, -0.02783891186118126, -0.038765378296375275, -0.05798377841711044, -0.045373719185590744, 0.005563884042203426, -0.04646730422973633, 0.07388606667518616, 0.0694466158747673, 0.08464609086513519, -0.020176472142338753, -0.036591820418834686, -0.02228604629635811, 0.04004610702395439, -0.04686874896287918, -0.06898929178714752, 0.05422995612025261, 0.006564383860677481, -0.03760596737265587, 0.015770411118865013, -0.08846465498209, -0.03450651094317436, -0.0027170926332473755, 0.03727560117840767, -0.0030582775361835957, 0.06742960959672928, -0.07300245761871338, 0.07945702224969864, -0.029721738770604134, 0.0301639623939991, 0.028823476284742355, 0.018945369869470596, 0.01775011047720909, -0.040598783642053604, 0.027433130890130997, -0.02932869829237461, 0.06205882877111435, 0.03343641012907028, 0.041770320385694504, -0.056078698486089706, 0.020792217925190926, -0.06355337053537369, -0.04821527376770973, 0.0008206569473259151, 0.025182226672768593, -0.03248629346489906, -0.019997412338852882, -0.022215384989976883, -0.022394822910428047, -0.05673753097653389, 0.06719266623258591, -0.005497640464454889, 0.028671791777014732, -0.03466418758034706, 3.107467438198704e-33, -0.013791291043162346, -0.04591231048107147, -0.054455045610666275, 0.006899930536746979, -0.04768079146742821, 0.019102662801742554, 0.057598840445280075, 0.059171710163354874, 0.01014725398272276, 0.048450034111738205, 0.03103417158126831, 0.05914835259318352, -0.0072561646811664104, -0.06477255374193192, 0.04257791116833687, -0.08045098185539246, 0.02314824052155018, -0.05644223093986511, -0.04229271411895752, 0.0036705804523080587, 0.0452117957174778, 0.039814405143260956, -0.07707549631595612, 0.08310959488153458, -0.06181621924042702, 0.002424968872219324, -0.009061863645911217, 0.007697225548326969, 0.002987081417813897, -0.014583381824195385, 0.027517417445778847, 0.03670372813940048, -0.06548573076725006, -0.0128401517868042, -0.057954590767621994, -0.00786486268043518, 0.05091354250907898, 0.031024040654301643, -0.040925152599811554, -0.011947511695325375, 0.0440102219581604, 0.04603832587599754, -0.028298748657107353, 0.0281367227435112, 0.013437708839774132, 0.022444993257522583, 0.0086722606793046, -0.022540532052516937, 0.0710146501660347, 0.10381613671779633, 0.0099025322124362, -0.036863405257463455, -0.04541105404496193, -0.058949925005435944, -0.04608849808573723, 0.07207082957029343, 0.048087384551763535, -0.009971566498279572, 0.013352593407034874, 0.041978657245635986, 0.046944838017225266, 0.09132206439971924, -0.06216953694820404, 0.020892620086669922, 0.06863582879304886, 0.09513139724731445, -0.08034692704677582, -0.019459089264273643, -0.000021301086235325783, 0.08104781806468964, 0.015736360102891922, 0.038441698998212814, -0.003489180002361536, -0.04083404690027237, -0.020297231152653694, 0.04269455745816231, 0.03343586623668671, 0.1312846839427948, -0.037693947553634644, 0.01366256084293127, 0.019069043919444084, 0.03046603314578533, 0.02733810804784298, 0.14587315917015076, 0.01303582638502121, -0.0650898888707161, 0.047730326652526855, -0.010495070368051529, -0.0038936033379286528, -0.031560398638248444, -0.0027703179512172937, 0.02605447918176651, -0.015023540705442429, -0.014172880910336971, -0.02663915604352951, -2.021866940538075e-8, -0.1172437071800232, 0.05182434991002083, -0.080995574593544, 0.047502219676971436, -0.016740186139941216, 0.11728816479444504, -0.0221151951700449, -0.038129985332489014, 0.028372738510370255, -0.02149774134159088, -0.025891603901982307, -0.025349944829940796, -0.03394559770822525, 0.07170651108026505, 0.050532784312963486, 0.021514441817998886, -0.040389664471149445, 0.04162819683551788, -0.011544030159711838, -0.030642300844192505, -0.06760763376951218, -0.005722492933273315, 0.00413566455245018, -0.02096451446413994, -0.019932109862565994, -0.02012881636619568, -0.09065168350934982, 0.03131726756691933, -0.004910763818770647, 0.10819561779499054, -0.02378855273127556, 0.09065651148557663, 0.009314309805631638, -0.0991952046751976, -0.026593264192342758, -0.08358056098222733, 0.042452894151210785, 0.025792665779590607, 0.0017883451655507088, -0.02925269491970539, 0.01592269353568554, 0.033356644213199615, -0.02782060205936432, -0.0579032301902771, -0.019614169374108315, -0.009801935404539108, -0.09085224568843842, -0.01364177092909813, -0.044042736291885376, -0.056272171437740326, 0.045350849628448486, 0.05522293597459793, -0.055233847349882126, -0.016802918165922165, 0.02327531762421131, 0.020974572747945786, 0.01961653120815754, -0.01610499806702137, 0.01057842094451189, -0.00043043773621320724, 0.049637358635663986, 0.0004479801864363253, 0.10433852672576904, 0.018461186438798904 ]
masakhane/mt5_bbj_fr_news
2abaff5c158f0feacdd135f8e747e747a3e5c522
2022-04-13T20:41:14.000Z
[ "pytorch", "mt5", "text2text-generation", "transformers", "license:afl-3.0", "autotrain_compatible" ]
text2text-generation
false
masakhane
null
masakhane/mt5_bbj_fr_news
0
null
transformers
--- license: afl-3.0 ---
[ 0.027447504922747612, 0.0013088852865621448, -0.10637658089399338, -0.04375426098704338, 0.07398077100515366, 0.03330794721841812, 0.01909494958817959, -0.07335776090621948, 0.016507230699062347, 0.030171729624271393, -0.055575042963027954, -0.05307106301188469, -0.07680817693471909, 0.041086532175540924, -0.0041198646649718285, -0.0568263903260231, -0.05046742781996727, -0.058194857090711594, 0.023606037721037865, -0.03646378219127655, -0.014154498465359211, 0.04265515133738518, -0.05588993430137634, 0.012095899321138859, -0.01061294600367546, 0.0016039212932810187, -0.061301089823246, 0.10316610336303711, -0.02107207477092743, -0.059553418308496475, 0.006565665826201439, 0.03134031221270561, 0.08078456670045853, -0.003939554560929537, 0.02505083940923214, -0.08594945073127747, 0.01930059865117073, -0.036724772304296494, -0.025206023827195168, 0.022423740476369858, 0.05926847085356712, -0.055803872644901276, 0.010280435904860497, 0.062456775456666946, -0.06482553482055664, -0.03323793038725853, -0.017676223069429398, 0.003418191336095333, 0.06041664630174637, 0.11326770484447479, -0.05476146936416626, -0.00005383813186199404, -0.09023981541395187, -0.028160635381937027, 0.12938666343688965, -0.07231277227401733, -0.00927803572267294, 0.07261668145656586, -0.0949530303478241, 0.038523197174072266, -0.008326302282512188, 0.003351690014824271, -0.05474643409252167, 0.09420745819807053, -0.03964364156126976, 0.025065980851650238, -0.08852501958608627, -0.1011071428656578, -0.041116487234830856, -0.06932156533002853, -0.08841913193464279, -0.06441301107406616, -0.014943175949156284, -0.010617825202643871, 0.06850425153970718, 0.022974707186222076, 0.04655048996210098, 0.04482429847121239, 0.05829609930515289, -0.05138908699154854, -0.04908373951911926, -0.08737080544233322, 0.0251805167645216, 0.019025318324565887, -0.05537351220846176, -0.04045926779508591, -0.04304956644773483, -0.009893130511045456, 0.0026578062679618597, 0.03367867320775986, -0.05805056914687157, 0.017451174557209015, 0.10003838688135147, 0.09228543192148209, 0.011275265365839005, 0.09276878088712692, -0.04999871924519539, -0.04443053901195526, -0.039627477526664734, 0.08494678139686584, -0.04599490761756897, 0.0211174376308918, -0.05872717499732971, 0.025958025828003883, -0.022078869864344597, 0.019087815657258034, -0.00413172785192728, 0.051621031016111374, -0.02656680904328823, 0.03349124267697334, 0.039896830916404724, 0.024901842698454857, -0.014685641042888165, -0.03247034549713135, -0.030935443937778473, 0.09946338087320328, -0.09659601002931595, -0.03291812539100647, 0.07145453989505768, -0.028947826474905014, 0.018452249467372894, -0.020307542756199837, -0.021371081471443176, -0.017846090719103813, 0.04610005021095276, -0.03164166957139969, 0.051655568182468414, -7.632369474505938e-33, -0.07721326500177383, 0.02933131903409958, 0.007486333139240742, 0.07181759923696518, 0.017644494771957397, -0.0804913267493248, 0.03919104114174843, -0.02130003273487091, -0.14142729341983795, 0.11476870626211166, 0.07674510031938553, 0.10997629910707474, -0.06897242367267609, -0.020947126671671867, 0.10313668102025986, -0.04125012457370758, -0.0802220031619072, -0.0177814532071352, 0.0022953792940825224, 0.05480218306183815, 0.02426399104297161, -0.04889770969748497, -0.010264392010867596, 0.009193395264446735, -0.039958417415618896, 0.08499819040298462, -0.02814280427992344, -0.0661352127790451, 0.11802180856466293, 0.03734717145562172, 0.020471783354878426, 0.011679090559482574, -0.09754469990730286, -0.038481153547763824, -0.002458319766446948, 0.0185680091381073, -0.061994053423404694, -0.051189932972192764, -0.08912545442581177, 0.05577290803194046, -0.0004102048114873469, -0.04277782887220383, -0.02783891186118126, -0.038765378296375275, -0.05798377841711044, -0.045373719185590744, 0.005563884042203426, -0.04646730422973633, 0.07388606667518616, 0.0694466158747673, 0.08464609086513519, -0.020176472142338753, -0.036591820418834686, -0.02228604629635811, 0.04004610702395439, -0.04686874896287918, -0.06898929178714752, 0.05422995612025261, 0.006564383860677481, -0.03760596737265587, 0.015770411118865013, -0.08846465498209, -0.03450651094317436, -0.0027170926332473755, 0.03727560117840767, -0.0030582775361835957, 0.06742960959672928, -0.07300245761871338, 0.07945702224969864, -0.029721738770604134, 0.0301639623939991, 0.028823476284742355, 0.018945369869470596, 0.01775011047720909, -0.040598783642053604, 0.027433130890130997, -0.02932869829237461, 0.06205882877111435, 0.03343641012907028, 0.041770320385694504, -0.056078698486089706, 0.020792217925190926, -0.06355337053537369, -0.04821527376770973, 0.0008206569473259151, 0.025182226672768593, -0.03248629346489906, -0.019997412338852882, -0.022215384989976883, -0.022394822910428047, -0.05673753097653389, 0.06719266623258591, -0.005497640464454889, 0.028671791777014732, -0.03466418758034706, 3.107467438198704e-33, -0.013791291043162346, -0.04591231048107147, -0.054455045610666275, 0.006899930536746979, -0.04768079146742821, 0.019102662801742554, 0.057598840445280075, 0.059171710163354874, 0.01014725398272276, 0.048450034111738205, 0.03103417158126831, 0.05914835259318352, -0.0072561646811664104, -0.06477255374193192, 0.04257791116833687, -0.08045098185539246, 0.02314824052155018, -0.05644223093986511, -0.04229271411895752, 0.0036705804523080587, 0.0452117957174778, 0.039814405143260956, -0.07707549631595612, 0.08310959488153458, -0.06181621924042702, 0.002424968872219324, -0.009061863645911217, 0.007697225548326969, 0.002987081417813897, -0.014583381824195385, 0.027517417445778847, 0.03670372813940048, -0.06548573076725006, -0.0128401517868042, -0.057954590767621994, -0.00786486268043518, 0.05091354250907898, 0.031024040654301643, -0.040925152599811554, -0.011947511695325375, 0.0440102219581604, 0.04603832587599754, -0.028298748657107353, 0.0281367227435112, 0.013437708839774132, 0.022444993257522583, 0.0086722606793046, -0.022540532052516937, 0.0710146501660347, 0.10381613671779633, 0.0099025322124362, -0.036863405257463455, -0.04541105404496193, -0.058949925005435944, -0.04608849808573723, 0.07207082957029343, 0.048087384551763535, -0.009971566498279572, 0.013352593407034874, 0.041978657245635986, 0.046944838017225266, 0.09132206439971924, -0.06216953694820404, 0.020892620086669922, 0.06863582879304886, 0.09513139724731445, -0.08034692704677582, -0.019459089264273643, -0.000021301086235325783, 0.08104781806468964, 0.015736360102891922, 0.038441698998212814, -0.003489180002361536, -0.04083404690027237, -0.020297231152653694, 0.04269455745816231, 0.03343586623668671, 0.1312846839427948, -0.037693947553634644, 0.01366256084293127, 0.019069043919444084, 0.03046603314578533, 0.02733810804784298, 0.14587315917015076, 0.01303582638502121, -0.0650898888707161, 0.047730326652526855, -0.010495070368051529, -0.0038936033379286528, -0.031560398638248444, -0.0027703179512172937, 0.02605447918176651, -0.015023540705442429, -0.014172880910336971, -0.02663915604352951, -2.021866940538075e-8, -0.1172437071800232, 0.05182434991002083, -0.080995574593544, 0.047502219676971436, -0.016740186139941216, 0.11728816479444504, -0.0221151951700449, -0.038129985332489014, 0.028372738510370255, -0.02149774134159088, -0.025891603901982307, -0.025349944829940796, -0.03394559770822525, 0.07170651108026505, 0.050532784312963486, 0.021514441817998886, -0.040389664471149445, 0.04162819683551788, -0.011544030159711838, -0.030642300844192505, -0.06760763376951218, -0.005722492933273315, 0.00413566455245018, -0.02096451446413994, -0.019932109862565994, -0.02012881636619568, -0.09065168350934982, 0.03131726756691933, -0.004910763818770647, 0.10819561779499054, -0.02378855273127556, 0.09065651148557663, 0.009314309805631638, -0.0991952046751976, -0.026593264192342758, -0.08358056098222733, 0.042452894151210785, 0.025792665779590607, 0.0017883451655507088, -0.02925269491970539, 0.01592269353568554, 0.033356644213199615, -0.02782060205936432, -0.0579032301902771, -0.019614169374108315, -0.009801935404539108, -0.09085224568843842, -0.01364177092909813, -0.044042736291885376, -0.056272171437740326, 0.045350849628448486, 0.05522293597459793, -0.055233847349882126, -0.016802918165922165, 0.02327531762421131, 0.020974572747945786, 0.01961653120815754, -0.01610499806702137, 0.01057842094451189, -0.00043043773621320724, 0.049637358635663986, 0.0004479801864363253, 0.10433852672576904, 0.018461186438798904 ]
masakhane/mt5_fr_bbj_news
547173268338375fca6258a3200692b87225ee9e
2022-04-13T20:41:07.000Z
[ "pytorch", "mt5", "text2text-generation", "transformers", "license:afl-3.0", "autotrain_compatible" ]
text2text-generation
false
masakhane
null
masakhane/mt5_fr_bbj_news
0
null
transformers
--- license: afl-3.0 ---
[ 0.027447504922747612, 0.0013088852865621448, -0.10637658089399338, -0.04375426098704338, 0.07398077100515366, 0.03330794721841812, 0.01909494958817959, -0.07335776090621948, 0.016507230699062347, 0.030171729624271393, -0.055575042963027954, -0.05307106301188469, -0.07680817693471909, 0.041086532175540924, -0.0041198646649718285, -0.0568263903260231, -0.05046742781996727, -0.058194857090711594, 0.023606037721037865, -0.03646378219127655, -0.014154498465359211, 0.04265515133738518, -0.05588993430137634, 0.012095899321138859, -0.01061294600367546, 0.0016039212932810187, -0.061301089823246, 0.10316610336303711, -0.02107207477092743, -0.059553418308496475, 0.006565665826201439, 0.03134031221270561, 0.08078456670045853, -0.003939554560929537, 0.02505083940923214, -0.08594945073127747, 0.01930059865117073, -0.036724772304296494, -0.025206023827195168, 0.022423740476369858, 0.05926847085356712, -0.055803872644901276, 0.010280435904860497, 0.062456775456666946, -0.06482553482055664, -0.03323793038725853, -0.017676223069429398, 0.003418191336095333, 0.06041664630174637, 0.11326770484447479, -0.05476146936416626, -0.00005383813186199404, -0.09023981541395187, -0.028160635381937027, 0.12938666343688965, -0.07231277227401733, -0.00927803572267294, 0.07261668145656586, -0.0949530303478241, 0.038523197174072266, -0.008326302282512188, 0.003351690014824271, -0.05474643409252167, 0.09420745819807053, -0.03964364156126976, 0.025065980851650238, -0.08852501958608627, -0.1011071428656578, -0.041116487234830856, -0.06932156533002853, -0.08841913193464279, -0.06441301107406616, -0.014943175949156284, -0.010617825202643871, 0.06850425153970718, 0.022974707186222076, 0.04655048996210098, 0.04482429847121239, 0.05829609930515289, -0.05138908699154854, -0.04908373951911926, -0.08737080544233322, 0.0251805167645216, 0.019025318324565887, -0.05537351220846176, -0.04045926779508591, -0.04304956644773483, -0.009893130511045456, 0.0026578062679618597, 0.03367867320775986, -0.05805056914687157, 0.017451174557209015, 0.10003838688135147, 0.09228543192148209, 0.011275265365839005, 0.09276878088712692, -0.04999871924519539, -0.04443053901195526, -0.039627477526664734, 0.08494678139686584, -0.04599490761756897, 0.0211174376308918, -0.05872717499732971, 0.025958025828003883, -0.022078869864344597, 0.019087815657258034, -0.00413172785192728, 0.051621031016111374, -0.02656680904328823, 0.03349124267697334, 0.039896830916404724, 0.024901842698454857, -0.014685641042888165, -0.03247034549713135, -0.030935443937778473, 0.09946338087320328, -0.09659601002931595, -0.03291812539100647, 0.07145453989505768, -0.028947826474905014, 0.018452249467372894, -0.020307542756199837, -0.021371081471443176, -0.017846090719103813, 0.04610005021095276, -0.03164166957139969, 0.051655568182468414, -7.632369474505938e-33, -0.07721326500177383, 0.02933131903409958, 0.007486333139240742, 0.07181759923696518, 0.017644494771957397, -0.0804913267493248, 0.03919104114174843, -0.02130003273487091, -0.14142729341983795, 0.11476870626211166, 0.07674510031938553, 0.10997629910707474, -0.06897242367267609, -0.020947126671671867, 0.10313668102025986, -0.04125012457370758, -0.0802220031619072, -0.0177814532071352, 0.0022953792940825224, 0.05480218306183815, 0.02426399104297161, -0.04889770969748497, -0.010264392010867596, 0.009193395264446735, -0.039958417415618896, 0.08499819040298462, -0.02814280427992344, -0.0661352127790451, 0.11802180856466293, 0.03734717145562172, 0.020471783354878426, 0.011679090559482574, -0.09754469990730286, -0.038481153547763824, -0.002458319766446948, 0.0185680091381073, -0.061994053423404694, -0.051189932972192764, -0.08912545442581177, 0.05577290803194046, -0.0004102048114873469, -0.04277782887220383, -0.02783891186118126, -0.038765378296375275, -0.05798377841711044, -0.045373719185590744, 0.005563884042203426, -0.04646730422973633, 0.07388606667518616, 0.0694466158747673, 0.08464609086513519, -0.020176472142338753, -0.036591820418834686, -0.02228604629635811, 0.04004610702395439, -0.04686874896287918, -0.06898929178714752, 0.05422995612025261, 0.006564383860677481, -0.03760596737265587, 0.015770411118865013, -0.08846465498209, -0.03450651094317436, -0.0027170926332473755, 0.03727560117840767, -0.0030582775361835957, 0.06742960959672928, -0.07300245761871338, 0.07945702224969864, -0.029721738770604134, 0.0301639623939991, 0.028823476284742355, 0.018945369869470596, 0.01775011047720909, -0.040598783642053604, 0.027433130890130997, -0.02932869829237461, 0.06205882877111435, 0.03343641012907028, 0.041770320385694504, -0.056078698486089706, 0.020792217925190926, -0.06355337053537369, -0.04821527376770973, 0.0008206569473259151, 0.025182226672768593, -0.03248629346489906, -0.019997412338852882, -0.022215384989976883, -0.022394822910428047, -0.05673753097653389, 0.06719266623258591, -0.005497640464454889, 0.028671791777014732, -0.03466418758034706, 3.107467438198704e-33, -0.013791291043162346, -0.04591231048107147, -0.054455045610666275, 0.006899930536746979, -0.04768079146742821, 0.019102662801742554, 0.057598840445280075, 0.059171710163354874, 0.01014725398272276, 0.048450034111738205, 0.03103417158126831, 0.05914835259318352, -0.0072561646811664104, -0.06477255374193192, 0.04257791116833687, -0.08045098185539246, 0.02314824052155018, -0.05644223093986511, -0.04229271411895752, 0.0036705804523080587, 0.0452117957174778, 0.039814405143260956, -0.07707549631595612, 0.08310959488153458, -0.06181621924042702, 0.002424968872219324, -0.009061863645911217, 0.007697225548326969, 0.002987081417813897, -0.014583381824195385, 0.027517417445778847, 0.03670372813940048, -0.06548573076725006, -0.0128401517868042, -0.057954590767621994, -0.00786486268043518, 0.05091354250907898, 0.031024040654301643, -0.040925152599811554, -0.011947511695325375, 0.0440102219581604, 0.04603832587599754, -0.028298748657107353, 0.0281367227435112, 0.013437708839774132, 0.022444993257522583, 0.0086722606793046, -0.022540532052516937, 0.0710146501660347, 0.10381613671779633, 0.0099025322124362, -0.036863405257463455, -0.04541105404496193, -0.058949925005435944, -0.04608849808573723, 0.07207082957029343, 0.048087384551763535, -0.009971566498279572, 0.013352593407034874, 0.041978657245635986, 0.046944838017225266, 0.09132206439971924, -0.06216953694820404, 0.020892620086669922, 0.06863582879304886, 0.09513139724731445, -0.08034692704677582, -0.019459089264273643, -0.000021301086235325783, 0.08104781806468964, 0.015736360102891922, 0.038441698998212814, -0.003489180002361536, -0.04083404690027237, -0.020297231152653694, 0.04269455745816231, 0.03343586623668671, 0.1312846839427948, -0.037693947553634644, 0.01366256084293127, 0.019069043919444084, 0.03046603314578533, 0.02733810804784298, 0.14587315917015076, 0.01303582638502121, -0.0650898888707161, 0.047730326652526855, -0.010495070368051529, -0.0038936033379286528, -0.031560398638248444, -0.0027703179512172937, 0.02605447918176651, -0.015023540705442429, -0.014172880910336971, -0.02663915604352951, -2.021866940538075e-8, -0.1172437071800232, 0.05182434991002083, -0.080995574593544, 0.047502219676971436, -0.016740186139941216, 0.11728816479444504, -0.0221151951700449, -0.038129985332489014, 0.028372738510370255, -0.02149774134159088, -0.025891603901982307, -0.025349944829940796, -0.03394559770822525, 0.07170651108026505, 0.050532784312963486, 0.021514441817998886, -0.040389664471149445, 0.04162819683551788, -0.011544030159711838, -0.030642300844192505, -0.06760763376951218, -0.005722492933273315, 0.00413566455245018, -0.02096451446413994, -0.019932109862565994, -0.02012881636619568, -0.09065168350934982, 0.03131726756691933, -0.004910763818770647, 0.10819561779499054, -0.02378855273127556, 0.09065651148557663, 0.009314309805631638, -0.0991952046751976, -0.026593264192342758, -0.08358056098222733, 0.042452894151210785, 0.025792665779590607, 0.0017883451655507088, -0.02925269491970539, 0.01592269353568554, 0.033356644213199615, -0.02782060205936432, -0.0579032301902771, -0.019614169374108315, -0.009801935404539108, -0.09085224568843842, -0.01364177092909813, -0.044042736291885376, -0.056272171437740326, 0.045350849628448486, 0.05522293597459793, -0.055233847349882126, -0.016802918165922165, 0.02327531762421131, 0.020974572747945786, 0.01961653120815754, -0.01610499806702137, 0.01057842094451189, -0.00043043773621320724, 0.049637358635663986, 0.0004479801864363253, 0.10433852672576904, 0.018461186438798904 ]
masakhane/mbart50_bbj_fr_news
e07fdf1eb0cc81155de359bc23c376512ebd9cc0
2022-04-13T20:41:18.000Z
[ "pytorch", "mbart", "text2text-generation", "transformers", "license:afl-3.0", "autotrain_compatible" ]
text2text-generation
false
masakhane
null
masakhane/mbart50_bbj_fr_news
0
null
transformers
--- license: afl-3.0 ---
[ 0.027447504922747612, 0.0013088852865621448, -0.10637658089399338, -0.04375426098704338, 0.07398077100515366, 0.03330794721841812, 0.01909494958817959, -0.07335776090621948, 0.016507230699062347, 0.030171729624271393, -0.055575042963027954, -0.05307106301188469, -0.07680817693471909, 0.041086532175540924, -0.0041198646649718285, -0.0568263903260231, -0.05046742781996727, -0.058194857090711594, 0.023606037721037865, -0.03646378219127655, -0.014154498465359211, 0.04265515133738518, -0.05588993430137634, 0.012095899321138859, -0.01061294600367546, 0.0016039212932810187, -0.061301089823246, 0.10316610336303711, -0.02107207477092743, -0.059553418308496475, 0.006565665826201439, 0.03134031221270561, 0.08078456670045853, -0.003939554560929537, 0.02505083940923214, -0.08594945073127747, 0.01930059865117073, -0.036724772304296494, -0.025206023827195168, 0.022423740476369858, 0.05926847085356712, -0.055803872644901276, 0.010280435904860497, 0.062456775456666946, -0.06482553482055664, -0.03323793038725853, -0.017676223069429398, 0.003418191336095333, 0.06041664630174637, 0.11326770484447479, -0.05476146936416626, -0.00005383813186199404, -0.09023981541395187, -0.028160635381937027, 0.12938666343688965, -0.07231277227401733, -0.00927803572267294, 0.07261668145656586, -0.0949530303478241, 0.038523197174072266, -0.008326302282512188, 0.003351690014824271, -0.05474643409252167, 0.09420745819807053, -0.03964364156126976, 0.025065980851650238, -0.08852501958608627, -0.1011071428656578, -0.041116487234830856, -0.06932156533002853, -0.08841913193464279, -0.06441301107406616, -0.014943175949156284, -0.010617825202643871, 0.06850425153970718, 0.022974707186222076, 0.04655048996210098, 0.04482429847121239, 0.05829609930515289, -0.05138908699154854, -0.04908373951911926, -0.08737080544233322, 0.0251805167645216, 0.019025318324565887, -0.05537351220846176, -0.04045926779508591, -0.04304956644773483, -0.009893130511045456, 0.0026578062679618597, 0.03367867320775986, -0.05805056914687157, 0.017451174557209015, 0.10003838688135147, 0.09228543192148209, 0.011275265365839005, 0.09276878088712692, -0.04999871924519539, -0.04443053901195526, -0.039627477526664734, 0.08494678139686584, -0.04599490761756897, 0.0211174376308918, -0.05872717499732971, 0.025958025828003883, -0.022078869864344597, 0.019087815657258034, -0.00413172785192728, 0.051621031016111374, -0.02656680904328823, 0.03349124267697334, 0.039896830916404724, 0.024901842698454857, -0.014685641042888165, -0.03247034549713135, -0.030935443937778473, 0.09946338087320328, -0.09659601002931595, -0.03291812539100647, 0.07145453989505768, -0.028947826474905014, 0.018452249467372894, -0.020307542756199837, -0.021371081471443176, -0.017846090719103813, 0.04610005021095276, -0.03164166957139969, 0.051655568182468414, -7.632369474505938e-33, -0.07721326500177383, 0.02933131903409958, 0.007486333139240742, 0.07181759923696518, 0.017644494771957397, -0.0804913267493248, 0.03919104114174843, -0.02130003273487091, -0.14142729341983795, 0.11476870626211166, 0.07674510031938553, 0.10997629910707474, -0.06897242367267609, -0.020947126671671867, 0.10313668102025986, -0.04125012457370758, -0.0802220031619072, -0.0177814532071352, 0.0022953792940825224, 0.05480218306183815, 0.02426399104297161, -0.04889770969748497, -0.010264392010867596, 0.009193395264446735, -0.039958417415618896, 0.08499819040298462, -0.02814280427992344, -0.0661352127790451, 0.11802180856466293, 0.03734717145562172, 0.020471783354878426, 0.011679090559482574, -0.09754469990730286, -0.038481153547763824, -0.002458319766446948, 0.0185680091381073, -0.061994053423404694, -0.051189932972192764, -0.08912545442581177, 0.05577290803194046, -0.0004102048114873469, -0.04277782887220383, -0.02783891186118126, -0.038765378296375275, -0.05798377841711044, -0.045373719185590744, 0.005563884042203426, -0.04646730422973633, 0.07388606667518616, 0.0694466158747673, 0.08464609086513519, -0.020176472142338753, -0.036591820418834686, -0.02228604629635811, 0.04004610702395439, -0.04686874896287918, -0.06898929178714752, 0.05422995612025261, 0.006564383860677481, -0.03760596737265587, 0.015770411118865013, -0.08846465498209, -0.03450651094317436, -0.0027170926332473755, 0.03727560117840767, -0.0030582775361835957, 0.06742960959672928, -0.07300245761871338, 0.07945702224969864, -0.029721738770604134, 0.0301639623939991, 0.028823476284742355, 0.018945369869470596, 0.01775011047720909, -0.040598783642053604, 0.027433130890130997, -0.02932869829237461, 0.06205882877111435, 0.03343641012907028, 0.041770320385694504, -0.056078698486089706, 0.020792217925190926, -0.06355337053537369, -0.04821527376770973, 0.0008206569473259151, 0.025182226672768593, -0.03248629346489906, -0.019997412338852882, -0.022215384989976883, -0.022394822910428047, -0.05673753097653389, 0.06719266623258591, -0.005497640464454889, 0.028671791777014732, -0.03466418758034706, 3.107467438198704e-33, -0.013791291043162346, -0.04591231048107147, -0.054455045610666275, 0.006899930536746979, -0.04768079146742821, 0.019102662801742554, 0.057598840445280075, 0.059171710163354874, 0.01014725398272276, 0.048450034111738205, 0.03103417158126831, 0.05914835259318352, -0.0072561646811664104, -0.06477255374193192, 0.04257791116833687, -0.08045098185539246, 0.02314824052155018, -0.05644223093986511, -0.04229271411895752, 0.0036705804523080587, 0.0452117957174778, 0.039814405143260956, -0.07707549631595612, 0.08310959488153458, -0.06181621924042702, 0.002424968872219324, -0.009061863645911217, 0.007697225548326969, 0.002987081417813897, -0.014583381824195385, 0.027517417445778847, 0.03670372813940048, -0.06548573076725006, -0.0128401517868042, -0.057954590767621994, -0.00786486268043518, 0.05091354250907898, 0.031024040654301643, -0.040925152599811554, -0.011947511695325375, 0.0440102219581604, 0.04603832587599754, -0.028298748657107353, 0.0281367227435112, 0.013437708839774132, 0.022444993257522583, 0.0086722606793046, -0.022540532052516937, 0.0710146501660347, 0.10381613671779633, 0.0099025322124362, -0.036863405257463455, -0.04541105404496193, -0.058949925005435944, -0.04608849808573723, 0.07207082957029343, 0.048087384551763535, -0.009971566498279572, 0.013352593407034874, 0.041978657245635986, 0.046944838017225266, 0.09132206439971924, -0.06216953694820404, 0.020892620086669922, 0.06863582879304886, 0.09513139724731445, -0.08034692704677582, -0.019459089264273643, -0.000021301086235325783, 0.08104781806468964, 0.015736360102891922, 0.038441698998212814, -0.003489180002361536, -0.04083404690027237, -0.020297231152653694, 0.04269455745816231, 0.03343586623668671, 0.1312846839427948, -0.037693947553634644, 0.01366256084293127, 0.019069043919444084, 0.03046603314578533, 0.02733810804784298, 0.14587315917015076, 0.01303582638502121, -0.0650898888707161, 0.047730326652526855, -0.010495070368051529, -0.0038936033379286528, -0.031560398638248444, -0.0027703179512172937, 0.02605447918176651, -0.015023540705442429, -0.014172880910336971, -0.02663915604352951, -2.021866940538075e-8, -0.1172437071800232, 0.05182434991002083, -0.080995574593544, 0.047502219676971436, -0.016740186139941216, 0.11728816479444504, -0.0221151951700449, -0.038129985332489014, 0.028372738510370255, -0.02149774134159088, -0.025891603901982307, -0.025349944829940796, -0.03394559770822525, 0.07170651108026505, 0.050532784312963486, 0.021514441817998886, -0.040389664471149445, 0.04162819683551788, -0.011544030159711838, -0.030642300844192505, -0.06760763376951218, -0.005722492933273315, 0.00413566455245018, -0.02096451446413994, -0.019932109862565994, -0.02012881636619568, -0.09065168350934982, 0.03131726756691933, -0.004910763818770647, 0.10819561779499054, -0.02378855273127556, 0.09065651148557663, 0.009314309805631638, -0.0991952046751976, -0.026593264192342758, -0.08358056098222733, 0.042452894151210785, 0.025792665779590607, 0.0017883451655507088, -0.02925269491970539, 0.01592269353568554, 0.033356644213199615, -0.02782060205936432, -0.0579032301902771, -0.019614169374108315, -0.009801935404539108, -0.09085224568843842, -0.01364177092909813, -0.044042736291885376, -0.056272171437740326, 0.045350849628448486, 0.05522293597459793, -0.055233847349882126, -0.016802918165922165, 0.02327531762421131, 0.020974572747945786, 0.01961653120815754, -0.01610499806702137, 0.01057842094451189, -0.00043043773621320724, 0.049637358635663986, 0.0004479801864363253, 0.10433852672576904, 0.018461186438798904 ]
masakhane/m2m100_418M_fr_bbj_news
46570681958c9b8e59ee1b8e0bc7f8842598decf
2022-04-13T21:40:15.000Z
[ "pytorch", "m2m_100", "text2text-generation", "transformers", "license:afl-3.0", "autotrain_compatible" ]
text2text-generation
false
masakhane
null
masakhane/m2m100_418M_fr_bbj_news
0
null
transformers
--- license: afl-3.0 ---
[ 0.027447504922747612, 0.0013088852865621448, -0.10637658089399338, -0.04375426098704338, 0.07398077100515366, 0.03330794721841812, 0.01909494958817959, -0.07335776090621948, 0.016507230699062347, 0.030171729624271393, -0.055575042963027954, -0.05307106301188469, -0.07680817693471909, 0.041086532175540924, -0.0041198646649718285, -0.0568263903260231, -0.05046742781996727, -0.058194857090711594, 0.023606037721037865, -0.03646378219127655, -0.014154498465359211, 0.04265515133738518, -0.05588993430137634, 0.012095899321138859, -0.01061294600367546, 0.0016039212932810187, -0.061301089823246, 0.10316610336303711, -0.02107207477092743, -0.059553418308496475, 0.006565665826201439, 0.03134031221270561, 0.08078456670045853, -0.003939554560929537, 0.02505083940923214, -0.08594945073127747, 0.01930059865117073, -0.036724772304296494, -0.025206023827195168, 0.022423740476369858, 0.05926847085356712, -0.055803872644901276, 0.010280435904860497, 0.062456775456666946, -0.06482553482055664, -0.03323793038725853, -0.017676223069429398, 0.003418191336095333, 0.06041664630174637, 0.11326770484447479, -0.05476146936416626, -0.00005383813186199404, -0.09023981541395187, -0.028160635381937027, 0.12938666343688965, -0.07231277227401733, -0.00927803572267294, 0.07261668145656586, -0.0949530303478241, 0.038523197174072266, -0.008326302282512188, 0.003351690014824271, -0.05474643409252167, 0.09420745819807053, -0.03964364156126976, 0.025065980851650238, -0.08852501958608627, -0.1011071428656578, -0.041116487234830856, -0.06932156533002853, -0.08841913193464279, -0.06441301107406616, -0.014943175949156284, -0.010617825202643871, 0.06850425153970718, 0.022974707186222076, 0.04655048996210098, 0.04482429847121239, 0.05829609930515289, -0.05138908699154854, -0.04908373951911926, -0.08737080544233322, 0.0251805167645216, 0.019025318324565887, -0.05537351220846176, -0.04045926779508591, -0.04304956644773483, -0.009893130511045456, 0.0026578062679618597, 0.03367867320775986, -0.05805056914687157, 0.017451174557209015, 0.10003838688135147, 0.09228543192148209, 0.011275265365839005, 0.09276878088712692, -0.04999871924519539, -0.04443053901195526, -0.039627477526664734, 0.08494678139686584, -0.04599490761756897, 0.0211174376308918, -0.05872717499732971, 0.025958025828003883, -0.022078869864344597, 0.019087815657258034, -0.00413172785192728, 0.051621031016111374, -0.02656680904328823, 0.03349124267697334, 0.039896830916404724, 0.024901842698454857, -0.014685641042888165, -0.03247034549713135, -0.030935443937778473, 0.09946338087320328, -0.09659601002931595, -0.03291812539100647, 0.07145453989505768, -0.028947826474905014, 0.018452249467372894, -0.020307542756199837, -0.021371081471443176, -0.017846090719103813, 0.04610005021095276, -0.03164166957139969, 0.051655568182468414, -7.632369474505938e-33, -0.07721326500177383, 0.02933131903409958, 0.007486333139240742, 0.07181759923696518, 0.017644494771957397, -0.0804913267493248, 0.03919104114174843, -0.02130003273487091, -0.14142729341983795, 0.11476870626211166, 0.07674510031938553, 0.10997629910707474, -0.06897242367267609, -0.020947126671671867, 0.10313668102025986, -0.04125012457370758, -0.0802220031619072, -0.0177814532071352, 0.0022953792940825224, 0.05480218306183815, 0.02426399104297161, -0.04889770969748497, -0.010264392010867596, 0.009193395264446735, -0.039958417415618896, 0.08499819040298462, -0.02814280427992344, -0.0661352127790451, 0.11802180856466293, 0.03734717145562172, 0.020471783354878426, 0.011679090559482574, -0.09754469990730286, -0.038481153547763824, -0.002458319766446948, 0.0185680091381073, -0.061994053423404694, -0.051189932972192764, -0.08912545442581177, 0.05577290803194046, -0.0004102048114873469, -0.04277782887220383, -0.02783891186118126, -0.038765378296375275, -0.05798377841711044, -0.045373719185590744, 0.005563884042203426, -0.04646730422973633, 0.07388606667518616, 0.0694466158747673, 0.08464609086513519, -0.020176472142338753, -0.036591820418834686, -0.02228604629635811, 0.04004610702395439, -0.04686874896287918, -0.06898929178714752, 0.05422995612025261, 0.006564383860677481, -0.03760596737265587, 0.015770411118865013, -0.08846465498209, -0.03450651094317436, -0.0027170926332473755, 0.03727560117840767, -0.0030582775361835957, 0.06742960959672928, -0.07300245761871338, 0.07945702224969864, -0.029721738770604134, 0.0301639623939991, 0.028823476284742355, 0.018945369869470596, 0.01775011047720909, -0.040598783642053604, 0.027433130890130997, -0.02932869829237461, 0.06205882877111435, 0.03343641012907028, 0.041770320385694504, -0.056078698486089706, 0.020792217925190926, -0.06355337053537369, -0.04821527376770973, 0.0008206569473259151, 0.025182226672768593, -0.03248629346489906, -0.019997412338852882, -0.022215384989976883, -0.022394822910428047, -0.05673753097653389, 0.06719266623258591, -0.005497640464454889, 0.028671791777014732, -0.03466418758034706, 3.107467438198704e-33, -0.013791291043162346, -0.04591231048107147, -0.054455045610666275, 0.006899930536746979, -0.04768079146742821, 0.019102662801742554, 0.057598840445280075, 0.059171710163354874, 0.01014725398272276, 0.048450034111738205, 0.03103417158126831, 0.05914835259318352, -0.0072561646811664104, -0.06477255374193192, 0.04257791116833687, -0.08045098185539246, 0.02314824052155018, -0.05644223093986511, -0.04229271411895752, 0.0036705804523080587, 0.0452117957174778, 0.039814405143260956, -0.07707549631595612, 0.08310959488153458, -0.06181621924042702, 0.002424968872219324, -0.009061863645911217, 0.007697225548326969, 0.002987081417813897, -0.014583381824195385, 0.027517417445778847, 0.03670372813940048, -0.06548573076725006, -0.0128401517868042, -0.057954590767621994, -0.00786486268043518, 0.05091354250907898, 0.031024040654301643, -0.040925152599811554, -0.011947511695325375, 0.0440102219581604, 0.04603832587599754, -0.028298748657107353, 0.0281367227435112, 0.013437708839774132, 0.022444993257522583, 0.0086722606793046, -0.022540532052516937, 0.0710146501660347, 0.10381613671779633, 0.0099025322124362, -0.036863405257463455, -0.04541105404496193, -0.058949925005435944, -0.04608849808573723, 0.07207082957029343, 0.048087384551763535, -0.009971566498279572, 0.013352593407034874, 0.041978657245635986, 0.046944838017225266, 0.09132206439971924, -0.06216953694820404, 0.020892620086669922, 0.06863582879304886, 0.09513139724731445, -0.08034692704677582, -0.019459089264273643, -0.000021301086235325783, 0.08104781806468964, 0.015736360102891922, 0.038441698998212814, -0.003489180002361536, -0.04083404690027237, -0.020297231152653694, 0.04269455745816231, 0.03343586623668671, 0.1312846839427948, -0.037693947553634644, 0.01366256084293127, 0.019069043919444084, 0.03046603314578533, 0.02733810804784298, 0.14587315917015076, 0.01303582638502121, -0.0650898888707161, 0.047730326652526855, -0.010495070368051529, -0.0038936033379286528, -0.031560398638248444, -0.0027703179512172937, 0.02605447918176651, -0.015023540705442429, -0.014172880910336971, -0.02663915604352951, -2.021866940538075e-8, -0.1172437071800232, 0.05182434991002083, -0.080995574593544, 0.047502219676971436, -0.016740186139941216, 0.11728816479444504, -0.0221151951700449, -0.038129985332489014, 0.028372738510370255, -0.02149774134159088, -0.025891603901982307, -0.025349944829940796, -0.03394559770822525, 0.07170651108026505, 0.050532784312963486, 0.021514441817998886, -0.040389664471149445, 0.04162819683551788, -0.011544030159711838, -0.030642300844192505, -0.06760763376951218, -0.005722492933273315, 0.00413566455245018, -0.02096451446413994, -0.019932109862565994, -0.02012881636619568, -0.09065168350934982, 0.03131726756691933, -0.004910763818770647, 0.10819561779499054, -0.02378855273127556, 0.09065651148557663, 0.009314309805631638, -0.0991952046751976, -0.026593264192342758, -0.08358056098222733, 0.042452894151210785, 0.025792665779590607, 0.0017883451655507088, -0.02925269491970539, 0.01592269353568554, 0.033356644213199615, -0.02782060205936432, -0.0579032301902771, -0.019614169374108315, -0.009801935404539108, -0.09085224568843842, -0.01364177092909813, -0.044042736291885376, -0.056272171437740326, 0.045350849628448486, 0.05522293597459793, -0.055233847349882126, -0.016802918165922165, 0.02327531762421131, 0.020974572747945786, 0.01961653120815754, -0.01610499806702137, 0.01057842094451189, -0.00043043773621320724, 0.049637358635663986, 0.0004479801864363253, 0.10433852672576904, 0.018461186438798904 ]
masakhane/m2m100_418M_fr_bbj_rel_news
579c9a135b62a74aad340cf55af9caf01507c151
2022-04-13T21:40:19.000Z
[ "pytorch", "m2m_100", "text2text-generation", "transformers", "license:afl-3.0", "autotrain_compatible" ]
text2text-generation
false
masakhane
null
masakhane/m2m100_418M_fr_bbj_rel_news
0
null
transformers
--- license: afl-3.0 ---
[ 0.027447504922747612, 0.0013088852865621448, -0.10637658089399338, -0.04375426098704338, 0.07398077100515366, 0.03330794721841812, 0.01909494958817959, -0.07335776090621948, 0.016507230699062347, 0.030171729624271393, -0.055575042963027954, -0.05307106301188469, -0.07680817693471909, 0.041086532175540924, -0.0041198646649718285, -0.0568263903260231, -0.05046742781996727, -0.058194857090711594, 0.023606037721037865, -0.03646378219127655, -0.014154498465359211, 0.04265515133738518, -0.05588993430137634, 0.012095899321138859, -0.01061294600367546, 0.0016039212932810187, -0.061301089823246, 0.10316610336303711, -0.02107207477092743, -0.059553418308496475, 0.006565665826201439, 0.03134031221270561, 0.08078456670045853, -0.003939554560929537, 0.02505083940923214, -0.08594945073127747, 0.01930059865117073, -0.036724772304296494, -0.025206023827195168, 0.022423740476369858, 0.05926847085356712, -0.055803872644901276, 0.010280435904860497, 0.062456775456666946, -0.06482553482055664, -0.03323793038725853, -0.017676223069429398, 0.003418191336095333, 0.06041664630174637, 0.11326770484447479, -0.05476146936416626, -0.00005383813186199404, -0.09023981541395187, -0.028160635381937027, 0.12938666343688965, -0.07231277227401733, -0.00927803572267294, 0.07261668145656586, -0.0949530303478241, 0.038523197174072266, -0.008326302282512188, 0.003351690014824271, -0.05474643409252167, 0.09420745819807053, -0.03964364156126976, 0.025065980851650238, -0.08852501958608627, -0.1011071428656578, -0.041116487234830856, -0.06932156533002853, -0.08841913193464279, -0.06441301107406616, -0.014943175949156284, -0.010617825202643871, 0.06850425153970718, 0.022974707186222076, 0.04655048996210098, 0.04482429847121239, 0.05829609930515289, -0.05138908699154854, -0.04908373951911926, -0.08737080544233322, 0.0251805167645216, 0.019025318324565887, -0.05537351220846176, -0.04045926779508591, -0.04304956644773483, -0.009893130511045456, 0.0026578062679618597, 0.03367867320775986, -0.05805056914687157, 0.017451174557209015, 0.10003838688135147, 0.09228543192148209, 0.011275265365839005, 0.09276878088712692, -0.04999871924519539, -0.04443053901195526, -0.039627477526664734, 0.08494678139686584, -0.04599490761756897, 0.0211174376308918, -0.05872717499732971, 0.025958025828003883, -0.022078869864344597, 0.019087815657258034, -0.00413172785192728, 0.051621031016111374, -0.02656680904328823, 0.03349124267697334, 0.039896830916404724, 0.024901842698454857, -0.014685641042888165, -0.03247034549713135, -0.030935443937778473, 0.09946338087320328, -0.09659601002931595, -0.03291812539100647, 0.07145453989505768, -0.028947826474905014, 0.018452249467372894, -0.020307542756199837, -0.021371081471443176, -0.017846090719103813, 0.04610005021095276, -0.03164166957139969, 0.051655568182468414, -7.632369474505938e-33, -0.07721326500177383, 0.02933131903409958, 0.007486333139240742, 0.07181759923696518, 0.017644494771957397, -0.0804913267493248, 0.03919104114174843, -0.02130003273487091, -0.14142729341983795, 0.11476870626211166, 0.07674510031938553, 0.10997629910707474, -0.06897242367267609, -0.020947126671671867, 0.10313668102025986, -0.04125012457370758, -0.0802220031619072, -0.0177814532071352, 0.0022953792940825224, 0.05480218306183815, 0.02426399104297161, -0.04889770969748497, -0.010264392010867596, 0.009193395264446735, -0.039958417415618896, 0.08499819040298462, -0.02814280427992344, -0.0661352127790451, 0.11802180856466293, 0.03734717145562172, 0.020471783354878426, 0.011679090559482574, -0.09754469990730286, -0.038481153547763824, -0.002458319766446948, 0.0185680091381073, -0.061994053423404694, -0.051189932972192764, -0.08912545442581177, 0.05577290803194046, -0.0004102048114873469, -0.04277782887220383, -0.02783891186118126, -0.038765378296375275, -0.05798377841711044, -0.045373719185590744, 0.005563884042203426, -0.04646730422973633, 0.07388606667518616, 0.0694466158747673, 0.08464609086513519, -0.020176472142338753, -0.036591820418834686, -0.02228604629635811, 0.04004610702395439, -0.04686874896287918, -0.06898929178714752, 0.05422995612025261, 0.006564383860677481, -0.03760596737265587, 0.015770411118865013, -0.08846465498209, -0.03450651094317436, -0.0027170926332473755, 0.03727560117840767, -0.0030582775361835957, 0.06742960959672928, -0.07300245761871338, 0.07945702224969864, -0.029721738770604134, 0.0301639623939991, 0.028823476284742355, 0.018945369869470596, 0.01775011047720909, -0.040598783642053604, 0.027433130890130997, -0.02932869829237461, 0.06205882877111435, 0.03343641012907028, 0.041770320385694504, -0.056078698486089706, 0.020792217925190926, -0.06355337053537369, -0.04821527376770973, 0.0008206569473259151, 0.025182226672768593, -0.03248629346489906, -0.019997412338852882, -0.022215384989976883, -0.022394822910428047, -0.05673753097653389, 0.06719266623258591, -0.005497640464454889, 0.028671791777014732, -0.03466418758034706, 3.107467438198704e-33, -0.013791291043162346, -0.04591231048107147, -0.054455045610666275, 0.006899930536746979, -0.04768079146742821, 0.019102662801742554, 0.057598840445280075, 0.059171710163354874, 0.01014725398272276, 0.048450034111738205, 0.03103417158126831, 0.05914835259318352, -0.0072561646811664104, -0.06477255374193192, 0.04257791116833687, -0.08045098185539246, 0.02314824052155018, -0.05644223093986511, -0.04229271411895752, 0.0036705804523080587, 0.0452117957174778, 0.039814405143260956, -0.07707549631595612, 0.08310959488153458, -0.06181621924042702, 0.002424968872219324, -0.009061863645911217, 0.007697225548326969, 0.002987081417813897, -0.014583381824195385, 0.027517417445778847, 0.03670372813940048, -0.06548573076725006, -0.0128401517868042, -0.057954590767621994, -0.00786486268043518, 0.05091354250907898, 0.031024040654301643, -0.040925152599811554, -0.011947511695325375, 0.0440102219581604, 0.04603832587599754, -0.028298748657107353, 0.0281367227435112, 0.013437708839774132, 0.022444993257522583, 0.0086722606793046, -0.022540532052516937, 0.0710146501660347, 0.10381613671779633, 0.0099025322124362, -0.036863405257463455, -0.04541105404496193, -0.058949925005435944, -0.04608849808573723, 0.07207082957029343, 0.048087384551763535, -0.009971566498279572, 0.013352593407034874, 0.041978657245635986, 0.046944838017225266, 0.09132206439971924, -0.06216953694820404, 0.020892620086669922, 0.06863582879304886, 0.09513139724731445, -0.08034692704677582, -0.019459089264273643, -0.000021301086235325783, 0.08104781806468964, 0.015736360102891922, 0.038441698998212814, -0.003489180002361536, -0.04083404690027237, -0.020297231152653694, 0.04269455745816231, 0.03343586623668671, 0.1312846839427948, -0.037693947553634644, 0.01366256084293127, 0.019069043919444084, 0.03046603314578533, 0.02733810804784298, 0.14587315917015076, 0.01303582638502121, -0.0650898888707161, 0.047730326652526855, -0.010495070368051529, -0.0038936033379286528, -0.031560398638248444, -0.0027703179512172937, 0.02605447918176651, -0.015023540705442429, -0.014172880910336971, -0.02663915604352951, -2.021866940538075e-8, -0.1172437071800232, 0.05182434991002083, -0.080995574593544, 0.047502219676971436, -0.016740186139941216, 0.11728816479444504, -0.0221151951700449, -0.038129985332489014, 0.028372738510370255, -0.02149774134159088, -0.025891603901982307, -0.025349944829940796, -0.03394559770822525, 0.07170651108026505, 0.050532784312963486, 0.021514441817998886, -0.040389664471149445, 0.04162819683551788, -0.011544030159711838, -0.030642300844192505, -0.06760763376951218, -0.005722492933273315, 0.00413566455245018, -0.02096451446413994, -0.019932109862565994, -0.02012881636619568, -0.09065168350934982, 0.03131726756691933, -0.004910763818770647, 0.10819561779499054, -0.02378855273127556, 0.09065651148557663, 0.009314309805631638, -0.0991952046751976, -0.026593264192342758, -0.08358056098222733, 0.042452894151210785, 0.025792665779590607, 0.0017883451655507088, -0.02925269491970539, 0.01592269353568554, 0.033356644213199615, -0.02782060205936432, -0.0579032301902771, -0.019614169374108315, -0.009801935404539108, -0.09085224568843842, -0.01364177092909813, -0.044042736291885376, -0.056272171437740326, 0.045350849628448486, 0.05522293597459793, -0.055233847349882126, -0.016802918165922165, 0.02327531762421131, 0.020974572747945786, 0.01961653120815754, -0.01610499806702137, 0.01057842094451189, -0.00043043773621320724, 0.049637358635663986, 0.0004479801864363253, 0.10433852672576904, 0.018461186438798904 ]
masakhane/m2m100_418M_bbj_fr_rel_news
40949ff2d525d1a3985c783f637e1b836094b526
2022-04-13T21:40:24.000Z
[ "pytorch", "m2m_100", "text2text-generation", "transformers", "license:afl-3.0", "autotrain_compatible" ]
text2text-generation
false
masakhane
null
masakhane/m2m100_418M_bbj_fr_rel_news
0
null
transformers
--- license: afl-3.0 ---
[ 0.027447504922747612, 0.0013088852865621448, -0.10637658089399338, -0.04375426098704338, 0.07398077100515366, 0.03330794721841812, 0.01909494958817959, -0.07335776090621948, 0.016507230699062347, 0.030171729624271393, -0.055575042963027954, -0.05307106301188469, -0.07680817693471909, 0.041086532175540924, -0.0041198646649718285, -0.0568263903260231, -0.05046742781996727, -0.058194857090711594, 0.023606037721037865, -0.03646378219127655, -0.014154498465359211, 0.04265515133738518, -0.05588993430137634, 0.012095899321138859, -0.01061294600367546, 0.0016039212932810187, -0.061301089823246, 0.10316610336303711, -0.02107207477092743, -0.059553418308496475, 0.006565665826201439, 0.03134031221270561, 0.08078456670045853, -0.003939554560929537, 0.02505083940923214, -0.08594945073127747, 0.01930059865117073, -0.036724772304296494, -0.025206023827195168, 0.022423740476369858, 0.05926847085356712, -0.055803872644901276, 0.010280435904860497, 0.062456775456666946, -0.06482553482055664, -0.03323793038725853, -0.017676223069429398, 0.003418191336095333, 0.06041664630174637, 0.11326770484447479, -0.05476146936416626, -0.00005383813186199404, -0.09023981541395187, -0.028160635381937027, 0.12938666343688965, -0.07231277227401733, -0.00927803572267294, 0.07261668145656586, -0.0949530303478241, 0.038523197174072266, -0.008326302282512188, 0.003351690014824271, -0.05474643409252167, 0.09420745819807053, -0.03964364156126976, 0.025065980851650238, -0.08852501958608627, -0.1011071428656578, -0.041116487234830856, -0.06932156533002853, -0.08841913193464279, -0.06441301107406616, -0.014943175949156284, -0.010617825202643871, 0.06850425153970718, 0.022974707186222076, 0.04655048996210098, 0.04482429847121239, 0.05829609930515289, -0.05138908699154854, -0.04908373951911926, -0.08737080544233322, 0.0251805167645216, 0.019025318324565887, -0.05537351220846176, -0.04045926779508591, -0.04304956644773483, -0.009893130511045456, 0.0026578062679618597, 0.03367867320775986, -0.05805056914687157, 0.017451174557209015, 0.10003838688135147, 0.09228543192148209, 0.011275265365839005, 0.09276878088712692, -0.04999871924519539, -0.04443053901195526, -0.039627477526664734, 0.08494678139686584, -0.04599490761756897, 0.0211174376308918, -0.05872717499732971, 0.025958025828003883, -0.022078869864344597, 0.019087815657258034, -0.00413172785192728, 0.051621031016111374, -0.02656680904328823, 0.03349124267697334, 0.039896830916404724, 0.024901842698454857, -0.014685641042888165, -0.03247034549713135, -0.030935443937778473, 0.09946338087320328, -0.09659601002931595, -0.03291812539100647, 0.07145453989505768, -0.028947826474905014, 0.018452249467372894, -0.020307542756199837, -0.021371081471443176, -0.017846090719103813, 0.04610005021095276, -0.03164166957139969, 0.051655568182468414, -7.632369474505938e-33, -0.07721326500177383, 0.02933131903409958, 0.007486333139240742, 0.07181759923696518, 0.017644494771957397, -0.0804913267493248, 0.03919104114174843, -0.02130003273487091, -0.14142729341983795, 0.11476870626211166, 0.07674510031938553, 0.10997629910707474, -0.06897242367267609, -0.020947126671671867, 0.10313668102025986, -0.04125012457370758, -0.0802220031619072, -0.0177814532071352, 0.0022953792940825224, 0.05480218306183815, 0.02426399104297161, -0.04889770969748497, -0.010264392010867596, 0.009193395264446735, -0.039958417415618896, 0.08499819040298462, -0.02814280427992344, -0.0661352127790451, 0.11802180856466293, 0.03734717145562172, 0.020471783354878426, 0.011679090559482574, -0.09754469990730286, -0.038481153547763824, -0.002458319766446948, 0.0185680091381073, -0.061994053423404694, -0.051189932972192764, -0.08912545442581177, 0.05577290803194046, -0.0004102048114873469, -0.04277782887220383, -0.02783891186118126, -0.038765378296375275, -0.05798377841711044, -0.045373719185590744, 0.005563884042203426, -0.04646730422973633, 0.07388606667518616, 0.0694466158747673, 0.08464609086513519, -0.020176472142338753, -0.036591820418834686, -0.02228604629635811, 0.04004610702395439, -0.04686874896287918, -0.06898929178714752, 0.05422995612025261, 0.006564383860677481, -0.03760596737265587, 0.015770411118865013, -0.08846465498209, -0.03450651094317436, -0.0027170926332473755, 0.03727560117840767, -0.0030582775361835957, 0.06742960959672928, -0.07300245761871338, 0.07945702224969864, -0.029721738770604134, 0.0301639623939991, 0.028823476284742355, 0.018945369869470596, 0.01775011047720909, -0.040598783642053604, 0.027433130890130997, -0.02932869829237461, 0.06205882877111435, 0.03343641012907028, 0.041770320385694504, -0.056078698486089706, 0.020792217925190926, -0.06355337053537369, -0.04821527376770973, 0.0008206569473259151, 0.025182226672768593, -0.03248629346489906, -0.019997412338852882, -0.022215384989976883, -0.022394822910428047, -0.05673753097653389, 0.06719266623258591, -0.005497640464454889, 0.028671791777014732, -0.03466418758034706, 3.107467438198704e-33, -0.013791291043162346, -0.04591231048107147, -0.054455045610666275, 0.006899930536746979, -0.04768079146742821, 0.019102662801742554, 0.057598840445280075, 0.059171710163354874, 0.01014725398272276, 0.048450034111738205, 0.03103417158126831, 0.05914835259318352, -0.0072561646811664104, -0.06477255374193192, 0.04257791116833687, -0.08045098185539246, 0.02314824052155018, -0.05644223093986511, -0.04229271411895752, 0.0036705804523080587, 0.0452117957174778, 0.039814405143260956, -0.07707549631595612, 0.08310959488153458, -0.06181621924042702, 0.002424968872219324, -0.009061863645911217, 0.007697225548326969, 0.002987081417813897, -0.014583381824195385, 0.027517417445778847, 0.03670372813940048, -0.06548573076725006, -0.0128401517868042, -0.057954590767621994, -0.00786486268043518, 0.05091354250907898, 0.031024040654301643, -0.040925152599811554, -0.011947511695325375, 0.0440102219581604, 0.04603832587599754, -0.028298748657107353, 0.0281367227435112, 0.013437708839774132, 0.022444993257522583, 0.0086722606793046, -0.022540532052516937, 0.0710146501660347, 0.10381613671779633, 0.0099025322124362, -0.036863405257463455, -0.04541105404496193, -0.058949925005435944, -0.04608849808573723, 0.07207082957029343, 0.048087384551763535, -0.009971566498279572, 0.013352593407034874, 0.041978657245635986, 0.046944838017225266, 0.09132206439971924, -0.06216953694820404, 0.020892620086669922, 0.06863582879304886, 0.09513139724731445, -0.08034692704677582, -0.019459089264273643, -0.000021301086235325783, 0.08104781806468964, 0.015736360102891922, 0.038441698998212814, -0.003489180002361536, -0.04083404690027237, -0.020297231152653694, 0.04269455745816231, 0.03343586623668671, 0.1312846839427948, -0.037693947553634644, 0.01366256084293127, 0.019069043919444084, 0.03046603314578533, 0.02733810804784298, 0.14587315917015076, 0.01303582638502121, -0.0650898888707161, 0.047730326652526855, -0.010495070368051529, -0.0038936033379286528, -0.031560398638248444, -0.0027703179512172937, 0.02605447918176651, -0.015023540705442429, -0.014172880910336971, -0.02663915604352951, -2.021866940538075e-8, -0.1172437071800232, 0.05182434991002083, -0.080995574593544, 0.047502219676971436, -0.016740186139941216, 0.11728816479444504, -0.0221151951700449, -0.038129985332489014, 0.028372738510370255, -0.02149774134159088, -0.025891603901982307, -0.025349944829940796, -0.03394559770822525, 0.07170651108026505, 0.050532784312963486, 0.021514441817998886, -0.040389664471149445, 0.04162819683551788, -0.011544030159711838, -0.030642300844192505, -0.06760763376951218, -0.005722492933273315, 0.00413566455245018, -0.02096451446413994, -0.019932109862565994, -0.02012881636619568, -0.09065168350934982, 0.03131726756691933, -0.004910763818770647, 0.10819561779499054, -0.02378855273127556, 0.09065651148557663, 0.009314309805631638, -0.0991952046751976, -0.026593264192342758, -0.08358056098222733, 0.042452894151210785, 0.025792665779590607, 0.0017883451655507088, -0.02925269491970539, 0.01592269353568554, 0.033356644213199615, -0.02782060205936432, -0.0579032301902771, -0.019614169374108315, -0.009801935404539108, -0.09085224568843842, -0.01364177092909813, -0.044042736291885376, -0.056272171437740326, 0.045350849628448486, 0.05522293597459793, -0.055233847349882126, -0.016802918165922165, 0.02327531762421131, 0.020974572747945786, 0.01961653120815754, -0.01610499806702137, 0.01057842094451189, -0.00043043773621320724, 0.049637358635663986, 0.0004479801864363253, 0.10433852672576904, 0.018461186438798904 ]
masakhane/m2m100_418M_fr_bbj_rel_news_ft
0b00157684120bdf5d7a5ce07897443df73b0a42
2022-04-14T08:42:45.000Z
[ "pytorch", "m2m_100", "text2text-generation", "transformers", "license:afl-3.0", "autotrain_compatible" ]
text2text-generation
false
masakhane
null
masakhane/m2m100_418M_fr_bbj_rel_news_ft
0
null
transformers
--- license: afl-3.0 ---
[ 0.027447504922747612, 0.0013088852865621448, -0.10637658089399338, -0.04375426098704338, 0.07398077100515366, 0.03330794721841812, 0.01909494958817959, -0.07335776090621948, 0.016507230699062347, 0.030171729624271393, -0.055575042963027954, -0.05307106301188469, -0.07680817693471909, 0.041086532175540924, -0.0041198646649718285, -0.0568263903260231, -0.05046742781996727, -0.058194857090711594, 0.023606037721037865, -0.03646378219127655, -0.014154498465359211, 0.04265515133738518, -0.05588993430137634, 0.012095899321138859, -0.01061294600367546, 0.0016039212932810187, -0.061301089823246, 0.10316610336303711, -0.02107207477092743, -0.059553418308496475, 0.006565665826201439, 0.03134031221270561, 0.08078456670045853, -0.003939554560929537, 0.02505083940923214, -0.08594945073127747, 0.01930059865117073, -0.036724772304296494, -0.025206023827195168, 0.022423740476369858, 0.05926847085356712, -0.055803872644901276, 0.010280435904860497, 0.062456775456666946, -0.06482553482055664, -0.03323793038725853, -0.017676223069429398, 0.003418191336095333, 0.06041664630174637, 0.11326770484447479, -0.05476146936416626, -0.00005383813186199404, -0.09023981541395187, -0.028160635381937027, 0.12938666343688965, -0.07231277227401733, -0.00927803572267294, 0.07261668145656586, -0.0949530303478241, 0.038523197174072266, -0.008326302282512188, 0.003351690014824271, -0.05474643409252167, 0.09420745819807053, -0.03964364156126976, 0.025065980851650238, -0.08852501958608627, -0.1011071428656578, -0.041116487234830856, -0.06932156533002853, -0.08841913193464279, -0.06441301107406616, -0.014943175949156284, -0.010617825202643871, 0.06850425153970718, 0.022974707186222076, 0.04655048996210098, 0.04482429847121239, 0.05829609930515289, -0.05138908699154854, -0.04908373951911926, -0.08737080544233322, 0.0251805167645216, 0.019025318324565887, -0.05537351220846176, -0.04045926779508591, -0.04304956644773483, -0.009893130511045456, 0.0026578062679618597, 0.03367867320775986, -0.05805056914687157, 0.017451174557209015, 0.10003838688135147, 0.09228543192148209, 0.011275265365839005, 0.09276878088712692, -0.04999871924519539, -0.04443053901195526, -0.039627477526664734, 0.08494678139686584, -0.04599490761756897, 0.0211174376308918, -0.05872717499732971, 0.025958025828003883, -0.022078869864344597, 0.019087815657258034, -0.00413172785192728, 0.051621031016111374, -0.02656680904328823, 0.03349124267697334, 0.039896830916404724, 0.024901842698454857, -0.014685641042888165, -0.03247034549713135, -0.030935443937778473, 0.09946338087320328, -0.09659601002931595, -0.03291812539100647, 0.07145453989505768, -0.028947826474905014, 0.018452249467372894, -0.020307542756199837, -0.021371081471443176, -0.017846090719103813, 0.04610005021095276, -0.03164166957139969, 0.051655568182468414, -7.632369474505938e-33, -0.07721326500177383, 0.02933131903409958, 0.007486333139240742, 0.07181759923696518, 0.017644494771957397, -0.0804913267493248, 0.03919104114174843, -0.02130003273487091, -0.14142729341983795, 0.11476870626211166, 0.07674510031938553, 0.10997629910707474, -0.06897242367267609, -0.020947126671671867, 0.10313668102025986, -0.04125012457370758, -0.0802220031619072, -0.0177814532071352, 0.0022953792940825224, 0.05480218306183815, 0.02426399104297161, -0.04889770969748497, -0.010264392010867596, 0.009193395264446735, -0.039958417415618896, 0.08499819040298462, -0.02814280427992344, -0.0661352127790451, 0.11802180856466293, 0.03734717145562172, 0.020471783354878426, 0.011679090559482574, -0.09754469990730286, -0.038481153547763824, -0.002458319766446948, 0.0185680091381073, -0.061994053423404694, -0.051189932972192764, -0.08912545442581177, 0.05577290803194046, -0.0004102048114873469, -0.04277782887220383, -0.02783891186118126, -0.038765378296375275, -0.05798377841711044, -0.045373719185590744, 0.005563884042203426, -0.04646730422973633, 0.07388606667518616, 0.0694466158747673, 0.08464609086513519, -0.020176472142338753, -0.036591820418834686, -0.02228604629635811, 0.04004610702395439, -0.04686874896287918, -0.06898929178714752, 0.05422995612025261, 0.006564383860677481, -0.03760596737265587, 0.015770411118865013, -0.08846465498209, -0.03450651094317436, -0.0027170926332473755, 0.03727560117840767, -0.0030582775361835957, 0.06742960959672928, -0.07300245761871338, 0.07945702224969864, -0.029721738770604134, 0.0301639623939991, 0.028823476284742355, 0.018945369869470596, 0.01775011047720909, -0.040598783642053604, 0.027433130890130997, -0.02932869829237461, 0.06205882877111435, 0.03343641012907028, 0.041770320385694504, -0.056078698486089706, 0.020792217925190926, -0.06355337053537369, -0.04821527376770973, 0.0008206569473259151, 0.025182226672768593, -0.03248629346489906, -0.019997412338852882, -0.022215384989976883, -0.022394822910428047, -0.05673753097653389, 0.06719266623258591, -0.005497640464454889, 0.028671791777014732, -0.03466418758034706, 3.107467438198704e-33, -0.013791291043162346, -0.04591231048107147, -0.054455045610666275, 0.006899930536746979, -0.04768079146742821, 0.019102662801742554, 0.057598840445280075, 0.059171710163354874, 0.01014725398272276, 0.048450034111738205, 0.03103417158126831, 0.05914835259318352, -0.0072561646811664104, -0.06477255374193192, 0.04257791116833687, -0.08045098185539246, 0.02314824052155018, -0.05644223093986511, -0.04229271411895752, 0.0036705804523080587, 0.0452117957174778, 0.039814405143260956, -0.07707549631595612, 0.08310959488153458, -0.06181621924042702, 0.002424968872219324, -0.009061863645911217, 0.007697225548326969, 0.002987081417813897, -0.014583381824195385, 0.027517417445778847, 0.03670372813940048, -0.06548573076725006, -0.0128401517868042, -0.057954590767621994, -0.00786486268043518, 0.05091354250907898, 0.031024040654301643, -0.040925152599811554, -0.011947511695325375, 0.0440102219581604, 0.04603832587599754, -0.028298748657107353, 0.0281367227435112, 0.013437708839774132, 0.022444993257522583, 0.0086722606793046, -0.022540532052516937, 0.0710146501660347, 0.10381613671779633, 0.0099025322124362, -0.036863405257463455, -0.04541105404496193, -0.058949925005435944, -0.04608849808573723, 0.07207082957029343, 0.048087384551763535, -0.009971566498279572, 0.013352593407034874, 0.041978657245635986, 0.046944838017225266, 0.09132206439971924, -0.06216953694820404, 0.020892620086669922, 0.06863582879304886, 0.09513139724731445, -0.08034692704677582, -0.019459089264273643, -0.000021301086235325783, 0.08104781806468964, 0.015736360102891922, 0.038441698998212814, -0.003489180002361536, -0.04083404690027237, -0.020297231152653694, 0.04269455745816231, 0.03343586623668671, 0.1312846839427948, -0.037693947553634644, 0.01366256084293127, 0.019069043919444084, 0.03046603314578533, 0.02733810804784298, 0.14587315917015076, 0.01303582638502121, -0.0650898888707161, 0.047730326652526855, -0.010495070368051529, -0.0038936033379286528, -0.031560398638248444, -0.0027703179512172937, 0.02605447918176651, -0.015023540705442429, -0.014172880910336971, -0.02663915604352951, -2.021866940538075e-8, -0.1172437071800232, 0.05182434991002083, -0.080995574593544, 0.047502219676971436, -0.016740186139941216, 0.11728816479444504, -0.0221151951700449, -0.038129985332489014, 0.028372738510370255, -0.02149774134159088, -0.025891603901982307, -0.025349944829940796, -0.03394559770822525, 0.07170651108026505, 0.050532784312963486, 0.021514441817998886, -0.040389664471149445, 0.04162819683551788, -0.011544030159711838, -0.030642300844192505, -0.06760763376951218, -0.005722492933273315, 0.00413566455245018, -0.02096451446413994, -0.019932109862565994, -0.02012881636619568, -0.09065168350934982, 0.03131726756691933, -0.004910763818770647, 0.10819561779499054, -0.02378855273127556, 0.09065651148557663, 0.009314309805631638, -0.0991952046751976, -0.026593264192342758, -0.08358056098222733, 0.042452894151210785, 0.025792665779590607, 0.0017883451655507088, -0.02925269491970539, 0.01592269353568554, 0.033356644213199615, -0.02782060205936432, -0.0579032301902771, -0.019614169374108315, -0.009801935404539108, -0.09085224568843842, -0.01364177092909813, -0.044042736291885376, -0.056272171437740326, 0.045350849628448486, 0.05522293597459793, -0.055233847349882126, -0.016802918165922165, 0.02327531762421131, 0.020974572747945786, 0.01961653120815754, -0.01610499806702137, 0.01057842094451189, -0.00043043773621320724, 0.049637358635663986, 0.0004479801864363253, 0.10433852672576904, 0.018461186438798904 ]
masakhane/m2m100_418M_fr_bbj_rel
8635f78e4017ff014116d6f0b031a0b14c62109d
2022-04-14T08:42:48.000Z
[ "pytorch", "m2m_100", "text2text-generation", "transformers", "license:afl-3.0", "autotrain_compatible" ]
text2text-generation
false
masakhane
null
masakhane/m2m100_418M_fr_bbj_rel
0
null
transformers
--- license: afl-3.0 ---
[ 0.027447504922747612, 0.0013088852865621448, -0.10637658089399338, -0.04375426098704338, 0.07398077100515366, 0.03330794721841812, 0.01909494958817959, -0.07335776090621948, 0.016507230699062347, 0.030171729624271393, -0.055575042963027954, -0.05307106301188469, -0.07680817693471909, 0.041086532175540924, -0.0041198646649718285, -0.0568263903260231, -0.05046742781996727, -0.058194857090711594, 0.023606037721037865, -0.03646378219127655, -0.014154498465359211, 0.04265515133738518, -0.05588993430137634, 0.012095899321138859, -0.01061294600367546, 0.0016039212932810187, -0.061301089823246, 0.10316610336303711, -0.02107207477092743, -0.059553418308496475, 0.006565665826201439, 0.03134031221270561, 0.08078456670045853, -0.003939554560929537, 0.02505083940923214, -0.08594945073127747, 0.01930059865117073, -0.036724772304296494, -0.025206023827195168, 0.022423740476369858, 0.05926847085356712, -0.055803872644901276, 0.010280435904860497, 0.062456775456666946, -0.06482553482055664, -0.03323793038725853, -0.017676223069429398, 0.003418191336095333, 0.06041664630174637, 0.11326770484447479, -0.05476146936416626, -0.00005383813186199404, -0.09023981541395187, -0.028160635381937027, 0.12938666343688965, -0.07231277227401733, -0.00927803572267294, 0.07261668145656586, -0.0949530303478241, 0.038523197174072266, -0.008326302282512188, 0.003351690014824271, -0.05474643409252167, 0.09420745819807053, -0.03964364156126976, 0.025065980851650238, -0.08852501958608627, -0.1011071428656578, -0.041116487234830856, -0.06932156533002853, -0.08841913193464279, -0.06441301107406616, -0.014943175949156284, -0.010617825202643871, 0.06850425153970718, 0.022974707186222076, 0.04655048996210098, 0.04482429847121239, 0.05829609930515289, -0.05138908699154854, -0.04908373951911926, -0.08737080544233322, 0.0251805167645216, 0.019025318324565887, -0.05537351220846176, -0.04045926779508591, -0.04304956644773483, -0.009893130511045456, 0.0026578062679618597, 0.03367867320775986, -0.05805056914687157, 0.017451174557209015, 0.10003838688135147, 0.09228543192148209, 0.011275265365839005, 0.09276878088712692, -0.04999871924519539, -0.04443053901195526, -0.039627477526664734, 0.08494678139686584, -0.04599490761756897, 0.0211174376308918, -0.05872717499732971, 0.025958025828003883, -0.022078869864344597, 0.019087815657258034, -0.00413172785192728, 0.051621031016111374, -0.02656680904328823, 0.03349124267697334, 0.039896830916404724, 0.024901842698454857, -0.014685641042888165, -0.03247034549713135, -0.030935443937778473, 0.09946338087320328, -0.09659601002931595, -0.03291812539100647, 0.07145453989505768, -0.028947826474905014, 0.018452249467372894, -0.020307542756199837, -0.021371081471443176, -0.017846090719103813, 0.04610005021095276, -0.03164166957139969, 0.051655568182468414, -7.632369474505938e-33, -0.07721326500177383, 0.02933131903409958, 0.007486333139240742, 0.07181759923696518, 0.017644494771957397, -0.0804913267493248, 0.03919104114174843, -0.02130003273487091, -0.14142729341983795, 0.11476870626211166, 0.07674510031938553, 0.10997629910707474, -0.06897242367267609, -0.020947126671671867, 0.10313668102025986, -0.04125012457370758, -0.0802220031619072, -0.0177814532071352, 0.0022953792940825224, 0.05480218306183815, 0.02426399104297161, -0.04889770969748497, -0.010264392010867596, 0.009193395264446735, -0.039958417415618896, 0.08499819040298462, -0.02814280427992344, -0.0661352127790451, 0.11802180856466293, 0.03734717145562172, 0.020471783354878426, 0.011679090559482574, -0.09754469990730286, -0.038481153547763824, -0.002458319766446948, 0.0185680091381073, -0.061994053423404694, -0.051189932972192764, -0.08912545442581177, 0.05577290803194046, -0.0004102048114873469, -0.04277782887220383, -0.02783891186118126, -0.038765378296375275, -0.05798377841711044, -0.045373719185590744, 0.005563884042203426, -0.04646730422973633, 0.07388606667518616, 0.0694466158747673, 0.08464609086513519, -0.020176472142338753, -0.036591820418834686, -0.02228604629635811, 0.04004610702395439, -0.04686874896287918, -0.06898929178714752, 0.05422995612025261, 0.006564383860677481, -0.03760596737265587, 0.015770411118865013, -0.08846465498209, -0.03450651094317436, -0.0027170926332473755, 0.03727560117840767, -0.0030582775361835957, 0.06742960959672928, -0.07300245761871338, 0.07945702224969864, -0.029721738770604134, 0.0301639623939991, 0.028823476284742355, 0.018945369869470596, 0.01775011047720909, -0.040598783642053604, 0.027433130890130997, -0.02932869829237461, 0.06205882877111435, 0.03343641012907028, 0.041770320385694504, -0.056078698486089706, 0.020792217925190926, -0.06355337053537369, -0.04821527376770973, 0.0008206569473259151, 0.025182226672768593, -0.03248629346489906, -0.019997412338852882, -0.022215384989976883, -0.022394822910428047, -0.05673753097653389, 0.06719266623258591, -0.005497640464454889, 0.028671791777014732, -0.03466418758034706, 3.107467438198704e-33, -0.013791291043162346, -0.04591231048107147, -0.054455045610666275, 0.006899930536746979, -0.04768079146742821, 0.019102662801742554, 0.057598840445280075, 0.059171710163354874, 0.01014725398272276, 0.048450034111738205, 0.03103417158126831, 0.05914835259318352, -0.0072561646811664104, -0.06477255374193192, 0.04257791116833687, -0.08045098185539246, 0.02314824052155018, -0.05644223093986511, -0.04229271411895752, 0.0036705804523080587, 0.0452117957174778, 0.039814405143260956, -0.07707549631595612, 0.08310959488153458, -0.06181621924042702, 0.002424968872219324, -0.009061863645911217, 0.007697225548326969, 0.002987081417813897, -0.014583381824195385, 0.027517417445778847, 0.03670372813940048, -0.06548573076725006, -0.0128401517868042, -0.057954590767621994, -0.00786486268043518, 0.05091354250907898, 0.031024040654301643, -0.040925152599811554, -0.011947511695325375, 0.0440102219581604, 0.04603832587599754, -0.028298748657107353, 0.0281367227435112, 0.013437708839774132, 0.022444993257522583, 0.0086722606793046, -0.022540532052516937, 0.0710146501660347, 0.10381613671779633, 0.0099025322124362, -0.036863405257463455, -0.04541105404496193, -0.058949925005435944, -0.04608849808573723, 0.07207082957029343, 0.048087384551763535, -0.009971566498279572, 0.013352593407034874, 0.041978657245635986, 0.046944838017225266, 0.09132206439971924, -0.06216953694820404, 0.020892620086669922, 0.06863582879304886, 0.09513139724731445, -0.08034692704677582, -0.019459089264273643, -0.000021301086235325783, 0.08104781806468964, 0.015736360102891922, 0.038441698998212814, -0.003489180002361536, -0.04083404690027237, -0.020297231152653694, 0.04269455745816231, 0.03343586623668671, 0.1312846839427948, -0.037693947553634644, 0.01366256084293127, 0.019069043919444084, 0.03046603314578533, 0.02733810804784298, 0.14587315917015076, 0.01303582638502121, -0.0650898888707161, 0.047730326652526855, -0.010495070368051529, -0.0038936033379286528, -0.031560398638248444, -0.0027703179512172937, 0.02605447918176651, -0.015023540705442429, -0.014172880910336971, -0.02663915604352951, -2.021866940538075e-8, -0.1172437071800232, 0.05182434991002083, -0.080995574593544, 0.047502219676971436, -0.016740186139941216, 0.11728816479444504, -0.0221151951700449, -0.038129985332489014, 0.028372738510370255, -0.02149774134159088, -0.025891603901982307, -0.025349944829940796, -0.03394559770822525, 0.07170651108026505, 0.050532784312963486, 0.021514441817998886, -0.040389664471149445, 0.04162819683551788, -0.011544030159711838, -0.030642300844192505, -0.06760763376951218, -0.005722492933273315, 0.00413566455245018, -0.02096451446413994, -0.019932109862565994, -0.02012881636619568, -0.09065168350934982, 0.03131726756691933, -0.004910763818770647, 0.10819561779499054, -0.02378855273127556, 0.09065651148557663, 0.009314309805631638, -0.0991952046751976, -0.026593264192342758, -0.08358056098222733, 0.042452894151210785, 0.025792665779590607, 0.0017883451655507088, -0.02925269491970539, 0.01592269353568554, 0.033356644213199615, -0.02782060205936432, -0.0579032301902771, -0.019614169374108315, -0.009801935404539108, -0.09085224568843842, -0.01364177092909813, -0.044042736291885376, -0.056272171437740326, 0.045350849628448486, 0.05522293597459793, -0.055233847349882126, -0.016802918165922165, 0.02327531762421131, 0.020974572747945786, 0.01961653120815754, -0.01610499806702137, 0.01057842094451189, -0.00043043773621320724, 0.049637358635663986, 0.0004479801864363253, 0.10433852672576904, 0.018461186438798904 ]
masakhane/m2m100_418M_fr_bbj_rel_ft
144e9b6b42351bb0ce3735abc4b7cdd1b3252b7d
2022-04-14T10:00:19.000Z
[ "pytorch", "m2m_100", "text2text-generation", "transformers", "license:afl-3.0", "autotrain_compatible" ]
text2text-generation
false
masakhane
null
masakhane/m2m100_418M_fr_bbj_rel_ft
0
null
transformers
--- license: afl-3.0 ---
[ 0.027447504922747612, 0.0013088852865621448, -0.10637658089399338, -0.04375426098704338, 0.07398077100515366, 0.03330794721841812, 0.01909494958817959, -0.07335776090621948, 0.016507230699062347, 0.030171729624271393, -0.055575042963027954, -0.05307106301188469, -0.07680817693471909, 0.041086532175540924, -0.0041198646649718285, -0.0568263903260231, -0.05046742781996727, -0.058194857090711594, 0.023606037721037865, -0.03646378219127655, -0.014154498465359211, 0.04265515133738518, -0.05588993430137634, 0.012095899321138859, -0.01061294600367546, 0.0016039212932810187, -0.061301089823246, 0.10316610336303711, -0.02107207477092743, -0.059553418308496475, 0.006565665826201439, 0.03134031221270561, 0.08078456670045853, -0.003939554560929537, 0.02505083940923214, -0.08594945073127747, 0.01930059865117073, -0.036724772304296494, -0.025206023827195168, 0.022423740476369858, 0.05926847085356712, -0.055803872644901276, 0.010280435904860497, 0.062456775456666946, -0.06482553482055664, -0.03323793038725853, -0.017676223069429398, 0.003418191336095333, 0.06041664630174637, 0.11326770484447479, -0.05476146936416626, -0.00005383813186199404, -0.09023981541395187, -0.028160635381937027, 0.12938666343688965, -0.07231277227401733, -0.00927803572267294, 0.07261668145656586, -0.0949530303478241, 0.038523197174072266, -0.008326302282512188, 0.003351690014824271, -0.05474643409252167, 0.09420745819807053, -0.03964364156126976, 0.025065980851650238, -0.08852501958608627, -0.1011071428656578, -0.041116487234830856, -0.06932156533002853, -0.08841913193464279, -0.06441301107406616, -0.014943175949156284, -0.010617825202643871, 0.06850425153970718, 0.022974707186222076, 0.04655048996210098, 0.04482429847121239, 0.05829609930515289, -0.05138908699154854, -0.04908373951911926, -0.08737080544233322, 0.0251805167645216, 0.019025318324565887, -0.05537351220846176, -0.04045926779508591, -0.04304956644773483, -0.009893130511045456, 0.0026578062679618597, 0.03367867320775986, -0.05805056914687157, 0.017451174557209015, 0.10003838688135147, 0.09228543192148209, 0.011275265365839005, 0.09276878088712692, -0.04999871924519539, -0.04443053901195526, -0.039627477526664734, 0.08494678139686584, -0.04599490761756897, 0.0211174376308918, -0.05872717499732971, 0.025958025828003883, -0.022078869864344597, 0.019087815657258034, -0.00413172785192728, 0.051621031016111374, -0.02656680904328823, 0.03349124267697334, 0.039896830916404724, 0.024901842698454857, -0.014685641042888165, -0.03247034549713135, -0.030935443937778473, 0.09946338087320328, -0.09659601002931595, -0.03291812539100647, 0.07145453989505768, -0.028947826474905014, 0.018452249467372894, -0.020307542756199837, -0.021371081471443176, -0.017846090719103813, 0.04610005021095276, -0.03164166957139969, 0.051655568182468414, -7.632369474505938e-33, -0.07721326500177383, 0.02933131903409958, 0.007486333139240742, 0.07181759923696518, 0.017644494771957397, -0.0804913267493248, 0.03919104114174843, -0.02130003273487091, -0.14142729341983795, 0.11476870626211166, 0.07674510031938553, 0.10997629910707474, -0.06897242367267609, -0.020947126671671867, 0.10313668102025986, -0.04125012457370758, -0.0802220031619072, -0.0177814532071352, 0.0022953792940825224, 0.05480218306183815, 0.02426399104297161, -0.04889770969748497, -0.010264392010867596, 0.009193395264446735, -0.039958417415618896, 0.08499819040298462, -0.02814280427992344, -0.0661352127790451, 0.11802180856466293, 0.03734717145562172, 0.020471783354878426, 0.011679090559482574, -0.09754469990730286, -0.038481153547763824, -0.002458319766446948, 0.0185680091381073, -0.061994053423404694, -0.051189932972192764, -0.08912545442581177, 0.05577290803194046, -0.0004102048114873469, -0.04277782887220383, -0.02783891186118126, -0.038765378296375275, -0.05798377841711044, -0.045373719185590744, 0.005563884042203426, -0.04646730422973633, 0.07388606667518616, 0.0694466158747673, 0.08464609086513519, -0.020176472142338753, -0.036591820418834686, -0.02228604629635811, 0.04004610702395439, -0.04686874896287918, -0.06898929178714752, 0.05422995612025261, 0.006564383860677481, -0.03760596737265587, 0.015770411118865013, -0.08846465498209, -0.03450651094317436, -0.0027170926332473755, 0.03727560117840767, -0.0030582775361835957, 0.06742960959672928, -0.07300245761871338, 0.07945702224969864, -0.029721738770604134, 0.0301639623939991, 0.028823476284742355, 0.018945369869470596, 0.01775011047720909, -0.040598783642053604, 0.027433130890130997, -0.02932869829237461, 0.06205882877111435, 0.03343641012907028, 0.041770320385694504, -0.056078698486089706, 0.020792217925190926, -0.06355337053537369, -0.04821527376770973, 0.0008206569473259151, 0.025182226672768593, -0.03248629346489906, -0.019997412338852882, -0.022215384989976883, -0.022394822910428047, -0.05673753097653389, 0.06719266623258591, -0.005497640464454889, 0.028671791777014732, -0.03466418758034706, 3.107467438198704e-33, -0.013791291043162346, -0.04591231048107147, -0.054455045610666275, 0.006899930536746979, -0.04768079146742821, 0.019102662801742554, 0.057598840445280075, 0.059171710163354874, 0.01014725398272276, 0.048450034111738205, 0.03103417158126831, 0.05914835259318352, -0.0072561646811664104, -0.06477255374193192, 0.04257791116833687, -0.08045098185539246, 0.02314824052155018, -0.05644223093986511, -0.04229271411895752, 0.0036705804523080587, 0.0452117957174778, 0.039814405143260956, -0.07707549631595612, 0.08310959488153458, -0.06181621924042702, 0.002424968872219324, -0.009061863645911217, 0.007697225548326969, 0.002987081417813897, -0.014583381824195385, 0.027517417445778847, 0.03670372813940048, -0.06548573076725006, -0.0128401517868042, -0.057954590767621994, -0.00786486268043518, 0.05091354250907898, 0.031024040654301643, -0.040925152599811554, -0.011947511695325375, 0.0440102219581604, 0.04603832587599754, -0.028298748657107353, 0.0281367227435112, 0.013437708839774132, 0.022444993257522583, 0.0086722606793046, -0.022540532052516937, 0.0710146501660347, 0.10381613671779633, 0.0099025322124362, -0.036863405257463455, -0.04541105404496193, -0.058949925005435944, -0.04608849808573723, 0.07207082957029343, 0.048087384551763535, -0.009971566498279572, 0.013352593407034874, 0.041978657245635986, 0.046944838017225266, 0.09132206439971924, -0.06216953694820404, 0.020892620086669922, 0.06863582879304886, 0.09513139724731445, -0.08034692704677582, -0.019459089264273643, -0.000021301086235325783, 0.08104781806468964, 0.015736360102891922, 0.038441698998212814, -0.003489180002361536, -0.04083404690027237, -0.020297231152653694, 0.04269455745816231, 0.03343586623668671, 0.1312846839427948, -0.037693947553634644, 0.01366256084293127, 0.019069043919444084, 0.03046603314578533, 0.02733810804784298, 0.14587315917015076, 0.01303582638502121, -0.0650898888707161, 0.047730326652526855, -0.010495070368051529, -0.0038936033379286528, -0.031560398638248444, -0.0027703179512172937, 0.02605447918176651, -0.015023540705442429, -0.014172880910336971, -0.02663915604352951, -2.021866940538075e-8, -0.1172437071800232, 0.05182434991002083, -0.080995574593544, 0.047502219676971436, -0.016740186139941216, 0.11728816479444504, -0.0221151951700449, -0.038129985332489014, 0.028372738510370255, -0.02149774134159088, -0.025891603901982307, -0.025349944829940796, -0.03394559770822525, 0.07170651108026505, 0.050532784312963486, 0.021514441817998886, -0.040389664471149445, 0.04162819683551788, -0.011544030159711838, -0.030642300844192505, -0.06760763376951218, -0.005722492933273315, 0.00413566455245018, -0.02096451446413994, -0.019932109862565994, -0.02012881636619568, -0.09065168350934982, 0.03131726756691933, -0.004910763818770647, 0.10819561779499054, -0.02378855273127556, 0.09065651148557663, 0.009314309805631638, -0.0991952046751976, -0.026593264192342758, -0.08358056098222733, 0.042452894151210785, 0.025792665779590607, 0.0017883451655507088, -0.02925269491970539, 0.01592269353568554, 0.033356644213199615, -0.02782060205936432, -0.0579032301902771, -0.019614169374108315, -0.009801935404539108, -0.09085224568843842, -0.01364177092909813, -0.044042736291885376, -0.056272171437740326, 0.045350849628448486, 0.05522293597459793, -0.055233847349882126, -0.016802918165922165, 0.02327531762421131, 0.020974572747945786, 0.01961653120815754, -0.01610499806702137, 0.01057842094451189, -0.00043043773621320724, 0.049637358635663986, 0.0004479801864363253, 0.10433852672576904, 0.018461186438798904 ]
masakhane/m2m100_418M_bbj_fr_rel_ft
1f99875257572a5a807d696773a8e775d5bab245
2022-04-14T10:00:22.000Z
[ "pytorch", "m2m_100", "text2text-generation", "transformers", "license:afl-3.0", "autotrain_compatible" ]
text2text-generation
false
masakhane
null
masakhane/m2m100_418M_bbj_fr_rel_ft
0
null
transformers
--- license: afl-3.0 ---
[ 0.027447504922747612, 0.0013088852865621448, -0.10637658089399338, -0.04375426098704338, 0.07398077100515366, 0.03330794721841812, 0.01909494958817959, -0.07335776090621948, 0.016507230699062347, 0.030171729624271393, -0.055575042963027954, -0.05307106301188469, -0.07680817693471909, 0.041086532175540924, -0.0041198646649718285, -0.0568263903260231, -0.05046742781996727, -0.058194857090711594, 0.023606037721037865, -0.03646378219127655, -0.014154498465359211, 0.04265515133738518, -0.05588993430137634, 0.012095899321138859, -0.01061294600367546, 0.0016039212932810187, -0.061301089823246, 0.10316610336303711, -0.02107207477092743, -0.059553418308496475, 0.006565665826201439, 0.03134031221270561, 0.08078456670045853, -0.003939554560929537, 0.02505083940923214, -0.08594945073127747, 0.01930059865117073, -0.036724772304296494, -0.025206023827195168, 0.022423740476369858, 0.05926847085356712, -0.055803872644901276, 0.010280435904860497, 0.062456775456666946, -0.06482553482055664, -0.03323793038725853, -0.017676223069429398, 0.003418191336095333, 0.06041664630174637, 0.11326770484447479, -0.05476146936416626, -0.00005383813186199404, -0.09023981541395187, -0.028160635381937027, 0.12938666343688965, -0.07231277227401733, -0.00927803572267294, 0.07261668145656586, -0.0949530303478241, 0.038523197174072266, -0.008326302282512188, 0.003351690014824271, -0.05474643409252167, 0.09420745819807053, -0.03964364156126976, 0.025065980851650238, -0.08852501958608627, -0.1011071428656578, -0.041116487234830856, -0.06932156533002853, -0.08841913193464279, -0.06441301107406616, -0.014943175949156284, -0.010617825202643871, 0.06850425153970718, 0.022974707186222076, 0.04655048996210098, 0.04482429847121239, 0.05829609930515289, -0.05138908699154854, -0.04908373951911926, -0.08737080544233322, 0.0251805167645216, 0.019025318324565887, -0.05537351220846176, -0.04045926779508591, -0.04304956644773483, -0.009893130511045456, 0.0026578062679618597, 0.03367867320775986, -0.05805056914687157, 0.017451174557209015, 0.10003838688135147, 0.09228543192148209, 0.011275265365839005, 0.09276878088712692, -0.04999871924519539, -0.04443053901195526, -0.039627477526664734, 0.08494678139686584, -0.04599490761756897, 0.0211174376308918, -0.05872717499732971, 0.025958025828003883, -0.022078869864344597, 0.019087815657258034, -0.00413172785192728, 0.051621031016111374, -0.02656680904328823, 0.03349124267697334, 0.039896830916404724, 0.024901842698454857, -0.014685641042888165, -0.03247034549713135, -0.030935443937778473, 0.09946338087320328, -0.09659601002931595, -0.03291812539100647, 0.07145453989505768, -0.028947826474905014, 0.018452249467372894, -0.020307542756199837, -0.021371081471443176, -0.017846090719103813, 0.04610005021095276, -0.03164166957139969, 0.051655568182468414, -7.632369474505938e-33, -0.07721326500177383, 0.02933131903409958, 0.007486333139240742, 0.07181759923696518, 0.017644494771957397, -0.0804913267493248, 0.03919104114174843, -0.02130003273487091, -0.14142729341983795, 0.11476870626211166, 0.07674510031938553, 0.10997629910707474, -0.06897242367267609, -0.020947126671671867, 0.10313668102025986, -0.04125012457370758, -0.0802220031619072, -0.0177814532071352, 0.0022953792940825224, 0.05480218306183815, 0.02426399104297161, -0.04889770969748497, -0.010264392010867596, 0.009193395264446735, -0.039958417415618896, 0.08499819040298462, -0.02814280427992344, -0.0661352127790451, 0.11802180856466293, 0.03734717145562172, 0.020471783354878426, 0.011679090559482574, -0.09754469990730286, -0.038481153547763824, -0.002458319766446948, 0.0185680091381073, -0.061994053423404694, -0.051189932972192764, -0.08912545442581177, 0.05577290803194046, -0.0004102048114873469, -0.04277782887220383, -0.02783891186118126, -0.038765378296375275, -0.05798377841711044, -0.045373719185590744, 0.005563884042203426, -0.04646730422973633, 0.07388606667518616, 0.0694466158747673, 0.08464609086513519, -0.020176472142338753, -0.036591820418834686, -0.02228604629635811, 0.04004610702395439, -0.04686874896287918, -0.06898929178714752, 0.05422995612025261, 0.006564383860677481, -0.03760596737265587, 0.015770411118865013, -0.08846465498209, -0.03450651094317436, -0.0027170926332473755, 0.03727560117840767, -0.0030582775361835957, 0.06742960959672928, -0.07300245761871338, 0.07945702224969864, -0.029721738770604134, 0.0301639623939991, 0.028823476284742355, 0.018945369869470596, 0.01775011047720909, -0.040598783642053604, 0.027433130890130997, -0.02932869829237461, 0.06205882877111435, 0.03343641012907028, 0.041770320385694504, -0.056078698486089706, 0.020792217925190926, -0.06355337053537369, -0.04821527376770973, 0.0008206569473259151, 0.025182226672768593, -0.03248629346489906, -0.019997412338852882, -0.022215384989976883, -0.022394822910428047, -0.05673753097653389, 0.06719266623258591, -0.005497640464454889, 0.028671791777014732, -0.03466418758034706, 3.107467438198704e-33, -0.013791291043162346, -0.04591231048107147, -0.054455045610666275, 0.006899930536746979, -0.04768079146742821, 0.019102662801742554, 0.057598840445280075, 0.059171710163354874, 0.01014725398272276, 0.048450034111738205, 0.03103417158126831, 0.05914835259318352, -0.0072561646811664104, -0.06477255374193192, 0.04257791116833687, -0.08045098185539246, 0.02314824052155018, -0.05644223093986511, -0.04229271411895752, 0.0036705804523080587, 0.0452117957174778, 0.039814405143260956, -0.07707549631595612, 0.08310959488153458, -0.06181621924042702, 0.002424968872219324, -0.009061863645911217, 0.007697225548326969, 0.002987081417813897, -0.014583381824195385, 0.027517417445778847, 0.03670372813940048, -0.06548573076725006, -0.0128401517868042, -0.057954590767621994, -0.00786486268043518, 0.05091354250907898, 0.031024040654301643, -0.040925152599811554, -0.011947511695325375, 0.0440102219581604, 0.04603832587599754, -0.028298748657107353, 0.0281367227435112, 0.013437708839774132, 0.022444993257522583, 0.0086722606793046, -0.022540532052516937, 0.0710146501660347, 0.10381613671779633, 0.0099025322124362, -0.036863405257463455, -0.04541105404496193, -0.058949925005435944, -0.04608849808573723, 0.07207082957029343, 0.048087384551763535, -0.009971566498279572, 0.013352593407034874, 0.041978657245635986, 0.046944838017225266, 0.09132206439971924, -0.06216953694820404, 0.020892620086669922, 0.06863582879304886, 0.09513139724731445, -0.08034692704677582, -0.019459089264273643, -0.000021301086235325783, 0.08104781806468964, 0.015736360102891922, 0.038441698998212814, -0.003489180002361536, -0.04083404690027237, -0.020297231152653694, 0.04269455745816231, 0.03343586623668671, 0.1312846839427948, -0.037693947553634644, 0.01366256084293127, 0.019069043919444084, 0.03046603314578533, 0.02733810804784298, 0.14587315917015076, 0.01303582638502121, -0.0650898888707161, 0.047730326652526855, -0.010495070368051529, -0.0038936033379286528, -0.031560398638248444, -0.0027703179512172937, 0.02605447918176651, -0.015023540705442429, -0.014172880910336971, -0.02663915604352951, -2.021866940538075e-8, -0.1172437071800232, 0.05182434991002083, -0.080995574593544, 0.047502219676971436, -0.016740186139941216, 0.11728816479444504, -0.0221151951700449, -0.038129985332489014, 0.028372738510370255, -0.02149774134159088, -0.025891603901982307, -0.025349944829940796, -0.03394559770822525, 0.07170651108026505, 0.050532784312963486, 0.021514441817998886, -0.040389664471149445, 0.04162819683551788, -0.011544030159711838, -0.030642300844192505, -0.06760763376951218, -0.005722492933273315, 0.00413566455245018, -0.02096451446413994, -0.019932109862565994, -0.02012881636619568, -0.09065168350934982, 0.03131726756691933, -0.004910763818770647, 0.10819561779499054, -0.02378855273127556, 0.09065651148557663, 0.009314309805631638, -0.0991952046751976, -0.026593264192342758, -0.08358056098222733, 0.042452894151210785, 0.025792665779590607, 0.0017883451655507088, -0.02925269491970539, 0.01592269353568554, 0.033356644213199615, -0.02782060205936432, -0.0579032301902771, -0.019614169374108315, -0.009801935404539108, -0.09085224568843842, -0.01364177092909813, -0.044042736291885376, -0.056272171437740326, 0.045350849628448486, 0.05522293597459793, -0.055233847349882126, -0.016802918165922165, 0.02327531762421131, 0.020974572747945786, 0.01961653120815754, -0.01610499806702137, 0.01057842094451189, -0.00043043773621320724, 0.049637358635663986, 0.0004479801864363253, 0.10433852672576904, 0.018461186438798904 ]
ntoldalagi/nick_asr_fresh
136346b60c1781725fa77427cc32c17b1ee7d2f7
2022-04-15T01:04:08.000Z
[ "pytorch", "wav2vec2", "automatic-speech-recognition", "transformers" ]
automatic-speech-recognition
false
ntoldalagi
null
ntoldalagi/nick_asr_fresh
0
null
transformers
Entry not found
[ 0.0461147278547287, -0.038838207721710205, -0.01049656979739666, -0.03682169318199158, 0.011261860840022564, 0.013094935566186905, 0.0019101888174191117, -0.013979103416204453, 0.027092741802334785, -0.015212527476251125, 0.017284274101257324, -0.08189476281404495, 0.03817418962717056, -0.04920130595564842, 0.021389011293649673, -0.015245908871293068, -0.03203780576586723, -0.1245758980512619, 0.03150877356529236, 0.032381657510995865, -0.060957908630371094, 0.05409295856952667, -0.025087490677833557, 0.01568586938083172, 0.028129950165748596, -0.04710396006703377, -0.018688226118683815, 0.013785239309072495, -0.04001208767294884, 0.01173911802470684, -0.04317743331193924, 0.05500618368387222, 0.004543041344732046, 0.02973111905157566, 0.14852192997932434, 0.02658126689493656, 0.02907961793243885, -0.05169107764959335, 0.05803573504090309, -0.07732241600751877, -0.017637968063354492, -0.04219653457403183, 0.041807834059000015, 0.023620979860424995, 0.021563321352005005, 0.016478516161441803, -0.0021814992651343346, -0.06400240957736969, 0.06393089145421982, 0.019599027931690216, -0.08565037697553635, 0.00934905931353569, -0.008718925528228283, -0.028583496809005737, -0.07310017943382263, 0.09416428208351135, 0.001759322709403932, 0.06184990331530571, 0.011840506456792355, -0.035997264087200165, 0.08358278125524521, -0.02619801089167595, 0.03736566752195358, -0.028206506744027138, -0.07454850524663925, -0.08883563429117203, -0.06279942393302917, -0.008695344440639019, 0.014119276776909828, -0.0825355276465416, 0.0649217739701271, -0.00223911227658391, -0.14716917276382446, 0.07743025571107864, -0.03548373281955719, -0.055201586335897446, 0.006981803569942713, -0.012166670523583889, 0.055111464112997055, -0.007116836030036211, -0.023175746202468872, -0.005835152696818113, -0.09185640513896942, 0.055196937173604965, 0.034148022532463074, 0.03835180774331093, 0.038685429841279984, -0.025987252593040466, 0.017804903909564018, 0.022428328171372414, 0.025005368515849113, -0.10761535167694092, -0.048001550137996674, -0.04343584179878235, 0.012374646961688995, -0.019502125680446625, 0.029218152165412903, 0.0842173621058464, -0.011719699949026108, 0.09283553808927536, -0.007015465293079615, -0.03543110564351082, -0.06936459988355637, 0.09425332397222519, -0.010958523489534855, -0.00805904995650053, 0.004974212497472763, -0.0031528924591839314, 0.06105927750468254, -0.03964288905262947, -0.03619541600346565, -0.019901901483535767, 0.07134733349084854, 0.039514873176813126, -0.012729483656585217, -0.006646515801548958, -0.04746140539646149, -0.014432490803301334, -0.05157482624053955, 0.09506245702505112, -0.049747664481401443, -0.04591796174645424, -0.008965466171503067, -0.0325421579182148, -0.08626784384250641, -0.06624380499124527, 0.02538885548710823, -4.303924894057984e-33, 0.01133066974580288, 0.0033434738870710135, -0.002155609894543886, 0.04871906340122223, -0.023564351722598076, -0.07933273911476135, 0.0600903145968914, 0.02335330657660961, -0.03844716399908066, -0.020433755591511726, -0.06952055543661118, -0.03235611692070961, 0.0062485747039318085, 0.064804308116436, -0.03201229125261307, 0.061689723283052444, 0.0417000837624073, -0.00761845987290144, 0.03340127319097519, -0.047770582139492035, 0.00887306872755289, -0.04066338762640953, -0.010506896302103996, 0.0106519665569067, 0.021333497017621994, 0.12854498624801636, -0.009705503471195698, 0.010055632330477238, -0.017507633194327354, 0.006515394430607557, 0.06334009766578674, -0.057817306369543076, 0.013668818399310112, -0.020286159589886665, 0.05430467426776886, -0.023184705525636673, 0.0828516036272049, 0.0005449643940664828, -0.10372652113437653, -0.07634282112121582, -0.005381610710173845, -0.039263784885406494, 0.0006114727002568543, -0.013281986117362976, 0.07119110971689224, 0.043696220964193344, 0.03168422728776932, 0.04338686540722847, 0.05728672817349434, 0.0832006186246872, -0.07961414009332657, 0.015234283171594143, 0.017002005130052567, 0.047004107385873795, -0.09794387966394424, 0.004990279674530029, -0.07062993198633194, -0.028000490739941597, -0.04018733277916908, -0.0702052190899849, 0.011351344175636768, 0.06020182743668556, -0.03297270089387894, 0.09396500885486603, 0.03417910635471344, -0.019825750961899757, -0.034690454602241516, -0.013036907650530338, 0.05896938592195511, -0.012359356507658958, -0.017275206744670868, -0.07982361316680908, 0.02059139870107174, 0.06737419217824936, 0.04176458343863487, -0.04978838190436363, -0.05877475067973137, -0.06289287656545639, -0.03354167565703392, -0.03871942684054375, 0.009898529388010502, -0.05514208599925041, -0.11629002541303635, -0.011855563148856163, 0.10663620382547379, 0.037354156374931335, -0.0065480442717671394, -0.051189567893743515, 0.06663123518228531, 0.01874656230211258, 0.032841797918081284, 0.041593004018068314, -0.06879369914531708, 0.04216769337654114, -0.01628219522535801, 5.4139394340936695e-34, 0.05697013810276985, -0.006972255185246468, 0.015711724758148193, -0.17956365644931793, 0.02320219948887825, 0.007923615165054798, -0.008062449283897877, 0.0074974060989916325, 0.07391711324453354, 0.0309313777834177, 0.060510627925395966, 0.058605875819921494, 0.09515274316072464, -0.002282935893163085, 0.001603541080839932, 0.07024981826543808, 0.012629246339201927, 0.07425693422555923, -0.038426291197538376, 0.01861148327589035, 0.030608950182795525, -0.02449394389986992, 0.021528491750359535, -0.003039651783183217, -0.03676343336701393, 0.03130284696817398, 0.07998586446046829, 0.010451192036271095, -0.07930229604244232, -0.013543923385441303, 0.018781835213303566, 0.05168003588914871, -0.07191970944404602, 0.15783067047595978, 0.026191607117652893, 0.01262354850769043, 0.08218053728342056, -0.029807550832629204, -0.07528624683618546, -0.04250097647309303, 0.017244765534996986, 0.04411793500185013, 0.03708017244935036, 0.009233047254383564, -0.040271829813718796, 0.022496428340673447, 0.02495843544602394, 0.07633638381958008, 0.005147108342498541, 0.013892097398638725, 0.05610476806759834, -0.06684739887714386, 0.05862557515501976, -0.020688841119408607, 0.05377643182873726, 0.06718500703573227, 0.005329249892383814, -0.01388032827526331, 0.029931528493762016, 0.009508464485406876, -0.045173756778240204, 0.11534366756677628, -0.06510116159915924, 0.05117698386311531, -0.0026125339791178703, -0.08554837852716446, -0.03784770518541336, 0.0804959163069725, 0.011298024095594883, -0.07695550471544266, -0.04868878796696663, 0.02515520341694355, 0.06252261996269226, -0.04509226232767105, -0.01246943511068821, 0.028559505939483643, -0.030573077499866486, 0.05066261067986488, -0.08187384903430939, 0.04469604790210724, 0.0034051244147121906, 0.04145054519176483, -0.021858664229512215, -0.06112268194556236, -0.00908052921295166, -0.05903250351548195, 0.0259539932012558, 0.059690944850444794, -0.07613514363765717, -0.03720718249678612, -0.036316655576229095, 0.07058046013116837, -0.008224100805819035, 0.041961874812841415, -0.0285952128469944, -1.496900736697171e-8, -0.0014124972512945533, 0.03401879221200943, -0.040338415652513504, 0.04116074740886688, 0.0935964286327362, -0.05115952715277672, 0.0008746005478315055, -0.03389839455485344, -0.00567849725484848, -0.010686947964131832, -0.04789939522743225, -0.04820054769515991, -0.02011880651116371, -0.03209094703197479, -0.04211259260773659, -0.10229527950286865, -0.07819421589374542, -0.031228765845298767, -0.02154778689146042, -0.04960230365395546, 0.08087796717882156, -0.07801242172718048, 0.06919731199741364, -0.04999840259552002, 0.03687043860554695, 0.03889009356498718, -0.049989692866802216, -0.04254625365138054, -0.04606937617063522, 0.08682432025671005, -0.031148413196206093, 0.11826753616333008, 0.034102488309144974, -0.0208592489361763, -0.0205202866345644, 0.027134142816066742, 0.09741277992725372, 0.051608603447675705, 0.013477512635290623, -0.13649295270442963, -0.022304272279143333, 0.02385953813791275, 0.038732077926397324, -0.09249968826770782, -0.04549082741141319, 0.054220106452703476, 0.01160438358783722, 0.051190607249736786, 0.07713303714990616, -0.022097084671258926, -0.06127818301320076, -0.01857956498861313, 0.006740490905940533, -0.00496308971196413, 0.024095389991998672, 0.0736224576830864, -0.003481915919110179, -0.0699305310845375, -0.006629763171076775, -0.0598808117210865, 0.05297163128852844, -0.02902800403535366, -0.027858933433890343, -0.01287526823580265 ]
lilitket/20220413-210552
bdac66b4f511f417c2380db3409241edf37a6baa
2022-04-14T05:44:32.000Z
[ "pytorch", "wav2vec2", "automatic-speech-recognition", "dataset:common_voice", "transformers", "generated_from_trainer", "license:apache-2.0", "model-index" ]
automatic-speech-recognition
false
lilitket
null
lilitket/20220413-210552
0
null
transformers
--- license: apache-2.0 tags: - generated_from_trainer datasets: - common_voice model-index: - name: 20220413-210552 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. --> # 20220413-210552 This model is a fine-tuned version of [facebook/wav2vec2-xls-r-300m](https://huggingface.co/facebook/wav2vec2-xls-r-300m) on the common_voice dataset. It achieves the following results on the evaluation set: - Loss: 3.0348 - Wer: 1.0006 ## Model description More information needed ## Intended uses & limitations More information needed ## Training and evaluation data More information needed ## Training procedure ### Training hyperparameters The following hyperparameters were used during training: - learning_rate: 6e-06 - train_batch_size: 1 - eval_batch_size: 8 - seed: 42 - optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08 - lr_scheduler_type: linear - lr_scheduler_warmup_steps: 2000 - num_epochs: 1200 - mixed_precision_training: Native AMP ### Training results | Training Loss | Epoch | Step | Validation Loss | Wer | |:-------------:|:-------:|:------:|:---------------:|:------:| | 17.1111 | 1.5 | 200 | 16.6792 | 1.0 | | 16.0992 | 3.01 | 400 | 15.3947 | 1.0 | | 10.7668 | 4.51 | 600 | 10.3625 | 1.0 | | 6.2652 | 6.02 | 800 | 7.6849 | 1.0 | | 5.1417 | 7.52 | 1000 | 6.0307 | 1.0 | | 4.6159 | 9.02 | 1200 | 5.0891 | 1.0 | | 4.2444 | 10.53 | 1400 | 4.4120 | 1.0 | | 3.8935 | 12.03 | 1600 | 3.9570 | 1.0 | | 3.6292 | 13.53 | 1800 | 3.6405 | 1.0 | | 3.4535 | 15.04 | 2000 | 3.4523 | 1.0 | | 3.3175 | 16.54 | 2200 | 3.3589 | 1.0 | | 3.2266 | 18.05 | 2400 | 3.2966 | 1.0 | | 3.1825 | 19.55 | 2600 | 3.2658 | 1.0 | | 3.1604 | 21.05 | 2800 | 3.2534 | 1.0 | | 3.1438 | 22.56 | 3000 | 3.2437 | 1.0 | | 3.1176 | 24.06 | 3200 | 3.2169 | 1.0 | | 3.1088 | 25.56 | 3400 | 3.2102 | 1.0 | | 3.0955 | 27.07 | 3600 | 3.1983 | 1.0 | | 3.0763 | 28.57 | 3800 | 3.2092 | 1.0 | | 3.0599 | 30.08 | 4000 | 3.2092 | 1.0 | | 3.0385 | 31.58 | 4200 | 3.2154 | 1.0 | | 2.9996 | 33.08 | 4400 | 3.2120 | 1.0 | | 2.9207 | 34.59 | 4600 | 3.2146 | 1.0 | | 2.8071 | 36.09 | 4800 | 3.2093 | 1.0 | | 2.6412 | 37.59 | 5000 | 3.2282 | 1.0 | | 2.4594 | 39.1 | 5200 | 3.2442 | 1.0 | | 2.2708 | 40.6 | 5400 | 3.2944 | 1.0 | | 2.1279 | 42.11 | 5600 | 3.3260 | 1.0 | | 1.9985 | 43.61 | 5800 | 3.3586 | 1.0 | | 1.8979 | 45.11 | 6000 | 3.3945 | 1.0 | | 1.7838 | 46.62 | 6200 | 3.4761 | 1.0 | | 1.6774 | 48.12 | 6400 | 3.4886 | 1.0 | | 1.5958 | 49.62 | 6600 | 3.6208 | 1.0 | | 1.4957 | 51.13 | 6800 | 3.6501 | 1.0 | | 1.4202 | 52.63 | 7000 | 3.6492 | 1.0 | | 1.3377 | 54.14 | 7200 | 3.7392 | 1.0 | | 1.2872 | 55.64 | 7400 | 3.8624 | 1.0 | | 1.1992 | 57.14 | 7600 | 3.8511 | 1.0 | | 1.1238 | 58.65 | 7800 | 3.9662 | 1.0 | | 1.0775 | 60.15 | 8000 | 3.9267 | 1.0 | | 1.011 | 61.65 | 8200 | 4.0933 | 1.0 | | 0.962 | 63.16 | 8400 | 4.0941 | 1.0 | | 0.9041 | 64.66 | 8600 | 4.1163 | 1.0 | | 0.8552 | 66.17 | 8800 | 4.1937 | 1.0 | | 0.8054 | 67.67 | 9000 | 4.2277 | 1.0 | | 0.7457 | 69.17 | 9200 | 4.3899 | 1.0 | | 0.7292 | 70.68 | 9400 | 4.3621 | 1.0 | | 0.6635 | 72.18 | 9600 | 4.4706 | 1.0 | | 0.6333 | 73.68 | 9800 | 4.4571 | 1.0 | | 0.6109 | 75.19 | 10000 | 4.4594 | 1.0 | | 0.5611 | 76.69 | 10200 | 4.5672 | 1.0 | | 0.5286 | 78.2 | 10400 | 4.4957 | 1.0 | | 0.4894 | 79.7 | 10600 | 4.5278 | 1.0 | | 0.4831 | 81.2 | 10800 | 4.4604 | 1.0 | | 0.4575 | 82.71 | 11000 | 4.7439 | 1.0 | | 0.4418 | 84.21 | 11200 | 4.6511 | 1.0 | | 0.4085 | 85.71 | 11400 | 4.5008 | 1.0 | | 0.4011 | 87.22 | 11600 | 4.7690 | 1.0 | | 0.3791 | 88.72 | 11800 | 4.8675 | 1.0 | | 0.3487 | 90.23 | 12000 | 5.0327 | 1.0 | | 0.3661 | 91.73 | 12200 | 4.8084 | 1.0 | | 0.3306 | 93.23 | 12400 | 4.9095 | 1.0 | | 0.3449 | 94.74 | 12600 | 4.8223 | 1.0 | | 0.2949 | 96.24 | 12800 | 4.8245 | 1.0 | | 0.2987 | 97.74 | 13000 | 5.0803 | 1.0 | | 0.2896 | 99.25 | 13200 | 5.2074 | 1.0 | | 0.2731 | 100.75 | 13400 | 5.1951 | 1.0 | | 0.2749 | 102.26 | 13600 | 5.2071 | 1.0 | | 0.2554 | 103.76 | 13800 | 5.0861 | 1.0 | | 0.2436 | 105.26 | 14000 | 5.0851 | 1.0 | | 0.2494 | 106.77 | 14200 | 4.8623 | 1.0 | | 0.23 | 108.27 | 14400 | 5.0466 | 1.0 | | 0.2345 | 109.77 | 14600 | 5.2474 | 1.0 | | 0.2233 | 111.28 | 14800 | 4.9394 | 1.0 | | 0.2231 | 112.78 | 15000 | 4.9572 | 1.0 | | 0.213 | 114.29 | 15200 | 5.3215 | 1.0 | | 0.2002 | 115.79 | 15400 | 5.3042 | 1.0 | | 0.2023 | 117.29 | 15600 | 5.0279 | 1.0 | | 0.2074 | 118.8 | 15800 | 4.9727 | 1.0 | | 0.2071 | 120.3 | 16000 | 4.6775 | 1.0 | | 0.1915 | 121.8 | 16200 | 4.8386 | 1.0 | | 0.1899 | 123.31 | 16400 | 4.7898 | 1.0 | | 0.1821 | 124.81 | 16600 | 5.3147 | 1.0 | | 0.1908 | 126.32 | 16800 | 5.6218 | 1.0 | | 0.1712 | 127.82 | 17000 | 4.6083 | 1.0 | | 0.1705 | 129.32 | 17200 | 5.2468 | 1.0 | | 0.1664 | 130.83 | 17400 | 5.0412 | 1.0 | | 0.167 | 132.33 | 17600 | 5.0116 | 1.0 | | 0.162 | 133.83 | 17800 | 5.2799 | 1.0 | | 0.1561 | 135.34 | 18000 | 5.2485 | 1.0 | | 0.1501 | 136.84 | 18200 | 5.1109 | 1.0 | | 0.14 | 138.35 | 18400 | 5.2310 | 1.0 | | 0.1576 | 139.85 | 18600 | 5.1631 | 1.0 | | 0.1433 | 141.35 | 18800 | 5.3497 | 1.0 | | 0.148 | 142.86 | 19000 | 4.8892 | 1.0 | | 0.1525 | 144.36 | 19200 | 4.8522 | 1.0 | | 0.1517 | 145.86 | 19400 | 4.7830 | 1.0 | | 0.139 | 147.37 | 19600 | 5.2041 | 1.0 | | 0.1392 | 148.87 | 19800 | 4.7968 | 1.0 | | 0.1351 | 150.38 | 20000 | 5.0326 | 1.0 | | 0.1355 | 151.88 | 20200 | 5.0474 | 1.0 | | 0.138 | 153.38 | 20400 | 4.7491 | 1.0006 | | 0.1332 | 154.89 | 20600 | 5.3905 | 1.0 | | 0.1252 | 156.39 | 20800 | 4.9815 | 1.0 | | 0.1179 | 157.89 | 21000 | 5.3281 | 1.0 | | 0.1228 | 159.4 | 21200 | 5.1108 | 1.0006 | | 0.1311 | 160.9 | 21400 | 4.8016 | 1.0 | | 0.1278 | 162.41 | 21600 | 4.8306 | 1.0 | | 0.1209 | 163.91 | 21800 | 4.6413 | 1.0 | | 0.1199 | 165.41 | 22000 | 4.6375 | 1.0 | | 0.1172 | 166.92 | 22200 | 4.9108 | 1.0 | | 0.1247 | 168.42 | 22400 | 4.6139 | 1.0006 | | 0.1121 | 169.92 | 22600 | 4.4765 | 1.0006 | | 0.125 | 171.43 | 22800 | 4.6819 | 1.0006 | | 0.1259 | 172.93 | 23000 | 4.9577 | 1.0 | | 0.1044 | 174.44 | 23200 | 5.2993 | 1.0006 | | 0.1107 | 175.94 | 23400 | 4.3140 | 1.0 | | 0.1142 | 177.44 | 23600 | 4.5850 | 1.0 | | 0.0971 | 178.95 | 23800 | 4.8177 | 1.0006 | | 0.1186 | 180.45 | 24000 | 4.9972 | 1.0 | | 0.1164 | 181.95 | 24200 | 4.5840 | 1.0 | | 0.1014 | 183.46 | 24400 | 4.9117 | 0.9994 | | 0.1087 | 184.96 | 24600 | 4.5646 | 1.0006 | | 0.1075 | 186.47 | 24800 | 4.6995 | 1.0 | | 0.1111 | 187.97 | 25000 | 4.7877 | 1.0 | | 0.1079 | 189.47 | 25200 | 4.8420 | 1.0 | | 0.1053 | 190.98 | 25400 | 5.1083 | 1.0 | | 0.1048 | 192.48 | 25600 | 4.2876 | 1.0 | | 0.0974 | 193.98 | 25800 | 4.6699 | 1.0006 | | 0.0983 | 195.49 | 26000 | 4.6522 | 1.0 | | 0.0935 | 196.99 | 26200 | 4.9879 | 1.0 | | 0.0948 | 198.5 | 26400 | 4.4146 | 1.0 | | 0.0867 | 200.0 | 26600 | 5.1909 | 1.0 | | 0.0932 | 201.5 | 26800 | 5.2019 | 1.0 | | 0.0951 | 203.01 | 27000 | 3.6893 | 1.0 | | 0.085 | 204.51 | 27200 | 4.3071 | 1.0006 | | 0.0912 | 206.02 | 27400 | 4.4651 | 1.0 | | 0.092 | 207.52 | 27600 | 4.4218 | 1.0 | | 0.0936 | 209.02 | 27800 | 5.1391 | 1.0 | | 0.0989 | 210.53 | 28000 | 4.8787 | 1.0006 | | 0.0898 | 212.03 | 28200 | 4.1418 | 1.0013 | | 0.0943 | 213.53 | 28400 | 4.1857 | 1.0 | | 0.0834 | 215.04 | 28600 | 4.3519 | 1.0 | | 0.0851 | 216.54 | 28800 | 4.3612 | 1.0006 | | 0.0932 | 218.05 | 29000 | 4.2200 | 1.0006 | | 0.0848 | 219.55 | 29200 | 4.2054 | 1.0 | | 0.0873 | 221.05 | 29400 | 4.4815 | 1.0 | | 0.0949 | 222.56 | 29600 | 3.9426 | 1.0 | | 0.0856 | 224.06 | 29800 | 3.7650 | 1.0 | | 0.0768 | 225.56 | 30000 | 3.9774 | 1.0 | | 0.0823 | 227.07 | 30200 | 4.3728 | 1.0 | | 0.0913 | 228.57 | 30400 | 3.7813 | 1.0 | | 0.0951 | 230.08 | 30600 | 4.1581 | 1.0 | | 0.0843 | 231.58 | 30800 | 4.6891 | 1.0 | | 0.0879 | 233.08 | 31000 | 4.2984 | 1.0 | | 0.0807 | 234.59 | 31200 | 3.9511 | 1.0 | | 0.0765 | 236.09 | 31400 | 3.8094 | 1.0 | | 0.0861 | 237.59 | 31600 | 4.3118 | 1.0 | | 0.0596 | 239.1 | 31800 | 4.0774 | 1.0006 | | 0.0752 | 240.6 | 32000 | 3.6005 | 1.0 | | 0.0729 | 242.11 | 32200 | 4.8616 | 1.0 | | 0.0783 | 243.61 | 32400 | 3.9858 | 1.0 | | 0.0759 | 245.11 | 32600 | 4.1231 | 1.0 | | 0.08 | 246.62 | 32800 | 4.5182 | 1.0 | | 0.0782 | 248.12 | 33000 | 3.7721 | 1.0 | | 0.0914 | 249.62 | 33200 | 3.5902 | 1.0 | | 0.0668 | 251.13 | 33400 | 3.9673 | 1.0 | | 0.0798 | 252.63 | 33600 | 3.8693 | 1.0 | | 0.0814 | 254.14 | 33800 | 3.9804 | 1.0006 | | 0.0775 | 255.64 | 34000 | 3.9483 | 1.0 | | 0.0721 | 257.14 | 34200 | 4.6892 | 1.0 | | 0.0722 | 258.65 | 34400 | 4.1972 | 1.0 | | 0.0755 | 260.15 | 34600 | 4.4523 | 1.0 | | 0.0683 | 261.65 | 34800 | 4.1090 | 1.0 | | 0.0698 | 263.16 | 35000 | 4.0634 | 1.0 | | 0.0712 | 264.66 | 35200 | 4.0469 | 1.0006 | | 0.0754 | 266.17 | 35400 | 4.0113 | 1.0006 | | 0.0709 | 267.67 | 35600 | 4.0592 | 1.0 | | 0.0637 | 269.17 | 35800 | 3.7540 | 1.0 | | 0.0688 | 270.68 | 36000 | 3.9645 | 1.0 | | 0.0592 | 272.18 | 36200 | 3.7443 | 1.0 | | 0.0585 | 273.68 | 36400 | 3.8287 | 1.0 | | 0.0734 | 275.19 | 36600 | 3.6780 | 1.0 | | 0.058 | 276.69 | 36800 | 4.0194 | 1.0 | | 0.0707 | 278.2 | 37000 | 3.6663 | 1.0006 | | 0.0728 | 279.7 | 37200 | 3.8640 | 1.0 | | 0.064 | 281.2 | 37400 | 4.5473 | 1.0 | | 0.0583 | 282.71 | 37600 | 4.1813 | 1.0 | | 0.0634 | 284.21 | 37800 | 3.8821 | 1.0 | | 0.0565 | 285.71 | 38000 | 3.9566 | 1.0006 | | 0.0735 | 287.22 | 38200 | 4.5317 | 1.0 | | 0.0797 | 288.72 | 38400 | 3.8040 | 1.0 | | 0.0601 | 290.23 | 38600 | 4.0956 | 1.0 | | 0.0599 | 291.73 | 38800 | 4.0592 | 1.0 | | 0.0517 | 293.23 | 39000 | 3.5204 | 1.0006 | | 0.0622 | 294.74 | 39200 | 4.1739 | 1.0 | | 0.0705 | 296.24 | 39400 | 4.0262 | 1.0 | | 0.0589 | 297.74 | 39600 | 4.2476 | 1.0 | | 0.0606 | 299.25 | 39800 | 3.7931 | 1.0 | | 0.0603 | 300.75 | 40000 | 4.0540 | 0.9994 | | 0.0568 | 302.26 | 40200 | 3.5900 | 1.0 | | 0.0583 | 303.76 | 40400 | 3.8095 | 1.0 | | 0.0513 | 305.26 | 40600 | 3.8949 | 1.0 | | 0.0637 | 306.77 | 40800 | 3.8085 | 1.0 | | 0.0659 | 308.27 | 41000 | 4.2311 | 1.0 | | 0.068 | 309.77 | 41200 | 3.4876 | 1.0006 | | 0.0616 | 311.28 | 41400 | 3.7634 | 1.0 | | 0.0515 | 312.78 | 41600 | 3.8762 | 1.0 | | 0.0584 | 314.29 | 41800 | 4.2070 | 1.0 | | 0.054 | 315.79 | 42000 | 3.9088 | 1.0 | | 0.0571 | 317.29 | 42200 | 3.9679 | 1.0006 | | 0.0497 | 318.8 | 42400 | 3.8443 | 1.0 | | 0.0507 | 320.3 | 42600 | 4.2397 | 1.0 | | 0.0612 | 321.8 | 42800 | 4.2228 | 1.0 | | 0.0467 | 323.31 | 43000 | 3.6684 | 1.0 | | 0.0586 | 324.81 | 43200 | 3.8685 | 1.0013 | | 0.0557 | 326.32 | 43400 | 4.3341 | 1.0006 | | 0.0584 | 327.82 | 43600 | 3.6683 | 1.0 | | 0.0575 | 329.32 | 43800 | 3.9005 | 1.0 | | 0.0571 | 330.83 | 44000 | 3.8594 | 1.0 | | 0.0471 | 332.33 | 44200 | 3.6871 | 1.0 | | 0.055 | 333.83 | 44400 | 4.0402 | 1.0 | | 0.0422 | 335.34 | 44600 | 4.0226 | 1.0 | | 0.0422 | 336.84 | 44800 | 3.5907 | 1.0 | | 0.0513 | 338.35 | 45000 | 3.7380 | 1.0 | | 0.0593 | 339.85 | 45200 | 3.8530 | 1.0 | | 0.0446 | 341.35 | 45400 | 4.0879 | 1.0 | | 0.0492 | 342.86 | 45600 | 3.8984 | 1.0 | | 0.0422 | 344.36 | 45800 | 4.2423 | 1.0 | | 0.0478 | 345.86 | 46000 | 3.6391 | 1.0 | | 0.0425 | 347.37 | 46200 | 4.2352 | 1.0 | | 0.0426 | 348.87 | 46400 | 4.0004 | 1.0 | | 0.0566 | 350.38 | 46600 | 4.0957 | 1.0006 | | 0.0522 | 351.88 | 46800 | 3.9436 | 0.9994 | | 0.0503 | 353.38 | 47000 | 4.3325 | 1.0 | | 0.0513 | 354.89 | 47200 | 3.5738 | 0.9994 | | 0.0428 | 356.39 | 47400 | 3.8233 | 0.9994 | | 0.0402 | 357.89 | 47600 | 3.6210 | 1.0006 | | 0.0575 | 359.4 | 47800 | 3.6991 | 1.0 | | 0.0459 | 360.9 | 48000 | 3.8384 | 1.0 | | 0.0423 | 362.41 | 48200 | 4.2164 | 1.0 | | 0.0401 | 363.91 | 48400 | 4.0001 | 1.0 | | 0.0612 | 365.41 | 48600 | 4.1363 | 0.9994 | | 0.0492 | 366.92 | 48800 | 4.0748 | 0.9994 | | 0.0467 | 368.42 | 49000 | 3.6856 | 0.9994 | | 0.0565 | 369.92 | 49200 | 4.1829 | 1.0 | | 0.0351 | 371.43 | 49400 | 3.9579 | 1.0006 | | 0.0499 | 372.93 | 49600 | 3.8893 | 1.0 | | 0.0477 | 374.44 | 49800 | 3.5199 | 1.0 | | 0.0471 | 375.94 | 50000 | 4.0405 | 1.0013 | | 0.037 | 377.44 | 50200 | 3.8785 | 1.0006 | | 0.0382 | 378.95 | 50400 | 4.2958 | 1.0013 | | 0.0553 | 380.45 | 50600 | 4.3845 | 1.0006 | | 0.0389 | 381.95 | 50800 | 3.7282 | 1.0013 | | 0.0373 | 383.46 | 51000 | 4.0840 | 1.0006 | | 0.0597 | 384.96 | 51200 | 4.0250 | 1.0006 | | 0.0404 | 386.47 | 51400 | 3.6077 | 0.9994 | | 0.0501 | 387.97 | 51600 | 3.5198 | 0.9994 | | 0.0432 | 389.47 | 51800 | 3.7678 | 1.0 | | 0.0462 | 390.98 | 52000 | 3.6467 | 1.0 | | 0.0444 | 392.48 | 52200 | 3.8941 | 1.0006 | | 0.0494 | 393.98 | 52400 | 3.6969 | 1.0 | | 0.0402 | 395.49 | 52600 | 3.5324 | 1.0006 | | 0.0402 | 396.99 | 52800 | 3.8874 | 1.0006 | | 0.0395 | 398.5 | 53000 | 3.3793 | 1.0006 | | 0.0367 | 400.0 | 53200 | 3.6539 | 1.0013 | | 0.0374 | 401.5 | 53400 | 3.4230 | 1.0 | | 0.0407 | 403.01 | 53600 | 3.6068 | 1.0 | | 0.0378 | 404.51 | 53800 | 3.5291 | 1.0013 | | 0.0471 | 406.02 | 54000 | 3.3563 | 1.0006 | | 0.0336 | 407.52 | 54200 | 2.9932 | 1.0044 | | 0.032 | 409.02 | 54400 | 3.3549 | 1.0006 | | 0.0474 | 410.53 | 54600 | 3.1140 | 1.0013 | | 0.0402 | 412.03 | 54800 | 2.8515 | 1.0075 | | 0.0366 | 413.53 | 55000 | 3.1142 | 1.0050 | | 0.041 | 415.04 | 55200 | 3.0917 | 1.0056 | | 0.0358 | 416.54 | 55400 | 3.3401 | 1.0006 | | 0.0299 | 418.05 | 55600 | 3.5304 | 1.0 | | 0.0512 | 419.55 | 55800 | 3.4768 | 1.0 | | 0.0374 | 421.05 | 56000 | 3.2792 | 0.9994 | | 0.037 | 422.56 | 56200 | 3.0088 | 1.0013 | | 0.0395 | 424.06 | 56400 | 3.0185 | 0.9994 | | 0.039 | 425.56 | 56600 | 3.0249 | 1.0 | | 0.0345 | 427.07 | 56800 | 3.3437 | 1.0 | | 0.0438 | 428.57 | 57000 | 3.0905 | 1.0 | | 0.0373 | 430.08 | 57200 | 3.4256 | 1.0019 | | 0.0362 | 431.58 | 57400 | 3.4747 | 1.0006 | | 0.0353 | 433.08 | 57600 | 3.3952 | 1.0019 | | 0.0363 | 434.59 | 57800 | 3.3967 | 1.0006 | | 0.0234 | 436.09 | 58000 | 3.5076 | 0.9994 | | 0.0347 | 437.59 | 58200 | 3.4128 | 0.9987 | | 0.039 | 439.1 | 58400 | 3.5784 | 1.0013 | | 0.041 | 440.6 | 58600 | 3.6292 | 1.0013 | | 0.0348 | 442.11 | 58800 | 3.3197 | 0.9981 | | 0.0285 | 443.61 | 59000 | 3.0545 | 0.9981 | | 0.0293 | 445.11 | 59200 | 3.1784 | 1.0013 | | 0.0394 | 446.62 | 59400 | 2.8197 | 0.9975 | | 0.0282 | 448.12 | 59600 | 3.1450 | 1.0 | | 0.0387 | 449.62 | 59800 | 2.8260 | 0.9987 | | 0.0348 | 451.13 | 60000 | 3.0389 | 0.9987 | | 0.03 | 452.63 | 60200 | 3.1857 | 0.9981 | | 0.029 | 454.14 | 60400 | 3.1893 | 1.0013 | | 0.0333 | 455.64 | 60600 | 3.1428 | 0.9981 | | 0.027 | 457.14 | 60800 | 3.5792 | 0.9994 | | 0.037 | 458.65 | 61000 | 3.4338 | 1.0 | | 0.0327 | 460.15 | 61200 | 2.9592 | 1.0056 | | 0.0283 | 461.65 | 61400 | 3.3657 | 1.0031 | | 0.0337 | 463.16 | 61600 | 3.1392 | 1.0025 | | 0.0275 | 464.66 | 61800 | 3.2706 | 1.0019 | | 0.0304 | 466.17 | 62000 | 3.5289 | 1.0019 | | 0.042 | 467.67 | 62200 | 3.2222 | 1.0019 | | 0.035 | 469.17 | 62400 | 3.3533 | 1.0038 | | 0.038 | 470.68 | 62600 | 3.7162 | 1.0006 | | 0.0297 | 472.18 | 62800 | 3.2382 | 1.0025 | | 0.0314 | 473.68 | 63000 | 3.2555 | 1.0006 | | 0.0288 | 475.19 | 63200 | 3.8791 | 1.0013 | | 0.0336 | 476.69 | 63400 | 3.1988 | 1.0006 | | 0.0371 | 478.2 | 63600 | 3.1025 | 1.0006 | | 0.0288 | 479.7 | 63800 | 3.2712 | 1.0006 | | 0.0374 | 481.2 | 64000 | 3.4452 | 0.9987 | | 0.0329 | 482.71 | 64200 | 3.3956 | 1.0 | | 0.036 | 484.21 | 64400 | 3.4541 | 1.0006 | | 0.03 | 485.71 | 64600 | 3.2153 | 1.0 | | 0.0319 | 487.22 | 64800 | 2.9109 | 0.9962 | | 0.0276 | 488.72 | 65000 | 3.0832 | 0.9975 | | 0.0315 | 490.23 | 65200 | 3.4669 | 1.0 | | 0.0244 | 491.73 | 65400 | 3.4678 | 0.9994 | | 0.0306 | 493.23 | 65600 | 3.6775 | 0.9987 | | 0.0266 | 494.74 | 65800 | 3.3509 | 1.0 | | 0.0247 | 496.24 | 66000 | 3.8882 | 1.0006 | | 0.0322 | 497.74 | 66200 | 3.5801 | 0.9994 | | 0.04 | 499.25 | 66400 | 3.6454 | 1.0006 | | 0.0313 | 500.75 | 66600 | 3.9949 | 1.0013 | | 0.0222 | 502.26 | 66800 | 3.5645 | 0.9987 | | 0.0257 | 503.76 | 67000 | 3.7539 | 0.9994 | | 0.028 | 505.26 | 67200 | 3.6815 | 1.0006 | | 0.0256 | 506.77 | 67400 | 3.3799 | 1.0013 | | 0.0257 | 508.27 | 67600 | 3.6969 | 1.0013 | | 0.0271 | 509.77 | 67800 | 3.7083 | 0.9994 | | 0.0265 | 511.28 | 68000 | 3.3015 | 0.9994 | | 0.0289 | 512.78 | 68200 | 3.7103 | 1.0006 | | 0.0337 | 514.29 | 68400 | 3.1877 | 1.0006 | | 0.0396 | 515.79 | 68600 | 3.7914 | 1.0 | | 0.0316 | 517.29 | 68800 | 3.4757 | 0.9981 | | 0.0303 | 518.8 | 69000 | 3.4129 | 0.9987 | | 0.0298 | 520.3 | 69200 | 3.1453 | 1.0 | | 0.0257 | 521.8 | 69400 | 3.4649 | 1.0 | | 0.0252 | 523.31 | 69600 | 3.2707 | 0.9994 | | 0.0254 | 524.81 | 69800 | 3.0304 | 1.0056 | | 0.0199 | 526.32 | 70000 | 3.4323 | 1.0019 | | 0.0333 | 527.82 | 70200 | 3.4081 | 1.0006 | | 0.0205 | 529.32 | 70400 | 2.9900 | 1.0188 | | 0.0223 | 530.83 | 70600 | 3.3499 | 1.0031 | | 0.0261 | 532.33 | 70800 | 3.2094 | 0.9975 | | 0.0198 | 533.83 | 71000 | 3.2793 | 1.0063 | | 0.021 | 535.34 | 71200 | 3.2266 | 0.9975 | | 0.022 | 536.84 | 71400 | 3.1391 | 0.9994 | | 0.0215 | 538.35 | 71600 | 3.4587 | 0.9994 | | 0.0269 | 539.85 | 71800 | 3.2814 | 0.9994 | | 0.0226 | 541.35 | 72000 | 3.2583 | 0.9981 | | 0.0257 | 542.86 | 72200 | 3.7259 | 0.9987 | | 0.0259 | 544.36 | 72400 | 3.5004 | 0.9994 | | 0.0223 | 545.86 | 72600 | 3.3689 | 0.9975 | | 0.0307 | 547.37 | 72800 | 3.0706 | 0.9950 | | 0.0234 | 548.87 | 73000 | 3.0892 | 0.9969 | | 0.0243 | 550.38 | 73200 | 3.4028 | 0.9987 | | 0.0215 | 551.88 | 73400 | 2.9474 | 0.9981 | | 0.0224 | 553.38 | 73600 | 3.3028 | 0.9981 | | 0.0282 | 554.89 | 73800 | 3.5360 | 0.9994 | | 0.0282 | 556.39 | 74000 | 3.3730 | 0.9981 | | 0.0278 | 557.89 | 74200 | 3.2750 | 1.0 | | 0.0198 | 559.4 | 74400 | 3.0983 | 1.0025 | | 0.0229 | 560.9 | 74600 | 3.2628 | 1.0006 | | 0.0234 | 562.41 | 74800 | 2.9351 | 0.9987 | | 0.0255 | 563.91 | 75000 | 2.9952 | 0.9962 | | 0.0267 | 565.41 | 75200 | 3.1814 | 0.9969 | | 0.0217 | 566.92 | 75400 | 3.1355 | 1.0006 | | 0.0236 | 568.42 | 75600 | 3.5030 | 1.0019 | | 0.0249 | 569.92 | 75800 | 2.8262 | 1.0006 | | 0.0192 | 571.43 | 76000 | 3.0427 | 1.0006 | | 0.0194 | 572.93 | 76200 | 3.0055 | 0.9981 | | 0.0257 | 574.44 | 76400 | 3.2506 | 0.9987 | | 0.0214 | 575.94 | 76600 | 3.2980 | 0.9981 | | 0.0314 | 577.44 | 76800 | 3.4304 | 0.9981 | | 0.0186 | 578.95 | 77000 | 3.2306 | 0.9987 | | 0.0219 | 580.45 | 77200 | 3.4410 | 0.9994 | | 0.0244 | 581.95 | 77400 | 3.3982 | 0.9994 | | 0.0232 | 583.46 | 77600 | 3.0487 | 0.9962 | | 0.026 | 584.96 | 77800 | 2.9061 | 1.0 | | 0.0206 | 586.47 | 78000 | 2.8331 | 1.0006 | | 0.0202 | 587.97 | 78200 | 2.8493 | 0.9956 | | 0.0251 | 589.47 | 78400 | 3.0203 | 0.9956 | | 0.0231 | 590.98 | 78600 | 3.0142 | 0.9969 | | 0.0183 | 592.48 | 78800 | 3.1480 | 0.9969 | | 0.022 | 593.98 | 79000 | 3.0777 | 0.9975 | | 0.0225 | 595.49 | 79200 | 3.3248 | 0.9975 | | 0.0186 | 596.99 | 79400 | 3.3309 | 0.9994 | | 0.0184 | 598.5 | 79600 | 3.4888 | 0.9981 | | 0.0181 | 600.0 | 79800 | 3.2628 | 0.9962 | | 0.0158 | 601.5 | 80000 | 3.4862 | 0.9975 | | 0.0197 | 603.01 | 80200 | 3.2335 | 0.9962 | | 0.0259 | 604.51 | 80400 | 3.1643 | 0.9987 | | 0.0218 | 606.02 | 80600 | 3.6256 | 0.9969 | | 0.0196 | 607.52 | 80800 | 3.3183 | 1.0 | | 0.0127 | 609.02 | 81000 | 3.7223 | 0.9987 | | 0.0182 | 610.53 | 81200 | 3.2768 | 0.9994 | | 0.0234 | 612.03 | 81400 | 3.3749 | 1.0 | | 0.0195 | 613.53 | 81600 | 3.2097 | 0.9987 | | 0.0259 | 615.04 | 81800 | 3.2090 | 0.9987 | | 0.0217 | 616.54 | 82000 | 3.3893 | 0.9981 | | 0.0181 | 618.05 | 82200 | 3.2223 | 0.9994 | | 0.0155 | 619.55 | 82400 | 3.1307 | 0.9969 | | 0.0192 | 621.05 | 82600 | 3.0695 | 0.9975 | | 0.0155 | 622.56 | 82800 | 3.3623 | 0.9975 | | 0.0266 | 624.06 | 83000 | 3.0329 | 0.9937 | | 0.017 | 625.56 | 83200 | 2.8108 | 0.9956 | | 0.0224 | 627.07 | 83400 | 3.2747 | 0.9981 | | 0.0202 | 628.57 | 83600 | 3.1392 | 0.9981 | | 0.0157 | 630.08 | 83800 | 2.9493 | 0.9975 | | 0.0187 | 631.58 | 84000 | 2.9518 | 0.9969 | | 0.0234 | 633.08 | 84200 | 3.3938 | 0.9981 | | 0.0205 | 634.59 | 84400 | 2.9594 | 0.9937 | | 0.0161 | 636.09 | 84600 | 2.7611 | 0.9944 | | 0.0187 | 637.59 | 84800 | 2.8704 | 0.9969 | | 0.0285 | 639.1 | 85000 | 3.1030 | 0.9987 | | 0.0163 | 640.6 | 85200 | 3.2914 | 0.9975 | | 0.0216 | 642.11 | 85400 | 2.9154 | 0.9969 | | 0.0233 | 643.61 | 85600 | 2.7749 | 0.9975 | | 0.0218 | 645.11 | 85800 | 2.8473 | 1.0 | | 0.0196 | 646.62 | 86000 | 2.5928 | 1.0038 | | 0.0158 | 648.12 | 86200 | 2.8972 | 0.9962 | | 0.0156 | 649.62 | 86400 | 2.9890 | 0.9981 | | 0.0131 | 651.13 | 86600 | 2.7676 | 0.9987 | | 0.0206 | 652.63 | 86800 | 2.8754 | 0.9944 | | 0.0197 | 654.14 | 87000 | 3.0768 | 0.9962 | | 0.0139 | 655.64 | 87200 | 2.6567 | 0.9975 | | 0.0139 | 657.14 | 87400 | 3.1492 | 0.9987 | | 0.0226 | 658.65 | 87600 | 2.7989 | 0.9975 | | 0.0182 | 660.15 | 87800 | 3.0076 | 1.0013 | | 0.0164 | 661.65 | 88000 | 2.9625 | 0.9975 | | 0.0221 | 663.16 | 88200 | 2.9768 | 0.9987 | | 0.0144 | 664.66 | 88400 | 3.0221 | 0.9962 | | 0.0178 | 666.17 | 88600 | 2.9881 | 0.9981 | | 0.0214 | 667.67 | 88800 | 3.3127 | 0.9994 | | 0.0193 | 669.17 | 89000 | 3.0776 | 0.9969 | | 0.0211 | 670.68 | 89200 | 2.8097 | 0.9975 | | 0.0223 | 672.18 | 89400 | 3.1911 | 0.9975 | | 0.0222 | 673.68 | 89600 | 3.0041 | 0.9969 | | 0.0209 | 675.19 | 89800 | 2.9853 | 0.9975 | | 0.0116 | 676.69 | 90000 | 2.9112 | 0.9994 | | 0.0159 | 678.2 | 90200 | 2.8274 | 0.9969 | | 0.0185 | 679.7 | 90400 | 2.7524 | 0.9975 | | 0.0123 | 681.2 | 90600 | 2.9673 | 0.9981 | | 0.0152 | 682.71 | 90800 | 3.0797 | 1.0 | | 0.0117 | 684.21 | 91000 | 3.0703 | 0.9994 | | 0.0154 | 685.71 | 91200 | 2.7031 | 0.9987 | | 0.0148 | 687.22 | 91400 | 2.9449 | 0.9994 | | 0.0196 | 688.72 | 91600 | 2.7991 | 0.9981 | | 0.0168 | 690.23 | 91800 | 2.8938 | 0.9969 | | 0.0155 | 691.73 | 92000 | 2.9104 | 0.9975 | | 0.0167 | 693.23 | 92200 | 2.7905 | 0.9975 | | 0.0175 | 694.74 | 92400 | 3.0061 | 0.9962 | | 0.0134 | 696.24 | 92600 | 3.1880 | 0.9975 | | 0.0145 | 697.74 | 92800 | 3.1567 | 0.9975 | | 0.0191 | 699.25 | 93000 | 3.2099 | 0.9981 | | 0.0192 | 700.75 | 93200 | 3.0210 | 0.9962 | | 0.0143 | 702.26 | 93400 | 3.0640 | 0.9962 | | 0.0145 | 703.76 | 93600 | 2.9882 | 0.9956 | | 0.0151 | 705.26 | 93800 | 2.9178 | 0.9969 | | 0.0192 | 706.77 | 94000 | 2.9631 | 0.9962 | | 0.016 | 708.27 | 94200 | 2.8724 | 0.9950 | | 0.0185 | 709.77 | 94400 | 2.8253 | 1.0013 | | 0.0186 | 711.28 | 94600 | 2.8386 | 0.9950 | | 0.015 | 712.78 | 94800 | 2.8134 | 0.9987 | | 0.0137 | 714.29 | 95000 | 3.1884 | 0.9969 | | 0.0168 | 715.79 | 95200 | 2.9308 | 0.9969 | | 0.0092 | 717.29 | 95400 | 3.4363 | 0.9981 | | 0.0167 | 718.8 | 95600 | 3.2090 | 0.9981 | | 0.0095 | 720.3 | 95800 | 3.1477 | 0.9981 | | 0.0166 | 721.8 | 96000 | 2.9676 | 0.9981 | | 0.0162 | 723.31 | 96200 | 3.0809 | 0.9969 | | 0.0214 | 724.81 | 96400 | 3.3432 | 0.9987 | | 0.0153 | 726.32 | 96600 | 3.0991 | 0.9981 | | 0.0126 | 727.82 | 96800 | 3.0080 | 0.9975 | | 0.009 | 729.32 | 97000 | 2.7920 | 0.9981 | | 0.0194 | 730.83 | 97200 | 2.9781 | 0.9950 | | 0.0159 | 732.33 | 97400 | 3.0364 | 0.9969 | | 0.0175 | 733.83 | 97600 | 2.8637 | 0.9975 | | 0.0131 | 735.34 | 97800 | 3.0862 | 0.9956 | | 0.0222 | 736.84 | 98000 | 2.7875 | 0.9987 | | 0.0107 | 738.35 | 98200 | 2.9837 | 0.9962 | | 0.0171 | 739.85 | 98400 | 2.9214 | 0.9981 | | 0.0162 | 741.35 | 98600 | 2.9194 | 0.9956 | | 0.0133 | 742.86 | 98800 | 2.7002 | 1.0069 | | 0.0201 | 744.36 | 99000 | 2.9725 | 0.9962 | | 0.0137 | 745.86 | 99200 | 2.8473 | 0.9975 | | 0.0081 | 747.37 | 99400 | 2.9228 | 0.9981 | | 0.0155 | 748.87 | 99600 | 2.7624 | 0.9981 | | 0.0127 | 750.38 | 99800 | 2.8617 | 1.0019 | | 0.0158 | 751.88 | 100000 | 2.6715 | 1.0044 | | 0.0146 | 753.38 | 100200 | 2.7292 | 1.0019 | | 0.0136 | 754.89 | 100400 | 2.7341 | 0.9987 | | 0.0177 | 756.39 | 100600 | 2.8756 | 1.0 | | 0.0166 | 757.89 | 100800 | 2.7004 | 0.9981 | | 0.0125 | 759.4 | 101000 | 2.6595 | 1.0013 | | 0.012 | 760.9 | 101200 | 2.9655 | 1.0031 | | 0.0075 | 762.41 | 101400 | 2.8493 | 0.9969 | | 0.0161 | 763.91 | 101600 | 3.0451 | 0.9931 | | 0.0159 | 765.41 | 101800 | 2.8029 | 0.9956 | | 0.0179 | 766.92 | 102000 | 2.7643 | 0.9975 | | 0.0123 | 768.42 | 102200 | 2.7163 | 0.9962 | | 0.0131 | 769.92 | 102400 | 2.7235 | 1.0 | | 0.0134 | 771.43 | 102600 | 2.7199 | 0.9944 | | 0.0148 | 772.93 | 102800 | 3.0776 | 0.9962 | | 0.0132 | 774.44 | 103000 | 2.8314 | 0.9987 | | 0.0104 | 775.94 | 103200 | 2.8094 | 0.9969 | | 0.0166 | 777.44 | 103400 | 2.8420 | 0.9956 | | 0.0104 | 778.95 | 103600 | 2.7902 | 0.9944 | | 0.0065 | 780.45 | 103800 | 3.0951 | 0.9962 | | 0.0138 | 781.95 | 104000 | 2.9704 | 0.9956 | | 0.0113 | 783.46 | 104200 | 2.7171 | 0.9994 | | 0.0111 | 784.96 | 104400 | 3.2024 | 0.9975 | | 0.0123 | 786.47 | 104600 | 3.1505 | 0.9956 | | 0.0111 | 787.97 | 104800 | 3.1629 | 0.9969 | | 0.0105 | 789.47 | 105000 | 3.4622 | 0.9975 | | 0.0083 | 790.98 | 105200 | 3.0705 | 0.9987 | | 0.0123 | 792.48 | 105400 | 3.1194 | 1.0 | | 0.0156 | 793.98 | 105600 | 2.9915 | 0.9969 | | 0.0171 | 795.49 | 105800 | 2.9393 | 0.9969 | | 0.0144 | 796.99 | 106000 | 3.1108 | 0.9981 | | 0.0126 | 798.5 | 106200 | 3.1683 | 0.9994 | | 0.0101 | 800.0 | 106400 | 2.8538 | 1.0019 | | 0.0166 | 801.5 | 106600 | 2.8343 | 0.9987 | | 0.014 | 803.01 | 106800 | 3.2088 | 0.9969 | | 0.0121 | 804.51 | 107000 | 2.9219 | 0.9987 | | 0.012 | 806.02 | 107200 | 3.1733 | 0.9994 | | 0.0116 | 807.52 | 107400 | 3.1237 | 1.0 | | 0.0088 | 809.02 | 107600 | 2.9925 | 1.0 | | 0.0119 | 810.53 | 107800 | 2.8498 | 1.0019 | | 0.0128 | 812.03 | 108000 | 2.7667 | 0.9950 | | 0.0099 | 813.53 | 108200 | 2.8768 | 0.9975 | | 0.0135 | 815.04 | 108400 | 3.0824 | 0.9994 | | 0.01 | 816.54 | 108600 | 3.0932 | 1.0006 | | 0.0106 | 818.05 | 108800 | 3.1329 | 0.9975 | | 0.0127 | 819.55 | 109000 | 3.0865 | 0.9962 | | 0.01 | 821.05 | 109200 | 2.8887 | 0.9975 | | 0.0156 | 822.56 | 109400 | 3.1740 | 0.9962 | | 0.0131 | 824.06 | 109600 | 3.2385 | 0.9981 | | 0.0081 | 825.56 | 109800 | 3.3594 | 0.9981 | | 0.0138 | 827.07 | 110000 | 3.4093 | 0.9981 | | 0.0103 | 828.57 | 110200 | 3.2142 | 0.9987 | | 0.009 | 830.08 | 110400 | 3.1570 | 0.9981 | | 0.0065 | 831.58 | 110600 | 3.0934 | 0.9987 | | 0.0101 | 833.08 | 110800 | 2.7369 | 0.9975 | | 0.0084 | 834.59 | 111000 | 2.9523 | 0.9994 | | 0.0123 | 836.09 | 111200 | 2.9521 | 0.9987 | | 0.0061 | 837.59 | 111400 | 2.9804 | 0.9962 | | 0.0098 | 839.1 | 111600 | 3.0332 | 0.9969 | | 0.0086 | 840.6 | 111800 | 2.9643 | 0.9956 | | 0.008 | 842.11 | 112000 | 2.9080 | 0.9956 | | 0.0074 | 843.61 | 112200 | 2.9878 | 0.9962 | | 0.0125 | 845.11 | 112400 | 3.1683 | 0.9956 | | 0.0112 | 846.62 | 112600 | 3.1810 | 1.0019 | | 0.0093 | 848.12 | 112800 | 3.1701 | 0.9994 | | 0.0133 | 849.62 | 113000 | 3.1736 | 1.0019 | | 0.0093 | 851.13 | 113200 | 3.0622 | 0.9950 | | 0.0085 | 852.63 | 113400 | 3.0084 | 0.9994 | | 0.0119 | 854.14 | 113600 | 3.0510 | 1.0038 | | 0.0132 | 855.64 | 113800 | 3.0081 | 0.9975 | | 0.0068 | 857.14 | 114000 | 3.1519 | 0.9975 | | 0.0103 | 858.65 | 114200 | 3.0568 | 0.9950 | | 0.0116 | 860.15 | 114400 | 2.9386 | 0.9969 | | 0.0098 | 861.65 | 114600 | 2.9005 | 0.9975 | | 0.0102 | 863.16 | 114800 | 2.8415 | 0.9981 | | 0.0061 | 864.66 | 115000 | 3.0904 | 0.9969 | | 0.0111 | 866.17 | 115200 | 2.7751 | 1.0 | | 0.011 | 867.67 | 115400 | 2.9156 | 1.0006 | | 0.0159 | 869.17 | 115600 | 2.7727 | 1.0019 | | 0.0093 | 870.68 | 115800 | 2.9028 | 1.0013 | | 0.009 | 872.18 | 116000 | 2.9202 | 1.0 | | 0.012 | 873.68 | 116200 | 3.0764 | 1.0006 | | 0.0126 | 875.19 | 116400 | 3.0276 | 1.0031 | | 0.0091 | 876.69 | 116600 | 3.1787 | 0.9987 | | 0.0105 | 878.2 | 116800 | 3.0780 | 1.0 | | 0.0088 | 879.7 | 117000 | 3.1704 | 1.0056 | | 0.0075 | 881.2 | 117200 | 2.9814 | 1.0 | | 0.0111 | 882.71 | 117400 | 2.9560 | 0.9987 | | 0.0086 | 884.21 | 117600 | 2.9376 | 0.9994 | | 0.0137 | 885.71 | 117800 | 3.1393 | 0.9981 | | 0.0093 | 887.22 | 118000 | 3.0911 | 0.9994 | | 0.0087 | 888.72 | 118200 | 3.1769 | 0.9987 | | 0.0103 | 890.23 | 118400 | 3.2035 | 0.9969 | | 0.0093 | 891.73 | 118600 | 3.0411 | 0.9981 | | 0.0099 | 893.23 | 118800 | 3.1438 | 0.9975 | | 0.0082 | 894.74 | 119000 | 3.0581 | 0.9975 | | 0.0079 | 896.24 | 119200 | 3.2609 | 0.9981 | | 0.0134 | 897.74 | 119400 | 3.0753 | 0.9975 | | 0.012 | 899.25 | 119600 | 3.0611 | 0.9981 | | 0.0127 | 900.75 | 119800 | 3.0978 | 0.9987 | | 0.0092 | 902.26 | 120000 | 3.0483 | 0.9981 | | 0.0107 | 903.76 | 120200 | 3.1183 | 0.9969 | | 0.0104 | 905.26 | 120400 | 3.0339 | 1.0006 | | 0.0066 | 906.77 | 120600 | 3.0664 | 1.0 | | 0.0136 | 908.27 | 120800 | 3.2616 | 0.9987 | | 0.0075 | 909.77 | 121000 | 3.2563 | 0.9994 | | 0.0096 | 911.28 | 121200 | 3.2538 | 1.0019 | | 0.0094 | 912.78 | 121400 | 3.4125 | 0.9994 | | 0.0059 | 914.29 | 121600 | 3.2795 | 0.9981 | | 0.011 | 915.79 | 121800 | 3.0787 | 0.9981 | | 0.01 | 917.29 | 122000 | 3.0978 | 0.9962 | | 0.0105 | 918.8 | 122200 | 3.3389 | 1.0006 | | 0.0116 | 920.3 | 122400 | 3.3616 | 1.0006 | | 0.0098 | 921.8 | 122600 | 3.3360 | 1.0 | | 0.0091 | 923.31 | 122800 | 3.0145 | 1.0006 | | 0.0134 | 924.81 | 123000 | 3.2691 | 0.9987 | | 0.0124 | 926.32 | 123200 | 2.9881 | 1.0038 | | 0.0093 | 927.82 | 123400 | 3.2461 | 0.9981 | | 0.0077 | 929.32 | 123600 | 3.2159 | 0.9975 | | 0.0088 | 930.83 | 123800 | 2.9951 | 1.0 | | 0.0047 | 932.33 | 124000 | 3.1991 | 1.0 | | 0.0078 | 933.83 | 124200 | 3.1098 | 0.9975 | | 0.0066 | 935.34 | 124400 | 3.0344 | 0.9969 | | 0.0108 | 936.84 | 124600 | 3.1163 | 0.9981 | | 0.0086 | 938.35 | 124800 | 3.0668 | 0.9981 | | 0.0071 | 939.85 | 125000 | 2.9860 | 0.9981 | | 0.0096 | 941.35 | 125200 | 3.0639 | 0.9981 | | 0.0066 | 942.86 | 125400 | 3.0273 | 0.9987 | | 0.0071 | 944.36 | 125600 | 2.9351 | 0.9981 | | 0.0084 | 945.86 | 125800 | 3.2054 | 0.9981 | | 0.0099 | 947.37 | 126000 | 3.0305 | 1.0006 | | 0.0084 | 948.87 | 126200 | 3.0412 | 1.0 | | 0.0085 | 950.38 | 126400 | 2.9697 | 0.9994 | | 0.0072 | 951.88 | 126600 | 2.9454 | 0.9956 | | 0.007 | 953.38 | 126800 | 2.9225 | 0.9981 | | 0.0068 | 954.89 | 127000 | 2.9063 | 0.9962 | | 0.0121 | 956.39 | 127200 | 2.7681 | 0.9975 | | 0.0063 | 957.89 | 127400 | 3.0608 | 0.9975 | | 0.0155 | 959.4 | 127600 | 2.9355 | 0.9994 | | 0.0098 | 960.9 | 127800 | 3.0073 | 0.9987 | | 0.0083 | 962.41 | 128000 | 3.0921 | 0.9987 | | 0.0042 | 963.91 | 128200 | 3.2363 | 0.9981 | | 0.0083 | 965.41 | 128400 | 3.0678 | 0.9987 | | 0.0097 | 966.92 | 128600 | 2.8499 | 1.0019 | | 0.0095 | 968.42 | 128800 | 2.9329 | 1.0038 | | 0.0058 | 969.92 | 129000 | 2.7835 | 1.0038 | | 0.0052 | 971.43 | 129200 | 2.9134 | 1.0019 | | 0.0081 | 972.93 | 129400 | 2.9436 | 1.0031 | | 0.0084 | 974.44 | 129600 | 2.8237 | 0.9994 | | 0.0069 | 975.94 | 129800 | 2.9216 | 0.9994 | | 0.0089 | 977.44 | 130000 | 2.8717 | 0.9994 | | 0.0074 | 978.95 | 130200 | 3.0350 | 0.9994 | | 0.0072 | 980.45 | 130400 | 2.8856 | 1.0013 | | 0.0103 | 981.95 | 130600 | 2.9572 | 1.0 | | 0.01 | 983.46 | 130800 | 2.9522 | 1.0031 | | 0.0071 | 984.96 | 131000 | 2.9940 | 1.0031 | | 0.0042 | 986.47 | 131200 | 3.0343 | 1.0019 | | 0.0048 | 987.97 | 131400 | 2.9638 | 1.0069 | | 0.0038 | 989.47 | 131600 | 2.9672 | 1.0063 | | 0.0043 | 990.98 | 131800 | 2.9115 | 1.0063 | | 0.0129 | 992.48 | 132000 | 2.7689 | 1.0006 | | 0.0059 | 993.98 | 132200 | 2.9322 | 1.0038 | | 0.0098 | 995.49 | 132400 | 2.8063 | 1.0013 | | 0.0083 | 996.99 | 132600 | 3.0642 | 0.9981 | | 0.0055 | 998.5 | 132800 | 2.7167 | 1.0056 | | 0.0073 | 1000.0 | 133000 | 2.7715 | 1.0075 | | 0.0048 | 1001.5 | 133200 | 2.9235 | 1.0019 | | 0.0148 | 1003.01 | 133400 | 3.0357 | 1.0031 | | 0.0059 | 1004.51 | 133600 | 2.9261 | 1.0044 | | 0.008 | 1006.02 | 133800 | 2.9927 | 0.9994 | | 0.0093 | 1007.52 | 134000 | 2.9374 | 1.0019 | | 0.0102 | 1009.02 | 134200 | 2.9598 | 0.9987 | | 0.0045 | 1010.53 | 134400 | 3.0381 | 1.0 | | 0.0058 | 1012.03 | 134600 | 3.0556 | 1.0 | | 0.0089 | 1013.53 | 134800 | 3.1323 | 1.0006 | | 0.0058 | 1015.04 | 135000 | 3.0611 | 1.0013 | | 0.0043 | 1016.54 | 135200 | 3.0465 | 0.9981 | | 0.004 | 1018.05 | 135400 | 3.1712 | 0.9962 | | 0.0056 | 1019.55 | 135600 | 2.8690 | 0.9956 | | 0.0098 | 1021.05 | 135800 | 3.0515 | 0.9987 | | 0.0055 | 1022.56 | 136000 | 3.1504 | 0.9987 | | 0.0054 | 1024.06 | 136200 | 3.0969 | 0.9969 | | 0.005 | 1025.56 | 136400 | 3.0669 | 0.9969 | | 0.0073 | 1027.07 | 136600 | 3.0097 | 0.9975 | | 0.005 | 1028.57 | 136800 | 3.0517 | 0.9994 | | 0.0076 | 1030.08 | 137000 | 3.0154 | 1.0 | | 0.0084 | 1031.58 | 137200 | 2.9610 | 1.0025 | | 0.0044 | 1033.08 | 137400 | 2.9468 | 0.9994 | | 0.0063 | 1034.59 | 137600 | 3.0337 | 1.0006 | | 0.0031 | 1036.09 | 137800 | 3.1654 | 1.0006 | | 0.0066 | 1037.59 | 138000 | 3.0546 | 0.9987 | | 0.0053 | 1039.1 | 138200 | 3.0273 | 1.0006 | | 0.0086 | 1040.6 | 138400 | 3.0024 | 0.9962 | | 0.0061 | 1042.11 | 138600 | 2.9791 | 0.9994 | | 0.0057 | 1043.61 | 138800 | 3.1378 | 0.9994 | | 0.0052 | 1045.11 | 139000 | 3.0045 | 0.9987 | | 0.0094 | 1046.62 | 139200 | 2.9606 | 0.9994 | | 0.0027 | 1048.12 | 139400 | 3.1745 | 0.9981 | | 0.0024 | 1049.62 | 139600 | 3.1448 | 0.9981 | | 0.0045 | 1051.13 | 139800 | 3.0968 | 1.0 | | 0.0048 | 1052.63 | 140000 | 3.1278 | 0.9975 | | 0.0079 | 1054.14 | 140200 | 3.2618 | 0.9969 | | 0.0078 | 1055.64 | 140400 | 3.1333 | 0.9969 | | 0.0077 | 1057.14 | 140600 | 3.0945 | 0.9987 | | 0.0029 | 1058.65 | 140800 | 3.1253 | 0.9969 | | 0.0022 | 1060.15 | 141000 | 3.0270 | 0.9969 | | 0.0054 | 1061.65 | 141200 | 3.1937 | 0.9975 | | 0.0097 | 1063.16 | 141400 | 2.9620 | 0.9987 | | 0.006 | 1064.66 | 141600 | 2.9298 | 0.9994 | | 0.0041 | 1066.17 | 141800 | 2.9171 | 1.0013 | | 0.006 | 1067.67 | 142000 | 3.0870 | 0.9994 | | 0.0059 | 1069.17 | 142200 | 2.9893 | 0.9987 | | 0.0054 | 1070.68 | 142400 | 3.0031 | 0.9975 | | 0.0076 | 1072.18 | 142600 | 2.9808 | 0.9969 | | 0.0091 | 1073.68 | 142800 | 3.0710 | 0.9975 | | 0.0081 | 1075.19 | 143000 | 3.2000 | 0.9956 | | 0.0037 | 1076.69 | 143200 | 3.1321 | 0.9956 | | 0.0042 | 1078.2 | 143400 | 3.0672 | 0.9950 | | 0.0031 | 1079.7 | 143600 | 3.0094 | 0.9969 | | 0.003 | 1081.2 | 143800 | 3.0956 | 0.9956 | | 0.0087 | 1082.71 | 144000 | 3.0842 | 0.9969 | | 0.0039 | 1084.21 | 144200 | 2.9722 | 0.9962 | | 0.0059 | 1085.71 | 144400 | 3.0395 | 0.9962 | | 0.0088 | 1087.22 | 144600 | 2.9895 | 0.9950 | | 0.0056 | 1088.72 | 144800 | 2.9265 | 0.9956 | | 0.0031 | 1090.23 | 145000 | 2.9205 | 0.9969 | | 0.0089 | 1091.73 | 145200 | 2.9462 | 0.9969 | | 0.0037 | 1093.23 | 145400 | 2.9021 | 0.9975 | | 0.0047 | 1094.74 | 145600 | 2.9209 | 0.9987 | | 0.0058 | 1096.24 | 145800 | 2.9616 | 0.9975 | | 0.0068 | 1097.74 | 146000 | 2.9260 | 0.9981 | | 0.0051 | 1099.25 | 146200 | 2.9815 | 0.9969 | | 0.003 | 1100.75 | 146400 | 3.0032 | 0.9969 | | 0.0055 | 1102.26 | 146600 | 2.9972 | 0.9975 | | 0.0064 | 1103.76 | 146800 | 3.0282 | 0.9969 | | 0.0045 | 1105.26 | 147000 | 3.0201 | 0.9969 | | 0.0075 | 1106.77 | 147200 | 3.1340 | 0.9956 | | 0.0052 | 1108.27 | 147400 | 3.1120 | 0.9956 | | 0.0075 | 1109.77 | 147600 | 3.1448 | 0.9969 | | 0.0053 | 1111.28 | 147800 | 3.1039 | 0.9981 | | 0.0061 | 1112.78 | 148000 | 3.2061 | 1.0006 | | 0.0105 | 1114.29 | 148200 | 3.1274 | 0.9994 | | 0.0071 | 1115.79 | 148400 | 3.0449 | 1.0013 | | 0.0042 | 1117.29 | 148600 | 3.1285 | 0.9994 | | 0.0017 | 1118.8 | 148800 | 3.0261 | 0.9975 | | 0.0083 | 1120.3 | 149000 | 3.0042 | 0.9944 | | 0.0026 | 1121.8 | 149200 | 2.9851 | 0.9950 | | 0.003 | 1123.31 | 149400 | 2.9439 | 0.9956 | | 0.005 | 1124.81 | 149600 | 2.9231 | 0.9944 | | 0.0039 | 1126.32 | 149800 | 2.9187 | 0.9944 | | 0.0031 | 1127.82 | 150000 | 2.9250 | 0.9950 | | 0.002 | 1129.32 | 150200 | 2.9452 | 0.9969 | | 0.0057 | 1130.83 | 150400 | 2.9566 | 0.9944 | | 0.0046 | 1132.33 | 150600 | 3.0111 | 0.9975 | | 0.0076 | 1133.83 | 150800 | 2.9526 | 0.9962 | | 0.0048 | 1135.34 | 151000 | 2.9313 | 0.9969 | | 0.0052 | 1136.84 | 151200 | 2.9782 | 0.9975 | | 0.0086 | 1138.35 | 151400 | 3.0282 | 0.9975 | | 0.0018 | 1139.85 | 151600 | 3.0765 | 0.9962 | | 0.0046 | 1141.35 | 151800 | 3.0391 | 0.9969 | | 0.0043 | 1142.86 | 152000 | 3.0364 | 0.9962 | | 0.006 | 1144.36 | 152200 | 3.0741 | 0.9975 | | 0.0059 | 1145.86 | 152400 | 3.0201 | 0.9975 | | 0.0038 | 1147.37 | 152600 | 3.0556 | 0.9969 | | 0.007 | 1148.87 | 152800 | 2.9943 | 0.9962 | | 0.0042 | 1150.38 | 153000 | 2.9979 | 0.9981 | | 0.006 | 1151.88 | 153200 | 3.0304 | 0.9981 | | 0.0063 | 1153.38 | 153400 | 2.9844 | 0.9981 | | 0.0067 | 1154.89 | 153600 | 2.9773 | 0.9994 | | 0.0037 | 1156.39 | 153800 | 2.9956 | 0.9994 | | 0.0029 | 1157.89 | 154000 | 2.9977 | 1.0 | | 0.0056 | 1159.4 | 154200 | 2.9639 | 0.9987 | | 0.0063 | 1160.9 | 154400 | 2.9705 | 0.9994 | | 0.0063 | 1162.41 | 154600 | 3.0182 | 0.9994 | | 0.0045 | 1163.91 | 154800 | 3.0294 | 0.9994 | | 0.0107 | 1165.41 | 155000 | 2.9982 | 1.0 | | 0.0047 | 1166.92 | 155200 | 3.0119 | 1.0 | | 0.0043 | 1168.42 | 155400 | 3.0040 | 1.0006 | | 0.0025 | 1169.92 | 155600 | 3.0062 | 1.0 | | 0.0044 | 1171.43 | 155800 | 2.9886 | 1.0006 | | 0.0032 | 1172.93 | 156000 | 3.0112 | 1.0006 | | 0.0056 | 1174.44 | 156200 | 3.0036 | 1.0006 | | 0.0074 | 1175.94 | 156400 | 3.0185 | 1.0 | | 0.0056 | 1177.44 | 156600 | 3.0197 | 1.0 | | 0.0051 | 1178.95 | 156800 | 3.0232 | 0.9994 | | 0.0034 | 1180.45 | 157000 | 3.0373 | 1.0 | | 0.0038 | 1181.95 | 157200 | 3.0297 | 1.0 | | 0.0058 | 1183.46 | 157400 | 3.0453 | 0.9994 | | 0.0052 | 1184.96 | 157600 | 3.0235 | 1.0006 | | 0.0023 | 1186.47 | 157800 | 3.0338 | 1.0006 | | 0.0035 | 1187.97 | 158000 | 3.0402 | 1.0 | | 0.0035 | 1189.47 | 158200 | 3.0333 | 1.0 | | 0.0042 | 1190.98 | 158400 | 3.0572 | 0.9994 | | 0.0049 | 1192.48 | 158600 | 3.0431 | 1.0 | | 0.0017 | 1193.98 | 158800 | 3.0432 | 1.0 | | 0.0089 | 1195.49 | 159000 | 3.0372 | 1.0 | | 0.0089 | 1196.99 | 159200 | 3.0366 | 1.0006 | | 0.0053 | 1198.5 | 159400 | 3.0345 | 1.0006 | | 0.0054 | 1200.0 | 159600 | 3.0348 | 1.0006 | ### Framework versions - Transformers 4.18.0.dev0 - Pytorch 1.10.0+cu113 - Datasets 1.18.3 - Tokenizers 0.11.6
[ -0.06782235205173492, -0.04006136208772659, -0.04134580120444298, -0.02505478262901306, 0.003901968477293849, 0.029029106721282005, -0.08556750416755676, -0.06735030561685562, -0.050668925046920776, -0.09555355459451675, 0.029638465493917465, -0.10261771082878113, -0.0002009051531786099, -0.07765648514032364, -0.05157743766903877, 0.008756468072533607, 0.03602910414338112, -0.05166985094547272, -0.07778625935316086, 0.022399889305233955, 0.018139874562621117, 0.08929204940795898, 0.05361676961183548, 0.03119141422212124, 0.03777751699090004, 0.010221048258244991, -0.08406098186969757, 0.04596618190407753, 0.049860142171382904, -0.031721048057079315, 0.10642941296100616, 0.04236174002289772, 0.046788543462753296, 0.02905544638633728, -0.02496003918349743, 0.011313092894852161, -0.021047469228506088, -0.03937973827123642, 0.02317904680967331, -0.02904851734638214, 0.025081118568778038, 0.0034717037342488766, -0.02777322195470333, 0.06656777113676071, -0.046298958361148834, 0.005037875380367041, -0.09170865267515182, -0.04268648475408554, -0.051382195204496384, -0.0030186122749000788, -0.07195959985256195, -0.08581408113241196, 0.08938480168581009, 0.021489746868610382, -0.09878049790859222, 0.021314406767487526, -0.011173410341143608, 0.06636945903301239, 0.016378900036215782, 0.006734122056514025, -0.03140972927212715, -0.024801533669233322, -0.05073731392621994, -0.0241837315261364, -0.0785626620054245, -0.07197287678718567, -0.05690537765622139, -0.028635473921895027, 0.07705534994602203, -0.012137746438384056, -0.046893976628780365, 0.0751977190375328, 0.04234843701124191, 0.0028675885405391455, 0.04234522953629494, 0.03435042127966881, 0.037247177213430405, 0.012736241333186626, 0.06245798245072365, -0.0765887126326561, 0.007932615466415882, -0.08791911602020264, 0.04439161717891693, -0.0682675689458847, 0.06282314658164978, -0.009804614819586277, 0.029863933101296425, -0.037204500287771225, -0.021324127912521362, -0.011833437718451023, -0.05941450968384743, 0.027860799804329872, 0.02653519995510578, 0.07700639963150024, -0.010235586203634739, 0.09751575440168381, 0.019185896962881088, 0.030792025849223137, -0.030785461887717247, 0.09633392840623856, -0.023364847525954247, 0.005328824277967215, 0.037040118128061295, -0.0073259915225207806, -0.0022758550476282835, -0.0691261738538742, -0.022789618000388145, 0.09873645752668381, 0.09826432168483734, -0.0386015921831131, 0.05886603146791458, 0.05505714565515518, -0.04286699369549751, 0.001245367806404829, 0.05220625177025795, 0.09865494817495346, -0.04157829284667969, -0.040709059685468674, -0.0020138744730502367, 0.05503762140870094, -0.05313054099678993, -0.015925565734505653, -0.03717472776770592, -0.031159071251749992, -0.03698618337512016, -0.07801683247089386, -0.08279907703399658, 3.225685435692963e-33, 0.04527897760272026, 0.03015260212123394, -0.017759954556822777, -0.0009564065258018672, 0.01827559620141983, -0.0618448480963707, -0.01667230762541294, -0.03189516067504883, 0.05343393236398697, -0.055242255330085754, -0.0733603984117508, -0.020837560296058655, -0.04239121079444885, 0.07578068226575851, 0.016154183074831963, 0.004345419816672802, -0.03938521817326546, 0.014608010649681091, 0.037585485726594925, 0.009454428218305111, 0.16195324063301086, 0.0069374511949718, 0.00042346451664343476, -0.023163780570030212, 0.05215492099523544, 0.07343918830156326, 0.05629854276776314, -0.00500783696770668, 0.04390851408243179, 0.050284601747989655, -0.04165448248386383, -0.030838752165436745, -0.0020630820654332638, -0.029543492943048477, 0.029701240360736847, 0.04943855479359627, 0.025547901168465614, 0.05545266345143318, -0.042683131992816925, -0.06257491558790207, 0.041574373841285706, 0.018078239634633064, 0.021880220621824265, -0.0595124214887619, -0.06267945468425751, -0.09111243486404419, -0.011266752146184444, 0.05859178304672241, 0.013811366632580757, 0.04890381917357445, -0.08056196570396423, -0.03864803910255432, 0.024353204295039177, 0.059148531407117844, -0.008420702069997787, -0.055589932948350906, 0.07596239447593689, 0.08389542996883392, -0.02730669640004635, -0.012928375042974949, 0.019791752099990845, 0.02439301833510399, 0.036315884441137314, -0.010173853486776352, -0.018533572554588318, -0.05298023298382759, -0.0381760373711586, -0.0436856783926487, 0.02056283690035343, 0.012988184578716755, -0.030966391786932945, -0.0039870296604931355, 0.039064664393663406, -0.005116073414683342, 0.03263169899582863, -0.062333669513463974, -0.006110121961683035, -0.06674738973379135, -0.03549982234835625, 0.006201150361448526, 0.03512868657708168, 0.09993509948253632, -0.035672567784786224, -0.05340266972780228, -0.027628079056739807, -0.07584802061319351, -0.004936409182846546, -0.11270882189273834, -0.01947888731956482, 0.041946712881326675, -0.06547489017248154, 0.08934569358825684, -0.07134976983070374, -0.012455013580620289, -0.04957917705178261, -4.9857593719929126e-33, -0.017392350360751152, 0.13170094788074493, 0.00319570186547935, 0.09681321680545807, 0.024800918996334076, 0.01969795487821102, 0.10660263895988464, 0.1309715062379837, -0.06366084516048431, -0.04279381036758423, 0.07634803652763367, -0.04140610620379448, 0.0015589436516165733, -0.016136452555656433, 0.03257850557565689, -0.013622654601931572, -0.04434940591454506, -0.01253301277756691, 0.053196392953395844, 0.018813952803611755, 0.020045317709445953, 0.08537662029266357, -0.03995124623179436, 0.0698501318693161, -0.0015120295574888587, -0.043554238975048065, -0.009956435300409794, 0.07438141852617264, 0.05934253707528114, -0.04246862232685089, -0.05760569870471954, -0.02407420426607132, -0.03316664695739746, 0.03620075061917305, -0.005162976682186127, 0.027582330629229546, 0.06893561780452728, -0.010101591236889362, -0.009924057871103287, 0.04388008639216423, 0.06018664315342903, 0.07007133960723877, -0.08526169508695602, 0.01242385059595108, -0.003502330044284463, -0.041784126311540604, 0.01108644064515829, -0.027134597301483154, -0.028633996844291687, -0.046829789876937866, 0.057186517864465714, -0.08502022176980972, -0.010093332268297672, 0.046234890818595886, -0.02848845347762108, -0.05318339169025421, 0.02843652293086052, -0.0038479166105389595, -0.0524882972240448, 0.0046209972351789474, -0.018269287422299385, 0.011732425540685654, -0.12418362498283386, -0.05380528047680855, 0.01658344827592373, -0.0069386595860123634, -0.06560023874044418, 0.026576558127999306, 0.050843048840761185, 0.0502573624253273, -0.016445139423012733, 0.051305949687957764, 0.006149735767394304, 0.011134959757328033, -0.04660332202911377, 0.011742163449525833, -0.07621040940284729, -0.021045198664069176, -0.01783622056245804, -0.10096697509288788, -0.00017571522039361298, 0.05801425874233246, 0.07369185984134674, 0.008623918518424034, 0.1351790428161621, 0.09083123505115509, 0.051967304199934006, 0.04627561196684837, -0.0692123994231224, 0.012273948639631271, 0.024967005476355553, 0.0641913115978241, -0.012700299732387066, 0.13085360825061798, 0.04236668348312378, -5.91421489559707e-8, -0.04990691319108009, 0.025727497413754463, -0.015654969960451126, 0.03044046461582184, 0.01536490861326456, -0.052852336317300797, 0.013086113147437572, -0.015317506156861782, 0.011914084665477276, 0.01895068772137165, 0.02663932554423809, -0.000980906537733972, -0.0490034855902195, 0.05466121435165405, -0.0029012183658778667, -0.002791045932099223, -0.04251838102936745, 0.11533523350954056, -0.04780508205294609, -0.07013726979494095, 0.006084383465349674, -0.0019509100820869207, 0.0009392564534209669, -0.0288404431194067, 0.08286934345960617, -0.10431341081857681, -0.05697888135910034, 0.08721763640642166, -0.0756249949336052, -0.018898269161581993, -0.04630092903971672, 0.033002324402332306, 0.0000048853166845219675, -0.09706415235996246, -0.03402375057339668, 0.07260274887084961, -0.08376752585172653, -0.044071655720472336, 0.002577404258772731, 0.036858703941106796, -0.009173904545605183, 0.08367791026830673, -0.05523143336176872, -0.017761370167136192, 0.08573120832443237, -0.055883485823869705, 0.014491390436887741, -0.09371042251586914, 0.044924888759851456, 0.010022309608757496, 0.015433965250849724, 0.03109613060951233, -0.02547791413962841, -0.039339784532785416, 0.03991416096687317, 0.008965245448052883, -0.09381447732448578, 0.027502911165356636, 0.028444865718483925, -0.005217177327722311, 0.016400046646595, -0.00928250327706337, -0.034520916640758514, -0.013724100776016712 ]
huggingtweets/kc_lyricbot
3506e514498e9bea6a8f66e7e959e481f57f8278
2022-04-13T21:14:37.000Z
[ "pytorch", "gpt2", "text-generation", "en", "transformers", "huggingtweets" ]
text-generation
false
huggingtweets
null
huggingtweets/kc_lyricbot
0
null
transformers
--- language: en thumbnail: http://www.huggingtweets.com/kc_lyricbot/1649884470723/predictions.png tags: - huggingtweets widget: - text: "My dream is" --- <div class="inline-flex flex-col" style="line-height: 1.5;"> <div class="flex"> <div style="display:inherit; margin-left: 4px; margin-right: 4px; width: 92px; height:92px; border-radius: 50%; background-size: cover; background-image: url(&#39;https://pbs.twimg.com/profile_images/1448393533921112064/q3fCXTyu_400x400.jpg&#39;)"> </div> <div style="display:none; margin-left: 4px; margin-right: 4px; width: 92px; height:92px; border-radius: 50%; background-size: cover; background-image: url(&#39;&#39;)"> </div> <div style="display:none; margin-left: 4px; margin-right: 4px; width: 92px; height:92px; border-radius: 50%; background-size: cover; background-image: url(&#39;&#39;)"> </div> </div> <div style="text-align: center; margin-top: 3px; font-size: 16px; font-weight: 800">🤖 AI BOT 🤖</div> <div style="text-align: center; font-size: 16px; font-weight: 800">King Crimson Lyric Bot</div> <div style="text-align: center; font-size: 14px;">@kc_lyricbot</div> </div> I was made with [huggingtweets](https://github.com/borisdayma/huggingtweets). Create your own bot based on your favorite user with [the demo](https://colab.research.google.com/github/borisdayma/huggingtweets/blob/master/huggingtweets-demo.ipynb)! ## How does it work? The model uses the following pipeline. ![pipeline](https://github.com/borisdayma/huggingtweets/blob/master/img/pipeline.png?raw=true) To understand how the model was developed, check the [W&B report](https://wandb.ai/wandb/huggingtweets/reports/HuggingTweets-Train-a-Model-to-Generate-Tweets--VmlldzoxMTY5MjI). ## Training data The model was trained on tweets from King Crimson Lyric Bot. | Data | King Crimson Lyric Bot | | --- | --- | | Tweets downloaded | 3250 | | Retweets | 0 | | Short tweets | 231 | | Tweets kept | 3019 | [Explore the data](https://wandb.ai/wandb/huggingtweets/runs/1yn81k4o/artifacts), which is tracked with [W&B artifacts](https://docs.wandb.com/artifacts) at every step of the pipeline. ## Training procedure The model is based on a pre-trained [GPT-2](https://huggingface.co/gpt2) which is fine-tuned on @kc_lyricbot's tweets. Hyperparameters and metrics are recorded in the [W&B training run](https://wandb.ai/wandb/huggingtweets/runs/15ndpk6d) for full transparency and reproducibility. At the end of training, [the final model](https://wandb.ai/wandb/huggingtweets/runs/15ndpk6d/artifacts) is logged and versioned. ## How to use You can use this model directly with a pipeline for text generation: ```python from transformers import pipeline generator = pipeline('text-generation', model='huggingtweets/kc_lyricbot') generator("My dream is", num_return_sequences=5) ``` ## Limitations and bias The model suffers from [the same limitations and bias as GPT-2](https://huggingface.co/gpt2#limitations-and-bias). In addition, the data present in the user's tweets further affects the text generated by the model. ## About *Built by Boris Dayma* [![Follow](https://img.shields.io/twitter/follow/borisdayma?style=social)](https://twitter.com/intent/follow?screen_name=borisdayma) For more details, visit the project repository. [![GitHub stars](https://img.shields.io/github/stars/borisdayma/huggingtweets?style=social)](https://github.com/borisdayma/huggingtweets)
[ -0.007508707232773304, 0.11266018450260162, -0.003589609172195196, 0.04781372472643852, 0.16427229344844818, -0.0052042026072740555, -0.03561164811253548, 0.01899920590221882, 0.08177869766950607, -0.053954802453517914, 0.0031129426788538694, 0.06758701056241989, 0.01612427458167076, -0.03650433197617531, -0.005932996980845928, 0.043437059968709946, -0.08671082556247711, -0.03334266319870949, -0.06614264100790024, 0.019719349220395088, -0.0802050307393074, -0.09098570793867111, 0.08124348521232605, -0.034730955958366394, -0.04527044668793678, 0.07507184892892838, -0.005799772683531046, 0.058641813695430756, -0.00407220097258687, -0.014941987581551075, -0.045671429485082626, 0.03241230174899101, 0.052550025284290314, 0.03395646810531616, -0.03214127942919731, 0.025389283895492554, -0.028796980157494545, 0.02674897387623787, -0.06504244357347488, 0.007657339796423912, -0.010337769985198975, -0.10149276256561279, 0.04872327297925949, 0.047460753470659256, -0.030065840110182762, -0.030623259022831917, -0.020988047122955322, -0.011091825552284718, -0.05184212699532509, 0.024780912324786186, -0.05350248143076897, -0.06634481251239777, 0.006447531282901764, -0.0006954403361305594, 0.009625677019357681, 0.07041630148887634, 0.02197449468076229, -0.04111889377236366, 0.08363086730241776, -0.020765705034136772, 0.10136774182319641, 0.094500832259655, 0.0872233435511589, -0.0032861875370144844, 0.016563544049859047, -0.023185113444924355, -0.06807612627744675, 0.0417693629860878, -0.030079293996095657, -0.006685100961476564, 0.03321339935064316, -0.0015630796551704407, -0.024128925055265427, -0.043009690940380096, 0.06432920694351196, -0.050103530287742615, -0.02377771958708763, 0.016275284811854362, -0.02150481939315796, 0.06033974140882492, 0.03277295082807541, -0.06165359169244766, 0.013200382702052593, -0.03439972177147865, 0.047855231910943985, 0.03246261551976204, 0.008540945127606392, -0.10265623778104782, -0.03712523728609085, 0.023539461195468903, -0.017162732779979706, -0.0283649954944849, -0.00552322855219245, 0.03877291828393936, -0.04607260227203369, 0.031077174469828606, -0.058770664036273956, -0.15687474608421326, -0.10600833594799042, 0.06340911984443665, 0.016327155753970146, -0.050814561545848846, 0.06911087781190872, 0.0294104665517807, 0.014278983697295189, -0.042403534054756165, -0.024972759187221527, 0.010653115808963776, -0.014267945662140846, -0.015318064950406551, 0.03638880327343941, -0.04870312288403511, -0.10169056057929993, 0.028458552435040474, -0.03316950798034668, -0.09549371898174286, -0.009142573922872543, 0.042869023978710175, 0.09796108305454254, -0.02035842090845108, 0.0546778105199337, 0.1415802538394928, -0.02657901681959629, -0.09452414512634277, 0.0023600426502525806, 0.02326136827468872, -0.059251975268125534, 1.0850480685817775e-32, 0.06651013344526291, 0.0028712968342006207, -0.060121405869722366, 0.0487593449652195, 0.12102334201335907, -0.007912996225059032, -0.021756717935204506, -0.0317583903670311, -0.09035106748342514, -0.002824823372066021, 0.06684286147356033, 0.030842319130897522, 0.009834504686295986, 0.014482123777270317, 0.007297924719750881, -0.09247814118862152, -0.019386598840355873, -0.0007162766996771097, -0.021134013310074806, 0.017069639638066292, -0.11055535823106766, 0.04698480665683746, -0.029854947701096535, -0.0686529353260994, -0.05375369265675545, 0.021250678226351738, 0.06999026983976364, -0.04228418692946434, -0.002452482935041189, 0.00025363886379636824, -0.0458059199154377, -0.010525425896048546, 0.06431069225072861, -0.06546571850776672, 0.05003056675195694, 0.013249794021248817, 0.010211896151304245, -0.07740437239408493, -0.010518759489059448, 0.039689239114522934, -0.03478511795401573, -0.04645052179694176, 0.04736015573143959, -0.03783883899450302, -0.050631605088710785, 0.0898631289601326, 0.1377568393945694, 0.0203815009444952, -0.03803660348057747, -0.040621113032102585, -0.03169180825352669, -0.010602273978292942, -0.047485556453466415, -0.1105363517999649, -0.00705573009327054, -0.08306891471147537, 0.008455687202513218, 0.011698481626808643, 0.044163260608911514, -0.03351474553346634, -0.00410660682246089, -0.06290705502033234, 0.0410841628909111, -0.08847712725400925, 0.042282309383153915, 0.03938576206564903, -0.0817854031920433, -0.03677424043416977, 0.04519125446677208, -0.04985034093260765, -0.04167938232421875, -0.0003386440221220255, 0.10590749233961105, -0.03482380136847496, -0.05194343253970146, 0.03631123900413513, -0.020347917452454567, -0.05342995002865791, -0.03892272710800171, 0.021849656477570534, -0.049180351197719574, 0.004988274537026882, 0.02421684004366398, 0.00603163056075573, -0.017620306462049484, -0.017412040382623672, -0.017504893243312836, -0.06078645586967468, 0.00821483600884676, 0.0049714078195393085, -0.11571963876485825, -0.004595371428877115, 0.04205576702952385, -0.08949344605207443, -0.07931023836135864, -1.1353028765365288e-32, 0.052481357008218765, 0.010679212398827076, -0.009335052222013474, 0.049669183790683746, 0.09921600669622421, 0.05017135664820671, 0.05047537013888359, 0.054876022040843964, 0.019944924861192703, 0.014892902225255966, 0.048759255558252335, -0.031704653054475784, -0.08040492236614227, -0.045290447771549225, 0.02372526377439499, 0.02701808139681816, 0.06677260994911194, -0.012437780387699604, -0.037974752485752106, 0.04597035422921181, 0.00569832231849432, 0.044312894344329834, -0.01931050978600979, 0.08640173077583313, -0.07128152251243591, -0.013577837496995926, 0.07832522690296173, -0.004498996306210756, -0.006747945677489042, 0.009266236796975136, -0.04706253483891487, -0.09329067915678024, -0.029072068631649017, 0.0566619336605072, 0.0484861396253109, 0.003908420447260141, -0.06559497117996216, -0.049912240356206894, -0.03726981207728386, -0.043716851621866226, 0.019296515733003616, -0.08939913660287857, -0.0671161636710167, -0.017765244469046593, 0.03264463692903519, -0.03835536167025566, 0.029390469193458557, -0.01157937478274107, 0.0009332562331110239, 0.04786160960793495, 0.034375812858343124, 0.03944621980190277, -0.016023948788642883, -0.022694766521453857, -0.023773089051246643, -0.08072429895401001, -0.044890571385622025, 0.03759242966771126, 0.015585238113999367, 0.03201804682612419, 0.03264758735895157, 0.025312146171927452, -0.01709132082760334, 0.011913049966096878, 0.06566540151834488, 0.04550528898835182, -0.07027594745159149, 0.047888100147247314, -0.06818046420812607, 0.001282534096390009, 0.025532327592372894, 0.06271965801715851, 0.041227713227272034, -0.0011837690835818648, 0.03307538107037544, -0.019547339528799057, 0.08397343009710312, -0.003336095018312335, 0.0739579051733017, 0.003892898326739669, -0.0747951939702034, -0.05046841874718666, -0.045501481741666794, 0.0014914359198883176, -0.05199667811393738, -0.003113504033535719, -0.024447795003652573, 0.09853804856538773, -0.028790272772312164, -0.03918320685625076, -0.036901459097862244, 0.08030223101377487, 0.051160313189029694, 0.03591976314783096, 0.06376136094331741, -6.617101178107987e-8, -0.05104013904929161, -0.09030512720346451, -0.011080173775553703, 0.016057994216680527, -0.042625751346349716, 0.03700403496623039, 0.028949959203600883, -0.15738271176815033, -0.013809585012495518, -0.05193512886762619, 0.04213780164718628, 0.013081220909953117, -0.0625992938876152, 0.0269145630300045, -0.043770357966423035, 0.012599654495716095, -0.11063040792942047, 0.0761876329779625, -0.004303230904042721, -0.06085285171866417, -0.007530481554567814, 0.04669300839304924, 0.024394161999225616, -0.019301000982522964, 0.0033882595598697662, 0.053261060267686844, -0.1128992959856987, 0.004280841909348965, -0.006277123000472784, 0.0026321369223296642, 0.05448339879512787, -0.053275108337402344, 0.038575027137994766, -0.05689963698387146, -0.008223148062825203, -0.0677720457315445, -0.0317901074886322, -0.034988883882761, 0.01955244317650795, 0.022419260814785957, 0.04872281104326248, 0.023587137460708618, 0.06700889766216278, 0.04536253213882446, -0.022219933569431305, 0.005092790350317955, 0.05284356698393822, -0.013585852459073067, 0.02988480217754841, 0.03743061050772667, -0.03209042176604271, -0.0756620243191719, 0.004810435697436333, 0.030969031155109406, 0.07427650690078735, -0.010987645015120506, -0.004751041531562805, 0.07858515530824661, -0.030422165989875793, 0.0655289888381958, 0.0476233996450901, 0.057769130915403366, -0.005231289193034172, 0.05710162594914436 ]
kangela/Metaphor-FineTuned-BERT
a8be63c2a11e22afc7a455d43fa556bb9835da39
2022-05-19T17:44:32.000Z
[ "pytorch", "bert", "fill-mask", "transformers", "autotrain_compatible" ]
fill-mask
false
kangela
null
kangela/Metaphor-FineTuned-BERT
0
null
transformers
Entry not found
[ 0.0461147278547287, -0.038838207721710205, -0.01049656979739666, -0.03682169318199158, 0.011261860840022564, 0.013094935566186905, 0.0019101888174191117, -0.013979103416204453, 0.027092741802334785, -0.015212527476251125, 0.017284274101257324, -0.08189476281404495, 0.03817418962717056, -0.04920130595564842, 0.021389011293649673, -0.015245908871293068, -0.03203780576586723, -0.1245758980512619, 0.03150877356529236, 0.032381657510995865, -0.060957908630371094, 0.05409295856952667, -0.025087490677833557, 0.01568586938083172, 0.028129950165748596, -0.04710396006703377, -0.018688226118683815, 0.013785239309072495, -0.04001208767294884, 0.01173911802470684, -0.04317743331193924, 0.05500618368387222, 0.004543041344732046, 0.02973111905157566, 0.14852192997932434, 0.02658126689493656, 0.02907961793243885, -0.05169107764959335, 0.05803573504090309, -0.07732241600751877, -0.017637968063354492, -0.04219653457403183, 0.041807834059000015, 0.023620979860424995, 0.021563321352005005, 0.016478516161441803, -0.0021814992651343346, -0.06400240957736969, 0.06393089145421982, 0.019599027931690216, -0.08565037697553635, 0.00934905931353569, -0.008718925528228283, -0.028583496809005737, -0.07310017943382263, 0.09416428208351135, 0.001759322709403932, 0.06184990331530571, 0.011840506456792355, -0.035997264087200165, 0.08358278125524521, -0.02619801089167595, 0.03736566752195358, -0.028206506744027138, -0.07454850524663925, -0.08883563429117203, -0.06279942393302917, -0.008695344440639019, 0.014119276776909828, -0.0825355276465416, 0.0649217739701271, -0.00223911227658391, -0.14716917276382446, 0.07743025571107864, -0.03548373281955719, -0.055201586335897446, 0.006981803569942713, -0.012166670523583889, 0.055111464112997055, -0.007116836030036211, -0.023175746202468872, -0.005835152696818113, -0.09185640513896942, 0.055196937173604965, 0.034148022532463074, 0.03835180774331093, 0.038685429841279984, -0.025987252593040466, 0.017804903909564018, 0.022428328171372414, 0.025005368515849113, -0.10761535167694092, -0.048001550137996674, -0.04343584179878235, 0.012374646961688995, -0.019502125680446625, 0.029218152165412903, 0.0842173621058464, -0.011719699949026108, 0.09283553808927536, -0.007015465293079615, -0.03543110564351082, -0.06936459988355637, 0.09425332397222519, -0.010958523489534855, -0.00805904995650053, 0.004974212497472763, -0.0031528924591839314, 0.06105927750468254, -0.03964288905262947, -0.03619541600346565, -0.019901901483535767, 0.07134733349084854, 0.039514873176813126, -0.012729483656585217, -0.006646515801548958, -0.04746140539646149, -0.014432490803301334, -0.05157482624053955, 0.09506245702505112, -0.049747664481401443, -0.04591796174645424, -0.008965466171503067, -0.0325421579182148, -0.08626784384250641, -0.06624380499124527, 0.02538885548710823, -4.303924894057984e-33, 0.01133066974580288, 0.0033434738870710135, -0.002155609894543886, 0.04871906340122223, -0.023564351722598076, -0.07933273911476135, 0.0600903145968914, 0.02335330657660961, -0.03844716399908066, -0.020433755591511726, -0.06952055543661118, -0.03235611692070961, 0.0062485747039318085, 0.064804308116436, -0.03201229125261307, 0.061689723283052444, 0.0417000837624073, -0.00761845987290144, 0.03340127319097519, -0.047770582139492035, 0.00887306872755289, -0.04066338762640953, -0.010506896302103996, 0.0106519665569067, 0.021333497017621994, 0.12854498624801636, -0.009705503471195698, 0.010055632330477238, -0.017507633194327354, 0.006515394430607557, 0.06334009766578674, -0.057817306369543076, 0.013668818399310112, -0.020286159589886665, 0.05430467426776886, -0.023184705525636673, 0.0828516036272049, 0.0005449643940664828, -0.10372652113437653, -0.07634282112121582, -0.005381610710173845, -0.039263784885406494, 0.0006114727002568543, -0.013281986117362976, 0.07119110971689224, 0.043696220964193344, 0.03168422728776932, 0.04338686540722847, 0.05728672817349434, 0.0832006186246872, -0.07961414009332657, 0.015234283171594143, 0.017002005130052567, 0.047004107385873795, -0.09794387966394424, 0.004990279674530029, -0.07062993198633194, -0.028000490739941597, -0.04018733277916908, -0.0702052190899849, 0.011351344175636768, 0.06020182743668556, -0.03297270089387894, 0.09396500885486603, 0.03417910635471344, -0.019825750961899757, -0.034690454602241516, -0.013036907650530338, 0.05896938592195511, -0.012359356507658958, -0.017275206744670868, -0.07982361316680908, 0.02059139870107174, 0.06737419217824936, 0.04176458343863487, -0.04978838190436363, -0.05877475067973137, -0.06289287656545639, -0.03354167565703392, -0.03871942684054375, 0.009898529388010502, -0.05514208599925041, -0.11629002541303635, -0.011855563148856163, 0.10663620382547379, 0.037354156374931335, -0.0065480442717671394, -0.051189567893743515, 0.06663123518228531, 0.01874656230211258, 0.032841797918081284, 0.041593004018068314, -0.06879369914531708, 0.04216769337654114, -0.01628219522535801, 5.4139394340936695e-34, 0.05697013810276985, -0.006972255185246468, 0.015711724758148193, -0.17956365644931793, 0.02320219948887825, 0.007923615165054798, -0.008062449283897877, 0.0074974060989916325, 0.07391711324453354, 0.0309313777834177, 0.060510627925395966, 0.058605875819921494, 0.09515274316072464, -0.002282935893163085, 0.001603541080839932, 0.07024981826543808, 0.012629246339201927, 0.07425693422555923, -0.038426291197538376, 0.01861148327589035, 0.030608950182795525, -0.02449394389986992, 0.021528491750359535, -0.003039651783183217, -0.03676343336701393, 0.03130284696817398, 0.07998586446046829, 0.010451192036271095, -0.07930229604244232, -0.013543923385441303, 0.018781835213303566, 0.05168003588914871, -0.07191970944404602, 0.15783067047595978, 0.026191607117652893, 0.01262354850769043, 0.08218053728342056, -0.029807550832629204, -0.07528624683618546, -0.04250097647309303, 0.017244765534996986, 0.04411793500185013, 0.03708017244935036, 0.009233047254383564, -0.040271829813718796, 0.022496428340673447, 0.02495843544602394, 0.07633638381958008, 0.005147108342498541, 0.013892097398638725, 0.05610476806759834, -0.06684739887714386, 0.05862557515501976, -0.020688841119408607, 0.05377643182873726, 0.06718500703573227, 0.005329249892383814, -0.01388032827526331, 0.029931528493762016, 0.009508464485406876, -0.045173756778240204, 0.11534366756677628, -0.06510116159915924, 0.05117698386311531, -0.0026125339791178703, -0.08554837852716446, -0.03784770518541336, 0.0804959163069725, 0.011298024095594883, -0.07695550471544266, -0.04868878796696663, 0.02515520341694355, 0.06252261996269226, -0.04509226232767105, -0.01246943511068821, 0.028559505939483643, -0.030573077499866486, 0.05066261067986488, -0.08187384903430939, 0.04469604790210724, 0.0034051244147121906, 0.04145054519176483, -0.021858664229512215, -0.06112268194556236, -0.00908052921295166, -0.05903250351548195, 0.0259539932012558, 0.059690944850444794, -0.07613514363765717, -0.03720718249678612, -0.036316655576229095, 0.07058046013116837, -0.008224100805819035, 0.041961874812841415, -0.0285952128469944, -1.496900736697171e-8, -0.0014124972512945533, 0.03401879221200943, -0.040338415652513504, 0.04116074740886688, 0.0935964286327362, -0.05115952715277672, 0.0008746005478315055, -0.03389839455485344, -0.00567849725484848, -0.010686947964131832, -0.04789939522743225, -0.04820054769515991, -0.02011880651116371, -0.03209094703197479, -0.04211259260773659, -0.10229527950286865, -0.07819421589374542, -0.031228765845298767, -0.02154778689146042, -0.04960230365395546, 0.08087796717882156, -0.07801242172718048, 0.06919731199741364, -0.04999840259552002, 0.03687043860554695, 0.03889009356498718, -0.049989692866802216, -0.04254625365138054, -0.04606937617063522, 0.08682432025671005, -0.031148413196206093, 0.11826753616333008, 0.034102488309144974, -0.0208592489361763, -0.0205202866345644, 0.027134142816066742, 0.09741277992725372, 0.051608603447675705, 0.013477512635290623, -0.13649295270442963, -0.022304272279143333, 0.02385953813791275, 0.038732077926397324, -0.09249968826770782, -0.04549082741141319, 0.054220106452703476, 0.01160438358783722, 0.051190607249736786, 0.07713303714990616, -0.022097084671258926, -0.06127818301320076, -0.01857956498861313, 0.006740490905940533, -0.00496308971196413, 0.024095389991998672, 0.0736224576830864, -0.003481915919110179, -0.0699305310845375, -0.006629763171076775, -0.0598808117210865, 0.05297163128852844, -0.02902800403535366, -0.027858933433890343, -0.01287526823580265 ]
huggan/projected_gan_color_field
8d2331fc46c18dcd0b043f5ef20d049f1c8b61af
2022-04-25T11:16:28.000Z
[ "pytorch", "gan", "dcgan", "projected-gan", "huggan", "unconditional-image-generation" ]
unconditional-image-generation
false
huggan
null
huggan/projected_gan_color_field
0
null
pytorch
--- library_name: pytorch tags: - gan - dcgan - projected-gan - huggan - unconditional-image-generation --- dataset: https://github.com/cs-chan/ArtGAN/tree/master/WikiArt%20Dataset trained on the official projected gan github code - you can check out the hfspace to see how to use it to generate images fun stuff check out the space demo: https://huggingface.co/spaces/huggan/projected_gan_art Made by:-<br/> [Jeronim Matijević](https://huggingface.co/Cropinky)<br/> [Massimiliano Pappa](https://huggingface.co/maxpappa)<br/>
[ -0.12554846704006195, -0.051075007766485214, -0.027223655954003334, 0.0067487857304513454, 0.06295957416296005, -0.043630797415971756, -0.06543906033039093, -0.039056066423654556, -0.0685853585600853, -0.06453805416822433, 0.026038339361548424, -0.0876556783914566, 0.00701327808201313, -0.043248794972896576, -0.054088518023490906, 0.0280743557959795, -0.012962259352207184, 0.07781779021024704, 0.008023432455956936, -0.016095051541924477, 0.01674097590148449, -0.02924959361553192, 0.0846685990691185, -0.07320842146873474, 0.13064031302928925, 0.018479662016034126, 0.05674595758318901, 0.00545384781435132, 0.09383820742368698, 0.010690487921237946, 0.035211022943258286, -0.023007215932011604, -0.030817344784736633, 0.04271760210394859, -0.0675305426120758, 0.133424311876297, -0.04607146978378296, 0.06163407862186432, -0.008163884282112122, -0.03950181603431702, 0.01134183444082737, 0.04118497669696808, -0.01577025093138218, -0.0730658695101738, 0.04370661452412605, -0.0075422427617013454, -0.05303548276424408, -0.06921418011188507, -0.035704679787158966, 0.0058537377044558525, -0.04150373116135597, -0.11750750243663788, -0.016089512035250664, 0.04321911931037903, 0.09487463533878326, -0.02577776461839676, 0.034371379762887955, -0.04610413312911987, 0.056304931640625, 0.0405646450817585, 0.011886389926075935, -0.006958322133868933, -0.03174664080142975, -0.0314721018075943, 0.012063490226864815, -0.020817955955863, -0.00927736982703209, 0.08086973428726196, 0.01831941120326519, -0.10018358379602432, -0.01801183447241783, 0.01772407814860344, -0.010921085253357887, -0.013811986893415451, 0.01730606146156788, 0.05067942291498184, 0.01791558414697647, -0.0045823813416063786, 0.0660867914557457, -0.054368820041418076, 0.04387172311544418, 0.047557152807712555, 0.09061340987682343, 0.05683315172791481, -0.022180505096912384, 0.026512229815125465, -0.06701380014419556, 0.1333068162202835, 0.0022021671757102013, 0.05452432855963707, -0.006787579040974379, 0.011994429863989353, -0.10280700773000717, 0.0754012018442154, -0.01614467054605484, -0.01004953682422638, 0.019234443083405495, -0.011462698690593243, -0.06623785942792892, 0.01902044750750065, -0.005034053698182106, -0.00245608645491302, 0.03340686857700348, -0.04579106345772743, 0.021389402449131012, -0.04497735947370529, 0.046661023050546646, 0.020148465409874916, 0.012664690613746643, -0.005236497148871422, 0.05900777876377106, -0.041826557368040085, -0.08149627596139908, -0.08553019165992737, -0.006304806098341942, -0.043758291751146317, -0.08289491385221481, 0.022585274651646614, 0.012524990364909172, -0.048042912036180496, -0.05985419452190399, 0.08550450205802917, -0.006566009018570185, -0.023625845089554787, -0.05547419190406799, -0.09688081592321396, -0.10254301875829697, 3.9088904665725535e-33, 0.11871279776096344, -0.007468244060873985, 0.0007252561044879258, 0.03797139972448349, 0.04711643233895302, -0.05331882834434509, -0.027118613943457603, -0.0462132953107357, -0.020516518503427505, -0.05568056181073189, -0.010629682801663876, -0.06886067986488342, -0.1105487272143364, 0.10407471656799316, -0.010553945787250996, -0.047573480755090714, -0.029272494837641716, 0.03241505101323128, -0.022574391216039658, 0.09406886249780655, -0.03165675327181816, 0.046713877469301224, -0.039707526564598083, 0.0075433398596942425, -0.01886148191988468, 0.05340380594134331, -0.03842491656541824, 0.0069544510915875435, -0.002125679748132825, 0.017890281975269318, -0.08096019178628922, 0.02496384084224701, 0.005091281142085791, 0.008689532056450844, -0.013303987681865692, -0.04347963631153107, -0.06485109776258469, -0.044877342879772186, -0.057494260370731354, 0.043059345334768295, 0.03761688247323036, 0.04579010233283043, 0.0015362505801022053, 0.01230643317103386, -0.05119403079152107, 0.017903534695506096, 0.0536763034760952, 0.06260164827108383, 0.03726199269294739, 0.08935821056365967, 0.013371830806136131, 0.07830948382616043, -0.00892744492739439, -0.07379923015832901, -0.05592363700270653, -0.050314076244831085, 0.003518345532938838, -0.05551629140973091, 0.07578404992818832, 0.02846820093691349, -0.012639707885682583, 0.013371112756431103, 0.06256847828626633, 0.046416301280260086, -0.06285886466503143, 0.04223494231700897, -0.03972901776432991, -0.06778932362794876, -0.012315301224589348, 0.07085103541612625, -0.0035022480878978968, -0.0007450972916558385, -0.046192098408937454, -0.07996711134910583, 0.05510854348540306, -0.0005010018358007073, 0.01036405935883522, -0.03311488404870033, -0.14128220081329346, 0.031183477491140366, -0.06076403334736824, -0.00833098590373993, 0.03580255061388016, -0.05520685762166977, -0.0500221773982048, 0.025147447362542152, 0.020273936912417412, -0.02328314073383808, 0.009512084536254406, -0.0022026500664651394, -0.026553628966212273, -0.04348841309547424, -0.03080930933356285, -0.03191139176487923, -0.013627090491354465, -3.435201875363681e-33, 0.10553337633609772, 0.07390866428613663, -0.02484467811882496, -0.03766195476055145, -0.03937588259577751, 0.03779918700456619, -0.011798135936260223, 0.03661266341805458, 0.002371179172769189, 0.03619171306490898, 0.023612013086676598, 0.019211674109101295, -0.03711562976241112, -0.06409085541963577, -0.03576997295022011, -0.06554023176431656, 0.08373471349477768, 0.006730688735842705, -0.05994848161935806, -0.01392319705337286, 0.04598814994096756, 0.09566179662942886, -0.02407044544816017, 0.019494522362947464, -0.020551590248942375, 0.07601112872362137, 0.06037957966327667, 0.02365201525390148, 0.02973826974630356, 0.025750890374183655, 0.02077721245586872, -0.08237212896347046, 0.02239127643406391, 0.01004092302173376, -0.04692640155553818, 0.040504395961761475, 0.1108231395483017, 0.01678173430263996, -0.057053301483392715, 0.012696762569248676, 0.06432846933603287, 0.03690122440457344, -0.07090236246585846, 0.04902636632323265, -0.07827388495206833, 0.009862211532890797, -0.01073436439037323, 0.08141264319419861, 0.007561500184237957, 0.03207128494977951, 0.015306849032640457, 0.013716579414904118, -0.0173095241189003, -0.02647750824689865, -0.014590965583920479, -0.09492725878953934, 0.043773338198661804, 0.04233857989311218, 0.07207289338111877, -0.027072139084339142, -0.11351525783538818, -0.15773402154445648, -0.04573924466967583, -0.02625315822660923, -0.07456618547439575, 0.04398190230131149, -0.06333263963460922, -0.00438704201951623, -0.008476240560412407, 0.05550685524940491, 0.021225815638899803, 0.04056379571557045, 0.07981961965560913, 0.09108644723892212, -0.002175751840695739, 0.013788148760795593, 0.11424832791090012, 0.01740076392889023, 0.12181704491376877, -0.12016212195158005, 0.028609365224838257, -0.0552695207297802, 0.0867486521601677, 0.024090273305773735, 0.10238213837146759, 0.03624879568815231, 0.010050445795059204, -0.01611482724547386, -0.018193332478404045, 0.03748222813010216, -0.008047183975577354, 0.018210619688034058, 0.03278922289609909, 0.08323048055171967, 0.07141628861427307, -5.3070909444841163e-8, -0.020039409399032593, 0.02578975073993206, -0.01290109846740961, -0.02811984159052372, -0.06721450388431549, -0.037282831966876984, 0.05938263237476349, 0.022178346291184425, 0.06918695569038391, 0.020657474175095558, 0.07467033714056015, 0.03526729345321655, -0.005149911157786846, -0.034558579325675964, 0.012667586095631123, 0.009993157349526882, 0.05721845477819443, 0.0512949638068676, -0.011174369603395462, -0.015154462307691574, -0.016552042216062546, -0.053593557327985764, -0.03157429024577141, -0.04347185045480728, 0.035282719880342484, -0.028893528506159782, -0.01599583402276039, 0.03659545257687569, -0.04832538589835167, -0.047681525349617004, 0.0011365428799763322, 0.01513904333114624, -0.002302610082551837, -0.04932904988527298, 0.048275288194417953, 0.06693956255912781, -0.1311608999967575, -0.092693030834198, -0.022069241851568222, -0.005335773341357708, -0.00006899202708154917, -0.006929727736860514, 0.028660500422120094, -0.02722013369202614, -0.018864775076508522, 0.033730439841747284, 0.07963837683200836, -0.04415592923760414, 0.013476643711328506, 0.06620700657367706, 0.037030790001153946, -0.02688494697213173, 0.05399089306592941, -0.025371002033352852, 0.03462836518883705, 0.0251341313123703, 0.004884487017989159, 0.026836521923542023, 0.05316817760467529, 0.043579939752817154, 0.024228310212492943, 0.0569765642285347, -0.012165142223238945, -0.02017589658498764 ]
huggan/projected_gan_popart
fc975cd4031baccc2d6fb37f8a9fe74438fc5f9d
2022-04-25T11:16:48.000Z
[ "pytorch", "gan", "dcgan", "projected-gan", "huggan", "unconditional-image-generation" ]
unconditional-image-generation
false
huggan
null
huggan/projected_gan_popart
0
null
pytorch
--- library_name: pytorch tags: - gan - dcgan - projected-gan - huggan - unconditional-image-generation --- dataset: https://github.com/cs-chan/ArtGAN/tree/master/WikiArt%20Dataset trained on the official projected gan github code - you can check out the hfspace to see how to use it to generate images fun stuff check out the space demo: https://huggingface.co/spaces/huggan/projected_gan_art Made by:-<br/> [Jeronim Matijević](https://huggingface.co/Cropinky)<br/> [Massimiliano Pappa](https://huggingface.co/maxpappa)<br/>
[ -0.12554846704006195, -0.051075007766485214, -0.027223655954003334, 0.0067487857304513454, 0.06295957416296005, -0.043630797415971756, -0.06543906033039093, -0.039056066423654556, -0.0685853585600853, -0.06453805416822433, 0.026038339361548424, -0.0876556783914566, 0.00701327808201313, -0.043248794972896576, -0.054088518023490906, 0.0280743557959795, -0.012962259352207184, 0.07781779021024704, 0.008023432455956936, -0.016095051541924477, 0.01674097590148449, -0.02924959361553192, 0.0846685990691185, -0.07320842146873474, 0.13064031302928925, 0.018479662016034126, 0.05674595758318901, 0.00545384781435132, 0.09383820742368698, 0.010690487921237946, 0.035211022943258286, -0.023007215932011604, -0.030817344784736633, 0.04271760210394859, -0.0675305426120758, 0.133424311876297, -0.04607146978378296, 0.06163407862186432, -0.008163884282112122, -0.03950181603431702, 0.01134183444082737, 0.04118497669696808, -0.01577025093138218, -0.0730658695101738, 0.04370661452412605, -0.0075422427617013454, -0.05303548276424408, -0.06921418011188507, -0.035704679787158966, 0.0058537377044558525, -0.04150373116135597, -0.11750750243663788, -0.016089512035250664, 0.04321911931037903, 0.09487463533878326, -0.02577776461839676, 0.034371379762887955, -0.04610413312911987, 0.056304931640625, 0.0405646450817585, 0.011886389926075935, -0.006958322133868933, -0.03174664080142975, -0.0314721018075943, 0.012063490226864815, -0.020817955955863, -0.00927736982703209, 0.08086973428726196, 0.01831941120326519, -0.10018358379602432, -0.01801183447241783, 0.01772407814860344, -0.010921085253357887, -0.013811986893415451, 0.01730606146156788, 0.05067942291498184, 0.01791558414697647, -0.0045823813416063786, 0.0660867914557457, -0.054368820041418076, 0.04387172311544418, 0.047557152807712555, 0.09061340987682343, 0.05683315172791481, -0.022180505096912384, 0.026512229815125465, -0.06701380014419556, 0.1333068162202835, 0.0022021671757102013, 0.05452432855963707, -0.006787579040974379, 0.011994429863989353, -0.10280700773000717, 0.0754012018442154, -0.01614467054605484, -0.01004953682422638, 0.019234443083405495, -0.011462698690593243, -0.06623785942792892, 0.01902044750750065, -0.005034053698182106, -0.00245608645491302, 0.03340686857700348, -0.04579106345772743, 0.021389402449131012, -0.04497735947370529, 0.046661023050546646, 0.020148465409874916, 0.012664690613746643, -0.005236497148871422, 0.05900777876377106, -0.041826557368040085, -0.08149627596139908, -0.08553019165992737, -0.006304806098341942, -0.043758291751146317, -0.08289491385221481, 0.022585274651646614, 0.012524990364909172, -0.048042912036180496, -0.05985419452190399, 0.08550450205802917, -0.006566009018570185, -0.023625845089554787, -0.05547419190406799, -0.09688081592321396, -0.10254301875829697, 3.9088904665725535e-33, 0.11871279776096344, -0.007468244060873985, 0.0007252561044879258, 0.03797139972448349, 0.04711643233895302, -0.05331882834434509, -0.027118613943457603, -0.0462132953107357, -0.020516518503427505, -0.05568056181073189, -0.010629682801663876, -0.06886067986488342, -0.1105487272143364, 0.10407471656799316, -0.010553945787250996, -0.047573480755090714, -0.029272494837641716, 0.03241505101323128, -0.022574391216039658, 0.09406886249780655, -0.03165675327181816, 0.046713877469301224, -0.039707526564598083, 0.0075433398596942425, -0.01886148191988468, 0.05340380594134331, -0.03842491656541824, 0.0069544510915875435, -0.002125679748132825, 0.017890281975269318, -0.08096019178628922, 0.02496384084224701, 0.005091281142085791, 0.008689532056450844, -0.013303987681865692, -0.04347963631153107, -0.06485109776258469, -0.044877342879772186, -0.057494260370731354, 0.043059345334768295, 0.03761688247323036, 0.04579010233283043, 0.0015362505801022053, 0.01230643317103386, -0.05119403079152107, 0.017903534695506096, 0.0536763034760952, 0.06260164827108383, 0.03726199269294739, 0.08935821056365967, 0.013371830806136131, 0.07830948382616043, -0.00892744492739439, -0.07379923015832901, -0.05592363700270653, -0.050314076244831085, 0.003518345532938838, -0.05551629140973091, 0.07578404992818832, 0.02846820093691349, -0.012639707885682583, 0.013371112756431103, 0.06256847828626633, 0.046416301280260086, -0.06285886466503143, 0.04223494231700897, -0.03972901776432991, -0.06778932362794876, -0.012315301224589348, 0.07085103541612625, -0.0035022480878978968, -0.0007450972916558385, -0.046192098408937454, -0.07996711134910583, 0.05510854348540306, -0.0005010018358007073, 0.01036405935883522, -0.03311488404870033, -0.14128220081329346, 0.031183477491140366, -0.06076403334736824, -0.00833098590373993, 0.03580255061388016, -0.05520685762166977, -0.0500221773982048, 0.025147447362542152, 0.020273936912417412, -0.02328314073383808, 0.009512084536254406, -0.0022026500664651394, -0.026553628966212273, -0.04348841309547424, -0.03080930933356285, -0.03191139176487923, -0.013627090491354465, -3.435201875363681e-33, 0.10553337633609772, 0.07390866428613663, -0.02484467811882496, -0.03766195476055145, -0.03937588259577751, 0.03779918700456619, -0.011798135936260223, 0.03661266341805458, 0.002371179172769189, 0.03619171306490898, 0.023612013086676598, 0.019211674109101295, -0.03711562976241112, -0.06409085541963577, -0.03576997295022011, -0.06554023176431656, 0.08373471349477768, 0.006730688735842705, -0.05994848161935806, -0.01392319705337286, 0.04598814994096756, 0.09566179662942886, -0.02407044544816017, 0.019494522362947464, -0.020551590248942375, 0.07601112872362137, 0.06037957966327667, 0.02365201525390148, 0.02973826974630356, 0.025750890374183655, 0.02077721245586872, -0.08237212896347046, 0.02239127643406391, 0.01004092302173376, -0.04692640155553818, 0.040504395961761475, 0.1108231395483017, 0.01678173430263996, -0.057053301483392715, 0.012696762569248676, 0.06432846933603287, 0.03690122440457344, -0.07090236246585846, 0.04902636632323265, -0.07827388495206833, 0.009862211532890797, -0.01073436439037323, 0.08141264319419861, 0.007561500184237957, 0.03207128494977951, 0.015306849032640457, 0.013716579414904118, -0.0173095241189003, -0.02647750824689865, -0.014590965583920479, -0.09492725878953934, 0.043773338198661804, 0.04233857989311218, 0.07207289338111877, -0.027072139084339142, -0.11351525783538818, -0.15773402154445648, -0.04573924466967583, -0.02625315822660923, -0.07456618547439575, 0.04398190230131149, -0.06333263963460922, -0.00438704201951623, -0.008476240560412407, 0.05550685524940491, 0.021225815638899803, 0.04056379571557045, 0.07981961965560913, 0.09108644723892212, -0.002175751840695739, 0.013788148760795593, 0.11424832791090012, 0.01740076392889023, 0.12181704491376877, -0.12016212195158005, 0.028609365224838257, -0.0552695207297802, 0.0867486521601677, 0.024090273305773735, 0.10238213837146759, 0.03624879568815231, 0.010050445795059204, -0.01611482724547386, -0.018193332478404045, 0.03748222813010216, -0.008047183975577354, 0.018210619688034058, 0.03278922289609909, 0.08323048055171967, 0.07141628861427307, -5.3070909444841163e-8, -0.020039409399032593, 0.02578975073993206, -0.01290109846740961, -0.02811984159052372, -0.06721450388431549, -0.037282831966876984, 0.05938263237476349, 0.022178346291184425, 0.06918695569038391, 0.020657474175095558, 0.07467033714056015, 0.03526729345321655, -0.005149911157786846, -0.034558579325675964, 0.012667586095631123, 0.009993157349526882, 0.05721845477819443, 0.0512949638068676, -0.011174369603395462, -0.015154462307691574, -0.016552042216062546, -0.053593557327985764, -0.03157429024577141, -0.04347185045480728, 0.035282719880342484, -0.028893528506159782, -0.01599583402276039, 0.03659545257687569, -0.04832538589835167, -0.047681525349617004, 0.0011365428799763322, 0.01513904333114624, -0.002302610082551837, -0.04932904988527298, 0.048275288194417953, 0.06693956255912781, -0.1311608999967575, -0.092693030834198, -0.022069241851568222, -0.005335773341357708, -0.00006899202708154917, -0.006929727736860514, 0.028660500422120094, -0.02722013369202614, -0.018864775076508522, 0.033730439841747284, 0.07963837683200836, -0.04415592923760414, 0.013476643711328506, 0.06620700657367706, 0.037030790001153946, -0.02688494697213173, 0.05399089306592941, -0.025371002033352852, 0.03462836518883705, 0.0251341313123703, 0.004884487017989159, 0.026836521923542023, 0.05316817760467529, 0.043579939752817154, 0.024228310212492943, 0.0569765642285347, -0.012165142223238945, -0.02017589658498764 ]
huggan/projected_gan_abstract_expressionism
477e0e9cac181ed43f328397c60f0e94c40109c8
2022-04-25T11:16:38.000Z
[ "pytorch", "gan", "dcgan", "projected-gan", "huggan", "unconditional-image-generation" ]
unconditional-image-generation
false
huggan
null
huggan/projected_gan_abstract_expressionism
0
null
pytorch
--- library_name: pytorch tags: - gan - dcgan - projected-gan - huggan - unconditional-image-generation --- dataset: https://github.com/cs-chan/ArtGAN/tree/master/WikiArt%20Dataset trained on the official projected gan github code - you can check out the hfspace to see how to use it to generate images fun stuff check out the space demo: https://huggingface.co/spaces/huggan/projected_gan_art Made by:-<br/> [Jeronim Matijević](https://huggingface.co/Cropinky)<br/> [Massimiliano Pappa](https://huggingface.co/maxpappa)<br/>
[ -0.12554846704006195, -0.051075007766485214, -0.027223655954003334, 0.0067487857304513454, 0.06295957416296005, -0.043630797415971756, -0.06543906033039093, -0.039056066423654556, -0.0685853585600853, -0.06453805416822433, 0.026038339361548424, -0.0876556783914566, 0.00701327808201313, -0.043248794972896576, -0.054088518023490906, 0.0280743557959795, -0.012962259352207184, 0.07781779021024704, 0.008023432455956936, -0.016095051541924477, 0.01674097590148449, -0.02924959361553192, 0.0846685990691185, -0.07320842146873474, 0.13064031302928925, 0.018479662016034126, 0.05674595758318901, 0.00545384781435132, 0.09383820742368698, 0.010690487921237946, 0.035211022943258286, -0.023007215932011604, -0.030817344784736633, 0.04271760210394859, -0.0675305426120758, 0.133424311876297, -0.04607146978378296, 0.06163407862186432, -0.008163884282112122, -0.03950181603431702, 0.01134183444082737, 0.04118497669696808, -0.01577025093138218, -0.0730658695101738, 0.04370661452412605, -0.0075422427617013454, -0.05303548276424408, -0.06921418011188507, -0.035704679787158966, 0.0058537377044558525, -0.04150373116135597, -0.11750750243663788, -0.016089512035250664, 0.04321911931037903, 0.09487463533878326, -0.02577776461839676, 0.034371379762887955, -0.04610413312911987, 0.056304931640625, 0.0405646450817585, 0.011886389926075935, -0.006958322133868933, -0.03174664080142975, -0.0314721018075943, 0.012063490226864815, -0.020817955955863, -0.00927736982703209, 0.08086973428726196, 0.01831941120326519, -0.10018358379602432, -0.01801183447241783, 0.01772407814860344, -0.010921085253357887, -0.013811986893415451, 0.01730606146156788, 0.05067942291498184, 0.01791558414697647, -0.0045823813416063786, 0.0660867914557457, -0.054368820041418076, 0.04387172311544418, 0.047557152807712555, 0.09061340987682343, 0.05683315172791481, -0.022180505096912384, 0.026512229815125465, -0.06701380014419556, 0.1333068162202835, 0.0022021671757102013, 0.05452432855963707, -0.006787579040974379, 0.011994429863989353, -0.10280700773000717, 0.0754012018442154, -0.01614467054605484, -0.01004953682422638, 0.019234443083405495, -0.011462698690593243, -0.06623785942792892, 0.01902044750750065, -0.005034053698182106, -0.00245608645491302, 0.03340686857700348, -0.04579106345772743, 0.021389402449131012, -0.04497735947370529, 0.046661023050546646, 0.020148465409874916, 0.012664690613746643, -0.005236497148871422, 0.05900777876377106, -0.041826557368040085, -0.08149627596139908, -0.08553019165992737, -0.006304806098341942, -0.043758291751146317, -0.08289491385221481, 0.022585274651646614, 0.012524990364909172, -0.048042912036180496, -0.05985419452190399, 0.08550450205802917, -0.006566009018570185, -0.023625845089554787, -0.05547419190406799, -0.09688081592321396, -0.10254301875829697, 3.9088904665725535e-33, 0.11871279776096344, -0.007468244060873985, 0.0007252561044879258, 0.03797139972448349, 0.04711643233895302, -0.05331882834434509, -0.027118613943457603, -0.0462132953107357, -0.020516518503427505, -0.05568056181073189, -0.010629682801663876, -0.06886067986488342, -0.1105487272143364, 0.10407471656799316, -0.010553945787250996, -0.047573480755090714, -0.029272494837641716, 0.03241505101323128, -0.022574391216039658, 0.09406886249780655, -0.03165675327181816, 0.046713877469301224, -0.039707526564598083, 0.0075433398596942425, -0.01886148191988468, 0.05340380594134331, -0.03842491656541824, 0.0069544510915875435, -0.002125679748132825, 0.017890281975269318, -0.08096019178628922, 0.02496384084224701, 0.005091281142085791, 0.008689532056450844, -0.013303987681865692, -0.04347963631153107, -0.06485109776258469, -0.044877342879772186, -0.057494260370731354, 0.043059345334768295, 0.03761688247323036, 0.04579010233283043, 0.0015362505801022053, 0.01230643317103386, -0.05119403079152107, 0.017903534695506096, 0.0536763034760952, 0.06260164827108383, 0.03726199269294739, 0.08935821056365967, 0.013371830806136131, 0.07830948382616043, -0.00892744492739439, -0.07379923015832901, -0.05592363700270653, -0.050314076244831085, 0.003518345532938838, -0.05551629140973091, 0.07578404992818832, 0.02846820093691349, -0.012639707885682583, 0.013371112756431103, 0.06256847828626633, 0.046416301280260086, -0.06285886466503143, 0.04223494231700897, -0.03972901776432991, -0.06778932362794876, -0.012315301224589348, 0.07085103541612625, -0.0035022480878978968, -0.0007450972916558385, -0.046192098408937454, -0.07996711134910583, 0.05510854348540306, -0.0005010018358007073, 0.01036405935883522, -0.03311488404870033, -0.14128220081329346, 0.031183477491140366, -0.06076403334736824, -0.00833098590373993, 0.03580255061388016, -0.05520685762166977, -0.0500221773982048, 0.025147447362542152, 0.020273936912417412, -0.02328314073383808, 0.009512084536254406, -0.0022026500664651394, -0.026553628966212273, -0.04348841309547424, -0.03080930933356285, -0.03191139176487923, -0.013627090491354465, -3.435201875363681e-33, 0.10553337633609772, 0.07390866428613663, -0.02484467811882496, -0.03766195476055145, -0.03937588259577751, 0.03779918700456619, -0.011798135936260223, 0.03661266341805458, 0.002371179172769189, 0.03619171306490898, 0.023612013086676598, 0.019211674109101295, -0.03711562976241112, -0.06409085541963577, -0.03576997295022011, -0.06554023176431656, 0.08373471349477768, 0.006730688735842705, -0.05994848161935806, -0.01392319705337286, 0.04598814994096756, 0.09566179662942886, -0.02407044544816017, 0.019494522362947464, -0.020551590248942375, 0.07601112872362137, 0.06037957966327667, 0.02365201525390148, 0.02973826974630356, 0.025750890374183655, 0.02077721245586872, -0.08237212896347046, 0.02239127643406391, 0.01004092302173376, -0.04692640155553818, 0.040504395961761475, 0.1108231395483017, 0.01678173430263996, -0.057053301483392715, 0.012696762569248676, 0.06432846933603287, 0.03690122440457344, -0.07090236246585846, 0.04902636632323265, -0.07827388495206833, 0.009862211532890797, -0.01073436439037323, 0.08141264319419861, 0.007561500184237957, 0.03207128494977951, 0.015306849032640457, 0.013716579414904118, -0.0173095241189003, -0.02647750824689865, -0.014590965583920479, -0.09492725878953934, 0.043773338198661804, 0.04233857989311218, 0.07207289338111877, -0.027072139084339142, -0.11351525783538818, -0.15773402154445648, -0.04573924466967583, -0.02625315822660923, -0.07456618547439575, 0.04398190230131149, -0.06333263963460922, -0.00438704201951623, -0.008476240560412407, 0.05550685524940491, 0.021225815638899803, 0.04056379571557045, 0.07981961965560913, 0.09108644723892212, -0.002175751840695739, 0.013788148760795593, 0.11424832791090012, 0.01740076392889023, 0.12181704491376877, -0.12016212195158005, 0.028609365224838257, -0.0552695207297802, 0.0867486521601677, 0.024090273305773735, 0.10238213837146759, 0.03624879568815231, 0.010050445795059204, -0.01611482724547386, -0.018193332478404045, 0.03748222813010216, -0.008047183975577354, 0.018210619688034058, 0.03278922289609909, 0.08323048055171967, 0.07141628861427307, -5.3070909444841163e-8, -0.020039409399032593, 0.02578975073993206, -0.01290109846740961, -0.02811984159052372, -0.06721450388431549, -0.037282831966876984, 0.05938263237476349, 0.022178346291184425, 0.06918695569038391, 0.020657474175095558, 0.07467033714056015, 0.03526729345321655, -0.005149911157786846, -0.034558579325675964, 0.012667586095631123, 0.009993157349526882, 0.05721845477819443, 0.0512949638068676, -0.011174369603395462, -0.015154462307691574, -0.016552042216062546, -0.053593557327985764, -0.03157429024577141, -0.04347185045480728, 0.035282719880342484, -0.028893528506159782, -0.01599583402276039, 0.03659545257687569, -0.04832538589835167, -0.047681525349617004, 0.0011365428799763322, 0.01513904333114624, -0.002302610082551837, -0.04932904988527298, 0.048275288194417953, 0.06693956255912781, -0.1311608999967575, -0.092693030834198, -0.022069241851568222, -0.005335773341357708, -0.00006899202708154917, -0.006929727736860514, 0.028660500422120094, -0.02722013369202614, -0.018864775076508522, 0.033730439841747284, 0.07963837683200836, -0.04415592923760414, 0.013476643711328506, 0.06620700657367706, 0.037030790001153946, -0.02688494697213173, 0.05399089306592941, -0.025371002033352852, 0.03462836518883705, 0.0251341313123703, 0.004884487017989159, 0.026836521923542023, 0.05316817760467529, 0.043579939752817154, 0.024228310212492943, 0.0569765642285347, -0.012165142223238945, -0.02017589658498764 ]
obokkkk/bert-base-multilingual-cased-finetuned-klue
cd6c21273c9d61dcbbcc5882631a6796394f5358
2022-04-14T12:57:25.000Z
[ "pytorch", "bert", "question-answering", "transformers", "generated_from_trainer", "license:apache-2.0", "model-index", "autotrain_compatible" ]
question-answering
false
obokkkk
null
obokkkk/bert-base-multilingual-cased-finetuned-klue
0
null
transformers
--- license: apache-2.0 tags: - generated_from_trainer model-index: - name: bert-base-multilingual-cased-finetuned-klue 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. --> # bert-base-multilingual-cased-finetuned-klue This model is a fine-tuned version of [bert-base-multilingual-cased](https://huggingface.co/bert-base-multilingual-cased) on the None dataset. It achieves the following results on the evaluation set: - Loss: 1.4197 ## Model description More information needed ## Intended uses & limitations More information needed ## Training and evaluation data More information needed ## Training procedure ### Training hyperparameters The following hyperparameters were used during training: - learning_rate: 5e-05 - train_batch_size: 8 - eval_batch_size: 8 - seed: 42 - gradient_accumulation_steps: 36 - total_train_batch_size: 288 - optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08 - lr_scheduler_type: linear - num_epochs: 20 ### Training results | Training Loss | Epoch | Step | Validation Loss | |:-------------:|:-----:|:----:|:---------------:| | 3.6323 | 5.0 | 500 | 1.6799 | | 1.3765 | 10.0 | 1000 | 1.3027 | | 0.8433 | 15.0 | 1500 | 1.2946 | | 0.5224 | 20.0 | 2000 | 1.4197 | ### Framework versions - Transformers 4.18.0 - Pytorch 1.10.0+cu111 - Datasets 2.0.0 - Tokenizers 0.12.1
[ -0.07661880552768707, -0.04907738417387009, 0.03268875181674957, 0.012325149960815907, 0.006238472182303667, 0.0764494314789772, -0.007741312962025404, 0.005013993475586176, -0.010402524843811989, -0.05933109298348427, 0.011827077716588974, -0.09660928696393967, 0.02714427001774311, 0.0008534403168596327, -0.02940090373158455, 0.0425882562994957, 0.04176418483257294, -0.05195882171392441, -0.09707905352115631, -0.00007510964496759698, 0.08254988491535187, 0.06185218319296837, 0.06691090762615204, -0.008289460092782974, -0.02261994406580925, -0.0397128202021122, -0.0482061542570591, -0.013249621726572514, 0.06219349801540375, 0.026802610605955124, 0.04094110056757927, 0.03246113657951355, -0.026811573654413223, 0.07704021036624908, 0.05842232331633568, 0.0391172394156456, -0.03511524572968483, -0.05976030230522156, 0.056814856827259064, 0.08246945589780807, -0.009324866347014904, -0.012554839253425598, -0.057720065116882324, 0.020613903179764748, 0.04558601975440979, 0.015273031778633595, -0.0582842193543911, -0.04900767281651497, -0.03554354980587959, -0.014113593846559525, -0.0820615142583847, -0.054120950400829315, 0.09994868189096451, -0.023927990347146988, -0.017016148194670677, 0.03494121506810188, -0.003045693039894104, 0.003624633653089404, -0.024334071204066277, -0.05710672587156296, -0.07798819243907928, -0.022030388936400414, -0.00285392627120018, -0.020590398460626602, -0.11327353864908218, -0.00005216266436036676, -0.04017367586493492, 0.021788153797388077, 0.03900451213121414, -0.015057239681482315, 0.05202641710639, 0.05620604380965233, 0.018921852111816406, 0.04787799343466759, -0.012840854935348034, -0.028622154146432877, 0.07580546289682388, -0.0019078669138252735, 0.05400750786066055, -0.09983028471469879, 0.0021635745652019978, -0.03699267655611038, 0.02904389053583145, -0.044891033321619034, 0.08977359533309937, -0.03290786221623421, 0.057084210216999054, -0.0429108701646328, 0.023125695064663887, -0.0035377757158130407, -0.026308272033929825, -0.07536233216524124, 0.017853152006864548, 0.02310297079384327, 0.03751126676797867, 0.041787005960941315, 0.05349421128630638, -0.007807505317032337, -0.036928050220012665, 0.078380286693573, 0.012236718088388443, 0.07222642004489899, 0.06553129106760025, -0.014824808575212955, 0.03753237798810005, 0.03502921387553215, 0.005336597561836243, 0.05327838659286499, 0.06990551203489304, -0.1052170917391777, 0.03939924016594887, 0.03796839341521263, 0.007667089346796274, -0.022861016914248466, -0.017192773520946503, 0.0664188414812088, 0.004648143425583839, 0.002745145931839943, -0.012874515727162361, 0.10204790532588959, -0.027203982695937157, -0.04987328499555588, 0.016906825825572014, 0.02982136234641075, -0.08399161696434021, -0.04001261293888092, -0.014929639175534248, 1.6642898811491496e-33, 0.03262275084853172, -0.020792953670024872, -0.011635554023087025, -0.09287291765213013, -0.005103155970573425, -0.04192090034484863, 0.010636362247169018, -0.030668796971440315, -0.030205078423023224, -0.073670893907547, -0.06534986943006516, -0.004675946664065123, -0.05362788960337639, 0.0653238520026207, -0.03135323524475098, 0.03573686629533768, -0.01874898187816143, 0.07776234298944473, 0.10950540751218796, 0.04260968789458275, 0.14873626828193665, 0.05902138352394104, -0.02939831279218197, -0.09944120794534683, -0.09771299362182617, 0.09767979383468628, 0.0724208727478981, -0.030847197398543358, -0.038995034992694855, 0.042076993733644485, -0.09559303522109985, 0.019620807841420174, -0.02075856737792492, 0.02635536901652813, -0.004087493754923344, 0.022046921774744987, -0.0237809419631958, 0.035225335508584976, -0.004754345398396254, -0.016102423891425133, -0.021084746345877647, 0.025419091805815697, 0.025654176250100136, -0.08173482865095139, -0.018537068739533424, -0.014662940055131912, 0.02250009961426258, -0.00805932842195034, 0.02554735168814659, 0.01123496051877737, -0.043961260467767715, -0.028999507427215576, 0.03130032494664192, 0.010508631356060505, 0.0055556343868374825, 0.00013762891467195004, 0.05500513315200806, 0.07564987242221832, 0.051348503679037094, -0.0392787791788578, -0.030884750187397003, -0.005769379902631044, -0.0018174088327214122, 0.03047410398721695, -0.006520450580865145, -0.08316078782081604, -0.05421388894319534, -0.059941668063402176, -0.00037806923501193523, 0.006167675368487835, -0.06570808589458466, -0.003307213308289647, 0.019787149503827095, 0.026929130777716637, 0.054401934146881104, -0.11082712560892105, -0.00416072690859437, -0.06819391250610352, -0.05284469574689865, -0.006686028558760881, 0.034865397959947586, 0.0684848427772522, -0.02521694265305996, -0.06945403665304184, -0.024082615971565247, -0.0013359405566006899, -0.003172687953338027, -0.06257765740156174, 0.009502429515123367, 0.030951937660574913, 0.01641104184091091, -0.03627412021160126, -0.08555418998003006, -0.002194205764681101, -0.007951021194458008, -3.034335159188249e-33, -0.024162286892533302, 0.064154714345932, -0.08117389678955078, 0.053864266723394394, -0.0637810230255127, -0.03329694643616676, 0.07959035784006119, 0.21096013486385345, -0.02927662804722786, -0.04833560809493065, 0.03616338223218918, -0.04406459257006645, -0.09172964841127396, -0.0009427506593056023, 0.047185104340314865, 0.058613717555999756, -0.061749812215566635, 0.05195629969239235, 0.014539682306349277, -0.003996911458671093, 0.017326384782791138, 0.0018820741679519415, -0.11458031088113785, 0.07401268929243088, 0.023553738370537758, 0.0546991303563118, -0.053108446300029755, 0.09207918494939804, 0.03446979820728302, -0.006545978132635355, 0.030511341989040375, -0.03929467499256134, -0.03820639103651047, 0.0863879844546318, -0.03670000657439232, 0.03367513790726662, 0.060046326369047165, -0.042219944298267365, -0.02064424939453602, 0.08458753675222397, 0.02092304639518261, 0.06184756010770798, -0.029937444254755974, 0.09495296329259872, -0.009549696929752827, 0.01457463763654232, -0.03642292693257332, -0.07146330922842026, 0.0205171387642622, -0.09819961339235306, 0.007965758442878723, -0.0545230470597744, -0.09977015107870102, -0.026686644181609154, -0.05621631443500519, -0.09597831219434738, 0.047298263758420944, -0.022384505718946457, -0.0917539894580841, -0.012343251146376133, -0.04575677588582039, 0.00954118650406599, -0.01293416228145361, -0.0006045235204510391, 0.005717444233596325, -0.02384590171277523, -0.06143415346741676, 0.06827422231435776, 0.022341975942254066, -0.0037554726004600525, -0.07459735870361328, -0.008988316170871258, 0.0402926430106163, 0.0035973365884274244, 0.028201570734381676, 0.038718804717063904, -0.024844083935022354, -0.004106528591364622, -0.0031004424672573805, -0.05990726873278618, -0.02944597601890564, -0.036652468144893646, 0.022604167461395264, 0.0204166192561388, 0.04574370011687279, 0.09369954466819763, 0.060282886028289795, 0.07728351652622223, -0.04491600766777992, -0.012187979184091091, 0.045685358345508575, 0.023276736959815025, -0.016188744455575943, 0.13759241998195648, 0.03549930453300476, -5.4818027450664886e-8, -0.022546689957380295, 0.01924205757677555, -0.05669775977730751, 0.0773373618721962, -0.020056074485182762, -0.05905180051922798, -0.049064066261053085, 0.028447242453694344, -0.03188581392168999, -0.033901117742061615, -0.006569944322109222, 0.07226450741291046, -0.13205435872077942, 0.03195543959736824, -0.011590146459639072, 0.02409338764846325, -0.056136928498744965, 0.11615647375583649, 0.0033645732328295708, 0.0027551068924367428, 0.005868803709745407, 0.005084358621388674, 0.008219468407332897, -0.08108945935964584, 0.02773376926779747, -0.03932841122150421, -0.0003545501094777137, 0.09553945809602737, -0.05198122560977936, -0.019249143078923225, -0.016771450638771057, 0.04864067956805229, -0.10875429213047028, -0.006433587986975908, 0.03127506002783775, 0.10246700793504715, -0.07139314711093903, -0.02599998004734516, 0.010705043561756611, 0.049101706594228745, 0.032237760722637177, 0.07836979627609253, -0.07336203008890152, 0.002290830947458744, 0.10996003448963165, -0.01075351145118475, -0.024091266095638275, -0.06418714672327042, 0.05228631570935249, -0.002206330420449376, 0.00535983219742775, -0.07450877130031586, -0.06098618358373642, 0.020786600187420845, -0.013708056882023811, 0.008366554044187069, -0.09965533763170242, -0.04644032195210457, 0.029172813519835472, -0.02269989438354969, -0.012869219295680523, -0.006312280427664518, 0.018605269491672516, 0.06068967282772064 ]
lisdarr/fuck_shanghai_covid19
3dae4b2416f259632eb5d0ce2242b91defc50287
2022-04-14T04:27:57.000Z
[ "pytorch", "bert", "fill-mask", "transformers", "license:apache-2.0", "autotrain_compatible" ]
fill-mask
false
lisdarr
null
lisdarr/fuck_shanghai_covid19
0
0
transformers
--- license: apache-2.0 ---
[ 0.04086383432149887, 0.04840587452054024, -0.01111048087477684, -0.0822305753827095, 0.03046034276485443, -0.024620788171887398, -0.00873124971985817, -0.032080959528684616, -0.009516960941255093, 0.014524046331644058, 0.06244279816746712, -0.03306293115019798, -0.057087719440460205, -0.025479083880782127, -0.028286920860409737, 0.04527172073721886, 0.0007952158339321613, -0.02646484412252903, 0.030830679461359978, 0.06214693561196327, -0.008390036411583424, 0.05744132772088051, -0.002480674535036087, -0.010977217927575111, 0.009470616467297077, 0.0797617956995964, -0.09990306943655014, 0.11023685336112976, 0.022690800949931145, -0.06104202941060066, 0.05159701779484749, -0.019915884360671043, -0.00976925902068615, -0.005862012505531311, 0.004294265061616898, -0.03832729160785675, 0.054929979145526886, -0.030386287719011307, -0.061263855546712875, 0.019454684108495712, 0.055512331426143646, 0.040904633700847626, -0.016510233283042908, 0.02431938238441944, -0.06671348959207535, -0.04664967954158783, 0.0764942318201065, -0.04755227640271187, 0.045489829033613205, -0.011948741041123867, -0.06481502950191498, 0.00708911893889308, 0.01836567372083664, -0.0736827477812767, 0.01719287782907486, -0.06928896903991699, -0.04548629745841026, 0.10192789882421494, -0.011379510164260864, 0.04054282605648041, 0.03039979748427868, 0.03916573151946068, -0.0420873649418354, 0.08219251036643982, -0.07289455085992813, -0.05502115562558174, 0.07812796533107758, -0.07191383093595505, -0.027952512726187706, -0.04416782036423683, -0.1002880111336708, 0.0021310399752110243, 0.005993927828967571, -0.005357716698199511, 0.004581758286803961, -0.04734741896390915, 0.005140302702784538, 0.06445731967687607, 0.037501826882362366, -0.06215705722570419, -0.0067078773863613605, -0.08710041642189026, -0.0017763959476724267, -0.03041382133960724, -0.08768444508314133, 0.009428261779248714, 0.05102497711777687, 0.0651923343539238, 0.05492326244711876, 0.0038272670935839415, -0.02271469123661518, -0.004543584771454334, 0.06997063010931015, 0.06902375817298889, -0.0437687411904335, 0.018496816977858543, 0.03355922922492027, 0.055978525429964066, -0.019899403676390648, 0.08203592151403427, -0.046239253133535385, -0.011095680296421051, -0.027967501431703568, -0.0663614273071289, -0.011746261268854141, -0.010658636689186096, -0.07343403249979019, 0.11521477997303009, 0.06504379212856293, -0.12221095710992813, 0.07797162979841232, -0.04259897768497467, 0.011925377883017063, -0.01929086446762085, -0.0243387408554554, 0.04144561290740967, 0.0065368167124688625, 0.017630096524953842, 0.037881236523389816, -0.0321974977850914, -0.0027186733204871416, -0.059684935957193375, -0.037846386432647705, -0.029731804504990578, -0.05463898554444313, -0.052102960646152496, 0.018625808879733086, -8.458476047537133e-33, -0.05726663023233414, -0.030553756281733513, -0.010136313736438751, 0.08036761730909348, 0.0504671186208725, -0.10089337825775146, -0.003009843872860074, 0.03193015232682228, -0.028974829241633415, -0.0162995383143425, 0.15862448513507843, -0.08715403825044632, -0.010327734053134918, 0.09050659090280533, 0.07082153856754303, -0.009214639663696289, 0.033658407628536224, -0.06326624751091003, 0.0889962837100029, -0.03957844898104668, -0.04567139968276024, -0.0175765473395586, 0.002138499403372407, 0.06752902269363403, -0.05593829229474068, 0.035671334713697433, 0.04131495952606201, -0.05757121741771698, 0.029018985107541084, 0.03438492491841316, 0.10674167424440384, 0.01418459601700306, -0.0839473232626915, -0.03249482437968254, 0.010836601257324219, 0.028543522581458092, -0.013021882623434067, 0.05093173310160637, 0.005829038098454475, -0.033914171159267426, -0.03590375930070877, -0.0028863875195384026, -0.04249422997236252, -0.06967272609472275, 0.06883776932954788, -0.08314331620931625, -0.004775456618517637, 0.03525598347187042, 0.011093193665146828, 0.02932099439203739, -0.07545318454504013, -0.036583300679922104, 0.00847073644399643, 0.035197511315345764, -0.04487315192818642, 0.08098748326301575, -0.04277149215340614, 0.01990867778658867, -0.051087602972984314, -0.015243749134242535, -0.05380517244338989, -0.00559606309980154, -0.06810655444860458, -0.012403861619532108, 0.034006454050540924, -0.028797466307878494, -0.06238166615366936, -0.02881370671093464, 0.0762869343161583, 0.07937002182006836, -0.0048245154321193695, 0.026494629681110382, 0.029248930513858795, 0.0678822472691536, -0.07336728274822235, 0.016343867406249046, 0.041710805147886276, -0.05204152315855026, 0.07509411871433258, 0.05875450745224953, -0.10986164957284927, 0.05971355363726616, 0.02316984534263611, -0.06793419271707535, -0.039087701588869095, 0.010523645207285881, 0.008675295859575272, 0.046444859355688095, 0.04673733189702034, 0.07676859945058823, -0.020646460354328156, 0.10145976394414902, -0.053480103611946106, -0.06644884496927261, 0.007121579255908728, 2.4028033906028676e-33, -0.04949740320444107, 0.03743857517838478, -0.0931180939078331, 0.03916250914335251, 0.041534461081027985, 0.027951736003160477, 0.0006822179420851171, -0.023384269326925278, -0.06653190404176712, 0.02042173594236374, 0.06831778585910797, 0.0668642446398735, 0.07642818987369537, -0.006391731556504965, 0.08090892434120178, -0.07919944077730179, -0.08032321184873581, -0.06198880821466446, -0.041154149919748306, 0.012533090077340603, -0.01640341244637966, 0.09302489459514618, 0.016791535541415215, 0.09071087092161179, 0.012559558264911175, -0.08019092679023743, -0.006206050049513578, 0.04393893480300903, -0.0021561295725405216, 0.026531947776675224, 0.08056236058473587, 0.03237386420369148, -0.07317337393760681, 0.015421418473124504, 0.022762354463338852, -0.04419252276420593, 0.007943877950310707, -0.045058880001306534, -0.02033928968012333, 0.0537981241941452, 0.02085738256573677, -0.012263739481568336, 0.0616234615445137, -0.04289292171597481, -0.03223911300301552, -0.07995370030403137, 0.012440904974937439, -0.03786804527044296, -0.0586836040019989, -0.026248490437865257, -0.027562465518712997, -0.014028924517333508, 0.0340006984770298, -0.08997685462236404, 0.02632269449532032, 0.03201325982809067, 0.010450996458530426, 0.1298767477273941, -0.052974916994571686, 0.03689022362232208, -0.010948192328214645, 0.021460693329572678, -0.13612516224384308, 0.044842641800642014, 0.035028256475925446, -0.0006318502710200846, -0.052152588963508606, 0.03482209891080856, -0.004341613035649061, -0.02875332348048687, 0.03357474133372307, 0.03612764552235603, -0.02903340384364128, -0.04113863781094551, -0.01487200427800417, -0.07546208798885345, -0.027435602620244026, 0.13145016133785248, -0.0077450331300497055, 0.013636607676744461, 0.04587781801819801, 0.030711619183421135, 0.0139425965026021, 0.02618064545094967, 0.026924805715680122, -0.1350959986448288, -0.02208348549902439, -0.018808722496032715, -0.08828888833522797, -0.05375444144010544, -0.005047246813774109, 0.057149745523929596, -0.0723225548863411, 0.06977029144763947, 0.05663835629820824, -2.032509094362922e-8, -0.03769330680370331, -0.04096750169992447, -0.026556704193353653, 0.01870686002075672, 0.09396970272064209, 0.026712149381637573, -0.021069684997200966, 0.03596176207065582, -0.011828601360321045, -0.012725473381578922, 0.005226623732596636, -0.043451204895973206, -0.06320654600858688, 0.05469439923763275, -0.03664302080869675, 0.018557637929916382, -0.06396906077861786, 0.10090905427932739, -0.02570085972547531, -0.012235090136528015, -0.039639733731746674, -0.09401217848062515, -0.048236947506666183, -0.06762222945690155, -0.03177247568964958, -0.0174162145704031, -0.02726285345852375, -0.011669112369418144, -0.052263520658016205, 0.0003639291971921921, 0.0012880207505077124, 0.07716639339923859, -0.07935985177755356, -0.11808878928422928, 0.026723483577370644, -0.039038948714733124, -0.08141179382801056, 0.03566005453467369, 0.016751304268836975, -0.0003708995063789189, 0.02778676338493824, 0.11362683027982712, 0.04149229824542999, 0.008247996680438519, 0.047466881573200226, -0.013555622659623623, 0.0328713096678257, 0.014873182401061058, 0.008699513971805573, 0.01822579652070999, 0.03597720339894295, -0.009275169111788273, 0.04144097864627838, -0.055113889276981354, -0.01725275255739689, 0.06673163920640945, 0.00988246500492096, 0.027364559471607208, -0.004598941653966904, -0.031014928594231606, 0.08529432117938995, 0.05356218293309212, 0.04482312127947807, -0.039598479866981506 ]
pitiwat/argument_wangchanberta
06248b420a1bb15c048dd0a1b1a204d88a678e54
2022-04-14T11:35:08.000Z
[ "pytorch", "camembert", "token-classification", "transformers", "autotrain_compatible" ]
token-classification
false
pitiwat
null
pitiwat/argument_wangchanberta
0
null
transformers
Used for extracting arguments from Thai text.
[ -0.05486283451318741, 0.1005731001496315, -0.04029477760195732, -0.02955404855310917, 0.0264591071754694, -0.01736348867416382, 0.08007117360830307, 0.012242955155670643, 0.11285948008298874, -0.03201819956302643, 0.1273832619190216, 0.011075329966843128, 0.013093449175357819, -0.009241806343197823, 0.04768231511116028, 0.03859282657504082, -0.009887494146823883, -0.01209014467895031, -0.014444845728576183, -0.09679002314805984, 0.021702788770198822, 0.1246425211429596, -0.06557205319404602, 0.014026421122252941, -0.025130590423941612, -0.021086404100060463, 0.019715890288352966, 0.022240137681365013, 0.07206814736127853, 0.017633872106671333, -0.0398087278008461, 0.06115742772817612, 0.03726479038596153, 0.05668042600154877, -0.019103532657027245, 0.08534412086009979, -0.0691116452217102, 0.03406776487827301, 0.05898454040288925, 0.07313541322946548, -0.040534812957048416, -0.06876040995121002, 0.07849282026290894, -0.09744547307491302, 0.10242357105016708, 0.046004656702280045, -0.10331646353006363, 0.021345948800444603, 0.01043781079351902, 0.0031657314393669367, -0.05253060907125473, 0.036052148789167404, -0.06846290081739426, 0.04761284217238426, 0.01605011150240898, -0.04602431133389473, -0.010674232617020607, 0.04603856801986694, 0.01155336294323206, 0.023191800341010094, -0.018069542944431305, 0.0685482919216156, -0.07741007208824158, 0.07586558163166046, 0.012952977791428566, -0.050918739289045334, 0.06254103034734726, 0.020128916949033737, -0.0380217507481575, 0.018286431208252907, -0.07499874383211136, 0.003302230965346098, 0.034220945090055466, 0.052558448165655136, -0.042671963572502136, -0.02302379533648491, -0.05127926170825958, 0.00007024403748800978, -0.0016888685058802366, -0.09365306049585342, 0.010104378685355186, 0.034710414707660675, -0.014775821939110756, 0.0033821191173046827, -0.013587797991931438, 0.07840502262115479, -0.02833208441734314, -0.00313091604039073, 0.08153444528579712, 0.013036775402724743, 0.06931953877210617, -0.0770491510629654, 0.020067142322659492, 0.035933855921030045, -0.014263322576880455, 0.00828646682202816, -0.044086821377277374, 0.018855001777410507, -0.0612761415541172, 0.07152554392814636, 0.044541437178850174, 0.06047890707850456, 0.014472251757979393, -0.09998401254415512, -0.11047878861427307, -0.09257293492555618, 0.016479136422276497, -0.087529756128788, 0.06434560567140579, -0.03541363775730133, -0.06221126765012741, -0.009154001250863075, -0.0393466018140316, -0.09257123619318008, -0.005039365962147713, -0.0180649496614933, 0.060324326157569885, -0.05942034348845482, 0.053522687405347824, 0.007708304561674595, -0.022867746651172638, -0.026047300547361374, -0.06079774722456932, -0.02765836752951145, 0.015080442652106285, -0.006987990345805883, 0.05270344763994217, -4.1567787152739575e-33, 0.06498533487319946, 0.04298706352710724, 0.06103820726275444, -0.009777954779565334, -0.06486007571220398, -0.08897417038679123, -0.02348717674612999, -0.15189196169376373, -0.023285292088985443, -0.01765170507133007, -0.06643463671207428, 0.014885799959301949, -0.056599993258714676, -0.053587790578603745, 0.039733514189720154, 0.053335726261138916, -0.0599139966070652, 0.023851120844483376, -0.008333409205079079, -0.014912250451743603, 0.026118889451026917, 0.05402583256363869, 0.044583503156900406, -0.01648053340613842, -0.017806679010391235, 0.01632262021303177, 0.08951357007026672, -0.1064363569021225, -0.007389722391963005, 0.05615352839231491, -0.013689428567886353, -0.023746520280838013, -0.06537380069494247, 0.014455858618021011, -0.0311859343200922, 0.011022301390767097, -0.054513026028871536, -0.0509328618645668, 0.07449743896722794, 0.03491629287600517, -0.0002860813110601157, -0.014257660135626793, 0.07607097923755646, 0.02479274943470955, -0.03830096125602722, 0.02723359689116478, -0.08558414876461029, 0.04688531532883644, 0.01873280294239521, 0.03584642708301544, 0.015065371990203857, -0.015861768275499344, 0.08811749517917633, -0.010162044316530228, 0.05446185544133186, -0.038755014538764954, 0.05267222598195076, -0.01830904930830002, -0.051256485283374786, 0.07187627255916595, -0.026448559015989304, 0.003562362864613533, 0.02067476697266102, 0.048454202711582184, 0.009980633854866028, -0.057000722736120224, -0.11213275790214539, -0.021063365042209625, 0.055428583174943924, -0.059278447180986404, -0.02546592429280281, -0.015022797510027885, 0.03464080020785332, -0.040779922157526016, -0.04900147020816803, -0.03623102605342865, -0.014554436318576336, -0.004465607926249504, 0.02965254709124565, 0.0379059873521328, -0.04265804588794708, -0.014704608358442783, 0.012909892946481705, 0.007086305879056454, -0.03332245349884033, 0.016535453498363495, 0.0664309561252594, -0.09731519222259521, 0.05207033455371857, -0.014150870963931084, -0.042854342609643936, 0.016993924975395203, -0.12486591935157776, -0.0870124027132988, 0.03314140811562538, 1.788751590356198e-33, 0.003695347113534808, 0.00828955415636301, -0.10937045514583588, 0.06997672468423843, -0.023222241550683975, -0.06073400750756264, 0.04417964816093445, 0.01615166664123535, 0.06140550598502159, -0.05607537552714348, -0.05710546299815178, -0.03493090346455574, 0.05598556995391846, -0.007015522103756666, 0.08219320327043533, 0.013426380231976509, -0.039727505296468735, 0.04066389054059982, 0.01153563428670168, 0.04239807650446892, -0.017600510269403458, -0.009185748174786568, -0.07169497758150101, -0.008401141501963139, 0.012862284667789936, 0.0074479891918599606, 0.026361944153904915, -0.020554354414343834, 0.006701673846691847, 0.01920439302921295, -0.044331472367048264, -0.055778224021196365, -0.0661395788192749, 0.07445376366376877, -0.10750177502632141, -0.041527535766363144, 0.0707201436161995, 0.04438048601150513, 0.013083924539387226, -0.023912983015179634, 0.006795643828809261, 0.028083624318242073, 0.07604148983955383, -0.01797495037317276, -0.043397706001996994, 0.004314297344535589, -0.015012492425739765, -0.02868776023387909, -0.011178345419466496, -0.12985709309577942, 0.043670959770679474, -0.014774504117667675, 0.010902592912316322, -0.02802661433815956, -0.039917513728141785, -0.028845742344856262, -0.053283385932445526, -0.04257260635495186, -0.07865606993436813, -0.0336105115711689, -0.0667233094573021, 0.056690704077482224, -0.015452651306986809, 0.004750629886984825, -0.0008973325020633638, -0.025276416912674904, 0.09001173079013824, -0.035185884684324265, -0.014410655945539474, -0.09452369064092636, 0.10239393264055252, -0.048230528831481934, 0.005647950805723667, 0.017301233485341072, -0.04623992368578911, 0.003303688718006015, -0.002572379307821393, 0.050240784883499146, -0.017474737018346786, 0.03805847093462944, 0.00908522680401802, -0.07228880375623703, -0.03529306873679161, 0.007109875790774822, -0.022155676037073135, -0.02350487746298313, -0.019879667088389397, 0.06806465238332748, 0.004179199691861868, 0.00944307167083025, 0.021228697150945663, 0.09051875025033951, -0.026130760088562965, 0.11631851643323898, 0.04136558249592781, -1.5139155706833662e-8, -0.06472499668598175, -0.09249319136142731, -0.024808255955576897, -0.006454456131905317, -0.05493982508778572, 0.012789101339876652, 0.03628408908843994, -0.003940735477954149, 0.016108110547065735, -0.05161520466208458, 0.04712042585015297, 0.0194809902459383, -0.04081827774643898, -0.020349329337477684, -0.024496769532561302, 0.04933341592550278, 0.05906796455383301, 0.10398968309164047, -0.014765613712370396, 0.01681877300143242, 0.0303718913346529, 0.03185182437300682, 0.003615090623497963, -0.07901519536972046, -0.03561481088399887, 0.11240510642528534, 0.023169104009866714, 0.07202276587486267, -0.0049058543518185616, -0.09547758102416992, 0.01358121633529663, 0.06613192707300186, -0.002138255164027214, -0.08605918288230896, 0.030096860602498055, 0.12162929028272629, -0.031452905386686325, 0.014302370138466358, 0.042493786662817, 0.03724345937371254, 0.001845284947194159, 0.00024426658637821674, -0.07252319902181625, -0.03783072158694267, 0.05200847610831261, -0.01756219193339348, -0.01959269307553768, 0.0330229215323925, -0.012339341454207897, -0.06624814122915268, -0.010617954656481743, -0.04173046350479126, 0.014329666271805763, 0.008874348364770412, 0.008311494253575802, 0.04538668319582939, 0.0571182444691658, -0.04695332795381546, -0.0060021537356078625, -0.01684948243200779, 0.08787431567907333, 0.14985759556293488, 0.031050946563482285, 0.08489479124546051 ]
TalTechNLP/voxlingua107-xls-r-300m-wav2vec
a96a1c36191f8b7a5676fec8228279318b9057a3
2022-04-19T11:08:36.000Z
[ "wav2vec2", "multilingual", "dataset:voxlingua107", "speechbrain", "language-identification", "pytorch", "embeddings", "Language", "Identification", "audio-classification", "wav2vec2.0", "XLS-R-300M", "VoxLingua107", "license:cc-by-4.0" ]
audio-classification
false
TalTechNLP
null
TalTechNLP/voxlingua107-xls-r-300m-wav2vec
0
null
speechbrain
--- language: multilingual license: cc-by-4.0 tags: - language-identification - speechbrain - wav2vec2 - pytorch - embeddings - Language - Identification - audio-classification - wav2vec2.0 - XLS-R-300M - VoxLingua107 datasets: - voxlingua107 metrics: - Accuracy --- # VoxLingua107 Wav2Vec Spoken Language Identification Model ## Model description This is a spoken language identification model trained on the VoxLingua107 dataset using SpeechBrain. The model is trained using weights of pretrained [facebook/wav2vec2-xls-r-300m](https://huggingface.co/facebook/wav2vec2-xls-r-300m) model, Wav2Vec2.0 architecture and negative log likelihood loss. The model can classify a speech utterance according to the language spoken. It covers 107 different languages ( Abkhazian, Afrikaans, Amharic, Arabic, Assamese, Azerbaijani, Bashkir, Belarusian, Bulgarian, Bengali, Tibetan, Breton, Bosnian, Catalan, Cebuano, Czech, Welsh, Danish, German, Greek, English, Esperanto, Spanish, Estonian, Basque, Persian, Finnish, Faroese, French, Galician, Guarani, Gujarati, Manx, Hausa, Hawaiian, Hindi, Croatian, Haitian, Hungarian, Armenian, Interlingua, Indonesian, Icelandic, Italian, Hebrew, Japanese, Javanese, Georgian, Kazakh, Central Khmer, Kannada, Korean, Latin, Luxembourgish, Lingala, Lao, Lithuanian, Latvian, Malagasy, Maori, Macedonian, Malayalam, Mongolian, Marathi, Malay, Maltese, Burmese, Nepali, Dutch, Norwegian Nynorsk, Norwegian, Occitan, Panjabi, Polish, Pushto, Portuguese, Romanian, Russian, Sanskrit, Scots, Sindhi, Sinhala, Slovak, Slovenian, Shona, Somali, Albanian, Serbian, Sundanese, Swedish, Swahili, Tamil, Telugu, Tajik, Thai, Turkmen, Tagalog, Turkish, Tatar, Ukrainian, Urdu, Uzbek, Vietnamese, Waray, Yiddish, Yoruba, Mandarin Chinese). ## Intended uses & limitations The model has two uses: - use 'as is' for spoken language recognition - use as an utterance-level feature (embedding) extractor, for creating a dedicated language ID model on your own data The model is trained on automatically collected YouTube data. For more information about the dataset, see [here](http://bark.phon.ioc.ee/voxlingua107/). #### How to use ```python import torchaudio from speechbrain.pretrained.interfaces import foreign_class language_id = foreign_class(source="TalTechNLP/voxlingua107-xls-r-300m-wav2vec", pymodule_file="encoder_wav2vec_classifier.py", classname="EncoderWav2vecClassifier", hparams_file='inference_wav2vec.yaml', savedir="tmp") # Download Thai language sample from Omniglot and convert to suitable form wav_file = "https://omniglot.com/soundfiles/udhr/udhr_th.mp3" out_prob, score, index, text_lab = language_id.classify_file(wav_file) print("probability:", out_prob) print("label:", text_lab) print("score:", score) print("index:", index) probability: tensor([[[-2.2849e+01, -2.4349e+01, -2.3686e+01, -2.3632e+01, -2.0218e+01, -2.7241e+01, -2.6715e+01, -2.2301e+01, -2.6076e+01, -2.1716e+01, -1.9923e+01, -2.7303e+01, -2.1211e+01, -2.2998e+01, -2.4436e+01, -2.6437e+01, -2.2686e+01, -2.4244e+01, -2.0416e+01, -2.8329e+01, -1.7788e+01, -2.4829e+01, -2.4186e+01, -2.7036e+01, -2.5993e+01, -1.9677e+01, -2.2746e+01, -2.9192e+01, -2.4941e+01, -2.7135e+01, -2.6653e+01, -2.2791e+01, -2.4599e+01, -2.1066e+01, -2.4855e+01, -2.1874e+01, -2.2914e+01, -2.4174e+01, -2.0902e+01, -2.3197e+01, -2.6108e+01, -2.3941e+01, -2.3103e+01, -2.2363e+01, -2.8969e+01, -2.5302e+01, -2.4862e+01, -2.2392e+01, -2.4042e+01, -2.1221e+01, -2.3656e+01, -2.1286e+01, -1.9209e+01, -2.3254e+01, -2.8291e+01, -5.9105e+00, -2.4525e+01, -2.4937e+01, -2.8349e+01, -2.4420e+01, -2.7439e+01, -2.6329e+01, -2.3317e+01, -2.3842e+01, -2.2114e+01, -2.3637e+01, -1.7217e+01, -1.8342e+01, -2.4332e+01, -2.6090e+01, -2.5452e+01, -2.3854e+01, -2.6082e+01, -2.4992e+01, -2.0618e+01, -2.9351e+01, -2.4153e+01, -2.3156e+01, -2.6893e+01, -2.5314e+01, -2.8374e+01, -2.4009e+01, -2.3604e+01, -2.4063e+01, -2.3538e+01, -2.4953e+01, -2.5607e+01, -2.3960e+01, -2.6471e+01, -2.3348e+01, -2.1681e+01, -2.7610e+01, -2.5023e+01, -2.3585e+01, -2.7146e-03, -2.0338e+01, -1.8737e+01, -2.5158e+01, -2.7491e+01, -2.3623e+01, -2.5718e+01, -2.3465e+01, -1.8305e+01, -2.1064e+01, -2.9880e+01, -2.2809e+01, -1.9856e+01]]]) # The identified language ISO code is given in score[0][0] label: [['th']] score: tensor([[-0.0027]]) index: tensor([[94]]) # The scores in the out_prob tensor can be interpreted as log-likelihoods that # the given utterance belongs to the given language (i.e., the larger the better) # The linear-scale likelihood can be retrieved using the following: print(score.exp()) tensor([0.9973]) # Alternatively, use the utterance embedding extractor: signal, fs = torchaudio.load(wav_file) embeddings = language_id.encode_batch(signal) print(embeddings.shape) torch.Size([2, 1, 2048]) ``` #### Limitations and bias Since the model is trained on VoxLingua107, it has many limitations and biases, some of which are: - Probably it's accuracy on smaller languages is quite limited - Probably it works worse on female speech than male speech (because YouTube data includes much more male speech) - Based on experiments, it performs satisfactory on accented speech - Probably it doesn't work well on children's speech and on persons with speech disorders ## Training data The model is trained on [VoxLingua107](http://bark.phon.ioc.ee/voxlingua107/). VoxLingua107 is a speech dataset for training spoken language identification models. The dataset consists of short speech segments automatically extracted from YouTube videos and labeled according the language of the video title and description, with some post-processing steps to filter out false positives. VoxLingua107 contains data for 107 languages. The total amount of speech in the training set is 6628 hours. The average amount of data per language is 62 hours. However, the real amount per language varies a lot. There is also a seperate development set containing 1609 speech segments from 33 languages, validated by at least two volunteers to really contain the given language. ## Training procedure We used [SpeechBrain](https://github.com/speechbrain/speechbrain) to train the model. Training recipe will be published soon. ## Evaluation results | Version | Error Rate (%) | |-----------------------|:------:| | 2022-04-14 | 5.6 | Error rate is calculated on VoxLingua107 development dataset. ### BibTeX entry and citation info ```bibtex @inproceedings{valk2021slt, title={{VoxLingua107}: a Dataset for Spoken Language Recognition}, author={J{\"o}rgen Valk and Tanel Alum{\"a}e}, booktitle={Proc. IEEE SLT Workshop}, year={2021}, } ```
[ -0.09691563248634338, -0.07607495784759521, -0.02561814896762371, -0.06690540164709091, -0.005638187751173973, 0.05675635486841202, -0.01137174665927887, -0.04924071207642555, 0.02281014807522297, -0.05309349671006203, -0.05588686466217041, -0.13457727432250977, -0.011500242166221142, 0.03695473447442055, -0.0768347829580307, -0.07336516678333282, 0.033732131123542786, 0.02889556623995304, -0.10512382537126541, -0.023011833429336548, 0.09444437175989151, 0.10385269671678543, 0.05996972694993019, -0.006172259338200092, 0.08143478631973267, -0.012676756829023361, -0.005580674856901169, 0.023067044094204903, 0.06723880022764206, -0.02443229965865612, 0.09870508313179016, 0.04802430793642998, 0.07223042845726013, 0.04275720939040184, -0.009991712868213654, -0.022833269089460373, -0.033620767295360565, -0.03622982278466225, 0.00682276813313365, 0.0029518476221710443, -0.039274122565984726, 0.03907712176442146, -0.00012418674305081367, -0.001933583291247487, 0.02346312813460827, -0.017133112996816635, -0.0696202889084816, 0.010621176101267338, -0.03317393362522125, 0.023485803976655006, -0.06405961513519287, 0.0035187583416700363, 0.02555536851286888, 0.10273979604244232, -0.13048391044139862, -0.05291527137160301, 0.010438337922096252, 0.03567858785390854, 0.015561271458864212, 0.0266664270311594, -0.043162599205970764, -0.07078538089990616, 0.038165412843227386, 0.014526230283081532, -0.03881426155567169, 0.0387943796813488, -0.07718486338853836, -0.021508371457457542, -0.006853531114757061, -0.023249706253409386, -0.04032532125711441, 0.042175788432359695, 0.019265316426753998, 0.03747016191482544, 0.001663887407630682, 0.002003100235015154, 0.09879184514284134, 0.021646520122885704, 0.06661569327116013, -0.09458566457033157, 0.03283056989312172, -0.01636001095175743, 0.03415833041071892, -0.05706501379609108, 0.06198151782155037, -0.04965673387050629, -0.019906749948859215, 0.054383568465709686, -0.04709896445274353, -0.0293800700455904, -0.04571467265486717, -0.0035879516508430243, 0.022648517042398453, 0.025848083198070526, 0.04047897458076477, 0.03944389522075653, 0.014740249142050743, 0.09387695044279099, -0.004458376672118902, 0.020566370338201523, -0.04063785821199417, -0.02149929478764534, 0.03223175182938576, -0.041316330432891846, -0.03097333200275898, -0.09697724133729935, -0.002763042924925685, 0.03351975232362747, 0.04297514632344246, -0.037895239889621735, 0.002514725551009178, 0.0350770577788353, -0.03011452779173851, 0.02157319337129593, 0.10601813346147537, 0.055551741272211075, -0.05785338953137398, -0.020172633230686188, -0.004617104306817055, 0.06048021838068962, -0.0847790464758873, 0.017760012298822403, 0.03237228840589523, -0.01460213866084814, 0.005271619651466608, -0.08519282191991806, -0.05736224353313446, 3.369533618138963e-33, 0.01578444615006447, 0.011515687219798565, -0.0036534033715724945, -0.020914878696203232, 0.009981522336602211, -0.022180769592523575, -0.0464833527803421, 0.00010639387619448826, -0.007287173066288233, -0.02781536430120468, -0.044875871390104294, 0.05126798152923584, -0.06672592461109161, 0.07746711373329163, -0.01588941365480423, 0.0792452022433281, -0.028358453884720802, 0.01634044013917446, -0.042707186192274094, 0.037041470408439636, 0.17647868394851685, 0.03480959311127663, 0.0882847011089325, 0.03950648009777069, 0.06371912360191345, 0.007554193027317524, 0.0422264002263546, -0.06736293435096741, -0.008790419436991215, 0.032473716884851456, -0.07732393592596054, -0.0667523443698883, 0.005820002872496843, -0.046224940568208694, 0.024257581681013107, -0.007871298119425774, 0.010227317921817303, 0.04666132852435112, -0.08961638063192368, -0.10177302360534668, -0.003810255555436015, 0.003564570564776659, -0.021579407155513763, -0.011602291837334633, -0.07119277864694595, -0.04598073288798332, 0.011623062193393707, -0.0007291780202649534, -0.014116210862994194, 0.05733860656619072, 0.0014755905140191317, -0.0027762914542108774, -0.08780398964881897, 0.05060786381363869, -0.0030659937765449286, -0.021892046555876732, 0.05095397308468819, 0.07994115352630615, 0.029507072642445564, 0.002662362065166235, 0.021932505071163177, -0.015258886851370335, 0.04516131058335304, -0.012634471990168095, 0.07365856319665909, -0.05034083127975464, -0.06296341121196747, 0.0320577472448349, 0.035337332636117935, -0.030058039352297783, 0.0005713031277991831, -0.06687374413013458, 0.02613813988864422, 0.10350518673658371, -0.0343739278614521, 0.019304610788822174, 0.049214765429496765, -0.08676394075155258, -0.010076264850795269, 0.07331094145774841, -0.0010265844175592065, 0.031703267246484756, -0.01897437311708927, -0.1096731647849083, -0.06532884389162064, -0.015662752091884613, 0.023508144542574883, -0.07255151122808456, -0.010936415754258633, -0.004850580357015133, -0.0544724315404892, 0.03577793017029762, -0.021005278453230858, -0.010968082584440708, -0.018387211486697197, -5.463932841492157e-33, -0.0026181526482105255, 0.09069861471652985, -0.02630023844540119, 0.03752679377794266, -0.06671487540006638, -0.0014767162501811981, 0.10262280702590942, 0.10443499684333801, -0.028466179966926575, -0.060726337134838104, 0.10446300357580185, -0.09310540556907654, 0.12340351194143295, 0.04945967346429825, 0.07840914279222488, 0.008277458138763905, -0.009663364849984646, 0.0457126758992672, 0.06255542486906052, 0.09326500445604324, -0.00502065708860755, 0.06898792088031769, -0.11684151738882065, 0.045274585485458374, -0.06405600160360336, -0.025883281603455544, -0.05436469987034798, 0.016739053651690483, 0.023146841675043106, -0.03408108279109001, -0.03783813491463661, 0.05393322929739952, -0.11220882087945938, 0.06440382450819016, -0.07360000163316727, -0.008552630431950092, 0.03473323583602905, -0.04656354337930679, -0.016064757481217384, 0.07066521048545837, 0.09062115103006363, 0.05793917551636696, -0.09114066511392593, -0.04015952721238136, -0.02037973143160343, -0.07671882957220078, -0.025897430256009102, -0.004077966790646315, 0.008734659291803837, -0.07505493611097336, 0.02008030191063881, -0.030201416462659836, 0.052939821034669876, 0.06248896196484566, 0.049041297286748886, -0.030787959694862366, 0.015362096950411797, -0.04955235868692398, -0.009115753695368767, -0.039052315056324005, -0.01933235302567482, 0.021990902721881866, -0.020027192309498787, -0.041542936116456985, 0.009265962056815624, 0.003162528621032834, -0.022873008623719215, 0.018340105190873146, 0.04460061341524124, -0.036324601620435715, 0.040789760649204254, -0.02138223685324192, -0.005676784086972475, 0.034548211842775345, -0.05434957519173622, -0.008507806807756424, -0.07472094148397446, -0.02569659985601902, -0.036376167088747025, -0.119864322245121, -0.03217093273997307, 0.009785093367099762, 0.03512583673000336, -0.009554888121783733, 0.10158281028270721, 0.0625234991312027, 0.018394991755485535, 0.014421617612242699, -0.00040082421037368476, 0.02781679853796959, -0.025546910241246223, 0.09756538271903992, -0.008798137307167053, 0.055201560258865356, 0.01132865808904171, -5.1477915263831164e-8, -0.07522358000278473, -0.004409697838127613, 0.01615501008927822, -0.0755431279540062, 0.00957490410655737, -0.10402704775333405, -0.02200700156390667, 0.02134239859879017, -0.009804480709135532, -0.022731920704245567, 0.029416846111416817, -0.011203143745660782, -0.06103835254907608, -0.013627287931740284, -0.06311468034982681, 0.06605798751115799, -0.005784498993307352, 0.04711339622735977, 0.06911548227071762, -0.053147878497838974, 0.06817227602005005, -0.015829170122742653, 0.04507175832986832, 0.06639105826616287, 0.005233366042375565, -0.037901248782873154, -0.003761566011235118, 0.055504199117422104, -0.012117273174226284, -0.03184083104133606, -0.02006136253476143, 0.04561680555343628, -0.014617233537137508, -0.07618968933820724, 0.016945460811257362, 0.05294518917798996, -0.035426218062639236, -0.05893465876579285, -0.02298797480762005, 0.07954678684473038, 0.07241236418485641, 0.030174700543284416, -0.07441078126430511, -0.04438025504350662, 0.09270206838846207, -0.0033045238815248013, -0.07694319635629654, -0.11491420865058899, 0.013918627053499222, 0.016200393438339233, -0.0071130371652543545, 0.05128244310617447, -0.03566267713904381, 0.07209976017475128, 0.043735649436712265, 0.061295874416828156, -0.05412386730313301, 0.002240491332486272, 0.07950455695390701, 0.0338527113199234, 0.00640114163979888, 0.009958358481526375, -0.004963173996657133, -0.07994317263364792 ]
huggingtweets/elonmusk-joebiden
67e9ad350fbad49e9485da977f5b374eb8218c6c
2022-04-14T12:38:39.000Z
[ "pytorch", "gpt2", "text-generation", "en", "transformers", "huggingtweets" ]
text-generation
false
huggingtweets
null
huggingtweets/elonmusk-joebiden
0
null
transformers
--- language: en thumbnail: https://github.com/borisdayma/huggingtweets/blob/master/img/logo.png?raw=true tags: - huggingtweets widget: - text: "My dream is" --- <div class="inline-flex flex-col" style="line-height: 1.5;"> <div class="flex"> <div style="display:inherit; margin-left: 4px; margin-right: 4px; width: 92px; height:92px; border-radius: 50%; background-size: cover; background-image: url(&#39;https://pbs.twimg.com/profile_images/1503591435324563456/foUrqiEw_400x400.jpg&#39;)"> </div> <div style="display:inherit; margin-left: 4px; margin-right: 4px; width: 92px; height:92px; border-radius: 50%; background-size: cover; background-image: url(&#39;https://pbs.twimg.com/profile_images/1308769664240160770/AfgzWVE7_400x400.jpg&#39;)"> </div> <div style="display:none; margin-left: 4px; margin-right: 4px; width: 92px; height:92px; border-radius: 50%; background-size: cover; background-image: url(&#39;&#39;)"> </div> </div> <div style="text-align: center; margin-top: 3px; font-size: 16px; font-weight: 800">🤖 AI CYBORG 🤖</div> <div style="text-align: center; font-size: 16px; font-weight: 800">Elon Musk & Joe Biden</div> <div style="text-align: center; font-size: 14px;">@elonmusk-joebiden</div> </div> I was made with [huggingtweets](https://github.com/borisdayma/huggingtweets). Create your own bot based on your favorite user with [the demo](https://colab.research.google.com/github/borisdayma/huggingtweets/blob/master/huggingtweets-demo.ipynb)! ## How does it work? The model uses the following pipeline. ![pipeline](https://github.com/borisdayma/huggingtweets/blob/master/img/pipeline.png?raw=true) To understand how the model was developed, check the [W&B report](https://wandb.ai/wandb/huggingtweets/reports/HuggingTweets-Train-a-Model-to-Generate-Tweets--VmlldzoxMTY5MjI). ## Training data The model was trained on tweets from Elon Musk & Joe Biden. | Data | Elon Musk | Joe Biden | | --- | --- | --- | | Tweets downloaded | 200 | 3249 | | Retweets | 15 | 571 | | Short tweets | 60 | 34 | | Tweets kept | 125 | 2644 | [Explore the data](https://wandb.ai/wandb/huggingtweets/runs/1ne2s3c4/artifacts), which is tracked with [W&B artifacts](https://docs.wandb.com/artifacts) at every step of the pipeline. ## Training procedure The model is based on a pre-trained [GPT-2](https://huggingface.co/gpt2) which is fine-tuned on @elonmusk-joebiden's tweets. Hyperparameters and metrics are recorded in the [W&B training run](https://wandb.ai/wandb/huggingtweets/runs/ka86kb6l) for full transparency and reproducibility. At the end of training, [the final model](https://wandb.ai/wandb/huggingtweets/runs/ka86kb6l/artifacts) is logged and versioned. ## How to use You can use this model directly with a pipeline for text generation: ```python from transformers import pipeline generator = pipeline('text-generation', model='huggingtweets/elonmusk-joebiden') generator("My dream is", num_return_sequences=5) ``` ## Limitations and bias The model suffers from [the same limitations and bias as GPT-2](https://huggingface.co/gpt2#limitations-and-bias). In addition, the data present in the user's tweets further affects the text generated by the model. ## About *Built by Boris Dayma* [![Follow](https://img.shields.io/twitter/follow/borisdayma?style=social)](https://twitter.com/intent/follow?screen_name=borisdayma) For more details, visit the project repository. [![GitHub stars](https://img.shields.io/github/stars/borisdayma/huggingtweets?style=social)](https://github.com/borisdayma/huggingtweets)
[ -0.01699393056333065, 0.12351395189762115, -0.011636005714535713, 0.03871132805943489, 0.15210971236228943, -0.024766340851783752, -0.03536924719810486, 0.040630076080560684, 0.06588554382324219, -0.0547705814242363, 0.010551572777330875, 0.08145774900913239, 0.023870401084423065, -0.022781947627663612, 0.01797184720635414, 0.03913455829024315, -0.08561383187770844, -0.018124816939234734, -0.049721118062734604, 0.010231448337435722, -0.08177170157432556, -0.09554261714220047, 0.08650720864534378, -0.06291163712739944, -0.06553944945335388, 0.06067367270588875, 0.00245930184610188, 0.04478302597999573, -0.0021604192443192005, -0.0193207785487175, -0.029350534081459045, 0.026445792987942696, 0.04133955016732216, 0.03781956061720848, -0.03816691040992737, 0.04142947494983673, -0.00845443457365036, 0.024426093325018883, -0.05777296796441078, 0.025456443428993225, -0.01653200574219227, -0.10547970980405807, 0.056310929358005524, 0.03817785158753395, -0.029463356360793114, -0.019939465448260307, -0.03215498849749565, 0.014726182445883751, -0.05091267079114914, 0.0401293970644474, -0.05457119271159172, -0.07301422208547592, 0.009703070856630802, 0.0001728502829791978, 0.023008126765489578, 0.06359197199344635, 0.018571630120277405, -0.05186985805630684, 0.07105719298124313, -0.017775071784853935, 0.11619775742292404, 0.0938916951417923, 0.07837220281362534, -0.002502031624317169, 0.007634342182427645, -0.022154811769723892, -0.056367699056863785, 0.05736100301146507, -0.020360713824629784, -0.013705023564398289, 0.03172128275036812, -0.00535057345405221, -0.03861149400472641, -0.04337991774082184, 0.03351209685206413, -0.0501641184091568, -0.022669559344649315, 0.035425156354904175, -0.03901893272995949, 0.04484667256474495, 0.028548436239361763, -0.034075722098350525, 0.007798699662089348, -0.0262050349265337, 0.0633288025856018, 0.014369523152709007, -0.003106927964836359, -0.10791705548763275, -0.03531378507614136, 0.04851871356368065, -0.0062506189569830894, -0.010745666921138763, 0.004799860529601574, 0.027949778363108635, -0.048366229981184006, 0.009294284507632256, -0.05631205812096596, -0.13872213661670685, -0.1222013607621193, 0.06771638989448547, -0.002195289358496666, -0.06206853687763214, 0.076148122549057, 0.031097233295440674, 0.013059550896286964, -0.04215452820062637, -0.04247907176613808, 0.024493295699357986, 0.006072648800909519, -0.010354012250900269, 0.028995050117373466, -0.0442328043282032, -0.09805392473936081, 0.012791076675057411, -0.014985054731369019, -0.10023636370897293, -0.007598498370498419, 0.02486482821404934, 0.10265078395605087, -0.02959647960960865, 0.06611420214176178, 0.15208278596401215, -0.042176324874162674, -0.1016903966665268, 0.0059633804485201836, 0.025270497426390648, -0.059385996311903, 1.0699158563352452e-32, 0.0694655179977417, 0.02142511121928692, -0.0475262813270092, 0.059634145349264145, 0.09613052755594254, 0.01066539529711008, -0.015429372899234295, -0.04355588182806969, -0.0937805324792862, -0.008201311342418194, 0.05828293785452843, 0.03207242861390114, 0.000506830052472651, -0.00027428739122115076, -0.00462327990680933, -0.09930682927370071, -0.03417135775089264, 0.005769301671534777, -0.014103926718235016, 0.005123865325003862, -0.10778254270553589, 0.04188771918416023, -0.04449336230754852, -0.04862440750002861, -0.05152159929275513, 0.015182513743638992, 0.0975424125790596, -0.04397711530327797, 0.013691316358745098, 0.005891421809792519, -0.04302799329161644, -0.025269730016589165, 0.06379778683185577, -0.05368553474545479, 0.0335828922688961, 0.0015970190288498998, 0.008851402439177036, -0.0847833976149559, -0.002828451106324792, 0.034845635294914246, -0.026417473331093788, -0.06632416695356369, 0.0551486499607563, -0.032652728259563446, -0.060695212334394455, 0.09193075448274612, 0.1360592246055603, -0.011320292018353939, -0.005353638902306557, -0.06054828315973282, -0.028733663260936737, -0.01979764550924301, -0.04314897581934929, -0.09953274577856064, -0.024304069578647614, -0.09072351455688477, 0.00008909215830499306, 0.03001810796558857, 0.030521219596266747, -0.014413147233426571, 0.012884823605418205, -0.06525156646966934, 0.04031257703900337, -0.0755629688501358, 0.042645495384931564, 0.03456242009997368, -0.08349809050559998, -0.02417675405740738, 0.0400727204978466, -0.03552741929888725, -0.03357414901256561, 0.018753446638584137, 0.10315388441085815, -0.03404392674565315, -0.05670884996652603, 0.025827227160334587, -0.0029113164637237787, -0.030817287042737007, -0.0353621169924736, 0.024990541860461235, -0.0686146542429924, 0.006192564498633146, 0.04105844721198082, 0.0074569955468177795, -0.028171459212899208, -0.028342168778181076, 0.011179380118846893, -0.046227242797613144, 0.01396081130951643, -0.004966221284121275, -0.09910786896944046, -0.020083338022232056, 0.031803153455257416, -0.08580993115901947, -0.07174202799797058, -1.1125259102478208e-32, 0.062497787177562714, -0.0055935075506567955, 0.0047513865865767, 0.04958256334066391, 0.08833768218755722, 0.06212460622191429, 0.0485515333712101, 0.07471249997615814, -0.006992597598582506, 0.003104925388470292, 0.039533425122499466, -0.016111431643366814, -0.08998037129640579, -0.03535580262541771, 0.014083083719015121, 0.012309313751757145, 0.08546467870473862, -0.03400523588061333, -0.031076477840542793, 0.02274467423558235, 0.005631059408187866, 0.02372988685965538, -0.011407025158405304, 0.08765271306037903, -0.06466054916381836, 0.0031309230253100395, 0.07857396453619003, -0.020362775772809982, -0.007260048761963844, 0.022724583745002747, -0.0444515161216259, -0.09292124956846237, -0.024193383753299713, 0.08189190924167633, 0.06786893308162689, -0.008007616735994816, -0.058544889092445374, -0.037415310740470886, -0.03636061027646065, -0.05322975665330887, 0.023752648383378983, -0.0958251953125, -0.05269055441021919, -0.0031863038893789053, 0.037644386291503906, -0.048775069415569305, 0.035489778965711594, -0.023493511602282524, -0.021235266700387, 0.041013531386852264, 0.04861884191632271, 0.032219741493463516, -0.0040987771935760975, -0.016101857647299767, -0.024480625987052917, -0.09573934972286224, -0.039447907358407974, 0.023381173610687256, 0.0088273324072361, 0.023026322945952415, 0.01640341989696026, -0.004975484684109688, -0.02091744728386402, 0.00541691156104207, 0.04487937316298485, 0.043056800961494446, -0.06699074059724808, 0.04724990949034691, -0.08534934371709824, -0.0009425486205145717, 0.021015211939811707, 0.06241321191191673, 0.040237363427877426, -0.01856478862464428, 0.055342890322208405, -0.02702363394200802, 0.10076168924570084, 0.008236496709287167, 0.06100519001483917, -0.0015787645243108273, -0.09070675075054169, -0.06917673349380493, -0.039766401052474976, -0.009019609540700912, -0.05473519489169121, -0.011907614767551422, -0.021874377503991127, 0.10774237662553787, -0.0214044451713562, -0.0407855287194252, -0.040914323180913925, 0.0838843360543251, 0.055922385305166245, 0.04117659479379654, 0.07882381230592728, -6.743881186821454e-8, -0.05171585455536842, -0.0767861157655716, -0.0066787186078727245, 0.008164915256202221, -0.040987543761730194, 0.027341267094016075, 0.03821147605776787, -0.1495780348777771, -0.024349544197320938, -0.04945830628275871, 0.024362942203879356, 0.014607712626457214, -0.0689237043261528, 0.030298156663775444, -0.04050230234861374, 0.013624625280499458, -0.12289177626371384, 0.08444969356060028, 0.005255876109004021, -0.04470934718847275, -0.017785999923944473, 0.03202743083238602, 0.0364961139857769, -0.0226010512560606, -0.0038290272932499647, 0.06856084614992142, -0.11267202347517014, -0.014975538477301598, 0.013248428702354431, -0.01977483555674553, 0.036884792149066925, -0.05115582421422005, 0.02421499788761139, -0.04631064832210541, -0.012860280461609364, -0.07006534934043884, -0.04894345998764038, -0.03494813293218613, 0.01091643888503313, 0.02614450268447399, 0.04064624011516571, 0.004362187813967466, 0.0650181770324707, 0.0468876026570797, -0.02323407121002674, 0.025512803345918655, 0.0396256260573864, 0.009330426342785358, 0.024727504700422287, 0.031266845762729645, -0.03511248528957367, -0.07271802425384521, 0.022355543449521065, 0.0236081350594759, 0.05259501934051514, -0.005881928838789463, -0.0007666831370443106, 0.052932143211364746, 0.00922155100852251, 0.07163947820663452, 0.03959982097148895, 0.05098794028162956, 0.001985283102840185, 0.07277784496545792 ]
huggan/pix2pix-night2day
150e94d5ccdecfb61a98bceee3962c981d175d2e
2022-04-15T04:27:40.000Z
[ "pytorch", "dataset:huggan/night2day", "arxiv:1611.07004", "huggan", "gan", "license:mit" ]
null
false
huggan
null
huggan/pix2pix-night2day
0
null
null
--- tags: - huggan - gan datasets: - huggan/night2day # See a list of available tags here: # https://github.com/huggingface/hub-docs/blob/main/js/src/lib/interfaces/Types.ts#L12 # task: unconditional-image-generation or conditional-image-generation or image-to-image license: mit --- # MyModelName ## Model description [Pix2pix Model](https://arxiv.org/abs/1611.07004) is a conditional adversarial networks, a general-purpose solution to image-to-image translation problems. These networks not only learn the mapping from input image to output image, but also learn a loss function to train this mapping. This makes it possible to apply the same generic approach to problems that traditionally would require very different loss formulations. We demonstrate that this approach is effective at synthesizing photos from label maps, reconstructing objects from edge maps, and colorizing images, among other tasks. ## Intended uses & limitations: Used for reconstruction of images from edges #### How to use ```python from torchvision.transforms import Compose, Resize, ToTensor, Normalize from PIL import Image from torchvision.utils import save_image import cv2 from huggan.pytorch.pix2pix.modeling_pix2pix import GeneratorUNet transform = Compose( [ Resize((256, 256), Image.BICUBIC), ToTensor(), Normalize((0.5, 0.5, 0.5), (0.5, 0.5, 0.5)), ] ) model = GeneratorUNet.from_pretrained('huggan/pix2pix-night2day') def predict_fn(img): inp = transform(img).unsqueeze(0) out = model(inp) save_image(out, 'out.png', normalize=True) return 'out.png' predict_fn(img) ``` #### Limitations and bias * Gives unrealistic colors in the image * Gives Blurry image sometimes ## Training data * [night2day](https://huggingface.co/datasets/huggan/night2day) ## Training procedure ``` # clone the repository git clone https://github.com/huggingface/community-events.git pip install . # change directory cd community-events/huggan/pytorch/pix2pix/ # define config accelerate config # launch training with required parameters accelerate launch train.py --checkpoint_interval 5 --dataset huggan/night2day --push_to_hub --model_name pix2pix-night2day --batch_size 128 --n_epochs 50 ``` ## Generated Images Here, * First Image Row: Input Image * Second Image Row: Generated Image * Third Image Row: Target Image ![image1](7000.png) ![image2](6500.png) ### BibTeX entry and citation info ```bibtex @article{pix2pix2017, title={Image-to-Image Translation with Conditional Adversarial Networks}, author={Isola, Phillip and Zhu, Jun-Yan and Zhou, Tinghui and Efros, Alexei A}, journal={CVPR}, year={2017} } ```
[ -0.11680877953767776, 0.006447552237659693, 0.07942202687263489, 0.05098957195878029, 0.09476397186517715, -0.008058132603764534, -0.024551641196012497, -0.05013568699359894, -0.004274992272257805, -0.06872569024562836, -0.004972431808710098, -0.09018886089324951, 0.07123330980539322, -0.00874427892267704, -0.006587322801351547, -0.012108827941119671, 0.0377953015267849, 0.07911183685064316, -0.06711926311254501, 0.04350326582789421, -0.03388442471623421, 0.00957964826375246, 0.03218531236052513, -0.05923475697636604, 0.015668055042624474, 0.03304322436451912, 0.053330037742853165, -0.013859877362847328, 0.08072110265493393, -0.06931743025779724, 0.053681958466768265, 0.04973360151052475, -0.10066372156143188, 0.010874927043914795, -0.044860485941171646, 0.10479852557182312, -0.0576208159327507, 0.03248874470591545, -0.0030198702588677406, -0.05005653202533722, 0.03031187318265438, 0.008728081360459328, 0.022813763469457626, -0.07049942016601562, 0.08837960660457611, -0.007179917301982641, -0.012376494705677032, -0.046076495200395584, -0.035147733986377716, -0.017069684341549873, -0.018916472792625427, -0.10535847395658493, -0.045651137828826904, 0.03685260936617851, 0.07056308537721634, 0.09269914776086807, -0.015720725059509277, -0.08302628993988037, -0.003963899333029985, 0.09555899351835251, 0.014039386995136738, -0.03211140260100365, -0.05672888085246086, -0.039098870009183884, 0.024697382003068924, -0.00869635958224535, -0.011604784987866879, 0.020595548674464226, 0.01158053707331419, 0.03765374794602394, -0.0020139634143561125, 0.028561554849147797, 0.01931968331336975, -0.0106368912383914, 0.04868769645690918, 0.06584013253450394, 0.08286517858505249, 0.00889555923640728, 0.014132438227534294, -0.09109269082546234, 0.0061478628776967525, -0.03914646431803703, -0.0071017080917954445, 0.004530369769781828, 0.004595933947712183, 0.026975946500897408, -0.0361800491809845, 0.060766857117414474, 0.020061219111084938, 0.0461309589445591, -0.08677066117525101, 0.005554696545004845, -0.04066915437579155, 0.06322881579399109, 0.03588460385799408, -0.02004297636449337, 0.010705099441111088, -0.0319577194750309, -0.05058440566062927, 0.08324841409921646, 0.0007324306643567979, 0.02287421002984047, 0.041453659534454346, -0.07120764255523682, 0.07792411744594574, -0.1084885522723198, 0.029315318912267685, -0.004905850160866976, 0.03150830417871475, -0.05393858253955841, 0.06882717460393906, -0.018985018134117126, -0.038840387016534805, -0.06949099898338318, -0.007826150394976139, -0.031106682494282722, -0.017623359337449074, -0.008509437553584576, 0.009731356985867023, 0.012908435426652431, -0.0773027092218399, 0.08092522621154785, -0.01686239056289196, -0.03815477341413498, -0.013004963286221027, -0.12978442013263702, -0.08790399879217148, 2.898103445451608e-33, 0.03533383831381798, 0.0513051301240921, 0.012389746494591236, 0.07207849621772766, 0.07232911139726639, 0.0023210851941257715, -0.06810125708580017, -0.0843411535024643, -0.005418526940047741, -0.05034029483795166, -0.03110480308532715, 0.00443753506988287, -0.12476565688848495, 0.11329398304224014, 0.07605507224798203, -0.03646383434534073, -0.00825541839003563, -0.0049974326975643635, 0.010296160355210304, 0.08207309991121292, -0.022689945995807648, -0.004892741329967976, -0.015812892466783524, 0.012643001973628998, -0.04551312327384949, 0.03130674734711647, 0.04043218493461609, -0.018668826669454575, 0.04021201655268669, -0.007901802659034729, -0.04297546669840813, 0.03161526843905449, 0.054513681679964066, 0.037265483289957047, 0.04412950575351715, -0.00796737801283598, -0.0312955379486084, -0.025515208020806313, -0.07697725296020508, 0.013794892467558384, -0.020229315385222435, 0.0854581743478775, -0.05079665407538414, -0.04428110271692276, -0.015407470986247063, -0.03941098973155022, 0.07595635205507278, 0.0023284628987312317, -0.014387249015271664, 0.0292329303920269, 0.04977734014391899, -0.004240300972014666, 0.024397239089012146, -0.0439690537750721, -0.08330787718296051, -0.028530733659863472, 0.03684419393539429, -0.008362934924662113, 0.04980282858014107, 0.026394253596663475, 0.0163277518004179, -0.02550261653959751, 0.054669950157403946, 0.054843720048666, -0.038770437240600586, 0.07724151760339737, 0.0037191896699368954, 0.0013836293946951628, -0.06854107975959778, 0.042094189673662186, 0.00595612870529294, 0.024711519479751587, -0.02352229692041874, -0.06874425709247589, 0.10216289758682251, -0.03363446891307831, -0.03071676753461361, -0.025488626211881638, 0.035740144550800323, 0.006968721281737089, -0.05854182317852974, 0.038169678300619125, -0.007143624592572451, -0.01470514852553606, -0.06693867594003677, -0.02752172201871872, 0.03108019009232521, -0.01643298752605915, 0.008744887076318264, 0.04301544651389122, -0.04540020227432251, -0.028453906998038292, 0.0007529961294494569, -0.047412555664777756, 0.0035586929880082607, -3.0734827944904776e-33, 0.023201681673526764, 0.058598946779966354, -0.10073674470186234, -0.00006247032433748245, -0.04065050929784775, 0.007750369142740965, 0.030044369399547577, 0.07427290081977844, 0.011861271224915981, -0.03986402228474617, 0.02015366032719612, 0.05531927943229675, -0.043242502957582474, -0.03102940507233143, -0.07858382165431976, -0.052631862461566925, 0.02285744808614254, -0.08132091909646988, -0.05357998237013817, -0.014762328006327152, 0.025507615879178047, 0.11144499480724335, -0.02729797177016735, 0.06372226774692535, -0.0341927669942379, 0.09747210890054703, 0.04150025546550751, 0.0956936925649643, -0.016067303717136383, -0.009040902368724346, -0.0008063693530857563, -0.06044144928455353, 0.00407762173563242, 0.0219440720975399, -0.03961987420916557, 0.06418955326080322, 0.13100053369998932, 0.05947735160589218, -0.08922143280506134, 0.015613661147654057, 0.03201431781053543, -0.0018851796630769968, -0.08424466848373413, 0.05882180482149124, -0.05182696506381035, -0.018588116392493248, -0.015487690456211567, -0.031026238575577736, -0.0031597833149135113, 0.035425588488578796, 0.024579644203186035, -0.009350316599011421, -0.07219604402780533, 0.002009138697758317, -0.06982919573783875, -0.09498253464698792, -0.0047590965405106544, -0.04517798125743866, 0.09600164741277695, 0.06593100726604462, -0.08021935820579529, -0.17990905046463013, -0.04571204259991646, 0.01790250651538372, -0.06581933796405792, -0.004878018517047167, -0.0525013767182827, -0.03454006090760231, 0.01188240572810173, 0.06879346817731857, 0.0823005884885788, 0.05177536979317665, 0.01702876016497612, 0.06142909824848175, 0.01521696150302887, -0.0334036648273468, 0.08378998935222626, -0.005217523314058781, 0.04122234508395195, -0.1295921802520752, 0.002014998346567154, -0.15243490040302277, 0.06060924753546715, 0.09315136075019836, 0.07581515610218048, 0.006929233204573393, 0.01694534160196781, -0.019644720479846, 0.015201841481029987, -0.010741923935711384, -0.02068500593304634, 0.02323768101632595, -0.009250802919268608, 0.015810096636414528, -0.01031519379466772, -5.209454911891953e-8, -0.055988434702157974, 0.024618690833449364, -0.0027477729599922895, -0.01458560861647129, -0.03410422429442406, -0.05576450750231743, 0.054579637944698334, 0.006361727137118578, 0.06430637091398239, 0.03827143833041191, 0.05041291564702988, 0.01442136149853468, -0.030531559139490128, -0.019178522750735283, -0.007482502143830061, 0.03908655047416687, 0.0588374026119709, 0.08390500396490097, -0.0026064373087137938, 0.013849672861397266, -0.08836112171411514, -0.03758323937654495, -0.03446246683597565, -0.05382592976093292, 0.11824321746826172, -0.08907371014356613, -0.009466593153774738, 0.03648144006729126, 0.05126462131738663, 0.003005947219207883, -0.012903686612844467, -0.00778554379940033, 0.004633842036128044, 0.003709021955728531, -0.0356149785220623, 0.042048003524541855, -0.02843495085835457, -0.10238505154848099, -0.0005969610647298396, 0.04453817382454872, -0.010742452926933765, 0.07469901442527771, -0.045071545988321304, -0.06467120349407196, 0.02039942517876625, 0.02701704204082489, 0.1127227395772934, -0.047602057456970215, 0.053454212844371796, 0.06954775750637054, -0.019050100818276405, 0.0010266582248732448, 0.020674780011177063, -0.010804246179759502, 0.04246748983860016, -0.01777908019721508, 0.03127371147274971, 0.020629778504371643, 0.09411332756280899, 0.08354048430919647, 0.060921140015125275, 0.016282403841614723, -0.011536341160535812, -0.0011595978867262602 ]
lilitket/20220414-201056
5eff65cdccdf7e273cd2184df8cc210a9800439d
2022-04-14T21:41:58.000Z
[ "pytorch", "wav2vec2", "automatic-speech-recognition", "transformers" ]
automatic-speech-recognition
false
lilitket
null
lilitket/20220414-201056
0
null
transformers
Entry not found
[ 0.0461147278547287, -0.038838207721710205, -0.01049656979739666, -0.03682169318199158, 0.011261860840022564, 0.013094935566186905, 0.0019101888174191117, -0.013979103416204453, 0.027092741802334785, -0.015212527476251125, 0.017284274101257324, -0.08189476281404495, 0.03817418962717056, -0.04920130595564842, 0.021389011293649673, -0.015245908871293068, -0.03203780576586723, -0.1245758980512619, 0.03150877356529236, 0.032381657510995865, -0.060957908630371094, 0.05409295856952667, -0.025087490677833557, 0.01568586938083172, 0.028129950165748596, -0.04710396006703377, -0.018688226118683815, 0.013785239309072495, -0.04001208767294884, 0.01173911802470684, -0.04317743331193924, 0.05500618368387222, 0.004543041344732046, 0.02973111905157566, 0.14852192997932434, 0.02658126689493656, 0.02907961793243885, -0.05169107764959335, 0.05803573504090309, -0.07732241600751877, -0.017637968063354492, -0.04219653457403183, 0.041807834059000015, 0.023620979860424995, 0.021563321352005005, 0.016478516161441803, -0.0021814992651343346, -0.06400240957736969, 0.06393089145421982, 0.019599027931690216, -0.08565037697553635, 0.00934905931353569, -0.008718925528228283, -0.028583496809005737, -0.07310017943382263, 0.09416428208351135, 0.001759322709403932, 0.06184990331530571, 0.011840506456792355, -0.035997264087200165, 0.08358278125524521, -0.02619801089167595, 0.03736566752195358, -0.028206506744027138, -0.07454850524663925, -0.08883563429117203, -0.06279942393302917, -0.008695344440639019, 0.014119276776909828, -0.0825355276465416, 0.0649217739701271, -0.00223911227658391, -0.14716917276382446, 0.07743025571107864, -0.03548373281955719, -0.055201586335897446, 0.006981803569942713, -0.012166670523583889, 0.055111464112997055, -0.007116836030036211, -0.023175746202468872, -0.005835152696818113, -0.09185640513896942, 0.055196937173604965, 0.034148022532463074, 0.03835180774331093, 0.038685429841279984, -0.025987252593040466, 0.017804903909564018, 0.022428328171372414, 0.025005368515849113, -0.10761535167694092, -0.048001550137996674, -0.04343584179878235, 0.012374646961688995, -0.019502125680446625, 0.029218152165412903, 0.0842173621058464, -0.011719699949026108, 0.09283553808927536, -0.007015465293079615, -0.03543110564351082, -0.06936459988355637, 0.09425332397222519, -0.010958523489534855, -0.00805904995650053, 0.004974212497472763, -0.0031528924591839314, 0.06105927750468254, -0.03964288905262947, -0.03619541600346565, -0.019901901483535767, 0.07134733349084854, 0.039514873176813126, -0.012729483656585217, -0.006646515801548958, -0.04746140539646149, -0.014432490803301334, -0.05157482624053955, 0.09506245702505112, -0.049747664481401443, -0.04591796174645424, -0.008965466171503067, -0.0325421579182148, -0.08626784384250641, -0.06624380499124527, 0.02538885548710823, -4.303924894057984e-33, 0.01133066974580288, 0.0033434738870710135, -0.002155609894543886, 0.04871906340122223, -0.023564351722598076, -0.07933273911476135, 0.0600903145968914, 0.02335330657660961, -0.03844716399908066, -0.020433755591511726, -0.06952055543661118, -0.03235611692070961, 0.0062485747039318085, 0.064804308116436, -0.03201229125261307, 0.061689723283052444, 0.0417000837624073, -0.00761845987290144, 0.03340127319097519, -0.047770582139492035, 0.00887306872755289, -0.04066338762640953, -0.010506896302103996, 0.0106519665569067, 0.021333497017621994, 0.12854498624801636, -0.009705503471195698, 0.010055632330477238, -0.017507633194327354, 0.006515394430607557, 0.06334009766578674, -0.057817306369543076, 0.013668818399310112, -0.020286159589886665, 0.05430467426776886, -0.023184705525636673, 0.0828516036272049, 0.0005449643940664828, -0.10372652113437653, -0.07634282112121582, -0.005381610710173845, -0.039263784885406494, 0.0006114727002568543, -0.013281986117362976, 0.07119110971689224, 0.043696220964193344, 0.03168422728776932, 0.04338686540722847, 0.05728672817349434, 0.0832006186246872, -0.07961414009332657, 0.015234283171594143, 0.017002005130052567, 0.047004107385873795, -0.09794387966394424, 0.004990279674530029, -0.07062993198633194, -0.028000490739941597, -0.04018733277916908, -0.0702052190899849, 0.011351344175636768, 0.06020182743668556, -0.03297270089387894, 0.09396500885486603, 0.03417910635471344, -0.019825750961899757, -0.034690454602241516, -0.013036907650530338, 0.05896938592195511, -0.012359356507658958, -0.017275206744670868, -0.07982361316680908, 0.02059139870107174, 0.06737419217824936, 0.04176458343863487, -0.04978838190436363, -0.05877475067973137, -0.06289287656545639, -0.03354167565703392, -0.03871942684054375, 0.009898529388010502, -0.05514208599925041, -0.11629002541303635, -0.011855563148856163, 0.10663620382547379, 0.037354156374931335, -0.0065480442717671394, -0.051189567893743515, 0.06663123518228531, 0.01874656230211258, 0.032841797918081284, 0.041593004018068314, -0.06879369914531708, 0.04216769337654114, -0.01628219522535801, 5.4139394340936695e-34, 0.05697013810276985, -0.006972255185246468, 0.015711724758148193, -0.17956365644931793, 0.02320219948887825, 0.007923615165054798, -0.008062449283897877, 0.0074974060989916325, 0.07391711324453354, 0.0309313777834177, 0.060510627925395966, 0.058605875819921494, 0.09515274316072464, -0.002282935893163085, 0.001603541080839932, 0.07024981826543808, 0.012629246339201927, 0.07425693422555923, -0.038426291197538376, 0.01861148327589035, 0.030608950182795525, -0.02449394389986992, 0.021528491750359535, -0.003039651783183217, -0.03676343336701393, 0.03130284696817398, 0.07998586446046829, 0.010451192036271095, -0.07930229604244232, -0.013543923385441303, 0.018781835213303566, 0.05168003588914871, -0.07191970944404602, 0.15783067047595978, 0.026191607117652893, 0.01262354850769043, 0.08218053728342056, -0.029807550832629204, -0.07528624683618546, -0.04250097647309303, 0.017244765534996986, 0.04411793500185013, 0.03708017244935036, 0.009233047254383564, -0.040271829813718796, 0.022496428340673447, 0.02495843544602394, 0.07633638381958008, 0.005147108342498541, 0.013892097398638725, 0.05610476806759834, -0.06684739887714386, 0.05862557515501976, -0.020688841119408607, 0.05377643182873726, 0.06718500703573227, 0.005329249892383814, -0.01388032827526331, 0.029931528493762016, 0.009508464485406876, -0.045173756778240204, 0.11534366756677628, -0.06510116159915924, 0.05117698386311531, -0.0026125339791178703, -0.08554837852716446, -0.03784770518541336, 0.0804959163069725, 0.011298024095594883, -0.07695550471544266, -0.04868878796696663, 0.02515520341694355, 0.06252261996269226, -0.04509226232767105, -0.01246943511068821, 0.028559505939483643, -0.030573077499866486, 0.05066261067986488, -0.08187384903430939, 0.04469604790210724, 0.0034051244147121906, 0.04145054519176483, -0.021858664229512215, -0.06112268194556236, -0.00908052921295166, -0.05903250351548195, 0.0259539932012558, 0.059690944850444794, -0.07613514363765717, -0.03720718249678612, -0.036316655576229095, 0.07058046013116837, -0.008224100805819035, 0.041961874812841415, -0.0285952128469944, -1.496900736697171e-8, -0.0014124972512945533, 0.03401879221200943, -0.040338415652513504, 0.04116074740886688, 0.0935964286327362, -0.05115952715277672, 0.0008746005478315055, -0.03389839455485344, -0.00567849725484848, -0.010686947964131832, -0.04789939522743225, -0.04820054769515991, -0.02011880651116371, -0.03209094703197479, -0.04211259260773659, -0.10229527950286865, -0.07819421589374542, -0.031228765845298767, -0.02154778689146042, -0.04960230365395546, 0.08087796717882156, -0.07801242172718048, 0.06919731199741364, -0.04999840259552002, 0.03687043860554695, 0.03889009356498718, -0.049989692866802216, -0.04254625365138054, -0.04606937617063522, 0.08682432025671005, -0.031148413196206093, 0.11826753616333008, 0.034102488309144974, -0.0208592489361763, -0.0205202866345644, 0.027134142816066742, 0.09741277992725372, 0.051608603447675705, 0.013477512635290623, -0.13649295270442963, -0.022304272279143333, 0.02385953813791275, 0.038732077926397324, -0.09249968826770782, -0.04549082741141319, 0.054220106452703476, 0.01160438358783722, 0.051190607249736786, 0.07713303714990616, -0.022097084671258926, -0.06127818301320076, -0.01857956498861313, 0.006740490905940533, -0.00496308971196413, 0.024095389991998672, 0.0736224576830864, -0.003481915919110179, -0.0699305310845375, -0.006629763171076775, -0.0598808117210865, 0.05297163128852844, -0.02902800403535366, -0.027858933433890343, -0.01287526823580265 ]
lilitket/20220414-210228
5a8fff0ed7110a8cbb35c22d8bfb5bda86df4e08
2022-04-15T10:40:24.000Z
[ "pytorch", "wav2vec2", "automatic-speech-recognition", "transformers" ]
automatic-speech-recognition
false
lilitket
null
lilitket/20220414-210228
0
null
transformers
Entry not found
[ 0.0461147278547287, -0.038838207721710205, -0.01049656979739666, -0.03682169318199158, 0.011261860840022564, 0.013094935566186905, 0.0019101888174191117, -0.013979103416204453, 0.027092741802334785, -0.015212527476251125, 0.017284274101257324, -0.08189476281404495, 0.03817418962717056, -0.04920130595564842, 0.021389011293649673, -0.015245908871293068, -0.03203780576586723, -0.1245758980512619, 0.03150877356529236, 0.032381657510995865, -0.060957908630371094, 0.05409295856952667, -0.025087490677833557, 0.01568586938083172, 0.028129950165748596, -0.04710396006703377, -0.018688226118683815, 0.013785239309072495, -0.04001208767294884, 0.01173911802470684, -0.04317743331193924, 0.05500618368387222, 0.004543041344732046, 0.02973111905157566, 0.14852192997932434, 0.02658126689493656, 0.02907961793243885, -0.05169107764959335, 0.05803573504090309, -0.07732241600751877, -0.017637968063354492, -0.04219653457403183, 0.041807834059000015, 0.023620979860424995, 0.021563321352005005, 0.016478516161441803, -0.0021814992651343346, -0.06400240957736969, 0.06393089145421982, 0.019599027931690216, -0.08565037697553635, 0.00934905931353569, -0.008718925528228283, -0.028583496809005737, -0.07310017943382263, 0.09416428208351135, 0.001759322709403932, 0.06184990331530571, 0.011840506456792355, -0.035997264087200165, 0.08358278125524521, -0.02619801089167595, 0.03736566752195358, -0.028206506744027138, -0.07454850524663925, -0.08883563429117203, -0.06279942393302917, -0.008695344440639019, 0.014119276776909828, -0.0825355276465416, 0.0649217739701271, -0.00223911227658391, -0.14716917276382446, 0.07743025571107864, -0.03548373281955719, -0.055201586335897446, 0.006981803569942713, -0.012166670523583889, 0.055111464112997055, -0.007116836030036211, -0.023175746202468872, -0.005835152696818113, -0.09185640513896942, 0.055196937173604965, 0.034148022532463074, 0.03835180774331093, 0.038685429841279984, -0.025987252593040466, 0.017804903909564018, 0.022428328171372414, 0.025005368515849113, -0.10761535167694092, -0.048001550137996674, -0.04343584179878235, 0.012374646961688995, -0.019502125680446625, 0.029218152165412903, 0.0842173621058464, -0.011719699949026108, 0.09283553808927536, -0.007015465293079615, -0.03543110564351082, -0.06936459988355637, 0.09425332397222519, -0.010958523489534855, -0.00805904995650053, 0.004974212497472763, -0.0031528924591839314, 0.06105927750468254, -0.03964288905262947, -0.03619541600346565, -0.019901901483535767, 0.07134733349084854, 0.039514873176813126, -0.012729483656585217, -0.006646515801548958, -0.04746140539646149, -0.014432490803301334, -0.05157482624053955, 0.09506245702505112, -0.049747664481401443, -0.04591796174645424, -0.008965466171503067, -0.0325421579182148, -0.08626784384250641, -0.06624380499124527, 0.02538885548710823, -4.303924894057984e-33, 0.01133066974580288, 0.0033434738870710135, -0.002155609894543886, 0.04871906340122223, -0.023564351722598076, -0.07933273911476135, 0.0600903145968914, 0.02335330657660961, -0.03844716399908066, -0.020433755591511726, -0.06952055543661118, -0.03235611692070961, 0.0062485747039318085, 0.064804308116436, -0.03201229125261307, 0.061689723283052444, 0.0417000837624073, -0.00761845987290144, 0.03340127319097519, -0.047770582139492035, 0.00887306872755289, -0.04066338762640953, -0.010506896302103996, 0.0106519665569067, 0.021333497017621994, 0.12854498624801636, -0.009705503471195698, 0.010055632330477238, -0.017507633194327354, 0.006515394430607557, 0.06334009766578674, -0.057817306369543076, 0.013668818399310112, -0.020286159589886665, 0.05430467426776886, -0.023184705525636673, 0.0828516036272049, 0.0005449643940664828, -0.10372652113437653, -0.07634282112121582, -0.005381610710173845, -0.039263784885406494, 0.0006114727002568543, -0.013281986117362976, 0.07119110971689224, 0.043696220964193344, 0.03168422728776932, 0.04338686540722847, 0.05728672817349434, 0.0832006186246872, -0.07961414009332657, 0.015234283171594143, 0.017002005130052567, 0.047004107385873795, -0.09794387966394424, 0.004990279674530029, -0.07062993198633194, -0.028000490739941597, -0.04018733277916908, -0.0702052190899849, 0.011351344175636768, 0.06020182743668556, -0.03297270089387894, 0.09396500885486603, 0.03417910635471344, -0.019825750961899757, -0.034690454602241516, -0.013036907650530338, 0.05896938592195511, -0.012359356507658958, -0.017275206744670868, -0.07982361316680908, 0.02059139870107174, 0.06737419217824936, 0.04176458343863487, -0.04978838190436363, -0.05877475067973137, -0.06289287656545639, -0.03354167565703392, -0.03871942684054375, 0.009898529388010502, -0.05514208599925041, -0.11629002541303635, -0.011855563148856163, 0.10663620382547379, 0.037354156374931335, -0.0065480442717671394, -0.051189567893743515, 0.06663123518228531, 0.01874656230211258, 0.032841797918081284, 0.041593004018068314, -0.06879369914531708, 0.04216769337654114, -0.01628219522535801, 5.4139394340936695e-34, 0.05697013810276985, -0.006972255185246468, 0.015711724758148193, -0.17956365644931793, 0.02320219948887825, 0.007923615165054798, -0.008062449283897877, 0.0074974060989916325, 0.07391711324453354, 0.0309313777834177, 0.060510627925395966, 0.058605875819921494, 0.09515274316072464, -0.002282935893163085, 0.001603541080839932, 0.07024981826543808, 0.012629246339201927, 0.07425693422555923, -0.038426291197538376, 0.01861148327589035, 0.030608950182795525, -0.02449394389986992, 0.021528491750359535, -0.003039651783183217, -0.03676343336701393, 0.03130284696817398, 0.07998586446046829, 0.010451192036271095, -0.07930229604244232, -0.013543923385441303, 0.018781835213303566, 0.05168003588914871, -0.07191970944404602, 0.15783067047595978, 0.026191607117652893, 0.01262354850769043, 0.08218053728342056, -0.029807550832629204, -0.07528624683618546, -0.04250097647309303, 0.017244765534996986, 0.04411793500185013, 0.03708017244935036, 0.009233047254383564, -0.040271829813718796, 0.022496428340673447, 0.02495843544602394, 0.07633638381958008, 0.005147108342498541, 0.013892097398638725, 0.05610476806759834, -0.06684739887714386, 0.05862557515501976, -0.020688841119408607, 0.05377643182873726, 0.06718500703573227, 0.005329249892383814, -0.01388032827526331, 0.029931528493762016, 0.009508464485406876, -0.045173756778240204, 0.11534366756677628, -0.06510116159915924, 0.05117698386311531, -0.0026125339791178703, -0.08554837852716446, -0.03784770518541336, 0.0804959163069725, 0.011298024095594883, -0.07695550471544266, -0.04868878796696663, 0.02515520341694355, 0.06252261996269226, -0.04509226232767105, -0.01246943511068821, 0.028559505939483643, -0.030573077499866486, 0.05066261067986488, -0.08187384903430939, 0.04469604790210724, 0.0034051244147121906, 0.04145054519176483, -0.021858664229512215, -0.06112268194556236, -0.00908052921295166, -0.05903250351548195, 0.0259539932012558, 0.059690944850444794, -0.07613514363765717, -0.03720718249678612, -0.036316655576229095, 0.07058046013116837, -0.008224100805819035, 0.041961874812841415, -0.0285952128469944, -1.496900736697171e-8, -0.0014124972512945533, 0.03401879221200943, -0.040338415652513504, 0.04116074740886688, 0.0935964286327362, -0.05115952715277672, 0.0008746005478315055, -0.03389839455485344, -0.00567849725484848, -0.010686947964131832, -0.04789939522743225, -0.04820054769515991, -0.02011880651116371, -0.03209094703197479, -0.04211259260773659, -0.10229527950286865, -0.07819421589374542, -0.031228765845298767, -0.02154778689146042, -0.04960230365395546, 0.08087796717882156, -0.07801242172718048, 0.06919731199741364, -0.04999840259552002, 0.03687043860554695, 0.03889009356498718, -0.049989692866802216, -0.04254625365138054, -0.04606937617063522, 0.08682432025671005, -0.031148413196206093, 0.11826753616333008, 0.034102488309144974, -0.0208592489361763, -0.0205202866345644, 0.027134142816066742, 0.09741277992725372, 0.051608603447675705, 0.013477512635290623, -0.13649295270442963, -0.022304272279143333, 0.02385953813791275, 0.038732077926397324, -0.09249968826770782, -0.04549082741141319, 0.054220106452703476, 0.01160438358783722, 0.051190607249736786, 0.07713303714990616, -0.022097084671258926, -0.06127818301320076, -0.01857956498861313, 0.006740490905940533, -0.00496308971196413, 0.024095389991998672, 0.0736224576830864, -0.003481915919110179, -0.0699305310845375, -0.006629763171076775, -0.0598808117210865, 0.05297163128852844, -0.02902800403535366, -0.027858933433890343, -0.01287526823580265 ]
huggan/projected_gan_impressionism
87948de0e87971987fa5a0244884d6ae32f03ec4
2022-04-18T21:29:45.000Z
[ "pytorch" ]
null
false
huggan
null
huggan/projected_gan_impressionism
0
null
null
dataset: https://github.com/cs-chan/ArtGAN/tree/master/WikiArt%20Dataset trained on the official projected gan github code - you can check out the hfspace to see how to use it to generate images fun stuff check out the space demo: https://huggingface.co/spaces/huggan/projected_gan_art Made by:-<br/> [Jeronim Matijević](https://huggingface.co/Cropinky)<br/> [Massimiliano Pappa](https://huggingface.co/maxpappa)<br/>
[ -0.08945690840482712, -0.07005532085895538, -0.025981131941080093, -0.009408448822796345, 0.04294130951166153, -0.04977007210254669, -0.08514159172773361, -0.02949201688170433, -0.0660092905163765, -0.03173210471868515, 0.025093326345086098, -0.07048012316226959, -0.006596333812922239, -0.024946371093392372, -0.060296326875686646, 0.0010068499250337481, 0.025467129424214363, 0.07773028314113617, 0.04150168225169182, -0.027682287618517876, 0.034834664314985275, -0.03213219344615936, 0.07723759114742279, -0.08361678570508957, 0.12610478699207306, 0.020333584398031235, 0.06813600659370422, 0.012570797465741634, 0.07780387997627258, -0.02289406582713127, -0.013649164699018002, -0.013170612044632435, -0.027166355401277542, 0.04054141789674759, -0.1135043129324913, 0.12120924890041351, -0.013024263083934784, 0.05376727133989334, -0.011354616843163967, -0.04126600921154022, -0.0199079979211092, 0.05090697854757309, 0.011975042521953583, -0.07748967409133911, 0.06950794160366058, -0.02190461754798889, -0.048188287764787674, -0.048010967671871185, -0.04910016432404518, 0.006576362065970898, -0.02710668556392193, -0.12936007976531982, -0.013731439597904682, 0.06873540580272675, 0.08774783462285995, -0.06344699114561081, 0.030451426282525063, -0.026266736909747124, 0.04332340881228447, 0.06573385745286942, 0.014690552838146687, -0.006886114366352558, -0.0437941700220108, -0.025460384786128998, 0.015175587497651577, -0.023231834173202515, 0.007599151227623224, 0.08171728253364563, 0.008728936314582825, -0.12901639938354492, -0.03172343969345093, 0.01799733005464077, -0.01472512912005186, -0.014811823144555092, 0.026013709604740143, 0.053176771849393845, 0.010596026666462421, -0.030239656567573547, 0.04167165607213974, -0.05998952314257622, 0.05603102222084999, 0.06437990814447403, 0.07719501852989197, 0.06975768506526947, -0.016095703467726707, -0.0013132242020219564, -0.06405956298112869, 0.1518632173538208, 0.005644533317536116, 0.06360648572444916, -0.0020061070099473, 0.042808063328266144, -0.09588951617479324, 0.058517683297395706, -0.00802007969468832, -0.019845744594931602, 0.008954111486673355, -0.016083935275673866, -0.052109431475400925, -0.010111214593052864, -0.0018585934303700924, 0.005986727308481932, 0.019088679924607277, -0.06912006437778473, 0.008353570476174355, -0.03818197548389435, 0.07011035084724426, 0.0033974943216890097, 0.032483816146850586, -0.0024364865384995937, 0.029192959889769554, -0.04854695871472359, -0.09710095822811127, -0.10363312810659409, -0.008975010365247726, -0.05105457827448845, -0.06432703137397766, 0.014485902152955532, -0.017421582713723183, -0.05023793503642082, -0.06779861450195312, 0.07948192209005356, 0.015694711357355118, -0.027619270607829094, -0.009046779945492744, -0.0659455731511116, -0.10276032984256744, 3.267446709215848e-33, 0.132905974984169, 0.016234688460826874, -0.028096314519643784, 0.04091346263885498, 0.044697847217321396, -0.05964872986078262, -0.02539118006825447, -0.03892261162400246, -0.032337162643671036, -0.056415606290102005, -0.0006681745871901512, -0.05761774256825447, -0.11333959549665451, 0.10782212764024734, 0.019529787823557854, -0.04202435538172722, -0.01892344281077385, 0.037482086569070816, -0.03214498236775398, 0.09188340604305267, -0.023439323529601097, 0.019923768937587738, -0.031492073088884354, 0.0065519679337739944, 0.031691309064626694, 0.060592055320739746, -0.03550572693347931, 0.008656203746795654, -0.013218394480645657, 0.017708009108901024, -0.07070658355951309, 0.029657548293471336, -0.007794661447405815, 0.0016281288117170334, -0.009509679861366749, -0.04200945422053337, -0.0816100463271141, -0.05714758485555649, -0.02452966570854187, 0.04945790767669678, 0.058211129158735275, 0.04135149344801903, 0.025619227439165115, 0.010416590608656406, -0.05455150082707405, 0.017392124980688095, 0.040871597826480865, 0.03889365494251251, 0.061897460371255875, 0.0938272774219513, 0.022660130634903908, 0.07719933241605759, -0.008297629654407501, -0.07414700090885162, -0.04167989268898964, -0.035020217299461365, 0.0024039559066295624, -0.07067413628101349, 0.07460371404886246, 0.04879303649067879, -0.024255193769931793, 0.018760448321700096, 0.04478708282113075, 0.05065164715051651, -0.08502358198165894, 0.028257887810468674, -0.04850390553474426, -0.07135029882192612, -0.021767819300293922, 0.057176847010850906, -0.005536384880542755, -0.019578302279114723, -0.021113665774464607, -0.07835511863231659, 0.020529352128505707, 0.0026034775655716658, 0.006792198866605759, -0.01651884987950325, -0.15226878225803375, 0.029133984819054604, -0.047331273555755615, -0.03930429369211197, 0.03325806185603142, -0.05144964158535004, -0.0285488273948431, 0.0592929981648922, 0.025871288031339645, -0.008343836292624474, 0.017060991376638412, -0.022426284849643707, -0.026912294328212738, -0.026604844257235527, -0.020894430577754974, -0.044133640825748444, 0.013258513063192368, -2.9521385330360083e-33, 0.07369483262300491, 0.06804496049880981, -0.03309063985943794, -0.011599121615290642, -0.03783538565039635, 0.03312089666724205, -0.029545094817876816, 0.046375010162591934, -0.0020538230892270803, 0.04499415308237076, 0.01903713122010231, 0.030215362086892128, -0.008388027548789978, -0.0585147850215435, -0.06479764729738235, -0.0815705955028534, 0.07594412565231323, -0.01317458227276802, -0.044309381395578384, -0.0354917086660862, 0.05326921492815018, 0.08769218623638153, -0.0033829978201538324, 0.00213943375274539, -0.012635352090001106, 0.06742896139621735, 0.026964033022522926, 0.028356418013572693, -0.010135163553059101, 0.01159600168466568, 0.014850713312625885, -0.10997775197029114, 0.04769815877079964, 0.002737367060035467, -0.05209030956029892, 0.047708142548799515, 0.11761248856782913, 0.012645723298192024, -0.059582944959402084, 0.03304781764745712, 0.056708820164203644, 0.016332194209098816, -0.0675797238945961, 0.05472720041871071, -0.09374498575925827, 0.0115456348285079, 0.00013222168490756303, 0.10067994147539139, 0.013179348781704903, 0.030651545152068138, 0.016575917601585388, 0.023708568885922432, 0.015537972562015057, -0.031812094151973724, 0.0009567017550580204, -0.11539880931377411, 0.018772950395941734, 0.03923320770263672, 0.06178456172347069, -0.0192515030503273, -0.10353609174489975, -0.12364891171455383, -0.04219396784901619, 0.005007434636354446, -0.08257028460502625, 0.04165409132838249, -0.050224389880895615, -0.017646726220846176, -0.004256382584571838, 0.06122719123959541, 0.011840647086501122, 0.030824001878499985, 0.08657929301261902, 0.08824203908443451, 0.009848574176430702, -0.0018201832426711917, 0.08879736065864563, 0.014093345031142235, 0.11185259371995926, -0.10427182167768478, 0.04721606895327568, -0.05336509644985199, 0.0656951293349266, 0.013580038212239742, 0.11117436736822128, 0.05376126989722252, -0.006245158147066832, -0.02726425789296627, -0.0184161439538002, 0.05557876080274582, -0.023008594289422035, 0.03603304922580719, 0.02067561261355877, 0.04625661298632622, 0.052863262593746185, -4.883304782765663e-8, 0.00011994600208709016, 0.034272100776433945, 0.01281423307955265, -0.04694730415940285, -0.07699744403362274, -0.04856821149587631, 0.06129369139671326, 0.023981520906090736, 0.06931743770837784, 0.03781655430793762, 0.07006020098924637, 0.01985979452729225, 0.0035311065148562193, -0.03282354399561882, 0.025873631238937378, -0.022849051281809807, 0.0910830870270729, 0.041852425783872604, -0.019060874357819557, -0.01608034037053585, 0.011872461065649986, -0.03520495444536209, -0.02685808204114437, -0.03435397520661354, 0.04351629689335823, -0.012157825753092766, -0.02056494913995266, 0.03199615329504013, -0.06074988842010498, -0.03587839752435684, -0.005440252833068371, 0.026513900607824326, 0.0020063871052116156, -0.062465183436870575, 0.03143163397908211, 0.0521736666560173, -0.12316262722015381, -0.06515348702669144, -0.039518143981695175, -0.017054464668035507, 0.032442379742860794, -0.011506768874824047, 0.02946842648088932, -0.023750651627779007, -0.03986295312643051, 0.058144453912973404, 0.07570693641901016, -0.0704524889588356, 0.022134678438305855, 0.051069002598524094, 0.03050120547413826, -0.018279490992426872, 0.050022199749946594, -0.020662112161517143, 0.04507577046751976, 0.02388683520257473, 0.019636504352092743, 0.028293399140238762, 0.058572642505168915, 0.03564882278442383, 0.02195354551076889, 0.0546763613820076, -0.026535946875810623, -0.009744249284267426 ]
huggan/projected_gan_Hana_Hanak
df86ca72afc7bbd8956769fe14ac105d5dfbb076
2022-04-25T11:17:23.000Z
[ "pytorch", "gan", "dcgan", "projected-gan", "huggan", "unconditional-image-generation" ]
unconditional-image-generation
false
huggan
null
huggan/projected_gan_Hana_Hanak
0
null
pytorch
--- library_name: pytorch tags: - gan - dcgan - projected-gan - huggan - unconditional-image-generation --- dataset: https://github.com/cs-chan/ArtGAN/tree/master/WikiArt%20Dataset trained on the official projected gan github code - you can check out the hfspace to see how to use it to generate images fun stuff check out the space demo: https://huggingface.co/spaces/huggan/projected_gan_art Made by:-<br/> [Jeronim Matijević](https://huggingface.co/Cropinky)<br/> [Massimiliano Pappa](https://huggingface.co/maxpappa)<br/>
[ -0.12554846704006195, -0.051075007766485214, -0.027223655954003334, 0.0067487857304513454, 0.06295957416296005, -0.043630797415971756, -0.06543906033039093, -0.039056066423654556, -0.0685853585600853, -0.06453805416822433, 0.026038339361548424, -0.0876556783914566, 0.00701327808201313, -0.043248794972896576, -0.054088518023490906, 0.0280743557959795, -0.012962259352207184, 0.07781779021024704, 0.008023432455956936, -0.016095051541924477, 0.01674097590148449, -0.02924959361553192, 0.0846685990691185, -0.07320842146873474, 0.13064031302928925, 0.018479662016034126, 0.05674595758318901, 0.00545384781435132, 0.09383820742368698, 0.010690487921237946, 0.035211022943258286, -0.023007215932011604, -0.030817344784736633, 0.04271760210394859, -0.0675305426120758, 0.133424311876297, -0.04607146978378296, 0.06163407862186432, -0.008163884282112122, -0.03950181603431702, 0.01134183444082737, 0.04118497669696808, -0.01577025093138218, -0.0730658695101738, 0.04370661452412605, -0.0075422427617013454, -0.05303548276424408, -0.06921418011188507, -0.035704679787158966, 0.0058537377044558525, -0.04150373116135597, -0.11750750243663788, -0.016089512035250664, 0.04321911931037903, 0.09487463533878326, -0.02577776461839676, 0.034371379762887955, -0.04610413312911987, 0.056304931640625, 0.0405646450817585, 0.011886389926075935, -0.006958322133868933, -0.03174664080142975, -0.0314721018075943, 0.012063490226864815, -0.020817955955863, -0.00927736982703209, 0.08086973428726196, 0.01831941120326519, -0.10018358379602432, -0.01801183447241783, 0.01772407814860344, -0.010921085253357887, -0.013811986893415451, 0.01730606146156788, 0.05067942291498184, 0.01791558414697647, -0.0045823813416063786, 0.0660867914557457, -0.054368820041418076, 0.04387172311544418, 0.047557152807712555, 0.09061340987682343, 0.05683315172791481, -0.022180505096912384, 0.026512229815125465, -0.06701380014419556, 0.1333068162202835, 0.0022021671757102013, 0.05452432855963707, -0.006787579040974379, 0.011994429863989353, -0.10280700773000717, 0.0754012018442154, -0.01614467054605484, -0.01004953682422638, 0.019234443083405495, -0.011462698690593243, -0.06623785942792892, 0.01902044750750065, -0.005034053698182106, -0.00245608645491302, 0.03340686857700348, -0.04579106345772743, 0.021389402449131012, -0.04497735947370529, 0.046661023050546646, 0.020148465409874916, 0.012664690613746643, -0.005236497148871422, 0.05900777876377106, -0.041826557368040085, -0.08149627596139908, -0.08553019165992737, -0.006304806098341942, -0.043758291751146317, -0.08289491385221481, 0.022585274651646614, 0.012524990364909172, -0.048042912036180496, -0.05985419452190399, 0.08550450205802917, -0.006566009018570185, -0.023625845089554787, -0.05547419190406799, -0.09688081592321396, -0.10254301875829697, 3.9088904665725535e-33, 0.11871279776096344, -0.007468244060873985, 0.0007252561044879258, 0.03797139972448349, 0.04711643233895302, -0.05331882834434509, -0.027118613943457603, -0.0462132953107357, -0.020516518503427505, -0.05568056181073189, -0.010629682801663876, -0.06886067986488342, -0.1105487272143364, 0.10407471656799316, -0.010553945787250996, -0.047573480755090714, -0.029272494837641716, 0.03241505101323128, -0.022574391216039658, 0.09406886249780655, -0.03165675327181816, 0.046713877469301224, -0.039707526564598083, 0.0075433398596942425, -0.01886148191988468, 0.05340380594134331, -0.03842491656541824, 0.0069544510915875435, -0.002125679748132825, 0.017890281975269318, -0.08096019178628922, 0.02496384084224701, 0.005091281142085791, 0.008689532056450844, -0.013303987681865692, -0.04347963631153107, -0.06485109776258469, -0.044877342879772186, -0.057494260370731354, 0.043059345334768295, 0.03761688247323036, 0.04579010233283043, 0.0015362505801022053, 0.01230643317103386, -0.05119403079152107, 0.017903534695506096, 0.0536763034760952, 0.06260164827108383, 0.03726199269294739, 0.08935821056365967, 0.013371830806136131, 0.07830948382616043, -0.00892744492739439, -0.07379923015832901, -0.05592363700270653, -0.050314076244831085, 0.003518345532938838, -0.05551629140973091, 0.07578404992818832, 0.02846820093691349, -0.012639707885682583, 0.013371112756431103, 0.06256847828626633, 0.046416301280260086, -0.06285886466503143, 0.04223494231700897, -0.03972901776432991, -0.06778932362794876, -0.012315301224589348, 0.07085103541612625, -0.0035022480878978968, -0.0007450972916558385, -0.046192098408937454, -0.07996711134910583, 0.05510854348540306, -0.0005010018358007073, 0.01036405935883522, -0.03311488404870033, -0.14128220081329346, 0.031183477491140366, -0.06076403334736824, -0.00833098590373993, 0.03580255061388016, -0.05520685762166977, -0.0500221773982048, 0.025147447362542152, 0.020273936912417412, -0.02328314073383808, 0.009512084536254406, -0.0022026500664651394, -0.026553628966212273, -0.04348841309547424, -0.03080930933356285, -0.03191139176487923, -0.013627090491354465, -3.435201875363681e-33, 0.10553337633609772, 0.07390866428613663, -0.02484467811882496, -0.03766195476055145, -0.03937588259577751, 0.03779918700456619, -0.011798135936260223, 0.03661266341805458, 0.002371179172769189, 0.03619171306490898, 0.023612013086676598, 0.019211674109101295, -0.03711562976241112, -0.06409085541963577, -0.03576997295022011, -0.06554023176431656, 0.08373471349477768, 0.006730688735842705, -0.05994848161935806, -0.01392319705337286, 0.04598814994096756, 0.09566179662942886, -0.02407044544816017, 0.019494522362947464, -0.020551590248942375, 0.07601112872362137, 0.06037957966327667, 0.02365201525390148, 0.02973826974630356, 0.025750890374183655, 0.02077721245586872, -0.08237212896347046, 0.02239127643406391, 0.01004092302173376, -0.04692640155553818, 0.040504395961761475, 0.1108231395483017, 0.01678173430263996, -0.057053301483392715, 0.012696762569248676, 0.06432846933603287, 0.03690122440457344, -0.07090236246585846, 0.04902636632323265, -0.07827388495206833, 0.009862211532890797, -0.01073436439037323, 0.08141264319419861, 0.007561500184237957, 0.03207128494977951, 0.015306849032640457, 0.013716579414904118, -0.0173095241189003, -0.02647750824689865, -0.014590965583920479, -0.09492725878953934, 0.043773338198661804, 0.04233857989311218, 0.07207289338111877, -0.027072139084339142, -0.11351525783538818, -0.15773402154445648, -0.04573924466967583, -0.02625315822660923, -0.07456618547439575, 0.04398190230131149, -0.06333263963460922, -0.00438704201951623, -0.008476240560412407, 0.05550685524940491, 0.021225815638899803, 0.04056379571557045, 0.07981961965560913, 0.09108644723892212, -0.002175751840695739, 0.013788148760795593, 0.11424832791090012, 0.01740076392889023, 0.12181704491376877, -0.12016212195158005, 0.028609365224838257, -0.0552695207297802, 0.0867486521601677, 0.024090273305773735, 0.10238213837146759, 0.03624879568815231, 0.010050445795059204, -0.01611482724547386, -0.018193332478404045, 0.03748222813010216, -0.008047183975577354, 0.018210619688034058, 0.03278922289609909, 0.08323048055171967, 0.07141628861427307, -5.3070909444841163e-8, -0.020039409399032593, 0.02578975073993206, -0.01290109846740961, -0.02811984159052372, -0.06721450388431549, -0.037282831966876984, 0.05938263237476349, 0.022178346291184425, 0.06918695569038391, 0.020657474175095558, 0.07467033714056015, 0.03526729345321655, -0.005149911157786846, -0.034558579325675964, 0.012667586095631123, 0.009993157349526882, 0.05721845477819443, 0.0512949638068676, -0.011174369603395462, -0.015154462307691574, -0.016552042216062546, -0.053593557327985764, -0.03157429024577141, -0.04347185045480728, 0.035282719880342484, -0.028893528506159782, -0.01599583402276039, 0.03659545257687569, -0.04832538589835167, -0.047681525349617004, 0.0011365428799763322, 0.01513904333114624, -0.002302610082551837, -0.04932904988527298, 0.048275288194417953, 0.06693956255912781, -0.1311608999967575, -0.092693030834198, -0.022069241851568222, -0.005335773341357708, -0.00006899202708154917, -0.006929727736860514, 0.028660500422120094, -0.02722013369202614, -0.018864775076508522, 0.033730439841747284, 0.07963837683200836, -0.04415592923760414, 0.013476643711328506, 0.06620700657367706, 0.037030790001153946, -0.02688494697213173, 0.05399089306592941, -0.025371002033352852, 0.03462836518883705, 0.0251341313123703, 0.004884487017989159, 0.026836521923542023, 0.05316817760467529, 0.043579939752817154, 0.024228310212492943, 0.0569765642285347, -0.012165142223238945, -0.02017589658498764 ]
huggan/projected_gan_color_field_hana
7f952f515856c2dfd298cceeffd4f908c434aa10
2022-04-25T11:16:59.000Z
[ "pytorch", "gan", "dcgan", "projected-gan", "huggan", "unconditional-image-generation" ]
unconditional-image-generation
false
huggan
null
huggan/projected_gan_color_field_hana
0
null
pytorch
--- library_name: pytorch tags: - gan - dcgan - projected-gan - huggan - unconditional-image-generation --- dataset: https://github.com/cs-chan/ArtGAN/tree/master/WikiArt%20Dataset trained on the official projected gan github code - you can check out the hfspace to see how to use it to generate images fun stuff check out the space demo: https://huggingface.co/spaces/huggan/projected_gan_art Made by:-<br/> [Jeronim Matijević](https://huggingface.co/Cropinky)<br/> [Massimiliano Pappa](https://huggingface.co/maxpappa)<br/>
[ -0.12554846704006195, -0.051075007766485214, -0.027223655954003334, 0.0067487857304513454, 0.06295957416296005, -0.043630797415971756, -0.06543906033039093, -0.039056066423654556, -0.0685853585600853, -0.06453805416822433, 0.026038339361548424, -0.0876556783914566, 0.00701327808201313, -0.043248794972896576, -0.054088518023490906, 0.0280743557959795, -0.012962259352207184, 0.07781779021024704, 0.008023432455956936, -0.016095051541924477, 0.01674097590148449, -0.02924959361553192, 0.0846685990691185, -0.07320842146873474, 0.13064031302928925, 0.018479662016034126, 0.05674595758318901, 0.00545384781435132, 0.09383820742368698, 0.010690487921237946, 0.035211022943258286, -0.023007215932011604, -0.030817344784736633, 0.04271760210394859, -0.0675305426120758, 0.133424311876297, -0.04607146978378296, 0.06163407862186432, -0.008163884282112122, -0.03950181603431702, 0.01134183444082737, 0.04118497669696808, -0.01577025093138218, -0.0730658695101738, 0.04370661452412605, -0.0075422427617013454, -0.05303548276424408, -0.06921418011188507, -0.035704679787158966, 0.0058537377044558525, -0.04150373116135597, -0.11750750243663788, -0.016089512035250664, 0.04321911931037903, 0.09487463533878326, -0.02577776461839676, 0.034371379762887955, -0.04610413312911987, 0.056304931640625, 0.0405646450817585, 0.011886389926075935, -0.006958322133868933, -0.03174664080142975, -0.0314721018075943, 0.012063490226864815, -0.020817955955863, -0.00927736982703209, 0.08086973428726196, 0.01831941120326519, -0.10018358379602432, -0.01801183447241783, 0.01772407814860344, -0.010921085253357887, -0.013811986893415451, 0.01730606146156788, 0.05067942291498184, 0.01791558414697647, -0.0045823813416063786, 0.0660867914557457, -0.054368820041418076, 0.04387172311544418, 0.047557152807712555, 0.09061340987682343, 0.05683315172791481, -0.022180505096912384, 0.026512229815125465, -0.06701380014419556, 0.1333068162202835, 0.0022021671757102013, 0.05452432855963707, -0.006787579040974379, 0.011994429863989353, -0.10280700773000717, 0.0754012018442154, -0.01614467054605484, -0.01004953682422638, 0.019234443083405495, -0.011462698690593243, -0.06623785942792892, 0.01902044750750065, -0.005034053698182106, -0.00245608645491302, 0.03340686857700348, -0.04579106345772743, 0.021389402449131012, -0.04497735947370529, 0.046661023050546646, 0.020148465409874916, 0.012664690613746643, -0.005236497148871422, 0.05900777876377106, -0.041826557368040085, -0.08149627596139908, -0.08553019165992737, -0.006304806098341942, -0.043758291751146317, -0.08289491385221481, 0.022585274651646614, 0.012524990364909172, -0.048042912036180496, -0.05985419452190399, 0.08550450205802917, -0.006566009018570185, -0.023625845089554787, -0.05547419190406799, -0.09688081592321396, -0.10254301875829697, 3.9088904665725535e-33, 0.11871279776096344, -0.007468244060873985, 0.0007252561044879258, 0.03797139972448349, 0.04711643233895302, -0.05331882834434509, -0.027118613943457603, -0.0462132953107357, -0.020516518503427505, -0.05568056181073189, -0.010629682801663876, -0.06886067986488342, -0.1105487272143364, 0.10407471656799316, -0.010553945787250996, -0.047573480755090714, -0.029272494837641716, 0.03241505101323128, -0.022574391216039658, 0.09406886249780655, -0.03165675327181816, 0.046713877469301224, -0.039707526564598083, 0.0075433398596942425, -0.01886148191988468, 0.05340380594134331, -0.03842491656541824, 0.0069544510915875435, -0.002125679748132825, 0.017890281975269318, -0.08096019178628922, 0.02496384084224701, 0.005091281142085791, 0.008689532056450844, -0.013303987681865692, -0.04347963631153107, -0.06485109776258469, -0.044877342879772186, -0.057494260370731354, 0.043059345334768295, 0.03761688247323036, 0.04579010233283043, 0.0015362505801022053, 0.01230643317103386, -0.05119403079152107, 0.017903534695506096, 0.0536763034760952, 0.06260164827108383, 0.03726199269294739, 0.08935821056365967, 0.013371830806136131, 0.07830948382616043, -0.00892744492739439, -0.07379923015832901, -0.05592363700270653, -0.050314076244831085, 0.003518345532938838, -0.05551629140973091, 0.07578404992818832, 0.02846820093691349, -0.012639707885682583, 0.013371112756431103, 0.06256847828626633, 0.046416301280260086, -0.06285886466503143, 0.04223494231700897, -0.03972901776432991, -0.06778932362794876, -0.012315301224589348, 0.07085103541612625, -0.0035022480878978968, -0.0007450972916558385, -0.046192098408937454, -0.07996711134910583, 0.05510854348540306, -0.0005010018358007073, 0.01036405935883522, -0.03311488404870033, -0.14128220081329346, 0.031183477491140366, -0.06076403334736824, -0.00833098590373993, 0.03580255061388016, -0.05520685762166977, -0.0500221773982048, 0.025147447362542152, 0.020273936912417412, -0.02328314073383808, 0.009512084536254406, -0.0022026500664651394, -0.026553628966212273, -0.04348841309547424, -0.03080930933356285, -0.03191139176487923, -0.013627090491354465, -3.435201875363681e-33, 0.10553337633609772, 0.07390866428613663, -0.02484467811882496, -0.03766195476055145, -0.03937588259577751, 0.03779918700456619, -0.011798135936260223, 0.03661266341805458, 0.002371179172769189, 0.03619171306490898, 0.023612013086676598, 0.019211674109101295, -0.03711562976241112, -0.06409085541963577, -0.03576997295022011, -0.06554023176431656, 0.08373471349477768, 0.006730688735842705, -0.05994848161935806, -0.01392319705337286, 0.04598814994096756, 0.09566179662942886, -0.02407044544816017, 0.019494522362947464, -0.020551590248942375, 0.07601112872362137, 0.06037957966327667, 0.02365201525390148, 0.02973826974630356, 0.025750890374183655, 0.02077721245586872, -0.08237212896347046, 0.02239127643406391, 0.01004092302173376, -0.04692640155553818, 0.040504395961761475, 0.1108231395483017, 0.01678173430263996, -0.057053301483392715, 0.012696762569248676, 0.06432846933603287, 0.03690122440457344, -0.07090236246585846, 0.04902636632323265, -0.07827388495206833, 0.009862211532890797, -0.01073436439037323, 0.08141264319419861, 0.007561500184237957, 0.03207128494977951, 0.015306849032640457, 0.013716579414904118, -0.0173095241189003, -0.02647750824689865, -0.014590965583920479, -0.09492725878953934, 0.043773338198661804, 0.04233857989311218, 0.07207289338111877, -0.027072139084339142, -0.11351525783538818, -0.15773402154445648, -0.04573924466967583, -0.02625315822660923, -0.07456618547439575, 0.04398190230131149, -0.06333263963460922, -0.00438704201951623, -0.008476240560412407, 0.05550685524940491, 0.021225815638899803, 0.04056379571557045, 0.07981961965560913, 0.09108644723892212, -0.002175751840695739, 0.013788148760795593, 0.11424832791090012, 0.01740076392889023, 0.12181704491376877, -0.12016212195158005, 0.028609365224838257, -0.0552695207297802, 0.0867486521601677, 0.024090273305773735, 0.10238213837146759, 0.03624879568815231, 0.010050445795059204, -0.01611482724547386, -0.018193332478404045, 0.03748222813010216, -0.008047183975577354, 0.018210619688034058, 0.03278922289609909, 0.08323048055171967, 0.07141628861427307, -5.3070909444841163e-8, -0.020039409399032593, 0.02578975073993206, -0.01290109846740961, -0.02811984159052372, -0.06721450388431549, -0.037282831966876984, 0.05938263237476349, 0.022178346291184425, 0.06918695569038391, 0.020657474175095558, 0.07467033714056015, 0.03526729345321655, -0.005149911157786846, -0.034558579325675964, 0.012667586095631123, 0.009993157349526882, 0.05721845477819443, 0.0512949638068676, -0.011174369603395462, -0.015154462307691574, -0.016552042216062546, -0.053593557327985764, -0.03157429024577141, -0.04347185045480728, 0.035282719880342484, -0.028893528506159782, -0.01599583402276039, 0.03659545257687569, -0.04832538589835167, -0.047681525349617004, 0.0011365428799763322, 0.01513904333114624, -0.002302610082551837, -0.04932904988527298, 0.048275288194417953, 0.06693956255912781, -0.1311608999967575, -0.092693030834198, -0.022069241851568222, -0.005335773341357708, -0.00006899202708154917, -0.006929727736860514, 0.028660500422120094, -0.02722013369202614, -0.018864775076508522, 0.033730439841747284, 0.07963837683200836, -0.04415592923760414, 0.013476643711328506, 0.06620700657367706, 0.037030790001153946, -0.02688494697213173, 0.05399089306592941, -0.025371002033352852, 0.03462836518883705, 0.0251341313123703, 0.004884487017989159, 0.026836521923542023, 0.05316817760467529, 0.043579939752817154, 0.024228310212492943, 0.0569765642285347, -0.012165142223238945, -0.02017589658498764 ]
huggan/projected_gan_abstract_expressionism_hana
e43eb18a4185a4ea0e084e100c97466528b53fb6
2022-04-25T11:17:09.000Z
[ "pytorch", "gan", "dcgan", "projected-gan", "huggan", "unconditional-image-generation" ]
unconditional-image-generation
false
huggan
null
huggan/projected_gan_abstract_expressionism_hana
0
null
pytorch
--- library_name: pytorch tags: - gan - dcgan - projected-gan - huggan - unconditional-image-generation --- dataset: https://github.com/cs-chan/ArtGAN/tree/master/WikiArt%20Dataset trained on the official projected gan github code - you can check out the hfspace to see how to use it to generate images fun stuff check out the space demo: https://huggingface.co/spaces/huggan/projected_gan_art Made by:-<br/> [Jeronim Matijević](https://huggingface.co/Cropinky)<br/> [Massimiliano Pappa](https://huggingface.co/maxpappa)<br/>
[ -0.12554846704006195, -0.051075007766485214, -0.027223655954003334, 0.0067487857304513454, 0.06295957416296005, -0.043630797415971756, -0.06543906033039093, -0.039056066423654556, -0.0685853585600853, -0.06453805416822433, 0.026038339361548424, -0.0876556783914566, 0.00701327808201313, -0.043248794972896576, -0.054088518023490906, 0.0280743557959795, -0.012962259352207184, 0.07781779021024704, 0.008023432455956936, -0.016095051541924477, 0.01674097590148449, -0.02924959361553192, 0.0846685990691185, -0.07320842146873474, 0.13064031302928925, 0.018479662016034126, 0.05674595758318901, 0.00545384781435132, 0.09383820742368698, 0.010690487921237946, 0.035211022943258286, -0.023007215932011604, -0.030817344784736633, 0.04271760210394859, -0.0675305426120758, 0.133424311876297, -0.04607146978378296, 0.06163407862186432, -0.008163884282112122, -0.03950181603431702, 0.01134183444082737, 0.04118497669696808, -0.01577025093138218, -0.0730658695101738, 0.04370661452412605, -0.0075422427617013454, -0.05303548276424408, -0.06921418011188507, -0.035704679787158966, 0.0058537377044558525, -0.04150373116135597, -0.11750750243663788, -0.016089512035250664, 0.04321911931037903, 0.09487463533878326, -0.02577776461839676, 0.034371379762887955, -0.04610413312911987, 0.056304931640625, 0.0405646450817585, 0.011886389926075935, -0.006958322133868933, -0.03174664080142975, -0.0314721018075943, 0.012063490226864815, -0.020817955955863, -0.00927736982703209, 0.08086973428726196, 0.01831941120326519, -0.10018358379602432, -0.01801183447241783, 0.01772407814860344, -0.010921085253357887, -0.013811986893415451, 0.01730606146156788, 0.05067942291498184, 0.01791558414697647, -0.0045823813416063786, 0.0660867914557457, -0.054368820041418076, 0.04387172311544418, 0.047557152807712555, 0.09061340987682343, 0.05683315172791481, -0.022180505096912384, 0.026512229815125465, -0.06701380014419556, 0.1333068162202835, 0.0022021671757102013, 0.05452432855963707, -0.006787579040974379, 0.011994429863989353, -0.10280700773000717, 0.0754012018442154, -0.01614467054605484, -0.01004953682422638, 0.019234443083405495, -0.011462698690593243, -0.06623785942792892, 0.01902044750750065, -0.005034053698182106, -0.00245608645491302, 0.03340686857700348, -0.04579106345772743, 0.021389402449131012, -0.04497735947370529, 0.046661023050546646, 0.020148465409874916, 0.012664690613746643, -0.005236497148871422, 0.05900777876377106, -0.041826557368040085, -0.08149627596139908, -0.08553019165992737, -0.006304806098341942, -0.043758291751146317, -0.08289491385221481, 0.022585274651646614, 0.012524990364909172, -0.048042912036180496, -0.05985419452190399, 0.08550450205802917, -0.006566009018570185, -0.023625845089554787, -0.05547419190406799, -0.09688081592321396, -0.10254301875829697, 3.9088904665725535e-33, 0.11871279776096344, -0.007468244060873985, 0.0007252561044879258, 0.03797139972448349, 0.04711643233895302, -0.05331882834434509, -0.027118613943457603, -0.0462132953107357, -0.020516518503427505, -0.05568056181073189, -0.010629682801663876, -0.06886067986488342, -0.1105487272143364, 0.10407471656799316, -0.010553945787250996, -0.047573480755090714, -0.029272494837641716, 0.03241505101323128, -0.022574391216039658, 0.09406886249780655, -0.03165675327181816, 0.046713877469301224, -0.039707526564598083, 0.0075433398596942425, -0.01886148191988468, 0.05340380594134331, -0.03842491656541824, 0.0069544510915875435, -0.002125679748132825, 0.017890281975269318, -0.08096019178628922, 0.02496384084224701, 0.005091281142085791, 0.008689532056450844, -0.013303987681865692, -0.04347963631153107, -0.06485109776258469, -0.044877342879772186, -0.057494260370731354, 0.043059345334768295, 0.03761688247323036, 0.04579010233283043, 0.0015362505801022053, 0.01230643317103386, -0.05119403079152107, 0.017903534695506096, 0.0536763034760952, 0.06260164827108383, 0.03726199269294739, 0.08935821056365967, 0.013371830806136131, 0.07830948382616043, -0.00892744492739439, -0.07379923015832901, -0.05592363700270653, -0.050314076244831085, 0.003518345532938838, -0.05551629140973091, 0.07578404992818832, 0.02846820093691349, -0.012639707885682583, 0.013371112756431103, 0.06256847828626633, 0.046416301280260086, -0.06285886466503143, 0.04223494231700897, -0.03972901776432991, -0.06778932362794876, -0.012315301224589348, 0.07085103541612625, -0.0035022480878978968, -0.0007450972916558385, -0.046192098408937454, -0.07996711134910583, 0.05510854348540306, -0.0005010018358007073, 0.01036405935883522, -0.03311488404870033, -0.14128220081329346, 0.031183477491140366, -0.06076403334736824, -0.00833098590373993, 0.03580255061388016, -0.05520685762166977, -0.0500221773982048, 0.025147447362542152, 0.020273936912417412, -0.02328314073383808, 0.009512084536254406, -0.0022026500664651394, -0.026553628966212273, -0.04348841309547424, -0.03080930933356285, -0.03191139176487923, -0.013627090491354465, -3.435201875363681e-33, 0.10553337633609772, 0.07390866428613663, -0.02484467811882496, -0.03766195476055145, -0.03937588259577751, 0.03779918700456619, -0.011798135936260223, 0.03661266341805458, 0.002371179172769189, 0.03619171306490898, 0.023612013086676598, 0.019211674109101295, -0.03711562976241112, -0.06409085541963577, -0.03576997295022011, -0.06554023176431656, 0.08373471349477768, 0.006730688735842705, -0.05994848161935806, -0.01392319705337286, 0.04598814994096756, 0.09566179662942886, -0.02407044544816017, 0.019494522362947464, -0.020551590248942375, 0.07601112872362137, 0.06037957966327667, 0.02365201525390148, 0.02973826974630356, 0.025750890374183655, 0.02077721245586872, -0.08237212896347046, 0.02239127643406391, 0.01004092302173376, -0.04692640155553818, 0.040504395961761475, 0.1108231395483017, 0.01678173430263996, -0.057053301483392715, 0.012696762569248676, 0.06432846933603287, 0.03690122440457344, -0.07090236246585846, 0.04902636632323265, -0.07827388495206833, 0.009862211532890797, -0.01073436439037323, 0.08141264319419861, 0.007561500184237957, 0.03207128494977951, 0.015306849032640457, 0.013716579414904118, -0.0173095241189003, -0.02647750824689865, -0.014590965583920479, -0.09492725878953934, 0.043773338198661804, 0.04233857989311218, 0.07207289338111877, -0.027072139084339142, -0.11351525783538818, -0.15773402154445648, -0.04573924466967583, -0.02625315822660923, -0.07456618547439575, 0.04398190230131149, -0.06333263963460922, -0.00438704201951623, -0.008476240560412407, 0.05550685524940491, 0.021225815638899803, 0.04056379571557045, 0.07981961965560913, 0.09108644723892212, -0.002175751840695739, 0.013788148760795593, 0.11424832791090012, 0.01740076392889023, 0.12181704491376877, -0.12016212195158005, 0.028609365224838257, -0.0552695207297802, 0.0867486521601677, 0.024090273305773735, 0.10238213837146759, 0.03624879568815231, 0.010050445795059204, -0.01611482724547386, -0.018193332478404045, 0.03748222813010216, -0.008047183975577354, 0.018210619688034058, 0.03278922289609909, 0.08323048055171967, 0.07141628861427307, -5.3070909444841163e-8, -0.020039409399032593, 0.02578975073993206, -0.01290109846740961, -0.02811984159052372, -0.06721450388431549, -0.037282831966876984, 0.05938263237476349, 0.022178346291184425, 0.06918695569038391, 0.020657474175095558, 0.07467033714056015, 0.03526729345321655, -0.005149911157786846, -0.034558579325675964, 0.012667586095631123, 0.009993157349526882, 0.05721845477819443, 0.0512949638068676, -0.011174369603395462, -0.015154462307691574, -0.016552042216062546, -0.053593557327985764, -0.03157429024577141, -0.04347185045480728, 0.035282719880342484, -0.028893528506159782, -0.01599583402276039, 0.03659545257687569, -0.04832538589835167, -0.047681525349617004, 0.0011365428799763322, 0.01513904333114624, -0.002302610082551837, -0.04932904988527298, 0.048275288194417953, 0.06693956255912781, -0.1311608999967575, -0.092693030834198, -0.022069241851568222, -0.005335773341357708, -0.00006899202708154917, -0.006929727736860514, 0.028660500422120094, -0.02722013369202614, -0.018864775076508522, 0.033730439841747284, 0.07963837683200836, -0.04415592923760414, 0.013476643711328506, 0.06620700657367706, 0.037030790001153946, -0.02688494697213173, 0.05399089306592941, -0.025371002033352852, 0.03462836518883705, 0.0251341313123703, 0.004884487017989159, 0.026836521923542023, 0.05316817760467529, 0.043579939752817154, 0.024228310212492943, 0.0569765642285347, -0.012165142223238945, -0.02017589658498764 ]
mT0/mt0_11B_t0_train_ckpt_1012500
91af79ba953686b099e9df3c4de7fc109984dcd8
2022-04-16T03:40:02.000Z
[ "pytorch", "mt5", "text2text-generation", "transformers", "autotrain_compatible" ]
text2text-generation
false
mT0
null
mT0/mt0_11B_t0_train_ckpt_1012500
0
null
transformers
Entry not found
[ 0.0461147278547287, -0.038838207721710205, -0.01049656979739666, -0.03682169318199158, 0.011261860840022564, 0.013094935566186905, 0.0019101888174191117, -0.013979103416204453, 0.027092741802334785, -0.015212527476251125, 0.017284274101257324, -0.08189476281404495, 0.03817418962717056, -0.04920130595564842, 0.021389011293649673, -0.015245908871293068, -0.03203780576586723, -0.1245758980512619, 0.03150877356529236, 0.032381657510995865, -0.060957908630371094, 0.05409295856952667, -0.025087490677833557, 0.01568586938083172, 0.028129950165748596, -0.04710396006703377, -0.018688226118683815, 0.013785239309072495, -0.04001208767294884, 0.01173911802470684, -0.04317743331193924, 0.05500618368387222, 0.004543041344732046, 0.02973111905157566, 0.14852192997932434, 0.02658126689493656, 0.02907961793243885, -0.05169107764959335, 0.05803573504090309, -0.07732241600751877, -0.017637968063354492, -0.04219653457403183, 0.041807834059000015, 0.023620979860424995, 0.021563321352005005, 0.016478516161441803, -0.0021814992651343346, -0.06400240957736969, 0.06393089145421982, 0.019599027931690216, -0.08565037697553635, 0.00934905931353569, -0.008718925528228283, -0.028583496809005737, -0.07310017943382263, 0.09416428208351135, 0.001759322709403932, 0.06184990331530571, 0.011840506456792355, -0.035997264087200165, 0.08358278125524521, -0.02619801089167595, 0.03736566752195358, -0.028206506744027138, -0.07454850524663925, -0.08883563429117203, -0.06279942393302917, -0.008695344440639019, 0.014119276776909828, -0.0825355276465416, 0.0649217739701271, -0.00223911227658391, -0.14716917276382446, 0.07743025571107864, -0.03548373281955719, -0.055201586335897446, 0.006981803569942713, -0.012166670523583889, 0.055111464112997055, -0.007116836030036211, -0.023175746202468872, -0.005835152696818113, -0.09185640513896942, 0.055196937173604965, 0.034148022532463074, 0.03835180774331093, 0.038685429841279984, -0.025987252593040466, 0.017804903909564018, 0.022428328171372414, 0.025005368515849113, -0.10761535167694092, -0.048001550137996674, -0.04343584179878235, 0.012374646961688995, -0.019502125680446625, 0.029218152165412903, 0.0842173621058464, -0.011719699949026108, 0.09283553808927536, -0.007015465293079615, -0.03543110564351082, -0.06936459988355637, 0.09425332397222519, -0.010958523489534855, -0.00805904995650053, 0.004974212497472763, -0.0031528924591839314, 0.06105927750468254, -0.03964288905262947, -0.03619541600346565, -0.019901901483535767, 0.07134733349084854, 0.039514873176813126, -0.012729483656585217, -0.006646515801548958, -0.04746140539646149, -0.014432490803301334, -0.05157482624053955, 0.09506245702505112, -0.049747664481401443, -0.04591796174645424, -0.008965466171503067, -0.0325421579182148, -0.08626784384250641, -0.06624380499124527, 0.02538885548710823, -4.303924894057984e-33, 0.01133066974580288, 0.0033434738870710135, -0.002155609894543886, 0.04871906340122223, -0.023564351722598076, -0.07933273911476135, 0.0600903145968914, 0.02335330657660961, -0.03844716399908066, -0.020433755591511726, -0.06952055543661118, -0.03235611692070961, 0.0062485747039318085, 0.064804308116436, -0.03201229125261307, 0.061689723283052444, 0.0417000837624073, -0.00761845987290144, 0.03340127319097519, -0.047770582139492035, 0.00887306872755289, -0.04066338762640953, -0.010506896302103996, 0.0106519665569067, 0.021333497017621994, 0.12854498624801636, -0.009705503471195698, 0.010055632330477238, -0.017507633194327354, 0.006515394430607557, 0.06334009766578674, -0.057817306369543076, 0.013668818399310112, -0.020286159589886665, 0.05430467426776886, -0.023184705525636673, 0.0828516036272049, 0.0005449643940664828, -0.10372652113437653, -0.07634282112121582, -0.005381610710173845, -0.039263784885406494, 0.0006114727002568543, -0.013281986117362976, 0.07119110971689224, 0.043696220964193344, 0.03168422728776932, 0.04338686540722847, 0.05728672817349434, 0.0832006186246872, -0.07961414009332657, 0.015234283171594143, 0.017002005130052567, 0.047004107385873795, -0.09794387966394424, 0.004990279674530029, -0.07062993198633194, -0.028000490739941597, -0.04018733277916908, -0.0702052190899849, 0.011351344175636768, 0.06020182743668556, -0.03297270089387894, 0.09396500885486603, 0.03417910635471344, -0.019825750961899757, -0.034690454602241516, -0.013036907650530338, 0.05896938592195511, -0.012359356507658958, -0.017275206744670868, -0.07982361316680908, 0.02059139870107174, 0.06737419217824936, 0.04176458343863487, -0.04978838190436363, -0.05877475067973137, -0.06289287656545639, -0.03354167565703392, -0.03871942684054375, 0.009898529388010502, -0.05514208599925041, -0.11629002541303635, -0.011855563148856163, 0.10663620382547379, 0.037354156374931335, -0.0065480442717671394, -0.051189567893743515, 0.06663123518228531, 0.01874656230211258, 0.032841797918081284, 0.041593004018068314, -0.06879369914531708, 0.04216769337654114, -0.01628219522535801, 5.4139394340936695e-34, 0.05697013810276985, -0.006972255185246468, 0.015711724758148193, -0.17956365644931793, 0.02320219948887825, 0.007923615165054798, -0.008062449283897877, 0.0074974060989916325, 0.07391711324453354, 0.0309313777834177, 0.060510627925395966, 0.058605875819921494, 0.09515274316072464, -0.002282935893163085, 0.001603541080839932, 0.07024981826543808, 0.012629246339201927, 0.07425693422555923, -0.038426291197538376, 0.01861148327589035, 0.030608950182795525, -0.02449394389986992, 0.021528491750359535, -0.003039651783183217, -0.03676343336701393, 0.03130284696817398, 0.07998586446046829, 0.010451192036271095, -0.07930229604244232, -0.013543923385441303, 0.018781835213303566, 0.05168003588914871, -0.07191970944404602, 0.15783067047595978, 0.026191607117652893, 0.01262354850769043, 0.08218053728342056, -0.029807550832629204, -0.07528624683618546, -0.04250097647309303, 0.017244765534996986, 0.04411793500185013, 0.03708017244935036, 0.009233047254383564, -0.040271829813718796, 0.022496428340673447, 0.02495843544602394, 0.07633638381958008, 0.005147108342498541, 0.013892097398638725, 0.05610476806759834, -0.06684739887714386, 0.05862557515501976, -0.020688841119408607, 0.05377643182873726, 0.06718500703573227, 0.005329249892383814, -0.01388032827526331, 0.029931528493762016, 0.009508464485406876, -0.045173756778240204, 0.11534366756677628, -0.06510116159915924, 0.05117698386311531, -0.0026125339791178703, -0.08554837852716446, -0.03784770518541336, 0.0804959163069725, 0.011298024095594883, -0.07695550471544266, -0.04868878796696663, 0.02515520341694355, 0.06252261996269226, -0.04509226232767105, -0.01246943511068821, 0.028559505939483643, -0.030573077499866486, 0.05066261067986488, -0.08187384903430939, 0.04469604790210724, 0.0034051244147121906, 0.04145054519176483, -0.021858664229512215, -0.06112268194556236, -0.00908052921295166, -0.05903250351548195, 0.0259539932012558, 0.059690944850444794, -0.07613514363765717, -0.03720718249678612, -0.036316655576229095, 0.07058046013116837, -0.008224100805819035, 0.041961874812841415, -0.0285952128469944, -1.496900736697171e-8, -0.0014124972512945533, 0.03401879221200943, -0.040338415652513504, 0.04116074740886688, 0.0935964286327362, -0.05115952715277672, 0.0008746005478315055, -0.03389839455485344, -0.00567849725484848, -0.010686947964131832, -0.04789939522743225, -0.04820054769515991, -0.02011880651116371, -0.03209094703197479, -0.04211259260773659, -0.10229527950286865, -0.07819421589374542, -0.031228765845298767, -0.02154778689146042, -0.04960230365395546, 0.08087796717882156, -0.07801242172718048, 0.06919731199741364, -0.04999840259552002, 0.03687043860554695, 0.03889009356498718, -0.049989692866802216, -0.04254625365138054, -0.04606937617063522, 0.08682432025671005, -0.031148413196206093, 0.11826753616333008, 0.034102488309144974, -0.0208592489361763, -0.0205202866345644, 0.027134142816066742, 0.09741277992725372, 0.051608603447675705, 0.013477512635290623, -0.13649295270442963, -0.022304272279143333, 0.02385953813791275, 0.038732077926397324, -0.09249968826770782, -0.04549082741141319, 0.054220106452703476, 0.01160438358783722, 0.051190607249736786, 0.07713303714990616, -0.022097084671258926, -0.06127818301320076, -0.01857956498861313, 0.006740490905940533, -0.00496308971196413, 0.024095389991998672, 0.0736224576830864, -0.003481915919110179, -0.0699305310845375, -0.006629763171076775, -0.0598808117210865, 0.05297163128852844, -0.02902800403535366, -0.027858933433890343, -0.01287526823580265 ]
ntoldalagi/nick_asr_LID
061feb844ed87dd44535a706e1a809bc480c6c22
2022-04-21T10:47:23.000Z
[ "pytorch", "tensorboard", "wav2vec2", "automatic-speech-recognition", "transformers", "generated_from_trainer", "model-index" ]
automatic-speech-recognition
false
ntoldalagi
null
ntoldalagi/nick_asr_LID
0
null
transformers
--- tags: - generated_from_trainer model-index: - name: nick_asr_LID 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. --> # nick_asr_LID This model was trained from scratch on an unknown dataset. It achieves the following results on the evaluation set: - Loss: nan - Wer: 1.0 - Cer: 1.0 ## Model description More information needed ## Intended uses & limitations More information needed ## Training and evaluation data More information needed ## Training procedure ### Training hyperparameters The following hyperparameters were used during training: - learning_rate: 5e-05 - train_batch_size: 2 - eval_batch_size: 2 - seed: 42 - gradient_accumulation_steps: 12 - total_train_batch_size: 24 - optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08 - lr_scheduler_type: linear - num_epochs: 10 - mixed_precision_training: Native AMP ### Training results | Training Loss | Epoch | Step | Validation Loss | Wer | Cer | |:-------------:|:-----:|:----:|:---------------:|:------:|:------:| | 50.7955 | 1.0 | 458 | 54.9678 | 1.0 | 1.0 | | 29.3958 | 2.0 | 916 | 37.1618 | 0.9928 | 0.9887 | | 27.1413 | 3.0 | 1374 | 32.5933 | 0.9856 | 0.9854 | | 24.0847 | 4.0 | 1832 | 34.2804 | 0.9784 | 0.9447 | | 492.7757 | 5.0 | 2290 | nan | 0.9736 | 0.9428 | | 0.0 | 6.0 | 2748 | nan | 1.0 | 1.0 | | 0.0 | 7.0 | 3206 | nan | 1.0 | 1.0 | | 0.0 | 8.0 | 3664 | nan | 1.0 | 1.0 | | 0.0 | 9.0 | 4122 | nan | 1.0 | 1.0 | | 0.0 | 10.0 | 4580 | nan | 1.0 | 1.0 | ### Framework versions - Transformers 4.18.0 - Pytorch 1.10.0+cu111 - Datasets 2.1.0 - Tokenizers 0.12.1
[ -0.07303472608327866, -0.017460132017731667, -0.024519573897123337, 0.08777998387813568, 0.08930499106645584, -0.028580155223608017, 0.020276125520467758, -0.06783736497163773, -0.07232197374105453, -0.08926253765821457, 0.02946145460009575, -0.10108712315559387, 0.00328977988101542, -0.03504463657736778, -0.1422007977962494, -0.006009528413414955, 0.02504514344036579, -0.0725165605545044, -0.07738282531499863, -0.004878244362771511, 0.01931675337255001, 0.07381926476955414, 0.03187331184744835, 0.09624186158180237, -0.04233042150735855, -0.009232033044099808, -0.03015981987118721, -0.009792567230761051, 0.0104267168790102, -0.08501486480236053, 0.046767160296440125, -0.00483478419482708, 0.009962953627109528, 0.032309047877788544, 0.0024662232026457787, 0.01666720025241375, -0.02847137488424778, -0.014100056141614914, -0.019840935245156288, -0.012128717266023159, 0.01680908165872097, -0.10149337351322174, -0.0036890250630676746, 0.060833271592855453, 0.08680098503828049, 0.07848289608955383, -0.040754664689302444, -0.10686053335666656, 0.02111462876200676, -0.02578805387020111, -0.07045350223779678, -0.03815972059965134, 0.030407976359128952, -0.04716534540057182, -0.04866781458258629, 0.07214223593473434, -0.026389602571725845, -0.061802852898836136, -0.027919858694076538, 0.013010745868086815, -0.04823600873351097, 0.00019321742001920938, -0.05745499208569527, -0.03436262905597687, -0.041549693793058395, -0.027297435328364372, -0.04933245852589607, -0.028025159612298012, 0.0759546309709549, -0.03699323162436485, 0.047046758234500885, 0.014761613681912422, 0.002900702180340886, 0.001408764161169529, -0.03674249351024628, 0.022766713052988052, 0.07395551353693008, 0.036856237798929214, 0.07188049703836441, -0.04493575915694237, -0.03124147094786167, -0.03995303064584732, 0.06328556686639786, -0.06742273271083832, 0.005405206233263016, -0.002475924324244261, 0.05628887563943863, -0.029200121760368347, 0.08780620992183685, 0.021965593099594116, -0.015617207624018192, 0.015655232593417168, -0.0829964429140091, 0.05380260944366455, 0.05655377358198166, 0.02988765761256218, -0.0066094063222408295, 0.008996893651783466, -0.027788575738668442, 0.10654234141111374, -0.004394227638840675, 0.056768450886011124, 0.0040202937088906765, 0.042912621051073074, 0.0029315142892301083, 0.029162462800741196, 0.09931372851133347, 0.029874980449676514, 0.052803248167037964, 0.02178013138473034, 0.0973091721534729, 0.03569585084915161, -0.019815748557448387, 0.029283922165632248, 0.08893673866987228, 0.07948241382837296, -0.04870223626494408, 0.029500195756554604, -0.04426046833395958, 0.09990300238132477, -0.0587288960814476, 0.0001222909049829468, -0.017321687191724777, -0.0047923000529408455, -0.057889506220817566, -0.043058957904577255, -0.10171614587306976, 3.606795765250918e-33, -0.013820637948811054, 0.04450983554124832, -0.007087660487741232, -0.04534536227583885, 0.051008403301239014, 0.008475483395159245, 0.008329254575073719, -0.009287366643548012, -0.01519126258790493, -0.01135039422661066, -0.14141546189785004, -0.04347949102520943, -0.1029445007443428, 0.0580400787293911, 0.015617881901562214, -0.05946339666843414, -0.011341084726154804, 0.019053146243095398, 0.04072630777955055, -0.03554527834057808, 0.08639272302389145, 0.007088128011673689, -0.0820850059390068, -0.09939663857221603, -0.005905153229832649, 0.08268073946237564, -0.0002557106490712613, -0.03209686279296875, 0.00095047039212659, 0.03238483890891075, -0.023272249847650528, 0.02653292752802372, -0.006213426124304533, 0.0016830542590469122, 0.05099976807832718, 0.019634246826171875, 0.06469455361366272, 0.07261908799409866, 0.008157490752637386, -0.0390380434691906, 0.005400602240115404, 0.031173519790172577, 0.037773821502923965, -0.06906428933143616, -0.11167217046022415, -0.047015201300382614, 0.07293494045734406, 0.04046475514769554, 0.04685354605317116, 0.021632520481944084, -0.0812280997633934, -0.0639597475528717, -0.011654204688966274, -0.06715412437915802, -0.04779042676091194, -0.005629258695989847, 0.030129164457321167, 0.09057978540658951, 0.046676114201545715, 0.02494826726615429, 0.04920197278261185, 0.014021233655512333, -0.005588409025222063, -0.005811611190438271, 0.00825708732008934, -0.02210349217057228, -0.02322986163198948, -0.04500804468989372, 0.029706396162509918, 0.01697774976491928, -0.09827172756195068, -0.02539769560098648, 0.040515754371881485, -0.039828021079301834, 0.12878866493701935, -0.09957434237003326, 0.01423417218029499, -0.03866593912243843, -0.02450798638164997, -0.03196147829294205, 0.02108432911336422, 0.048074278980493546, -0.029507944360375404, -0.07008873671293259, -0.08050987869501114, -0.03204631060361862, -0.008202624507248402, 0.004519351292401552, 0.013868962414562702, 0.02673281915485859, -0.023075943812727928, -0.043690744787454605, -0.04468578100204468, -0.003944186959415674, -0.06425407528877258, -4.338477448474451e-33, 0.004751094151288271, 0.05349046736955643, -0.008942130953073502, 0.053026214241981506, 0.04442280903458595, -0.005730187054723501, 0.05097078159451485, 0.05884552374482155, -0.04486401751637459, -0.05273706093430519, 0.03267854079604149, 0.04316180944442749, -0.015364865772426128, -0.01233010645955801, 0.019444087520241737, 0.01806139014661312, -0.07262393832206726, 0.024255862459540367, -0.009983807802200317, 0.016445385292172432, -0.004833295941352844, 0.11411916464567184, -0.1403646320104599, 0.013187586329877377, -0.002334179123863578, 0.019877219572663307, 0.0860220417380333, 0.1743873804807663, 0.07057496160268784, -0.026838518679142, -0.009670513682067394, -0.012979917228221893, -0.029793135821819305, 0.004814150743186474, -0.007486296351999044, 0.04399328678846359, 0.046236127614974976, -0.0059978594072163105, -0.05879417806863785, 0.04546169191598892, 0.08490525186061859, 0.0695202574133873, -0.09631740301847458, 0.03522210195660591, 0.00711912801489234, 0.02101868949830532, 0.017067262902855873, -0.031243233010172844, 0.010245065204799175, -0.024289539083838463, 0.0059495847672224045, -0.07910919934511185, -0.0778493881225586, 0.010096629150211811, -0.04134848341345787, -0.02167547307908535, 0.022733725607395172, -0.010372676886618137, -0.03787805885076523, 0.031926169991493225, -0.0035888401325792074, -0.027293512597680092, -0.0487934909760952, -0.037942420691251755, 0.02267267182469368, -0.031865064054727554, -0.05251074582338333, 0.06079539284110069, 0.017848392948508263, 0.075013168156147, -0.0053509133867919445, 0.05621247738599777, 0.0804133266210556, 0.009225238114595413, -0.043240685015916824, -0.021696720272302628, -0.018089089542627335, -0.015622472390532494, 0.011207697913050652, -0.06982208043336868, -0.04988624155521393, -0.010961413383483887, 0.07363858073949814, 0.051483526825904846, 0.05949244275689125, 0.070456363260746, 0.12875711917877197, 0.10225306451320648, -0.03774775192141533, -0.031076285988092422, 0.04564854875206947, -0.050191786140203476, -0.008662210777401924, 0.0959542989730835, -0.04468473792076111, -6.278675357407337e-8, -0.007909866981208324, 0.002519685309380293, 0.007658097427338362, 0.0588991604745388, 0.053099945187568665, 0.02558625303208828, 0.06125323846936226, 0.007663789205253124, -0.03996613249182701, -0.007010574918240309, 0.041539885103702545, 0.008665370754897594, -0.04071330279111862, -0.020640091970562935, 0.050016965717077255, 0.01700546033680439, -0.022582734003663063, 0.12870244681835175, -0.0007690186030231416, -0.03986085578799248, 0.0475253164768219, -0.023632189258933067, 0.014126175083220005, -0.05565094202756882, 0.057611577212810516, -0.06257976591587067, -0.029212618246674538, 0.14895139634609222, -0.03623959794640541, 0.0023219126742333174, 0.012426248751580715, -0.00239237560890615, 0.0775505006313324, -0.0015278675127774477, -0.012773038819432259, 0.08894560486078262, -0.03734744340181351, -0.022947780787944794, 0.042528871446847916, 0.026533061638474464, -0.11275684833526611, 0.02686910517513752, -0.033900171518325806, -0.03917156532406807, 0.015499882400035858, 0.014039444737136364, -0.03745771944522858, -0.10633867233991623, 0.03351769968867302, 0.02549300342798233, 0.05377604067325592, -0.007802544627338648, -0.028239674866199493, 0.055141881108284, 0.07078303396701813, -0.055669914931058884, -0.05780675262212753, -0.050346117466688156, 0.005923949647694826, -0.004021945875138044, 0.02204113081097603, -0.06170641630887985, -0.05555695667862892, -0.014580591581761837 ]
mimicheng/codeparrot-ds-sample-2ep-14apr
a68a7876fa2c3a8e046a85485293025dff44b9ec
2022-04-15T18:40:03.000Z
[ "pytorch", "tensorboard", "gpt2", "text-generation", "transformers", "generated_from_trainer", "license:mit", "model-index" ]
text-generation
false
mimicheng
null
mimicheng/codeparrot-ds-sample-2ep-14apr
0
null
transformers
--- license: mit tags: - generated_from_trainer model-index: - name: codeparrot-ds-sample-2ep-14apr 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. --> # codeparrot-ds-sample-2ep-14apr This model is a fine-tuned version of [gpt2](https://huggingface.co/gpt2) on an unknown dataset. It achieves the following results on the evaluation set: - Loss: 1.6319 ## 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: 0.0005 - train_batch_size: 64 - eval_batch_size: 64 - seed: 42 - distributed_type: tpu - gradient_accumulation_steps: 8 - total_train_batch_size: 512 - optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08 - lr_scheduler_type: cosine - lr_scheduler_warmup_steps: 1000 - num_epochs: 2 ### Training results | Training Loss | Epoch | Step | Validation Loss | |:-------------:|:-----:|:----:|:---------------:| | 4.1367 | 0.37 | 1000 | 2.5592 | | 2.2049 | 0.74 | 2000 | 2.0419 | | 1.8302 | 1.11 | 3000 | 1.8245 | | 1.6214 | 1.49 | 4000 | 1.6913 | | 1.5125 | 1.86 | 5000 | 1.6319 | ### Framework versions - Transformers 4.18.0 - Pytorch 1.11.0+cu102 - Datasets 2.1.0 - Tokenizers 0.12.1
[ -0.09580530971288681, -0.024530211463570595, -0.01966703124344349, 0.04557056352496147, 0.050904154777526855, -0.06124062463641167, -0.02446686290204525, 0.03324747830629349, -0.08769139647483826, -0.11229869723320007, 0.028690557926893234, -0.06478454917669296, 0.0023121191188693047, -0.07995934784412384, -0.06975436955690384, 0.006467056460678577, 0.06688670068979263, -0.0042896568775177, -0.03098178841173649, -0.018830928951501846, 0.021909821778535843, 0.04628761112689972, 0.030424682423472404, 0.07113185524940491, -0.023940015584230423, 0.03265422582626343, -0.01027219183743, 0.0073444414883852005, 0.017545366659760475, 0.008699803613126278, 0.02453179471194744, -0.018258284777402878, -0.029676100239157677, 0.08470173180103302, 0.016191480681300163, 0.022097481414675713, -0.03141576424241066, -0.03271728381514549, 0.0027592326514422894, 0.009085088036954403, 0.01810370199382305, -0.027839891612529755, 0.006427386775612831, 0.07433030754327774, 0.07104858756065369, 0.009657963179051876, -0.02581765316426754, -0.08576606214046478, -0.07831130176782608, 0.0006244604010134935, -0.067196324467659, -0.035032570362091064, 0.03265661001205444, -0.05202788487076759, 0.016512449830770493, 0.04010795056819916, 0.020854013040661812, -0.06179285794496536, -0.022388117387890816, -0.029875172302126884, 0.008950715884566307, -0.025999000295996666, -0.11298933625221252, -0.063713438808918, -0.07792176306247711, -0.054286908358335495, 0.011065926402807236, 0.00728550786152482, 0.10546322911977768, -0.06368964910507202, 0.00941548217087984, 0.08235640823841095, -0.053107574582099915, 0.038997069001197815, -0.003789341077208519, 0.022736139595508575, 0.02451968751847744, 0.0448971726000309, 0.06128646433353424, -0.07957369834184647, 0.02610102854669094, -0.04653453454375267, 0.06190379336476326, -0.02992148883640766, -0.009425229392945766, -0.03697973117232323, 0.05954146012663841, 0.05428909882903099, 0.06836067885160446, 0.0625668540596962, -0.030026700347661972, 0.03629590570926666, -0.013452921994030476, 0.028355926275253296, -0.011793602257966995, 0.004377846606075764, -0.015473129227757454, -0.07045511901378632, -0.07178173214197159, 0.0815272182226181, -0.05411675572395325, 0.05723262578248978, -0.01710493490099907, 0.05926211178302765, -0.039167407900094986, -0.011807224713265896, 0.017322828993201256, 0.07481533288955688, 0.07487117499113083, 0.011272037401795387, 0.08943182229995728, 0.04233311489224434, -0.0007980673690326512, -0.03172249346971512, 0.02598758041858673, 0.15688782930374146, -0.05956640839576721, 0.02746322751045227, -0.06422017514705658, 0.13917864859104156, -0.06935682892799377, -0.016951626166701317, -0.049604836851358414, -0.05655670166015625, -0.022910242900252342, -0.07264135777950287, -0.10346719622612, 3.073377918353865e-33, 0.024669824168086052, -0.0027809138409793377, 0.019206563010811806, -0.009519136510789394, 0.0016790727386251092, 0.016352875158190727, 0.009713425301015377, -0.09855654090642929, 0.02572319656610489, -0.048866234719753265, -0.07437796890735626, -0.08189209550619125, -0.08716355264186859, 0.10592223703861237, -0.005383939947932959, -0.05282456427812576, -0.015801243484020233, 0.062176935374736786, 0.05727694556117058, 0.008265712298452854, 0.10518293082714081, 0.06416638940572739, -0.04100171849131584, -0.09522078186273575, -0.0420064739882946, 0.09292355924844742, -0.007096659857779741, 0.0021504906471818686, 0.04637371748685837, 0.08874973654747009, -0.03430648893117905, -0.039218537509441376, -0.02909351885318756, 0.01168066542595625, 0.038684386759996414, 0.0011992787476629019, 0.016267022117972374, -0.010781051591038704, 0.036810632795095444, -0.023216474801301956, 0.022262858226895332, 0.007522988598793745, 0.08914916962385178, -0.09589452296495438, -0.02927928976714611, -0.0699261724948883, 0.09571697562932968, 0.03976615145802498, 0.039656415581703186, 0.0824093222618103, -0.06350907683372498, 0.012750398367643356, -0.013625587336719036, -0.02082904241979122, -0.05763448774814606, 0.049604468047618866, 0.04547056928277016, 0.06676288694143295, 0.04052649065852165, 0.038140349090099335, 0.01617744192481041, 0.025641173124313354, -0.002046771114692092, -0.028412606567144394, 0.013870776630938053, -0.005105795804411173, -0.09819462895393372, -0.08728139102458954, -0.010368765331804752, 0.12643101811408997, -0.05304458737373352, -0.016094157472252846, 0.020847948268055916, -0.013873997144401073, 0.10596911609172821, -0.10302654653787613, 0.055118512362241745, 0.01464815717190504, -0.044355541467666626, -0.04288366064429283, -0.06349577754735947, 0.06797003746032715, -0.0037498692981898785, -0.09812469035387039, -0.03826726973056793, -0.08215238898992538, -0.016069935634732246, -0.033209528774023056, -0.05149088054895401, 0.0367908775806427, -0.09911075234413147, -0.03225132077932358, -0.0941404178738594, 0.018086347728967667, -0.027702566236257553, -4.550459120204034e-33, -0.006232108920812607, 0.061121147125959396, 0.014505582861602306, 0.07901106774806976, -0.04098774865269661, -0.02724784053862095, 0.02029896341264248, 0.10295478254556656, -0.038879819214344025, 0.00679503008723259, 0.05737416818737984, 0.004501115996390581, -0.07929056882858276, 0.012353385798633099, 0.07197690010070801, -0.00015951642126310617, -0.06210296228528023, 0.0019636370707303286, 0.010619436390697956, 0.0013917232863605022, 0.002118571661412716, 0.10437006503343582, -0.04572778195142746, 0.07186806946992874, 0.018410060554742813, -0.01653849333524704, 0.055503759533166885, 0.1167258769273758, 0.10774654895067215, -0.02944337949156761, 0.014437997713685036, 0.009102750569581985, -0.010864343494176865, 0.02762877754867077, -0.030269676819443703, 0.018982425332069397, 0.10358648747205734, -0.023984188213944435, -0.05458277463912964, 0.1039261594414711, 0.04321856424212456, 0.02469421550631523, -0.02184036374092102, 0.05222121626138687, 0.0023241646122187376, 0.01986338384449482, 0.05434129759669304, -0.0416029691696167, 0.029986044391989708, -0.03171849250793457, 0.0017487843288108706, -0.06781353801488876, -0.05108499526977539, 0.04132583364844322, -0.013402768410742283, -0.04784611612558365, 0.02528083696961403, 0.028715692460536957, -0.02266569249331951, 0.010196414776146412, 0.0229947529733181, -0.020432790741324425, -0.036525629460811615, -0.03254012018442154, 0.01787777617573738, -0.07910981774330139, -0.06834717094898224, 0.030187008902430534, 0.016105804592370987, 0.1112278625369072, -0.04739608243107796, 0.03316865488886833, 0.03492319583892822, -0.02818090282380581, -0.023770606145262718, 0.004117111675441265, -0.012981684878468513, 0.042576152831315994, 0.039109304547309875, -0.10934048891067505, -0.0171898752450943, 0.013787779957056046, 0.09738647192716599, 0.03029436059296131, 0.06936139613389969, -0.001195237971842289, 0.06860267370939255, 0.07923959195613861, -0.034510623663663864, -0.02509498782455921, -0.018840428441762924, 0.000922761915717274, 0.04842540621757507, 0.09674647450447083, -0.03278792276978493, -6.079321934748805e-8, -0.0049196938052773476, 0.01257248129695654, -0.04211883991956711, 0.09194117784500122, -0.02124595455825329, -0.0205862857401371, -0.032691240310668945, 0.02948887087404728, -0.05232096090912819, -0.0035370117984712124, 0.0454094372689724, -0.02074701152741909, -0.08489043265581131, -0.0246024951338768, 0.04209742695093155, -0.006743007339537144, -0.05782516673207283, 0.08953071385622025, -0.04953901097178459, -0.02251872792840004, -0.018460772931575775, -0.032718222588300705, 0.0103604132309556, -0.0683639645576477, 0.007863434962928295, -0.04982427507638931, -0.006265082396566868, 0.05179678648710251, -0.020580600947141647, -0.004574732389301062, 0.02272181026637554, -0.004944302141666412, 0.02760755643248558, -0.046290360391139984, -0.03007974475622177, 0.04638596251606941, -0.04203363135457039, -0.025037655606865883, 0.11179818212985992, 0.036508794873952866, -0.04091000184416771, 0.062073949724435806, -0.028096143156290054, -0.007633041590452194, 0.0571780689060688, 0.0019748981576412916, 0.004317083396017551, -0.07679642736911774, -0.006333364639431238, -0.0006146951927803457, 0.01279230136424303, 0.001879770657978952, -0.07993505895137787, 0.00572271877899766, 0.04617178440093994, 0.01743636652827263, -0.08932714909315109, -0.05710133537650108, -0.006834516767412424, -0.02518358826637268, 0.030105721205472946, -0.013988448306918144, -0.041584186255931854, 0.009875884279608727 ]
ntoldalagi/nick_asr_COMBO
9af031677926de377eda1c7af586fc88f26b1794
2022-04-24T01:24:22.000Z
[ "pytorch", "tensorboard", "wav2vec2", "transformers", "generated_from_trainer", "model-index" ]
null
false
ntoldalagi
null
ntoldalagi/nick_asr_COMBO
0
null
transformers
--- tags: - generated_from_trainer model-index: - name: nick_asr_COMBO 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. --> # nick_asr_COMBO This model was trained from scratch on an unknown dataset. It achieves the following results on the evaluation set: - Loss: 1.4313 - Wer: 0.6723 - Cer: 0.2408 ## Model description More information needed ## Intended uses & limitations More information needed ## Training and evaluation data More information needed ## Training procedure ### Training hyperparameters The following hyperparameters were used during training: - learning_rate: 5e-05 - train_batch_size: 1 - eval_batch_size: 1 - seed: 42 - gradient_accumulation_steps: 16 - total_train_batch_size: 16 - optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08 - lr_scheduler_type: linear - num_epochs: 10 - mixed_precision_training: Native AMP ### Training results | Training Loss | Epoch | Step | Validation Loss | Wer | Cer | |:-------------:|:-----:|:----:|:---------------:|:------:|:------:| | 0.0857 | 1.0 | 687 | 1.3883 | 0.7082 | 0.2576 | | 0.0627 | 2.0 | 1374 | 1.4099 | 0.7076 | 0.2561 | | 0.0697 | 3.0 | 2061 | 1.3864 | 0.6906 | 0.2486 | | 0.0575 | 4.0 | 2748 | 1.4356 | 0.6906 | 0.2455 | | 0.0552 | 5.0 | 3435 | 1.4061 | 0.6778 | 0.2440 | | 0.0631 | 6.0 | 4122 | 1.4541 | 0.6839 | 0.2444 | | 0.0418 | 7.0 | 4809 | 1.4258 | 0.6930 | 0.2465 | | 0.0407 | 8.0 | 5496 | 1.4193 | 0.6809 | 0.2451 | | 0.0487 | 9.0 | 6183 | 1.4261 | 0.6778 | 0.2424 | | 0.0371 | 10.0 | 6870 | 1.4313 | 0.6723 | 0.2408 | ### Framework versions - Transformers 4.18.0 - Pytorch 1.10.0+cu111 - Datasets 2.1.0 - Tokenizers 0.12.1
[ -0.10499896854162216, -0.0014942687703296542, -0.025318583473563194, 0.07807566970586777, 0.03569953516125679, 0.0006411573849618435, 0.018328558653593063, -0.017270153388381004, -0.08130568265914917, -0.11355330795049667, 0.005007761064916849, -0.06487906724214554, 0.013937445357441902, -0.06001211330294609, -0.12910893559455872, 0.04248831421136856, 0.06138860061764717, -0.05415255203843117, -0.09215853363275528, -0.0010643632849678397, -0.010172707028687, 0.049991972744464874, 0.0028966679237782955, 0.07026021182537079, 0.031172195449471474, -0.015969330444931984, -0.050510477274656296, 0.013658407144248486, 0.00876257847994566, -0.06481283903121948, 0.04038906469941139, 0.010833821259438992, 0.036404289305210114, 0.02201479859650135, -0.0157592985779047, 0.0316321924328804, -0.04640938714146614, -0.016620764508843422, 0.015920188277959824, 0.009549155831336975, 0.03465883433818817, -0.09184755384922028, -0.010917727835476398, 0.04353472590446472, 0.055688150227069855, 0.048873886466026306, -0.06527364253997803, -0.07855518907308578, 0.016332130879163742, -0.026406779885292053, -0.06364179402589798, -0.03931518271565437, 0.052644744515419006, -0.054293107241392136, -0.05448589101433754, 0.061838116496801376, -0.014477657154202461, -0.06362240761518478, -0.04700286686420441, 0.0158990565687418, -0.028598099946975708, -0.0076823183335363865, -0.08298132568597794, -0.02531341277062893, -0.08274409919977188, -0.03119749203324318, -0.05276040360331535, -0.009625360369682312, 0.06871697306632996, -0.038979146629571915, 0.047383543103933334, 0.011869847774505615, -0.034877315163612366, -0.005254622083157301, -0.008214685134589672, 0.039640821516513824, 0.08048049360513687, 0.0658717080950737, 0.06395368278026581, -0.07560031116008759, -0.049073562026023865, -0.03144067898392677, 0.035760726779699326, -0.06661170721054077, 0.011915335431694984, 0.015343722887337208, 0.057141199707984924, -0.01920328475534916, 0.07866323739290237, 0.045026861131191254, -0.04907390475273132, -0.01596098206937313, -0.03838542103767395, 0.0281152855604887, 0.07729346305131912, 0.0492003858089447, 0.0142888892441988, -0.02904859371483326, -0.016285747289657593, 0.1066722646355629, 0.012939575128257275, 0.0678236335515976, 0.019988996908068657, 0.046506550163030624, -0.02327575348317623, -0.024242691695690155, 0.03785493224859238, 0.041221801191568375, 0.10271260142326355, -0.009463945403695107, 0.09772507846355438, 0.016538798809051514, 0.030221905559301376, 0.03716360032558441, 0.08129418641328812, 0.0985560417175293, -0.06418368220329285, 0.051126256585121155, -0.041339293122291565, 0.11173978447914124, -0.02670137584209442, 0.00525309843942523, -0.03481149300932884, 0.004779060371220112, -0.05519234016537666, -0.023969879373908043, -0.0935111716389656, 3.994756288138291e-33, 0.034119799733161926, 0.04516151547431946, 0.011117898859083652, -0.0452844463288784, 0.02591538242995739, 0.021067827939987183, -0.02731136418879032, -0.02816835232079029, 0.007798719685524702, -0.030447838827967644, -0.10699883848428726, -0.06173071637749672, -0.066739521920681, 0.10867390036582947, -0.004759577568620443, -0.037720125168561935, -0.01028834655880928, 0.004473949782550335, 0.0479072742164135, 0.0003348217869643122, 0.12497275322675705, 0.024221764877438545, -0.12012653052806854, -0.08426725119352341, -0.045839354395866394, 0.09230140596628189, -0.002621670253574848, -0.00014141642895992845, -0.028414065018296242, 0.0242607481777668, -0.04861636087298393, 0.03424930199980736, -0.0008491893531754613, 0.03180906921625137, 0.028929540887475014, 0.020124563947319984, 0.03199657052755356, 0.033839862793684006, 0.013888833113014698, -0.05297079682350159, 0.034087829291820526, 0.012728506699204445, -0.022684087976813316, -0.05813883617520332, -0.08501016348600388, -0.07462254166603088, 0.07084959000349045, 0.033747851848602295, 0.07168698310852051, 0.016177169978618622, -0.07794269174337387, -0.03689185902476311, 0.020940255373716354, -0.03212130442261696, -0.07140703499317169, 0.01863601617515087, -0.0008739570621401072, 0.11695191264152527, 0.043868206441402435, 0.033993665128946304, 0.05601882562041283, 0.050141289830207825, 0.04019440338015556, 0.012577516958117485, -0.008486953563988209, -0.0469258651137352, -0.028085792437195778, -0.050245776772499084, 0.006325585767626762, 0.03805217146873474, -0.08437100052833557, 0.0233184602111578, 0.03721217066049576, -0.044711071997880936, 0.11523023992776871, -0.11767642199993134, 0.016877032816410065, -0.03070223331451416, -0.029383201152086258, -0.026321500539779663, -0.0006333158235065639, 0.06986410170793533, -0.024350808933377266, -0.08957171440124512, -0.058880433440208435, -0.047117382287979126, 0.018064867705106735, -0.020619092509150505, 0.006604675203561783, 0.022727925330400467, -0.034883663058280945, -0.009645869955420494, -0.07341402024030685, 0.02018631435930729, -0.025932665914297104, -4.894191668141718e-33, 0.0073334272019565105, 0.04723524674773216, 0.021305417641997337, 0.04658457264304161, 0.02910119667649269, -0.031199030578136444, 0.08483567088842392, 0.09007467329502106, -0.06373492628335953, -0.030362466350197792, 0.02769618295133114, 0.04935204237699509, -0.014155170880258083, -0.03676756098866463, 0.0484272837638855, -0.002930453047156334, -0.0821271613240242, 0.03823330998420715, 0.019477328285574913, 0.025041349232196808, 0.0024724381510168314, 0.10683377087116241, -0.11334038525819778, 0.02517521195113659, 0.001146167516708374, -0.023216120898723602, 0.057755667716264725, 0.12883852422237396, 0.056489914655685425, -0.03259800747036934, 0.023696446791291237, 0.014375850558280945, -0.04113997146487236, 0.000730856554582715, -0.017456231638789177, 0.0444861575961113, 0.039582908153533936, 0.012820913456380367, -0.04600716754794121, 0.045937784016132355, 0.04830646514892578, 0.08200002461671829, -0.08392483741044998, 0.05632587522268295, 0.02293529361486435, 0.0019180065719410777, 0.01138687040656805, -0.040454767644405365, 0.022293059155344963, -0.03098185546696186, 0.010747628286480904, -0.07604361325502396, -0.08373864740133286, 0.024158529937267303, -0.03488604724407196, -0.0387701578438282, 0.042788077145814896, -0.009634368121623993, -0.02488197386264801, 0.025057991966605186, -0.04110663756728172, -0.012354880571365356, -0.03335423022508621, -0.011180317960679531, 0.019083894789218903, -0.012668600305914879, -0.04891905188560486, 0.06738588958978653, 0.006173691712319851, 0.07369055598974228, 0.0008963196305558085, 0.04939909651875496, 0.08273760229349136, 0.013686160556972027, -0.0009050614316947758, 0.00024026392202358693, -0.03561738505959511, 0.03345993161201477, 0.0154922716319561, -0.07474872469902039, -0.08944449573755264, -0.007877876050770283, 0.034095101058483124, 0.0685061514377594, 0.014226692728698254, 0.05597487837076187, 0.06995362043380737, 0.15847352147102356, -0.038887783885002136, -0.039644159376621246, 0.05089941248297691, -0.06078249216079712, 0.019985109567642212, 0.09611555933952332, -0.03038903884589672, -6.323698897858776e-8, 0.030267374590039253, -0.019608918577432632, -0.00429225480183959, 0.06204598397016525, 0.04971656575798988, 0.0033405842259526253, 0.017543766647577286, -0.00678970105946064, -0.046404995024204254, -0.007105513010174036, 0.03782074525952339, 0.015541072934865952, -0.07852890342473984, -0.037989962846040726, 0.04869430884718895, -0.02631743997335434, -0.00931630190461874, 0.126710444688797, -0.008615360595285892, -0.02240668796002865, 0.055227380245923996, -0.03126555308699608, 0.028690921142697334, -0.05330800637602806, 0.06230636686086655, -0.09193522483110428, -0.02880929782986641, 0.1514085978269577, -0.05000314861536026, 0.002549184951931238, 0.014574982225894928, 0.01611441746354103, 0.02085244283080101, -0.05400637164711952, -0.01894119195640087, 0.09050928056240082, -0.03622869774699211, -0.011579970829188824, 0.06467700749635696, 0.025253452360630035, -0.08704203367233276, -0.025422142818570137, -0.010469183325767517, -0.049391452223062515, 0.002506176708266139, -0.012375572696328163, -0.03701610863208771, -0.14609916508197784, 0.05201604962348938, -0.03299085423350334, 0.015320184640586376, -0.003445446491241455, -0.017284762114286423, 0.03817572444677353, 0.06231719255447388, -0.0356178916990757, -0.05841809883713722, -0.05931217968463898, 0.010723156854510307, -0.009319211356341839, 0.003916795831173658, -0.056723207235336304, -0.04522673785686493, -0.011327363550662994 ]
Cristianoo/nezha-large-zh
3dd8e95e7311ad9b8cbdb83f4ea04de1f63aa9c2
2022-04-15T07:22:08.000Z
[ "pytorch" ]
null
false
Cristianoo
null
Cristianoo/nezha-large-zh
0
null
null
Entry not found
[ 0.04611474275588989, -0.03883819654583931, -0.010496600531041622, -0.03682168945670128, 0.011261837556958199, 0.013094940222799778, 0.001910190680064261, -0.013979125767946243, 0.027092767879366875, -0.015212503261864185, 0.017284298315644264, -0.08189477771520615, 0.03817420452833176, -0.04920129105448723, 0.021389078348875046, -0.01524590514600277, -0.03203769773244858, -0.12457586824893951, 0.031508784741163254, 0.03238162770867348, -0.06095794588327408, 0.05409299582242966, -0.025087473914027214, 0.015685860067605972, 0.02812998741865158, -0.04710400477051735, -0.018688222393393517, 0.01378527283668518, -0.04001202434301376, 0.011739123612642288, -0.043177440762519836, 0.055006228387355804, 0.00454302504658699, 0.029731104150414467, 0.14852195978164673, 0.026581192389130592, 0.02907966449856758, -0.05169108882546425, 0.058035753667354584, -0.07732246816158295, -0.017637981101870537, -0.04219650849699974, 0.04180780425667763, 0.023620981723070145, 0.021563265472650528, 0.01647850126028061, -0.0021815267391502857, -0.06400243937969208, 0.06393083930015564, 0.01959902234375477, -0.08565032482147217, 0.009348993189632893, -0.008718863129615784, -0.028583534061908722, -0.07310016453266144, 0.09416431188583374, 0.0017592896474525332, 0.061849892139434814, 0.011840520426630974, -0.035997264087200165, 0.08358277380466461, -0.026198066771030426, 0.03736567869782448, -0.028206491842865944, -0.07454852759838104, -0.08883561939001083, -0.06279943883419037, -0.008695347234606743, 0.014119314029812813, -0.08253554999828339, 0.06492181867361069, -0.002239159308373928, -0.1471691131591797, 0.07743017375469208, -0.03548372536897659, -0.05520156770944595, 0.0069818380288779736, -0.012166636064648628, 0.055111534893512726, -0.007116867229342461, -0.023175770416855812, -0.005835128016769886, -0.09185642004013062, 0.055196937173604965, 0.034148018807172775, 0.03835180401802063, 0.03868544474244118, -0.025987233966588974, 0.017804889008402824, 0.022428380325436592, 0.025005394592881203, -0.10761531442403793, -0.04800160229206085, -0.04343581199645996, 0.012374681420624256, -0.019502120092511177, 0.02921813540160656, 0.08421734720468521, -0.011719700880348682, 0.09283562749624252, -0.007015455048531294, -0.035431113094091415, -0.06936461478471756, 0.09425336867570877, -0.010958543047308922, -0.008059081621468067, 0.004974182229489088, -0.0031528733670711517, 0.06105932220816612, -0.03964286670088768, -0.03619544953107834, -0.01990189030766487, 0.07134737819433212, 0.03951489180326462, -0.012729519978165627, -0.006646536290645599, -0.04746146500110626, -0.014432573691010475, -0.051574788987636566, 0.09506244212388992, -0.04974766820669174, -0.045917998999357224, -0.00896549504250288, -0.03254217654466629, -0.0862678736448288, -0.06624379009008408, 0.0253888089209795, -4.303922690006076e-33, 0.011330724693834782, 0.003343499731272459, -0.0021555519197136164, 0.04871901869773865, -0.023564331233501434, -0.07933277636766434, 0.06009034067392349, 0.023353278636932373, -0.03844710811972618, -0.020433742552995682, -0.06952054798603058, -0.03235611692070961, 0.006248607765883207, 0.06480437517166138, -0.03201235458254814, 0.061689745634794235, 0.04170005023479462, -0.007618473377078772, 0.03340130299329758, -0.047770529985427856, 0.00887305848300457, -0.04066336154937744, -0.010506909340620041, 0.010651949793100357, 0.02133353427052498, 0.12854504585266113, -0.00970554444938898, 0.01005561277270317, -0.0175076462328434, 0.006515412591397762, 0.06334004551172256, -0.05781733989715576, 0.013668953441083431, -0.020286185666918755, 0.05430472642183304, -0.02318473905324936, 0.0828516036272049, 0.0005449571763165295, -0.10372655838727951, -0.07634284347295761, -0.005381578113883734, -0.03926379978656769, 0.0006114690331742167, -0.01328200101852417, 0.07119114696979523, 0.04369616508483887, 0.031684208661317825, 0.04338686168193817, 0.05728670582175255, 0.08320064097642899, -0.07961413264274597, 0.01523432694375515, 0.017001956701278687, 0.04700412601232529, -0.09794384986162186, 0.004990261513739824, -0.07063000649213791, -0.028000490739941597, -0.04018740728497505, -0.07020524144172668, 0.011351296678185463, 0.06020184978842735, -0.03297263756394386, 0.09396495670080185, 0.03417911008000374, -0.019825715571641922, -0.0346904993057251, -0.013036979362368584, 0.058969371020793915, -0.01235936302691698, -0.017275169491767883, -0.07982362061738968, 0.020591331645846367, 0.06737419217824936, 0.041764624416828156, -0.04978841915726662, -0.05877472460269928, -0.06289281696081161, -0.03354161977767944, -0.03871948644518852, 0.009898558259010315, -0.05514209344983101, -0.11629005521535873, -0.011855468153953552, 0.10663621872663498, 0.03735411539673805, -0.006548021454364061, -0.05118956044316292, 0.0666312500834465, 0.018746521323919296, 0.032841756939888, 0.04159297049045563, -0.06879371404647827, 0.04216770455241203, -0.01628211699426174, 5.413954127773055e-34, 0.05697012320160866, -0.00697226170450449, 0.015711704269051552, -0.17956365644931793, 0.023202162235975266, 0.007923668250441551, -0.008062406443059444, 0.007497353013604879, 0.0739171952009201, 0.030931364744901657, 0.06051065772771835, 0.058605846017599106, 0.09515275806188583, -0.002283003879711032, 0.001603561220690608, 0.07024980336427689, 0.012629281729459763, 0.07425689697265625, -0.03842632472515106, 0.018611496314406395, 0.030608994886279106, -0.024493901059031487, 0.02152853086590767, -0.0030396203510463238, -0.036763422191143036, 0.03130282834172249, 0.07998587191104889, 0.010451201349496841, -0.0793023407459259, -0.013543949462473392, 0.018781770020723343, 0.05168004706501961, -0.07191970944404602, 0.1578306406736374, 0.026191575452685356, 0.01262353453785181, 0.08218052983283997, -0.029807522892951965, -0.07528629899024963, -0.042501047253608704, 0.017244743183255196, 0.04411797225475311, 0.03708017244935036, 0.009233081713318825, -0.040271859616041183, 0.0224964190274477, 0.024958470836281776, 0.07633635401725769, 0.005147134885191917, 0.0138920983299613, 0.05610477179288864, -0.06684739142656326, 0.058625560253858566, -0.02068880945444107, 0.05377641320228577, 0.06718502193689346, 0.005329214967787266, -0.013880367390811443, 0.029931606724858284, 0.009508516639471054, -0.045173779129981995, 0.11534363776445389, -0.06510117650032043, 0.051176950335502625, -0.002612559124827385, -0.08554831892251968, -0.03784772381186485, 0.08049596101045609, 0.011298018507659435, -0.07695551961660385, -0.04868878424167633, 0.02515522576868534, 0.06252258270978928, -0.04509221762418747, -0.012469468638300896, 0.028559532016515732, -0.030573057010769844, 0.05066259205341339, -0.08187387138605118, 0.04469600319862366, 0.003405108582228422, 0.04145055264234543, -0.02185862883925438, -0.061122674494981766, -0.009080459363758564, -0.05903252586722374, 0.025953935459256172, 0.059690922498703, -0.07613510638475418, -0.03720715641975403, -0.03631674498319626, 0.07058048993349075, -0.008224114775657654, 0.0419619083404541, -0.028595220297574997, -1.496900736697171e-8, -0.001412529731169343, 0.034018807113170624, -0.040338363498449326, 0.04116075485944748, 0.09359638392925262, -0.0511595755815506, 0.0008745844825170934, -0.03389836102724075, -0.005678478162735701, -0.01068691536784172, -0.04789937660098076, -0.04820051044225693, -0.020118815824389458, -0.032091040164232254, -0.04211263358592987, -0.10229521989822388, -0.07819411903619766, -0.03122876212000847, -0.02154780738055706, -0.049602292478084564, 0.08087790757417679, -0.07801235467195511, 0.06919729709625244, -0.049998439848423004, 0.036870427429676056, 0.038890063762664795, -0.04998967424035072, -0.042546290904283524, -0.046069372445344925, 0.08682430535554886, -0.031148383393883705, 0.11826757341623306, 0.034102533012628555, -0.020859254524111748, -0.020520338788628578, 0.0271341260522604, 0.09741270542144775, 0.051608603447675705, 0.013477475382387638, -0.13649295270442963, -0.022304391488432884, 0.02385946363210678, 0.03873209282755852, -0.09249970316886902, -0.04549083486199379, 0.05422013998031616, 0.011604364961385727, 0.05119062587618828, 0.07713302969932556, -0.022097084671258926, -0.061278149485588074, -0.018579544499516487, 0.00674049835652113, -0.004963111598044634, 0.024095427244901657, 0.07362248003482819, -0.003481876803562045, -0.0699305310845375, -0.00662978133186698, -0.05988083779811859, 0.052971627563238144, -0.02902795933187008, -0.02785893715918064, -0.012875264510512352 ]
tau/false_large_t5_single_mask_5_1024_0.3_epoch1
9287fecd54a3f903ebe1c89ff33d20a10dde3b13
2022-04-15T07:47:45.000Z
[ "pytorch", "t5", "text2text-generation", "transformers", "autotrain_compatible" ]
text2text-generation
false
tau
null
tau/false_large_t5_single_mask_5_1024_0.3_epoch1
0
null
transformers
Entry not found
[ 0.04611474275588989, -0.03883819654583931, -0.010496600531041622, -0.03682168945670128, 0.011261837556958199, 0.013094940222799778, 0.001910190680064261, -0.013979125767946243, 0.027092767879366875, -0.015212503261864185, 0.017284298315644264, -0.08189477771520615, 0.03817420452833176, -0.04920129105448723, 0.021389078348875046, -0.01524590514600277, -0.03203769773244858, -0.12457586824893951, 0.031508784741163254, 0.03238162770867348, -0.06095794588327408, 0.05409299582242966, -0.025087473914027214, 0.015685860067605972, 0.02812998741865158, -0.04710400477051735, -0.018688222393393517, 0.01378527283668518, -0.04001202434301376, 0.011739123612642288, -0.043177440762519836, 0.055006228387355804, 0.00454302504658699, 0.029731104150414467, 0.14852195978164673, 0.026581192389130592, 0.02907966449856758, -0.05169108882546425, 0.058035753667354584, -0.07732246816158295, -0.017637981101870537, -0.04219650849699974, 0.04180780425667763, 0.023620981723070145, 0.021563265472650528, 0.01647850126028061, -0.0021815267391502857, -0.06400243937969208, 0.06393083930015564, 0.01959902234375477, -0.08565032482147217, 0.009348993189632893, -0.008718863129615784, -0.028583534061908722, -0.07310016453266144, 0.09416431188583374, 0.0017592896474525332, 0.061849892139434814, 0.011840520426630974, -0.035997264087200165, 0.08358277380466461, -0.026198066771030426, 0.03736567869782448, -0.028206491842865944, -0.07454852759838104, -0.08883561939001083, -0.06279943883419037, -0.008695347234606743, 0.014119314029812813, -0.08253554999828339, 0.06492181867361069, -0.002239159308373928, -0.1471691131591797, 0.07743017375469208, -0.03548372536897659, -0.05520156770944595, 0.0069818380288779736, -0.012166636064648628, 0.055111534893512726, -0.007116867229342461, -0.023175770416855812, -0.005835128016769886, -0.09185642004013062, 0.055196937173604965, 0.034148018807172775, 0.03835180401802063, 0.03868544474244118, -0.025987233966588974, 0.017804889008402824, 0.022428380325436592, 0.025005394592881203, -0.10761531442403793, -0.04800160229206085, -0.04343581199645996, 0.012374681420624256, -0.019502120092511177, 0.02921813540160656, 0.08421734720468521, -0.011719700880348682, 0.09283562749624252, -0.007015455048531294, -0.035431113094091415, -0.06936461478471756, 0.09425336867570877, -0.010958543047308922, -0.008059081621468067, 0.004974182229489088, -0.0031528733670711517, 0.06105932220816612, -0.03964286670088768, -0.03619544953107834, -0.01990189030766487, 0.07134737819433212, 0.03951489180326462, -0.012729519978165627, -0.006646536290645599, -0.04746146500110626, -0.014432573691010475, -0.051574788987636566, 0.09506244212388992, -0.04974766820669174, -0.045917998999357224, -0.00896549504250288, -0.03254217654466629, -0.0862678736448288, -0.06624379009008408, 0.0253888089209795, -4.303922690006076e-33, 0.011330724693834782, 0.003343499731272459, -0.0021555519197136164, 0.04871901869773865, -0.023564331233501434, -0.07933277636766434, 0.06009034067392349, 0.023353278636932373, -0.03844710811972618, -0.020433742552995682, -0.06952054798603058, -0.03235611692070961, 0.006248607765883207, 0.06480437517166138, -0.03201235458254814, 0.061689745634794235, 0.04170005023479462, -0.007618473377078772, 0.03340130299329758, -0.047770529985427856, 0.00887305848300457, -0.04066336154937744, -0.010506909340620041, 0.010651949793100357, 0.02133353427052498, 0.12854504585266113, -0.00970554444938898, 0.01005561277270317, -0.0175076462328434, 0.006515412591397762, 0.06334004551172256, -0.05781733989715576, 0.013668953441083431, -0.020286185666918755, 0.05430472642183304, -0.02318473905324936, 0.0828516036272049, 0.0005449571763165295, -0.10372655838727951, -0.07634284347295761, -0.005381578113883734, -0.03926379978656769, 0.0006114690331742167, -0.01328200101852417, 0.07119114696979523, 0.04369616508483887, 0.031684208661317825, 0.04338686168193817, 0.05728670582175255, 0.08320064097642899, -0.07961413264274597, 0.01523432694375515, 0.017001956701278687, 0.04700412601232529, -0.09794384986162186, 0.004990261513739824, -0.07063000649213791, -0.028000490739941597, -0.04018740728497505, -0.07020524144172668, 0.011351296678185463, 0.06020184978842735, -0.03297263756394386, 0.09396495670080185, 0.03417911008000374, -0.019825715571641922, -0.0346904993057251, -0.013036979362368584, 0.058969371020793915, -0.01235936302691698, -0.017275169491767883, -0.07982362061738968, 0.020591331645846367, 0.06737419217824936, 0.041764624416828156, -0.04978841915726662, -0.05877472460269928, -0.06289281696081161, -0.03354161977767944, -0.03871948644518852, 0.009898558259010315, -0.05514209344983101, -0.11629005521535873, -0.011855468153953552, 0.10663621872663498, 0.03735411539673805, -0.006548021454364061, -0.05118956044316292, 0.0666312500834465, 0.018746521323919296, 0.032841756939888, 0.04159297049045563, -0.06879371404647827, 0.04216770455241203, -0.01628211699426174, 5.413954127773055e-34, 0.05697012320160866, -0.00697226170450449, 0.015711704269051552, -0.17956365644931793, 0.023202162235975266, 0.007923668250441551, -0.008062406443059444, 0.007497353013604879, 0.0739171952009201, 0.030931364744901657, 0.06051065772771835, 0.058605846017599106, 0.09515275806188583, -0.002283003879711032, 0.001603561220690608, 0.07024980336427689, 0.012629281729459763, 0.07425689697265625, -0.03842632472515106, 0.018611496314406395, 0.030608994886279106, -0.024493901059031487, 0.02152853086590767, -0.0030396203510463238, -0.036763422191143036, 0.03130282834172249, 0.07998587191104889, 0.010451201349496841, -0.0793023407459259, -0.013543949462473392, 0.018781770020723343, 0.05168004706501961, -0.07191970944404602, 0.1578306406736374, 0.026191575452685356, 0.01262353453785181, 0.08218052983283997, -0.029807522892951965, -0.07528629899024963, -0.042501047253608704, 0.017244743183255196, 0.04411797225475311, 0.03708017244935036, 0.009233081713318825, -0.040271859616041183, 0.0224964190274477, 0.024958470836281776, 0.07633635401725769, 0.005147134885191917, 0.0138920983299613, 0.05610477179288864, -0.06684739142656326, 0.058625560253858566, -0.02068880945444107, 0.05377641320228577, 0.06718502193689346, 0.005329214967787266, -0.013880367390811443, 0.029931606724858284, 0.009508516639471054, -0.045173779129981995, 0.11534363776445389, -0.06510117650032043, 0.051176950335502625, -0.002612559124827385, -0.08554831892251968, -0.03784772381186485, 0.08049596101045609, 0.011298018507659435, -0.07695551961660385, -0.04868878424167633, 0.02515522576868534, 0.06252258270978928, -0.04509221762418747, -0.012469468638300896, 0.028559532016515732, -0.030573057010769844, 0.05066259205341339, -0.08187387138605118, 0.04469600319862366, 0.003405108582228422, 0.04145055264234543, -0.02185862883925438, -0.061122674494981766, -0.009080459363758564, -0.05903252586722374, 0.025953935459256172, 0.059690922498703, -0.07613510638475418, -0.03720715641975403, -0.03631674498319626, 0.07058048993349075, -0.008224114775657654, 0.0419619083404541, -0.028595220297574997, -1.496900736697171e-8, -0.001412529731169343, 0.034018807113170624, -0.040338363498449326, 0.04116075485944748, 0.09359638392925262, -0.0511595755815506, 0.0008745844825170934, -0.03389836102724075, -0.005678478162735701, -0.01068691536784172, -0.04789937660098076, -0.04820051044225693, -0.020118815824389458, -0.032091040164232254, -0.04211263358592987, -0.10229521989822388, -0.07819411903619766, -0.03122876212000847, -0.02154780738055706, -0.049602292478084564, 0.08087790757417679, -0.07801235467195511, 0.06919729709625244, -0.049998439848423004, 0.036870427429676056, 0.038890063762664795, -0.04998967424035072, -0.042546290904283524, -0.046069372445344925, 0.08682430535554886, -0.031148383393883705, 0.11826757341623306, 0.034102533012628555, -0.020859254524111748, -0.020520338788628578, 0.0271341260522604, 0.09741270542144775, 0.051608603447675705, 0.013477475382387638, -0.13649295270442963, -0.022304391488432884, 0.02385946363210678, 0.03873209282755852, -0.09249970316886902, -0.04549083486199379, 0.05422013998031616, 0.011604364961385727, 0.05119062587618828, 0.07713302969932556, -0.022097084671258926, -0.061278149485588074, -0.018579544499516487, 0.00674049835652113, -0.004963111598044634, 0.024095427244901657, 0.07362248003482819, -0.003481876803562045, -0.0699305310845375, -0.00662978133186698, -0.05988083779811859, 0.052971627563238144, -0.02902795933187008, -0.02785893715918064, -0.012875264510512352 ]
tau/false_large_random_paraNone_sentNone_span0_multi_masks_5_1024_0.3_epoch1
48b4581e39f8d6672827e3c54a0a70cbea16b1fa
2022-04-15T08:21:14.000Z
[ "pytorch", "t5", "text2text-generation", "transformers", "autotrain_compatible" ]
text2text-generation
false
tau
null
tau/false_large_random_paraNone_sentNone_span0_multi_masks_5_1024_0.3_epoch1
0
null
transformers
Entry not found
[ 0.04611474275588989, -0.03883819654583931, -0.010496600531041622, -0.03682168945670128, 0.011261837556958199, 0.013094940222799778, 0.001910190680064261, -0.013979125767946243, 0.027092767879366875, -0.015212503261864185, 0.017284298315644264, -0.08189477771520615, 0.03817420452833176, -0.04920129105448723, 0.021389078348875046, -0.01524590514600277, -0.03203769773244858, -0.12457586824893951, 0.031508784741163254, 0.03238162770867348, -0.06095794588327408, 0.05409299582242966, -0.025087473914027214, 0.015685860067605972, 0.02812998741865158, -0.04710400477051735, -0.018688222393393517, 0.01378527283668518, -0.04001202434301376, 0.011739123612642288, -0.043177440762519836, 0.055006228387355804, 0.00454302504658699, 0.029731104150414467, 0.14852195978164673, 0.026581192389130592, 0.02907966449856758, -0.05169108882546425, 0.058035753667354584, -0.07732246816158295, -0.017637981101870537, -0.04219650849699974, 0.04180780425667763, 0.023620981723070145, 0.021563265472650528, 0.01647850126028061, -0.0021815267391502857, -0.06400243937969208, 0.06393083930015564, 0.01959902234375477, -0.08565032482147217, 0.009348993189632893, -0.008718863129615784, -0.028583534061908722, -0.07310016453266144, 0.09416431188583374, 0.0017592896474525332, 0.061849892139434814, 0.011840520426630974, -0.035997264087200165, 0.08358277380466461, -0.026198066771030426, 0.03736567869782448, -0.028206491842865944, -0.07454852759838104, -0.08883561939001083, -0.06279943883419037, -0.008695347234606743, 0.014119314029812813, -0.08253554999828339, 0.06492181867361069, -0.002239159308373928, -0.1471691131591797, 0.07743017375469208, -0.03548372536897659, -0.05520156770944595, 0.0069818380288779736, -0.012166636064648628, 0.055111534893512726, -0.007116867229342461, -0.023175770416855812, -0.005835128016769886, -0.09185642004013062, 0.055196937173604965, 0.034148018807172775, 0.03835180401802063, 0.03868544474244118, -0.025987233966588974, 0.017804889008402824, 0.022428380325436592, 0.025005394592881203, -0.10761531442403793, -0.04800160229206085, -0.04343581199645996, 0.012374681420624256, -0.019502120092511177, 0.02921813540160656, 0.08421734720468521, -0.011719700880348682, 0.09283562749624252, -0.007015455048531294, -0.035431113094091415, -0.06936461478471756, 0.09425336867570877, -0.010958543047308922, -0.008059081621468067, 0.004974182229489088, -0.0031528733670711517, 0.06105932220816612, -0.03964286670088768, -0.03619544953107834, -0.01990189030766487, 0.07134737819433212, 0.03951489180326462, -0.012729519978165627, -0.006646536290645599, -0.04746146500110626, -0.014432573691010475, -0.051574788987636566, 0.09506244212388992, -0.04974766820669174, -0.045917998999357224, -0.00896549504250288, -0.03254217654466629, -0.0862678736448288, -0.06624379009008408, 0.0253888089209795, -4.303922690006076e-33, 0.011330724693834782, 0.003343499731272459, -0.0021555519197136164, 0.04871901869773865, -0.023564331233501434, -0.07933277636766434, 0.06009034067392349, 0.023353278636932373, -0.03844710811972618, -0.020433742552995682, -0.06952054798603058, -0.03235611692070961, 0.006248607765883207, 0.06480437517166138, -0.03201235458254814, 0.061689745634794235, 0.04170005023479462, -0.007618473377078772, 0.03340130299329758, -0.047770529985427856, 0.00887305848300457, -0.04066336154937744, -0.010506909340620041, 0.010651949793100357, 0.02133353427052498, 0.12854504585266113, -0.00970554444938898, 0.01005561277270317, -0.0175076462328434, 0.006515412591397762, 0.06334004551172256, -0.05781733989715576, 0.013668953441083431, -0.020286185666918755, 0.05430472642183304, -0.02318473905324936, 0.0828516036272049, 0.0005449571763165295, -0.10372655838727951, -0.07634284347295761, -0.005381578113883734, -0.03926379978656769, 0.0006114690331742167, -0.01328200101852417, 0.07119114696979523, 0.04369616508483887, 0.031684208661317825, 0.04338686168193817, 0.05728670582175255, 0.08320064097642899, -0.07961413264274597, 0.01523432694375515, 0.017001956701278687, 0.04700412601232529, -0.09794384986162186, 0.004990261513739824, -0.07063000649213791, -0.028000490739941597, -0.04018740728497505, -0.07020524144172668, 0.011351296678185463, 0.06020184978842735, -0.03297263756394386, 0.09396495670080185, 0.03417911008000374, -0.019825715571641922, -0.0346904993057251, -0.013036979362368584, 0.058969371020793915, -0.01235936302691698, -0.017275169491767883, -0.07982362061738968, 0.020591331645846367, 0.06737419217824936, 0.041764624416828156, -0.04978841915726662, -0.05877472460269928, -0.06289281696081161, -0.03354161977767944, -0.03871948644518852, 0.009898558259010315, -0.05514209344983101, -0.11629005521535873, -0.011855468153953552, 0.10663621872663498, 0.03735411539673805, -0.006548021454364061, -0.05118956044316292, 0.0666312500834465, 0.018746521323919296, 0.032841756939888, 0.04159297049045563, -0.06879371404647827, 0.04216770455241203, -0.01628211699426174, 5.413954127773055e-34, 0.05697012320160866, -0.00697226170450449, 0.015711704269051552, -0.17956365644931793, 0.023202162235975266, 0.007923668250441551, -0.008062406443059444, 0.007497353013604879, 0.0739171952009201, 0.030931364744901657, 0.06051065772771835, 0.058605846017599106, 0.09515275806188583, -0.002283003879711032, 0.001603561220690608, 0.07024980336427689, 0.012629281729459763, 0.07425689697265625, -0.03842632472515106, 0.018611496314406395, 0.030608994886279106, -0.024493901059031487, 0.02152853086590767, -0.0030396203510463238, -0.036763422191143036, 0.03130282834172249, 0.07998587191104889, 0.010451201349496841, -0.0793023407459259, -0.013543949462473392, 0.018781770020723343, 0.05168004706501961, -0.07191970944404602, 0.1578306406736374, 0.026191575452685356, 0.01262353453785181, 0.08218052983283997, -0.029807522892951965, -0.07528629899024963, -0.042501047253608704, 0.017244743183255196, 0.04411797225475311, 0.03708017244935036, 0.009233081713318825, -0.040271859616041183, 0.0224964190274477, 0.024958470836281776, 0.07633635401725769, 0.005147134885191917, 0.0138920983299613, 0.05610477179288864, -0.06684739142656326, 0.058625560253858566, -0.02068880945444107, 0.05377641320228577, 0.06718502193689346, 0.005329214967787266, -0.013880367390811443, 0.029931606724858284, 0.009508516639471054, -0.045173779129981995, 0.11534363776445389, -0.06510117650032043, 0.051176950335502625, -0.002612559124827385, -0.08554831892251968, -0.03784772381186485, 0.08049596101045609, 0.011298018507659435, -0.07695551961660385, -0.04868878424167633, 0.02515522576868534, 0.06252258270978928, -0.04509221762418747, -0.012469468638300896, 0.028559532016515732, -0.030573057010769844, 0.05066259205341339, -0.08187387138605118, 0.04469600319862366, 0.003405108582228422, 0.04145055264234543, -0.02185862883925438, -0.061122674494981766, -0.009080459363758564, -0.05903252586722374, 0.025953935459256172, 0.059690922498703, -0.07613510638475418, -0.03720715641975403, -0.03631674498319626, 0.07058048993349075, -0.008224114775657654, 0.0419619083404541, -0.028595220297574997, -1.496900736697171e-8, -0.001412529731169343, 0.034018807113170624, -0.040338363498449326, 0.04116075485944748, 0.09359638392925262, -0.0511595755815506, 0.0008745844825170934, -0.03389836102724075, -0.005678478162735701, -0.01068691536784172, -0.04789937660098076, -0.04820051044225693, -0.020118815824389458, -0.032091040164232254, -0.04211263358592987, -0.10229521989822388, -0.07819411903619766, -0.03122876212000847, -0.02154780738055706, -0.049602292478084564, 0.08087790757417679, -0.07801235467195511, 0.06919729709625244, -0.049998439848423004, 0.036870427429676056, 0.038890063762664795, -0.04998967424035072, -0.042546290904283524, -0.046069372445344925, 0.08682430535554886, -0.031148383393883705, 0.11826757341623306, 0.034102533012628555, -0.020859254524111748, -0.020520338788628578, 0.0271341260522604, 0.09741270542144775, 0.051608603447675705, 0.013477475382387638, -0.13649295270442963, -0.022304391488432884, 0.02385946363210678, 0.03873209282755852, -0.09249970316886902, -0.04549083486199379, 0.05422013998031616, 0.011604364961385727, 0.05119062587618828, 0.07713302969932556, -0.022097084671258926, -0.061278149485588074, -0.018579544499516487, 0.00674049835652113, -0.004963111598044634, 0.024095427244901657, 0.07362248003482819, -0.003481876803562045, -0.0699305310845375, -0.00662978133186698, -0.05988083779811859, 0.052971627563238144, -0.02902795933187008, -0.02785893715918064, -0.012875264510512352 ]
masakhane/afrimt5_fr_ewe_news
cc8f256e3e6ca0aadc5f756993888350e6d9734c
2022-04-15T09:01:20.000Z
[ "pytorch", "mt5", "text2text-generation", "transformers", "license:afl-3.0", "autotrain_compatible" ]
text2text-generation
false
masakhane
null
masakhane/afrimt5_fr_ewe_news
0
null
transformers
--- license: afl-3.0 ---
[ 0.027447450906038284, 0.001308886450715363, -0.1063765361905098, -0.04375424236059189, 0.07398077845573425, 0.033307936042547226, 0.019095009192824364, -0.07335776835680008, 0.016507217660546303, 0.030171778053045273, -0.05557497590780258, -0.053071025758981705, -0.0768081545829773, 0.04108651727437973, -0.004119875840842724, -0.056826382875442505, -0.050467364490032196, -0.05819490924477577, 0.023606015369296074, -0.036463744938373566, -0.0141544658690691, 0.042655155062675476, -0.05588993802666664, 0.012095908634364605, -0.010612988844513893, 0.0016038966132327914, -0.061301082372665405, 0.10316609591245651, -0.021072110161185265, -0.05955338478088379, 0.006565694697201252, 0.03134031593799591, 0.08078460395336151, -0.0039395540952682495, 0.025050831958651543, -0.08594952523708344, 0.01930064894258976, -0.03672477975487709, -0.025206102058291435, 0.022423693910241127, 0.059268489480018616, -0.05580388382077217, 0.010280409827828407, 0.062456853687763214, -0.06482548266649246, -0.033237945288419724, -0.01767619699239731, 0.0034181997179985046, 0.06041668355464935, 0.11326771974563599, -0.05476139858365059, -0.00005383882307796739, -0.09023980051279068, -0.02816065400838852, 0.12938664853572845, -0.07231275737285614, -0.009278053417801857, 0.07261668890714645, -0.09495297819375992, 0.03852318599820137, -0.008326295763254166, 0.0033516273833811283, -0.054746393114328384, 0.09420747309923172, -0.03964363411068916, 0.02506597340106964, -0.08852506428956985, -0.10110718756914139, -0.041116487234830856, -0.06932160258293152, -0.088419109582901, -0.06441304832696915, -0.014943161979317665, -0.010617838241159916, 0.06850425899028778, 0.022974690422415733, 0.04655053839087486, 0.044824231415987015, 0.058296117931604385, -0.05138904228806496, -0.04908374696969986, -0.08737078309059143, 0.02518051117658615, 0.01902533322572708, -0.055373530834913254, -0.040459275245666504, -0.043049585074186325, -0.00989313330501318, 0.0026577943935990334, 0.033678654581308365, -0.058050546795129776, 0.017451195046305656, 0.10003840923309326, 0.09228537976741791, 0.011275268159806728, 0.09276874363422394, -0.04999873414635658, -0.04443052411079407, -0.03962747007608414, 0.08494676649570465, -0.045994922518730164, 0.0211174339056015, -0.05872718617320061, 0.025958076119422913, -0.022078877314925194, 0.01908787153661251, -0.0041317264549434185, 0.05162104591727257, -0.02656676433980465, 0.03349127247929573, 0.03989681601524353, 0.024901866912841797, -0.014685625210404396, -0.03247036412358284, -0.03093547746539116, 0.09946338087320328, -0.09659601002931595, -0.032918065786361694, 0.07145462185144424, -0.02894786186516285, 0.018452238291502, -0.02030753903090954, -0.021371053531765938, -0.01784609630703926, 0.04609999433159828, -0.03164170682430267, 0.051655545830726624, -7.632371678557846e-33, -0.07721330225467682, 0.029331333935260773, 0.007486286107450724, 0.07181759178638458, 0.017644507810473442, -0.08049134165048599, 0.03919106721878052, -0.021300025284290314, -0.14142726361751556, 0.11476870626211166, 0.07674505561590195, 0.10997629910707474, -0.06897244602441788, -0.02094709686934948, 0.10313668847084045, -0.04125010222196579, -0.08022201806306839, -0.017781464383006096, 0.002295394893735647, 0.054802171885967255, 0.02426394261419773, -0.04889768734574318, -0.010264362208545208, 0.009193403646349907, -0.039958443492650986, 0.08499819040298462, -0.02814282849431038, -0.0661352351307869, 0.11802182346582413, 0.03734716400504112, 0.020471759140491486, 0.011679080314934254, -0.09754464775323868, -0.03848116472363472, -0.0024583558551967144, 0.018568014726042747, -0.06199406459927559, -0.051189977675676346, -0.08912542462348938, 0.05577290803194046, -0.00041022480581887066, -0.042777832597494125, -0.027838902547955513, -0.03876537084579468, -0.057983845472335815, -0.04537376016378403, 0.0055638691410422325, -0.046467315405607224, 0.07388604432344437, 0.0694466382265091, 0.08464605361223221, -0.020176446065306664, -0.03659183159470558, -0.022286005318164825, 0.040046095848083496, -0.04686877503991127, -0.06898929178714752, 0.05422992631793022, 0.006564407143741846, -0.037605974823236465, 0.01577044278383255, -0.08846468478441238, -0.03450646996498108, -0.002717049093917012, 0.03727559372782707, -0.0030582831241190434, 0.0674295425415039, -0.0730024203658104, 0.07945699244737625, -0.02972172386944294, 0.03016393817961216, 0.028823528438806534, 0.018945343792438507, 0.01775004155933857, -0.04059880971908569, 0.027433089911937714, -0.02932867780327797, 0.06205883249640465, 0.0334363654255867, 0.041770339012145996, -0.056078724563121796, 0.020792223513126373, -0.0635533556342125, -0.04821519926190376, 0.0008206634665839374, 0.025182221084833145, -0.03248630836606026, -0.01999741420149803, -0.022215405479073524, -0.022394808009266853, -0.05673752725124359, 0.06719261407852173, -0.005497636739164591, 0.02867180109024048, -0.0346641018986702, 3.107468540224658e-33, -0.013791306875646114, -0.04591231048107147, -0.054455049335956573, 0.006899928208440542, -0.04768076539039612, 0.019102679565548897, 0.05759882181882858, 0.059171684086322784, 0.01014723815023899, 0.04845002666115761, 0.031034186482429504, 0.05914834141731262, -0.007256216835230589, -0.0647725760936737, 0.042577989399433136, -0.08045089989900589, 0.02314823865890503, -0.056442249566316605, -0.04229266196489334, 0.0036705806851387024, 0.0452117919921875, 0.03981439769268036, -0.0770755335688591, 0.0831095278263092, -0.06181623041629791, 0.0024248852860182524, -0.009061845950782299, 0.007697219494730234, 0.0029870872385799885, -0.014583328738808632, 0.02751733921468258, 0.036703791469335556, -0.06548565626144409, -0.012840100564062595, -0.05795455351471901, -0.007864857092499733, 0.0509134903550148, 0.031024044379591942, -0.04092515632510185, -0.011947537772357464, 0.04401026666164398, 0.04603833332657814, -0.02829875610768795, 0.02813676930963993, 0.013437655754387379, 0.022444967180490494, 0.00867225881665945, -0.02254052832722664, 0.07101471722126007, 0.10381616652011871, 0.009902507066726685, -0.03686342015862465, -0.04541105777025223, -0.058949943631887436, -0.04608858376741409, 0.07207082957029343, 0.04808737710118294, -0.0099714994430542, 0.013352571055293083, 0.04197869822382927, 0.04694487154483795, 0.09132201969623566, -0.06216950714588165, 0.02089255303144455, 0.06863582134246826, 0.09513140469789505, -0.08034691214561462, -0.019459066912531853, -0.000021324100089259446, 0.08104786276817322, 0.01573636755347252, 0.03844163566827774, -0.0034891609102487564, -0.04083407670259476, -0.020297246053814888, 0.0426945686340332, 0.033435869961977005, 0.1312846839427948, -0.037693966180086136, 0.013662582263350487, 0.019069060683250427, 0.03046606108546257, 0.027338121086359024, 0.14587318897247314, 0.013035851530730724, -0.06508993357419968, 0.04773033410310745, -0.010495064780116081, -0.003893673187121749, -0.031560394912958145, -0.002770304447039962, 0.026054469868540764, -0.015023554675281048, -0.014172933995723724, -0.026639170944690704, -2.0218665852667073e-8, -0.11724372208118439, 0.05182432755827904, -0.08099552989006042, 0.04750218242406845, -0.01674017682671547, 0.11728814244270325, -0.022115159779787064, -0.03812999278306961, 0.028372688218951225, -0.02149774320423603, -0.025891577824950218, -0.025349974632263184, -0.03394560143351555, 0.07170646637678146, 0.050532784312963486, 0.02151445299386978, -0.040389664471149445, 0.041628237813711166, -0.011544056236743927, -0.030642295256257057, -0.06760772317647934, -0.005722480360418558, 0.004135653376579285, -0.020964505150914192, -0.019932134076952934, -0.020128808915615082, -0.09065168350934982, 0.031317275017499924, -0.004910716321319342, 0.10819561779499054, -0.02378859370946884, 0.09065651148557663, 0.009314280934631824, -0.0991952195763588, -0.026593288406729698, -0.08358057588338852, 0.0424528643488884, 0.025792669504880905, 0.001788339577615261, -0.029252683743834496, 0.015922725200653076, 0.033356666564941406, -0.027820581570267677, -0.0579032339155674, -0.019614174962043762, -0.009801872074604034, -0.09085222333669662, -0.013641756027936935, -0.044042740017175674, -0.05627214536070824, 0.045350831001996994, 0.055222947150468826, -0.055233873426914215, -0.016802970319986343, 0.023275280371308327, 0.020974567160010338, 0.019616546109318733, -0.016104966402053833, 0.010578476823866367, -0.0004304099711589515, 0.04963736981153488, 0.00044801365584135056, 0.10433854162693024, 0.01846117153763771 ]
masakhane/afrimt5_ewe_fr_news
e684c873016b389e702c7eb6649111e74bd7f5a3
2022-04-15T09:01:24.000Z
[ "pytorch", "mt5", "text2text-generation", "transformers", "license:afl-3.0", "autotrain_compatible" ]
text2text-generation
false
masakhane
null
masakhane/afrimt5_ewe_fr_news
0
null
transformers
--- license: afl-3.0 ---
[ 0.027447450906038284, 0.001308886450715363, -0.1063765361905098, -0.04375424236059189, 0.07398077845573425, 0.033307936042547226, 0.019095009192824364, -0.07335776835680008, 0.016507217660546303, 0.030171778053045273, -0.05557497590780258, -0.053071025758981705, -0.0768081545829773, 0.04108651727437973, -0.004119875840842724, -0.056826382875442505, -0.050467364490032196, -0.05819490924477577, 0.023606015369296074, -0.036463744938373566, -0.0141544658690691, 0.042655155062675476, -0.05588993802666664, 0.012095908634364605, -0.010612988844513893, 0.0016038966132327914, -0.061301082372665405, 0.10316609591245651, -0.021072110161185265, -0.05955338478088379, 0.006565694697201252, 0.03134031593799591, 0.08078460395336151, -0.0039395540952682495, 0.025050831958651543, -0.08594952523708344, 0.01930064894258976, -0.03672477975487709, -0.025206102058291435, 0.022423693910241127, 0.059268489480018616, -0.05580388382077217, 0.010280409827828407, 0.062456853687763214, -0.06482548266649246, -0.033237945288419724, -0.01767619699239731, 0.0034181997179985046, 0.06041668355464935, 0.11326771974563599, -0.05476139858365059, -0.00005383882307796739, -0.09023980051279068, -0.02816065400838852, 0.12938664853572845, -0.07231275737285614, -0.009278053417801857, 0.07261668890714645, -0.09495297819375992, 0.03852318599820137, -0.008326295763254166, 0.0033516273833811283, -0.054746393114328384, 0.09420747309923172, -0.03964363411068916, 0.02506597340106964, -0.08852506428956985, -0.10110718756914139, -0.041116487234830856, -0.06932160258293152, -0.088419109582901, -0.06441304832696915, -0.014943161979317665, -0.010617838241159916, 0.06850425899028778, 0.022974690422415733, 0.04655053839087486, 0.044824231415987015, 0.058296117931604385, -0.05138904228806496, -0.04908374696969986, -0.08737078309059143, 0.02518051117658615, 0.01902533322572708, -0.055373530834913254, -0.040459275245666504, -0.043049585074186325, -0.00989313330501318, 0.0026577943935990334, 0.033678654581308365, -0.058050546795129776, 0.017451195046305656, 0.10003840923309326, 0.09228537976741791, 0.011275268159806728, 0.09276874363422394, -0.04999873414635658, -0.04443052411079407, -0.03962747007608414, 0.08494676649570465, -0.045994922518730164, 0.0211174339056015, -0.05872718617320061, 0.025958076119422913, -0.022078877314925194, 0.01908787153661251, -0.0041317264549434185, 0.05162104591727257, -0.02656676433980465, 0.03349127247929573, 0.03989681601524353, 0.024901866912841797, -0.014685625210404396, -0.03247036412358284, -0.03093547746539116, 0.09946338087320328, -0.09659601002931595, -0.032918065786361694, 0.07145462185144424, -0.02894786186516285, 0.018452238291502, -0.02030753903090954, -0.021371053531765938, -0.01784609630703926, 0.04609999433159828, -0.03164170682430267, 0.051655545830726624, -7.632371678557846e-33, -0.07721330225467682, 0.029331333935260773, 0.007486286107450724, 0.07181759178638458, 0.017644507810473442, -0.08049134165048599, 0.03919106721878052, -0.021300025284290314, -0.14142726361751556, 0.11476870626211166, 0.07674505561590195, 0.10997629910707474, -0.06897244602441788, -0.02094709686934948, 0.10313668847084045, -0.04125010222196579, -0.08022201806306839, -0.017781464383006096, 0.002295394893735647, 0.054802171885967255, 0.02426394261419773, -0.04889768734574318, -0.010264362208545208, 0.009193403646349907, -0.039958443492650986, 0.08499819040298462, -0.02814282849431038, -0.0661352351307869, 0.11802182346582413, 0.03734716400504112, 0.020471759140491486, 0.011679080314934254, -0.09754464775323868, -0.03848116472363472, -0.0024583558551967144, 0.018568014726042747, -0.06199406459927559, -0.051189977675676346, -0.08912542462348938, 0.05577290803194046, -0.00041022480581887066, -0.042777832597494125, -0.027838902547955513, -0.03876537084579468, -0.057983845472335815, -0.04537376016378403, 0.0055638691410422325, -0.046467315405607224, 0.07388604432344437, 0.0694466382265091, 0.08464605361223221, -0.020176446065306664, -0.03659183159470558, -0.022286005318164825, 0.040046095848083496, -0.04686877503991127, -0.06898929178714752, 0.05422992631793022, 0.006564407143741846, -0.037605974823236465, 0.01577044278383255, -0.08846468478441238, -0.03450646996498108, -0.002717049093917012, 0.03727559372782707, -0.0030582831241190434, 0.0674295425415039, -0.0730024203658104, 0.07945699244737625, -0.02972172386944294, 0.03016393817961216, 0.028823528438806534, 0.018945343792438507, 0.01775004155933857, -0.04059880971908569, 0.027433089911937714, -0.02932867780327797, 0.06205883249640465, 0.0334363654255867, 0.041770339012145996, -0.056078724563121796, 0.020792223513126373, -0.0635533556342125, -0.04821519926190376, 0.0008206634665839374, 0.025182221084833145, -0.03248630836606026, -0.01999741420149803, -0.022215405479073524, -0.022394808009266853, -0.05673752725124359, 0.06719261407852173, -0.005497636739164591, 0.02867180109024048, -0.0346641018986702, 3.107468540224658e-33, -0.013791306875646114, -0.04591231048107147, -0.054455049335956573, 0.006899928208440542, -0.04768076539039612, 0.019102679565548897, 0.05759882181882858, 0.059171684086322784, 0.01014723815023899, 0.04845002666115761, 0.031034186482429504, 0.05914834141731262, -0.007256216835230589, -0.0647725760936737, 0.042577989399433136, -0.08045089989900589, 0.02314823865890503, -0.056442249566316605, -0.04229266196489334, 0.0036705806851387024, 0.0452117919921875, 0.03981439769268036, -0.0770755335688591, 0.0831095278263092, -0.06181623041629791, 0.0024248852860182524, -0.009061845950782299, 0.007697219494730234, 0.0029870872385799885, -0.014583328738808632, 0.02751733921468258, 0.036703791469335556, -0.06548565626144409, -0.012840100564062595, -0.05795455351471901, -0.007864857092499733, 0.0509134903550148, 0.031024044379591942, -0.04092515632510185, -0.011947537772357464, 0.04401026666164398, 0.04603833332657814, -0.02829875610768795, 0.02813676930963993, 0.013437655754387379, 0.022444967180490494, 0.00867225881665945, -0.02254052832722664, 0.07101471722126007, 0.10381616652011871, 0.009902507066726685, -0.03686342015862465, -0.04541105777025223, -0.058949943631887436, -0.04608858376741409, 0.07207082957029343, 0.04808737710118294, -0.0099714994430542, 0.013352571055293083, 0.04197869822382927, 0.04694487154483795, 0.09132201969623566, -0.06216950714588165, 0.02089255303144455, 0.06863582134246826, 0.09513140469789505, -0.08034691214561462, -0.019459066912531853, -0.000021324100089259446, 0.08104786276817322, 0.01573636755347252, 0.03844163566827774, -0.0034891609102487564, -0.04083407670259476, -0.020297246053814888, 0.0426945686340332, 0.033435869961977005, 0.1312846839427948, -0.037693966180086136, 0.013662582263350487, 0.019069060683250427, 0.03046606108546257, 0.027338121086359024, 0.14587318897247314, 0.013035851530730724, -0.06508993357419968, 0.04773033410310745, -0.010495064780116081, -0.003893673187121749, -0.031560394912958145, -0.002770304447039962, 0.026054469868540764, -0.015023554675281048, -0.014172933995723724, -0.026639170944690704, -2.0218665852667073e-8, -0.11724372208118439, 0.05182432755827904, -0.08099552989006042, 0.04750218242406845, -0.01674017682671547, 0.11728814244270325, -0.022115159779787064, -0.03812999278306961, 0.028372688218951225, -0.02149774320423603, -0.025891577824950218, -0.025349974632263184, -0.03394560143351555, 0.07170646637678146, 0.050532784312963486, 0.02151445299386978, -0.040389664471149445, 0.041628237813711166, -0.011544056236743927, -0.030642295256257057, -0.06760772317647934, -0.005722480360418558, 0.004135653376579285, -0.020964505150914192, -0.019932134076952934, -0.020128808915615082, -0.09065168350934982, 0.031317275017499924, -0.004910716321319342, 0.10819561779499054, -0.02378859370946884, 0.09065651148557663, 0.009314280934631824, -0.0991952195763588, -0.026593288406729698, -0.08358057588338852, 0.0424528643488884, 0.025792669504880905, 0.001788339577615261, -0.029252683743834496, 0.015922725200653076, 0.033356666564941406, -0.027820581570267677, -0.0579032339155674, -0.019614174962043762, -0.009801872074604034, -0.09085222333669662, -0.013641756027936935, -0.044042740017175674, -0.05627214536070824, 0.045350831001996994, 0.055222947150468826, -0.055233873426914215, -0.016802970319986343, 0.023275280371308327, 0.020974567160010338, 0.019616546109318733, -0.016104966402053833, 0.010578476823866367, -0.0004304099711589515, 0.04963736981153488, 0.00044801365584135056, 0.10433854162693024, 0.01846117153763771 ]
masakhane/afrimbart_fr_ewe_news
bd4f6a98462ff632ffe131c86239ebff041ce6aa
2022-04-15T09:01:37.000Z
[ "pytorch", "mbart", "text2text-generation", "transformers", "license:afl-3.0", "autotrain_compatible" ]
text2text-generation
false
masakhane
null
masakhane/afrimbart_fr_ewe_news
0
null
transformers
--- license: afl-3.0 ---
[ 0.027447450906038284, 0.001308886450715363, -0.1063765361905098, -0.04375424236059189, 0.07398077845573425, 0.033307936042547226, 0.019095009192824364, -0.07335776835680008, 0.016507217660546303, 0.030171778053045273, -0.05557497590780258, -0.053071025758981705, -0.0768081545829773, 0.04108651727437973, -0.004119875840842724, -0.056826382875442505, -0.050467364490032196, -0.05819490924477577, 0.023606015369296074, -0.036463744938373566, -0.0141544658690691, 0.042655155062675476, -0.05588993802666664, 0.012095908634364605, -0.010612988844513893, 0.0016038966132327914, -0.061301082372665405, 0.10316609591245651, -0.021072110161185265, -0.05955338478088379, 0.006565694697201252, 0.03134031593799591, 0.08078460395336151, -0.0039395540952682495, 0.025050831958651543, -0.08594952523708344, 0.01930064894258976, -0.03672477975487709, -0.025206102058291435, 0.022423693910241127, 0.059268489480018616, -0.05580388382077217, 0.010280409827828407, 0.062456853687763214, -0.06482548266649246, -0.033237945288419724, -0.01767619699239731, 0.0034181997179985046, 0.06041668355464935, 0.11326771974563599, -0.05476139858365059, -0.00005383882307796739, -0.09023980051279068, -0.02816065400838852, 0.12938664853572845, -0.07231275737285614, -0.009278053417801857, 0.07261668890714645, -0.09495297819375992, 0.03852318599820137, -0.008326295763254166, 0.0033516273833811283, -0.054746393114328384, 0.09420747309923172, -0.03964363411068916, 0.02506597340106964, -0.08852506428956985, -0.10110718756914139, -0.041116487234830856, -0.06932160258293152, -0.088419109582901, -0.06441304832696915, -0.014943161979317665, -0.010617838241159916, 0.06850425899028778, 0.022974690422415733, 0.04655053839087486, 0.044824231415987015, 0.058296117931604385, -0.05138904228806496, -0.04908374696969986, -0.08737078309059143, 0.02518051117658615, 0.01902533322572708, -0.055373530834913254, -0.040459275245666504, -0.043049585074186325, -0.00989313330501318, 0.0026577943935990334, 0.033678654581308365, -0.058050546795129776, 0.017451195046305656, 0.10003840923309326, 0.09228537976741791, 0.011275268159806728, 0.09276874363422394, -0.04999873414635658, -0.04443052411079407, -0.03962747007608414, 0.08494676649570465, -0.045994922518730164, 0.0211174339056015, -0.05872718617320061, 0.025958076119422913, -0.022078877314925194, 0.01908787153661251, -0.0041317264549434185, 0.05162104591727257, -0.02656676433980465, 0.03349127247929573, 0.03989681601524353, 0.024901866912841797, -0.014685625210404396, -0.03247036412358284, -0.03093547746539116, 0.09946338087320328, -0.09659601002931595, -0.032918065786361694, 0.07145462185144424, -0.02894786186516285, 0.018452238291502, -0.02030753903090954, -0.021371053531765938, -0.01784609630703926, 0.04609999433159828, -0.03164170682430267, 0.051655545830726624, -7.632371678557846e-33, -0.07721330225467682, 0.029331333935260773, 0.007486286107450724, 0.07181759178638458, 0.017644507810473442, -0.08049134165048599, 0.03919106721878052, -0.021300025284290314, -0.14142726361751556, 0.11476870626211166, 0.07674505561590195, 0.10997629910707474, -0.06897244602441788, -0.02094709686934948, 0.10313668847084045, -0.04125010222196579, -0.08022201806306839, -0.017781464383006096, 0.002295394893735647, 0.054802171885967255, 0.02426394261419773, -0.04889768734574318, -0.010264362208545208, 0.009193403646349907, -0.039958443492650986, 0.08499819040298462, -0.02814282849431038, -0.0661352351307869, 0.11802182346582413, 0.03734716400504112, 0.020471759140491486, 0.011679080314934254, -0.09754464775323868, -0.03848116472363472, -0.0024583558551967144, 0.018568014726042747, -0.06199406459927559, -0.051189977675676346, -0.08912542462348938, 0.05577290803194046, -0.00041022480581887066, -0.042777832597494125, -0.027838902547955513, -0.03876537084579468, -0.057983845472335815, -0.04537376016378403, 0.0055638691410422325, -0.046467315405607224, 0.07388604432344437, 0.0694466382265091, 0.08464605361223221, -0.020176446065306664, -0.03659183159470558, -0.022286005318164825, 0.040046095848083496, -0.04686877503991127, -0.06898929178714752, 0.05422992631793022, 0.006564407143741846, -0.037605974823236465, 0.01577044278383255, -0.08846468478441238, -0.03450646996498108, -0.002717049093917012, 0.03727559372782707, -0.0030582831241190434, 0.0674295425415039, -0.0730024203658104, 0.07945699244737625, -0.02972172386944294, 0.03016393817961216, 0.028823528438806534, 0.018945343792438507, 0.01775004155933857, -0.04059880971908569, 0.027433089911937714, -0.02932867780327797, 0.06205883249640465, 0.0334363654255867, 0.041770339012145996, -0.056078724563121796, 0.020792223513126373, -0.0635533556342125, -0.04821519926190376, 0.0008206634665839374, 0.025182221084833145, -0.03248630836606026, -0.01999741420149803, -0.022215405479073524, -0.022394808009266853, -0.05673752725124359, 0.06719261407852173, -0.005497636739164591, 0.02867180109024048, -0.0346641018986702, 3.107468540224658e-33, -0.013791306875646114, -0.04591231048107147, -0.054455049335956573, 0.006899928208440542, -0.04768076539039612, 0.019102679565548897, 0.05759882181882858, 0.059171684086322784, 0.01014723815023899, 0.04845002666115761, 0.031034186482429504, 0.05914834141731262, -0.007256216835230589, -0.0647725760936737, 0.042577989399433136, -0.08045089989900589, 0.02314823865890503, -0.056442249566316605, -0.04229266196489334, 0.0036705806851387024, 0.0452117919921875, 0.03981439769268036, -0.0770755335688591, 0.0831095278263092, -0.06181623041629791, 0.0024248852860182524, -0.009061845950782299, 0.007697219494730234, 0.0029870872385799885, -0.014583328738808632, 0.02751733921468258, 0.036703791469335556, -0.06548565626144409, -0.012840100564062595, -0.05795455351471901, -0.007864857092499733, 0.0509134903550148, 0.031024044379591942, -0.04092515632510185, -0.011947537772357464, 0.04401026666164398, 0.04603833332657814, -0.02829875610768795, 0.02813676930963993, 0.013437655754387379, 0.022444967180490494, 0.00867225881665945, -0.02254052832722664, 0.07101471722126007, 0.10381616652011871, 0.009902507066726685, -0.03686342015862465, -0.04541105777025223, -0.058949943631887436, -0.04608858376741409, 0.07207082957029343, 0.04808737710118294, -0.0099714994430542, 0.013352571055293083, 0.04197869822382927, 0.04694487154483795, 0.09132201969623566, -0.06216950714588165, 0.02089255303144455, 0.06863582134246826, 0.09513140469789505, -0.08034691214561462, -0.019459066912531853, -0.000021324100089259446, 0.08104786276817322, 0.01573636755347252, 0.03844163566827774, -0.0034891609102487564, -0.04083407670259476, -0.020297246053814888, 0.0426945686340332, 0.033435869961977005, 0.1312846839427948, -0.037693966180086136, 0.013662582263350487, 0.019069060683250427, 0.03046606108546257, 0.027338121086359024, 0.14587318897247314, 0.013035851530730724, -0.06508993357419968, 0.04773033410310745, -0.010495064780116081, -0.003893673187121749, -0.031560394912958145, -0.002770304447039962, 0.026054469868540764, -0.015023554675281048, -0.014172933995723724, -0.026639170944690704, -2.0218665852667073e-8, -0.11724372208118439, 0.05182432755827904, -0.08099552989006042, 0.04750218242406845, -0.01674017682671547, 0.11728814244270325, -0.022115159779787064, -0.03812999278306961, 0.028372688218951225, -0.02149774320423603, -0.025891577824950218, -0.025349974632263184, -0.03394560143351555, 0.07170646637678146, 0.050532784312963486, 0.02151445299386978, -0.040389664471149445, 0.041628237813711166, -0.011544056236743927, -0.030642295256257057, -0.06760772317647934, -0.005722480360418558, 0.004135653376579285, -0.020964505150914192, -0.019932134076952934, -0.020128808915615082, -0.09065168350934982, 0.031317275017499924, -0.004910716321319342, 0.10819561779499054, -0.02378859370946884, 0.09065651148557663, 0.009314280934631824, -0.0991952195763588, -0.026593288406729698, -0.08358057588338852, 0.0424528643488884, 0.025792669504880905, 0.001788339577615261, -0.029252683743834496, 0.015922725200653076, 0.033356666564941406, -0.027820581570267677, -0.0579032339155674, -0.019614174962043762, -0.009801872074604034, -0.09085222333669662, -0.013641756027936935, -0.044042740017175674, -0.05627214536070824, 0.045350831001996994, 0.055222947150468826, -0.055233873426914215, -0.016802970319986343, 0.023275280371308327, 0.020974567160010338, 0.019616546109318733, -0.016104966402053833, 0.010578476823866367, -0.0004304099711589515, 0.04963736981153488, 0.00044801365584135056, 0.10433854162693024, 0.01846117153763771 ]
masakhane/afribyt5_ewe_fr_news
b4cb039988fab88d399b322c0c9175001ea4af76
2022-04-15T10:06:29.000Z
[ "pytorch", "t5", "text2text-generation", "transformers", "license:afl-3.0", "autotrain_compatible" ]
text2text-generation
false
masakhane
null
masakhane/afribyt5_ewe_fr_news
0
null
transformers
--- license: afl-3.0 ---
[ 0.027447450906038284, 0.001308886450715363, -0.1063765361905098, -0.04375424236059189, 0.07398077845573425, 0.033307936042547226, 0.019095009192824364, -0.07335776835680008, 0.016507217660546303, 0.030171778053045273, -0.05557497590780258, -0.053071025758981705, -0.0768081545829773, 0.04108651727437973, -0.004119875840842724, -0.056826382875442505, -0.050467364490032196, -0.05819490924477577, 0.023606015369296074, -0.036463744938373566, -0.0141544658690691, 0.042655155062675476, -0.05588993802666664, 0.012095908634364605, -0.010612988844513893, 0.0016038966132327914, -0.061301082372665405, 0.10316609591245651, -0.021072110161185265, -0.05955338478088379, 0.006565694697201252, 0.03134031593799591, 0.08078460395336151, -0.0039395540952682495, 0.025050831958651543, -0.08594952523708344, 0.01930064894258976, -0.03672477975487709, -0.025206102058291435, 0.022423693910241127, 0.059268489480018616, -0.05580388382077217, 0.010280409827828407, 0.062456853687763214, -0.06482548266649246, -0.033237945288419724, -0.01767619699239731, 0.0034181997179985046, 0.06041668355464935, 0.11326771974563599, -0.05476139858365059, -0.00005383882307796739, -0.09023980051279068, -0.02816065400838852, 0.12938664853572845, -0.07231275737285614, -0.009278053417801857, 0.07261668890714645, -0.09495297819375992, 0.03852318599820137, -0.008326295763254166, 0.0033516273833811283, -0.054746393114328384, 0.09420747309923172, -0.03964363411068916, 0.02506597340106964, -0.08852506428956985, -0.10110718756914139, -0.041116487234830856, -0.06932160258293152, -0.088419109582901, -0.06441304832696915, -0.014943161979317665, -0.010617838241159916, 0.06850425899028778, 0.022974690422415733, 0.04655053839087486, 0.044824231415987015, 0.058296117931604385, -0.05138904228806496, -0.04908374696969986, -0.08737078309059143, 0.02518051117658615, 0.01902533322572708, -0.055373530834913254, -0.040459275245666504, -0.043049585074186325, -0.00989313330501318, 0.0026577943935990334, 0.033678654581308365, -0.058050546795129776, 0.017451195046305656, 0.10003840923309326, 0.09228537976741791, 0.011275268159806728, 0.09276874363422394, -0.04999873414635658, -0.04443052411079407, -0.03962747007608414, 0.08494676649570465, -0.045994922518730164, 0.0211174339056015, -0.05872718617320061, 0.025958076119422913, -0.022078877314925194, 0.01908787153661251, -0.0041317264549434185, 0.05162104591727257, -0.02656676433980465, 0.03349127247929573, 0.03989681601524353, 0.024901866912841797, -0.014685625210404396, -0.03247036412358284, -0.03093547746539116, 0.09946338087320328, -0.09659601002931595, -0.032918065786361694, 0.07145462185144424, -0.02894786186516285, 0.018452238291502, -0.02030753903090954, -0.021371053531765938, -0.01784609630703926, 0.04609999433159828, -0.03164170682430267, 0.051655545830726624, -7.632371678557846e-33, -0.07721330225467682, 0.029331333935260773, 0.007486286107450724, 0.07181759178638458, 0.017644507810473442, -0.08049134165048599, 0.03919106721878052, -0.021300025284290314, -0.14142726361751556, 0.11476870626211166, 0.07674505561590195, 0.10997629910707474, -0.06897244602441788, -0.02094709686934948, 0.10313668847084045, -0.04125010222196579, -0.08022201806306839, -0.017781464383006096, 0.002295394893735647, 0.054802171885967255, 0.02426394261419773, -0.04889768734574318, -0.010264362208545208, 0.009193403646349907, -0.039958443492650986, 0.08499819040298462, -0.02814282849431038, -0.0661352351307869, 0.11802182346582413, 0.03734716400504112, 0.020471759140491486, 0.011679080314934254, -0.09754464775323868, -0.03848116472363472, -0.0024583558551967144, 0.018568014726042747, -0.06199406459927559, -0.051189977675676346, -0.08912542462348938, 0.05577290803194046, -0.00041022480581887066, -0.042777832597494125, -0.027838902547955513, -0.03876537084579468, -0.057983845472335815, -0.04537376016378403, 0.0055638691410422325, -0.046467315405607224, 0.07388604432344437, 0.0694466382265091, 0.08464605361223221, -0.020176446065306664, -0.03659183159470558, -0.022286005318164825, 0.040046095848083496, -0.04686877503991127, -0.06898929178714752, 0.05422992631793022, 0.006564407143741846, -0.037605974823236465, 0.01577044278383255, -0.08846468478441238, -0.03450646996498108, -0.002717049093917012, 0.03727559372782707, -0.0030582831241190434, 0.0674295425415039, -0.0730024203658104, 0.07945699244737625, -0.02972172386944294, 0.03016393817961216, 0.028823528438806534, 0.018945343792438507, 0.01775004155933857, -0.04059880971908569, 0.027433089911937714, -0.02932867780327797, 0.06205883249640465, 0.0334363654255867, 0.041770339012145996, -0.056078724563121796, 0.020792223513126373, -0.0635533556342125, -0.04821519926190376, 0.0008206634665839374, 0.025182221084833145, -0.03248630836606026, -0.01999741420149803, -0.022215405479073524, -0.022394808009266853, -0.05673752725124359, 0.06719261407852173, -0.005497636739164591, 0.02867180109024048, -0.0346641018986702, 3.107468540224658e-33, -0.013791306875646114, -0.04591231048107147, -0.054455049335956573, 0.006899928208440542, -0.04768076539039612, 0.019102679565548897, 0.05759882181882858, 0.059171684086322784, 0.01014723815023899, 0.04845002666115761, 0.031034186482429504, 0.05914834141731262, -0.007256216835230589, -0.0647725760936737, 0.042577989399433136, -0.08045089989900589, 0.02314823865890503, -0.056442249566316605, -0.04229266196489334, 0.0036705806851387024, 0.0452117919921875, 0.03981439769268036, -0.0770755335688591, 0.0831095278263092, -0.06181623041629791, 0.0024248852860182524, -0.009061845950782299, 0.007697219494730234, 0.0029870872385799885, -0.014583328738808632, 0.02751733921468258, 0.036703791469335556, -0.06548565626144409, -0.012840100564062595, -0.05795455351471901, -0.007864857092499733, 0.0509134903550148, 0.031024044379591942, -0.04092515632510185, -0.011947537772357464, 0.04401026666164398, 0.04603833332657814, -0.02829875610768795, 0.02813676930963993, 0.013437655754387379, 0.022444967180490494, 0.00867225881665945, -0.02254052832722664, 0.07101471722126007, 0.10381616652011871, 0.009902507066726685, -0.03686342015862465, -0.04541105777025223, -0.058949943631887436, -0.04608858376741409, 0.07207082957029343, 0.04808737710118294, -0.0099714994430542, 0.013352571055293083, 0.04197869822382927, 0.04694487154483795, 0.09132201969623566, -0.06216950714588165, 0.02089255303144455, 0.06863582134246826, 0.09513140469789505, -0.08034691214561462, -0.019459066912531853, -0.000021324100089259446, 0.08104786276817322, 0.01573636755347252, 0.03844163566827774, -0.0034891609102487564, -0.04083407670259476, -0.020297246053814888, 0.0426945686340332, 0.033435869961977005, 0.1312846839427948, -0.037693966180086136, 0.013662582263350487, 0.019069060683250427, 0.03046606108546257, 0.027338121086359024, 0.14587318897247314, 0.013035851530730724, -0.06508993357419968, 0.04773033410310745, -0.010495064780116081, -0.003893673187121749, -0.031560394912958145, -0.002770304447039962, 0.026054469868540764, -0.015023554675281048, -0.014172933995723724, -0.026639170944690704, -2.0218665852667073e-8, -0.11724372208118439, 0.05182432755827904, -0.08099552989006042, 0.04750218242406845, -0.01674017682671547, 0.11728814244270325, -0.022115159779787064, -0.03812999278306961, 0.028372688218951225, -0.02149774320423603, -0.025891577824950218, -0.025349974632263184, -0.03394560143351555, 0.07170646637678146, 0.050532784312963486, 0.02151445299386978, -0.040389664471149445, 0.041628237813711166, -0.011544056236743927, -0.030642295256257057, -0.06760772317647934, -0.005722480360418558, 0.004135653376579285, -0.020964505150914192, -0.019932134076952934, -0.020128808915615082, -0.09065168350934982, 0.031317275017499924, -0.004910716321319342, 0.10819561779499054, -0.02378859370946884, 0.09065651148557663, 0.009314280934631824, -0.0991952195763588, -0.026593288406729698, -0.08358057588338852, 0.0424528643488884, 0.025792669504880905, 0.001788339577615261, -0.029252683743834496, 0.015922725200653076, 0.033356666564941406, -0.027820581570267677, -0.0579032339155674, -0.019614174962043762, -0.009801872074604034, -0.09085222333669662, -0.013641756027936935, -0.044042740017175674, -0.05627214536070824, 0.045350831001996994, 0.055222947150468826, -0.055233873426914215, -0.016802970319986343, 0.023275280371308327, 0.020974567160010338, 0.019616546109318733, -0.016104966402053833, 0.010578476823866367, -0.0004304099711589515, 0.04963736981153488, 0.00044801365584135056, 0.10433854162693024, 0.01846117153763771 ]
masakhane/afribyt5_fr_ewe_news
b156c367f02e69be1ecf61df61cca4d3564d622c
2022-04-15T10:06:25.000Z
[ "pytorch", "t5", "text2text-generation", "transformers", "license:afl-3.0", "autotrain_compatible" ]
text2text-generation
false
masakhane
null
masakhane/afribyt5_fr_ewe_news
0
null
transformers
--- license: afl-3.0 ---
[ 0.027447450906038284, 0.001308886450715363, -0.1063765361905098, -0.04375424236059189, 0.07398077845573425, 0.033307936042547226, 0.019095009192824364, -0.07335776835680008, 0.016507217660546303, 0.030171778053045273, -0.05557497590780258, -0.053071025758981705, -0.0768081545829773, 0.04108651727437973, -0.004119875840842724, -0.056826382875442505, -0.050467364490032196, -0.05819490924477577, 0.023606015369296074, -0.036463744938373566, -0.0141544658690691, 0.042655155062675476, -0.05588993802666664, 0.012095908634364605, -0.010612988844513893, 0.0016038966132327914, -0.061301082372665405, 0.10316609591245651, -0.021072110161185265, -0.05955338478088379, 0.006565694697201252, 0.03134031593799591, 0.08078460395336151, -0.0039395540952682495, 0.025050831958651543, -0.08594952523708344, 0.01930064894258976, -0.03672477975487709, -0.025206102058291435, 0.022423693910241127, 0.059268489480018616, -0.05580388382077217, 0.010280409827828407, 0.062456853687763214, -0.06482548266649246, -0.033237945288419724, -0.01767619699239731, 0.0034181997179985046, 0.06041668355464935, 0.11326771974563599, -0.05476139858365059, -0.00005383882307796739, -0.09023980051279068, -0.02816065400838852, 0.12938664853572845, -0.07231275737285614, -0.009278053417801857, 0.07261668890714645, -0.09495297819375992, 0.03852318599820137, -0.008326295763254166, 0.0033516273833811283, -0.054746393114328384, 0.09420747309923172, -0.03964363411068916, 0.02506597340106964, -0.08852506428956985, -0.10110718756914139, -0.041116487234830856, -0.06932160258293152, -0.088419109582901, -0.06441304832696915, -0.014943161979317665, -0.010617838241159916, 0.06850425899028778, 0.022974690422415733, 0.04655053839087486, 0.044824231415987015, 0.058296117931604385, -0.05138904228806496, -0.04908374696969986, -0.08737078309059143, 0.02518051117658615, 0.01902533322572708, -0.055373530834913254, -0.040459275245666504, -0.043049585074186325, -0.00989313330501318, 0.0026577943935990334, 0.033678654581308365, -0.058050546795129776, 0.017451195046305656, 0.10003840923309326, 0.09228537976741791, 0.011275268159806728, 0.09276874363422394, -0.04999873414635658, -0.04443052411079407, -0.03962747007608414, 0.08494676649570465, -0.045994922518730164, 0.0211174339056015, -0.05872718617320061, 0.025958076119422913, -0.022078877314925194, 0.01908787153661251, -0.0041317264549434185, 0.05162104591727257, -0.02656676433980465, 0.03349127247929573, 0.03989681601524353, 0.024901866912841797, -0.014685625210404396, -0.03247036412358284, -0.03093547746539116, 0.09946338087320328, -0.09659601002931595, -0.032918065786361694, 0.07145462185144424, -0.02894786186516285, 0.018452238291502, -0.02030753903090954, -0.021371053531765938, -0.01784609630703926, 0.04609999433159828, -0.03164170682430267, 0.051655545830726624, -7.632371678557846e-33, -0.07721330225467682, 0.029331333935260773, 0.007486286107450724, 0.07181759178638458, 0.017644507810473442, -0.08049134165048599, 0.03919106721878052, -0.021300025284290314, -0.14142726361751556, 0.11476870626211166, 0.07674505561590195, 0.10997629910707474, -0.06897244602441788, -0.02094709686934948, 0.10313668847084045, -0.04125010222196579, -0.08022201806306839, -0.017781464383006096, 0.002295394893735647, 0.054802171885967255, 0.02426394261419773, -0.04889768734574318, -0.010264362208545208, 0.009193403646349907, -0.039958443492650986, 0.08499819040298462, -0.02814282849431038, -0.0661352351307869, 0.11802182346582413, 0.03734716400504112, 0.020471759140491486, 0.011679080314934254, -0.09754464775323868, -0.03848116472363472, -0.0024583558551967144, 0.018568014726042747, -0.06199406459927559, -0.051189977675676346, -0.08912542462348938, 0.05577290803194046, -0.00041022480581887066, -0.042777832597494125, -0.027838902547955513, -0.03876537084579468, -0.057983845472335815, -0.04537376016378403, 0.0055638691410422325, -0.046467315405607224, 0.07388604432344437, 0.0694466382265091, 0.08464605361223221, -0.020176446065306664, -0.03659183159470558, -0.022286005318164825, 0.040046095848083496, -0.04686877503991127, -0.06898929178714752, 0.05422992631793022, 0.006564407143741846, -0.037605974823236465, 0.01577044278383255, -0.08846468478441238, -0.03450646996498108, -0.002717049093917012, 0.03727559372782707, -0.0030582831241190434, 0.0674295425415039, -0.0730024203658104, 0.07945699244737625, -0.02972172386944294, 0.03016393817961216, 0.028823528438806534, 0.018945343792438507, 0.01775004155933857, -0.04059880971908569, 0.027433089911937714, -0.02932867780327797, 0.06205883249640465, 0.0334363654255867, 0.041770339012145996, -0.056078724563121796, 0.020792223513126373, -0.0635533556342125, -0.04821519926190376, 0.0008206634665839374, 0.025182221084833145, -0.03248630836606026, -0.01999741420149803, -0.022215405479073524, -0.022394808009266853, -0.05673752725124359, 0.06719261407852173, -0.005497636739164591, 0.02867180109024048, -0.0346641018986702, 3.107468540224658e-33, -0.013791306875646114, -0.04591231048107147, -0.054455049335956573, 0.006899928208440542, -0.04768076539039612, 0.019102679565548897, 0.05759882181882858, 0.059171684086322784, 0.01014723815023899, 0.04845002666115761, 0.031034186482429504, 0.05914834141731262, -0.007256216835230589, -0.0647725760936737, 0.042577989399433136, -0.08045089989900589, 0.02314823865890503, -0.056442249566316605, -0.04229266196489334, 0.0036705806851387024, 0.0452117919921875, 0.03981439769268036, -0.0770755335688591, 0.0831095278263092, -0.06181623041629791, 0.0024248852860182524, -0.009061845950782299, 0.007697219494730234, 0.0029870872385799885, -0.014583328738808632, 0.02751733921468258, 0.036703791469335556, -0.06548565626144409, -0.012840100564062595, -0.05795455351471901, -0.007864857092499733, 0.0509134903550148, 0.031024044379591942, -0.04092515632510185, -0.011947537772357464, 0.04401026666164398, 0.04603833332657814, -0.02829875610768795, 0.02813676930963993, 0.013437655754387379, 0.022444967180490494, 0.00867225881665945, -0.02254052832722664, 0.07101471722126007, 0.10381616652011871, 0.009902507066726685, -0.03686342015862465, -0.04541105777025223, -0.058949943631887436, -0.04608858376741409, 0.07207082957029343, 0.04808737710118294, -0.0099714994430542, 0.013352571055293083, 0.04197869822382927, 0.04694487154483795, 0.09132201969623566, -0.06216950714588165, 0.02089255303144455, 0.06863582134246826, 0.09513140469789505, -0.08034691214561462, -0.019459066912531853, -0.000021324100089259446, 0.08104786276817322, 0.01573636755347252, 0.03844163566827774, -0.0034891609102487564, -0.04083407670259476, -0.020297246053814888, 0.0426945686340332, 0.033435869961977005, 0.1312846839427948, -0.037693966180086136, 0.013662582263350487, 0.019069060683250427, 0.03046606108546257, 0.027338121086359024, 0.14587318897247314, 0.013035851530730724, -0.06508993357419968, 0.04773033410310745, -0.010495064780116081, -0.003893673187121749, -0.031560394912958145, -0.002770304447039962, 0.026054469868540764, -0.015023554675281048, -0.014172933995723724, -0.026639170944690704, -2.0218665852667073e-8, -0.11724372208118439, 0.05182432755827904, -0.08099552989006042, 0.04750218242406845, -0.01674017682671547, 0.11728814244270325, -0.022115159779787064, -0.03812999278306961, 0.028372688218951225, -0.02149774320423603, -0.025891577824950218, -0.025349974632263184, -0.03394560143351555, 0.07170646637678146, 0.050532784312963486, 0.02151445299386978, -0.040389664471149445, 0.041628237813711166, -0.011544056236743927, -0.030642295256257057, -0.06760772317647934, -0.005722480360418558, 0.004135653376579285, -0.020964505150914192, -0.019932134076952934, -0.020128808915615082, -0.09065168350934982, 0.031317275017499924, -0.004910716321319342, 0.10819561779499054, -0.02378859370946884, 0.09065651148557663, 0.009314280934631824, -0.0991952195763588, -0.026593288406729698, -0.08358057588338852, 0.0424528643488884, 0.025792669504880905, 0.001788339577615261, -0.029252683743834496, 0.015922725200653076, 0.033356666564941406, -0.027820581570267677, -0.0579032339155674, -0.019614174962043762, -0.009801872074604034, -0.09085222333669662, -0.013641756027936935, -0.044042740017175674, -0.05627214536070824, 0.045350831001996994, 0.055222947150468826, -0.055233873426914215, -0.016802970319986343, 0.023275280371308327, 0.020974567160010338, 0.019616546109318733, -0.016104966402053833, 0.010578476823866367, -0.0004304099711589515, 0.04963736981153488, 0.00044801365584135056, 0.10433854162693024, 0.01846117153763771 ]
masakhane/byt5_fr_ewe_news
0fa6efaa879d2a909e5f850a7335ee435877f15d
2022-04-15T10:06:33.000Z
[ "pytorch", "t5", "text2text-generation", "transformers", "license:afl-3.0", "autotrain_compatible" ]
text2text-generation
false
masakhane
null
masakhane/byt5_fr_ewe_news
0
null
transformers
--- license: afl-3.0 ---
[ 0.027447450906038284, 0.001308886450715363, -0.1063765361905098, -0.04375424236059189, 0.07398077845573425, 0.033307936042547226, 0.019095009192824364, -0.07335776835680008, 0.016507217660546303, 0.030171778053045273, -0.05557497590780258, -0.053071025758981705, -0.0768081545829773, 0.04108651727437973, -0.004119875840842724, -0.056826382875442505, -0.050467364490032196, -0.05819490924477577, 0.023606015369296074, -0.036463744938373566, -0.0141544658690691, 0.042655155062675476, -0.05588993802666664, 0.012095908634364605, -0.010612988844513893, 0.0016038966132327914, -0.061301082372665405, 0.10316609591245651, -0.021072110161185265, -0.05955338478088379, 0.006565694697201252, 0.03134031593799591, 0.08078460395336151, -0.0039395540952682495, 0.025050831958651543, -0.08594952523708344, 0.01930064894258976, -0.03672477975487709, -0.025206102058291435, 0.022423693910241127, 0.059268489480018616, -0.05580388382077217, 0.010280409827828407, 0.062456853687763214, -0.06482548266649246, -0.033237945288419724, -0.01767619699239731, 0.0034181997179985046, 0.06041668355464935, 0.11326771974563599, -0.05476139858365059, -0.00005383882307796739, -0.09023980051279068, -0.02816065400838852, 0.12938664853572845, -0.07231275737285614, -0.009278053417801857, 0.07261668890714645, -0.09495297819375992, 0.03852318599820137, -0.008326295763254166, 0.0033516273833811283, -0.054746393114328384, 0.09420747309923172, -0.03964363411068916, 0.02506597340106964, -0.08852506428956985, -0.10110718756914139, -0.041116487234830856, -0.06932160258293152, -0.088419109582901, -0.06441304832696915, -0.014943161979317665, -0.010617838241159916, 0.06850425899028778, 0.022974690422415733, 0.04655053839087486, 0.044824231415987015, 0.058296117931604385, -0.05138904228806496, -0.04908374696969986, -0.08737078309059143, 0.02518051117658615, 0.01902533322572708, -0.055373530834913254, -0.040459275245666504, -0.043049585074186325, -0.00989313330501318, 0.0026577943935990334, 0.033678654581308365, -0.058050546795129776, 0.017451195046305656, 0.10003840923309326, 0.09228537976741791, 0.011275268159806728, 0.09276874363422394, -0.04999873414635658, -0.04443052411079407, -0.03962747007608414, 0.08494676649570465, -0.045994922518730164, 0.0211174339056015, -0.05872718617320061, 0.025958076119422913, -0.022078877314925194, 0.01908787153661251, -0.0041317264549434185, 0.05162104591727257, -0.02656676433980465, 0.03349127247929573, 0.03989681601524353, 0.024901866912841797, -0.014685625210404396, -0.03247036412358284, -0.03093547746539116, 0.09946338087320328, -0.09659601002931595, -0.032918065786361694, 0.07145462185144424, -0.02894786186516285, 0.018452238291502, -0.02030753903090954, -0.021371053531765938, -0.01784609630703926, 0.04609999433159828, -0.03164170682430267, 0.051655545830726624, -7.632371678557846e-33, -0.07721330225467682, 0.029331333935260773, 0.007486286107450724, 0.07181759178638458, 0.017644507810473442, -0.08049134165048599, 0.03919106721878052, -0.021300025284290314, -0.14142726361751556, 0.11476870626211166, 0.07674505561590195, 0.10997629910707474, -0.06897244602441788, -0.02094709686934948, 0.10313668847084045, -0.04125010222196579, -0.08022201806306839, -0.017781464383006096, 0.002295394893735647, 0.054802171885967255, 0.02426394261419773, -0.04889768734574318, -0.010264362208545208, 0.009193403646349907, -0.039958443492650986, 0.08499819040298462, -0.02814282849431038, -0.0661352351307869, 0.11802182346582413, 0.03734716400504112, 0.020471759140491486, 0.011679080314934254, -0.09754464775323868, -0.03848116472363472, -0.0024583558551967144, 0.018568014726042747, -0.06199406459927559, -0.051189977675676346, -0.08912542462348938, 0.05577290803194046, -0.00041022480581887066, -0.042777832597494125, -0.027838902547955513, -0.03876537084579468, -0.057983845472335815, -0.04537376016378403, 0.0055638691410422325, -0.046467315405607224, 0.07388604432344437, 0.0694466382265091, 0.08464605361223221, -0.020176446065306664, -0.03659183159470558, -0.022286005318164825, 0.040046095848083496, -0.04686877503991127, -0.06898929178714752, 0.05422992631793022, 0.006564407143741846, -0.037605974823236465, 0.01577044278383255, -0.08846468478441238, -0.03450646996498108, -0.002717049093917012, 0.03727559372782707, -0.0030582831241190434, 0.0674295425415039, -0.0730024203658104, 0.07945699244737625, -0.02972172386944294, 0.03016393817961216, 0.028823528438806534, 0.018945343792438507, 0.01775004155933857, -0.04059880971908569, 0.027433089911937714, -0.02932867780327797, 0.06205883249640465, 0.0334363654255867, 0.041770339012145996, -0.056078724563121796, 0.020792223513126373, -0.0635533556342125, -0.04821519926190376, 0.0008206634665839374, 0.025182221084833145, -0.03248630836606026, -0.01999741420149803, -0.022215405479073524, -0.022394808009266853, -0.05673752725124359, 0.06719261407852173, -0.005497636739164591, 0.02867180109024048, -0.0346641018986702, 3.107468540224658e-33, -0.013791306875646114, -0.04591231048107147, -0.054455049335956573, 0.006899928208440542, -0.04768076539039612, 0.019102679565548897, 0.05759882181882858, 0.059171684086322784, 0.01014723815023899, 0.04845002666115761, 0.031034186482429504, 0.05914834141731262, -0.007256216835230589, -0.0647725760936737, 0.042577989399433136, -0.08045089989900589, 0.02314823865890503, -0.056442249566316605, -0.04229266196489334, 0.0036705806851387024, 0.0452117919921875, 0.03981439769268036, -0.0770755335688591, 0.0831095278263092, -0.06181623041629791, 0.0024248852860182524, -0.009061845950782299, 0.007697219494730234, 0.0029870872385799885, -0.014583328738808632, 0.02751733921468258, 0.036703791469335556, -0.06548565626144409, -0.012840100564062595, -0.05795455351471901, -0.007864857092499733, 0.0509134903550148, 0.031024044379591942, -0.04092515632510185, -0.011947537772357464, 0.04401026666164398, 0.04603833332657814, -0.02829875610768795, 0.02813676930963993, 0.013437655754387379, 0.022444967180490494, 0.00867225881665945, -0.02254052832722664, 0.07101471722126007, 0.10381616652011871, 0.009902507066726685, -0.03686342015862465, -0.04541105777025223, -0.058949943631887436, -0.04608858376741409, 0.07207082957029343, 0.04808737710118294, -0.0099714994430542, 0.013352571055293083, 0.04197869822382927, 0.04694487154483795, 0.09132201969623566, -0.06216950714588165, 0.02089255303144455, 0.06863582134246826, 0.09513140469789505, -0.08034691214561462, -0.019459066912531853, -0.000021324100089259446, 0.08104786276817322, 0.01573636755347252, 0.03844163566827774, -0.0034891609102487564, -0.04083407670259476, -0.020297246053814888, 0.0426945686340332, 0.033435869961977005, 0.1312846839427948, -0.037693966180086136, 0.013662582263350487, 0.019069060683250427, 0.03046606108546257, 0.027338121086359024, 0.14587318897247314, 0.013035851530730724, -0.06508993357419968, 0.04773033410310745, -0.010495064780116081, -0.003893673187121749, -0.031560394912958145, -0.002770304447039962, 0.026054469868540764, -0.015023554675281048, -0.014172933995723724, -0.026639170944690704, -2.0218665852667073e-8, -0.11724372208118439, 0.05182432755827904, -0.08099552989006042, 0.04750218242406845, -0.01674017682671547, 0.11728814244270325, -0.022115159779787064, -0.03812999278306961, 0.028372688218951225, -0.02149774320423603, -0.025891577824950218, -0.025349974632263184, -0.03394560143351555, 0.07170646637678146, 0.050532784312963486, 0.02151445299386978, -0.040389664471149445, 0.041628237813711166, -0.011544056236743927, -0.030642295256257057, -0.06760772317647934, -0.005722480360418558, 0.004135653376579285, -0.020964505150914192, -0.019932134076952934, -0.020128808915615082, -0.09065168350934982, 0.031317275017499924, -0.004910716321319342, 0.10819561779499054, -0.02378859370946884, 0.09065651148557663, 0.009314280934631824, -0.0991952195763588, -0.026593288406729698, -0.08358057588338852, 0.0424528643488884, 0.025792669504880905, 0.001788339577615261, -0.029252683743834496, 0.015922725200653076, 0.033356666564941406, -0.027820581570267677, -0.0579032339155674, -0.019614174962043762, -0.009801872074604034, -0.09085222333669662, -0.013641756027936935, -0.044042740017175674, -0.05627214536070824, 0.045350831001996994, 0.055222947150468826, -0.055233873426914215, -0.016802970319986343, 0.023275280371308327, 0.020974567160010338, 0.019616546109318733, -0.016104966402053833, 0.010578476823866367, -0.0004304099711589515, 0.04963736981153488, 0.00044801365584135056, 0.10433854162693024, 0.01846117153763771 ]
masakhane/byt5_ewe_fr_news
e9bb988159362cdcab353a392a4177d52a98c611
2022-04-15T10:06:37.000Z
[ "pytorch", "t5", "text2text-generation", "transformers", "license:afl-3.0", "autotrain_compatible" ]
text2text-generation
false
masakhane
null
masakhane/byt5_ewe_fr_news
0
null
transformers
--- license: afl-3.0 ---
[ 0.027447450906038284, 0.001308886450715363, -0.1063765361905098, -0.04375424236059189, 0.07398077845573425, 0.033307936042547226, 0.019095009192824364, -0.07335776835680008, 0.016507217660546303, 0.030171778053045273, -0.05557497590780258, -0.053071025758981705, -0.0768081545829773, 0.04108651727437973, -0.004119875840842724, -0.056826382875442505, -0.050467364490032196, -0.05819490924477577, 0.023606015369296074, -0.036463744938373566, -0.0141544658690691, 0.042655155062675476, -0.05588993802666664, 0.012095908634364605, -0.010612988844513893, 0.0016038966132327914, -0.061301082372665405, 0.10316609591245651, -0.021072110161185265, -0.05955338478088379, 0.006565694697201252, 0.03134031593799591, 0.08078460395336151, -0.0039395540952682495, 0.025050831958651543, -0.08594952523708344, 0.01930064894258976, -0.03672477975487709, -0.025206102058291435, 0.022423693910241127, 0.059268489480018616, -0.05580388382077217, 0.010280409827828407, 0.062456853687763214, -0.06482548266649246, -0.033237945288419724, -0.01767619699239731, 0.0034181997179985046, 0.06041668355464935, 0.11326771974563599, -0.05476139858365059, -0.00005383882307796739, -0.09023980051279068, -0.02816065400838852, 0.12938664853572845, -0.07231275737285614, -0.009278053417801857, 0.07261668890714645, -0.09495297819375992, 0.03852318599820137, -0.008326295763254166, 0.0033516273833811283, -0.054746393114328384, 0.09420747309923172, -0.03964363411068916, 0.02506597340106964, -0.08852506428956985, -0.10110718756914139, -0.041116487234830856, -0.06932160258293152, -0.088419109582901, -0.06441304832696915, -0.014943161979317665, -0.010617838241159916, 0.06850425899028778, 0.022974690422415733, 0.04655053839087486, 0.044824231415987015, 0.058296117931604385, -0.05138904228806496, -0.04908374696969986, -0.08737078309059143, 0.02518051117658615, 0.01902533322572708, -0.055373530834913254, -0.040459275245666504, -0.043049585074186325, -0.00989313330501318, 0.0026577943935990334, 0.033678654581308365, -0.058050546795129776, 0.017451195046305656, 0.10003840923309326, 0.09228537976741791, 0.011275268159806728, 0.09276874363422394, -0.04999873414635658, -0.04443052411079407, -0.03962747007608414, 0.08494676649570465, -0.045994922518730164, 0.0211174339056015, -0.05872718617320061, 0.025958076119422913, -0.022078877314925194, 0.01908787153661251, -0.0041317264549434185, 0.05162104591727257, -0.02656676433980465, 0.03349127247929573, 0.03989681601524353, 0.024901866912841797, -0.014685625210404396, -0.03247036412358284, -0.03093547746539116, 0.09946338087320328, -0.09659601002931595, -0.032918065786361694, 0.07145462185144424, -0.02894786186516285, 0.018452238291502, -0.02030753903090954, -0.021371053531765938, -0.01784609630703926, 0.04609999433159828, -0.03164170682430267, 0.051655545830726624, -7.632371678557846e-33, -0.07721330225467682, 0.029331333935260773, 0.007486286107450724, 0.07181759178638458, 0.017644507810473442, -0.08049134165048599, 0.03919106721878052, -0.021300025284290314, -0.14142726361751556, 0.11476870626211166, 0.07674505561590195, 0.10997629910707474, -0.06897244602441788, -0.02094709686934948, 0.10313668847084045, -0.04125010222196579, -0.08022201806306839, -0.017781464383006096, 0.002295394893735647, 0.054802171885967255, 0.02426394261419773, -0.04889768734574318, -0.010264362208545208, 0.009193403646349907, -0.039958443492650986, 0.08499819040298462, -0.02814282849431038, -0.0661352351307869, 0.11802182346582413, 0.03734716400504112, 0.020471759140491486, 0.011679080314934254, -0.09754464775323868, -0.03848116472363472, -0.0024583558551967144, 0.018568014726042747, -0.06199406459927559, -0.051189977675676346, -0.08912542462348938, 0.05577290803194046, -0.00041022480581887066, -0.042777832597494125, -0.027838902547955513, -0.03876537084579468, -0.057983845472335815, -0.04537376016378403, 0.0055638691410422325, -0.046467315405607224, 0.07388604432344437, 0.0694466382265091, 0.08464605361223221, -0.020176446065306664, -0.03659183159470558, -0.022286005318164825, 0.040046095848083496, -0.04686877503991127, -0.06898929178714752, 0.05422992631793022, 0.006564407143741846, -0.037605974823236465, 0.01577044278383255, -0.08846468478441238, -0.03450646996498108, -0.002717049093917012, 0.03727559372782707, -0.0030582831241190434, 0.0674295425415039, -0.0730024203658104, 0.07945699244737625, -0.02972172386944294, 0.03016393817961216, 0.028823528438806534, 0.018945343792438507, 0.01775004155933857, -0.04059880971908569, 0.027433089911937714, -0.02932867780327797, 0.06205883249640465, 0.0334363654255867, 0.041770339012145996, -0.056078724563121796, 0.020792223513126373, -0.0635533556342125, -0.04821519926190376, 0.0008206634665839374, 0.025182221084833145, -0.03248630836606026, -0.01999741420149803, -0.022215405479073524, -0.022394808009266853, -0.05673752725124359, 0.06719261407852173, -0.005497636739164591, 0.02867180109024048, -0.0346641018986702, 3.107468540224658e-33, -0.013791306875646114, -0.04591231048107147, -0.054455049335956573, 0.006899928208440542, -0.04768076539039612, 0.019102679565548897, 0.05759882181882858, 0.059171684086322784, 0.01014723815023899, 0.04845002666115761, 0.031034186482429504, 0.05914834141731262, -0.007256216835230589, -0.0647725760936737, 0.042577989399433136, -0.08045089989900589, 0.02314823865890503, -0.056442249566316605, -0.04229266196489334, 0.0036705806851387024, 0.0452117919921875, 0.03981439769268036, -0.0770755335688591, 0.0831095278263092, -0.06181623041629791, 0.0024248852860182524, -0.009061845950782299, 0.007697219494730234, 0.0029870872385799885, -0.014583328738808632, 0.02751733921468258, 0.036703791469335556, -0.06548565626144409, -0.012840100564062595, -0.05795455351471901, -0.007864857092499733, 0.0509134903550148, 0.031024044379591942, -0.04092515632510185, -0.011947537772357464, 0.04401026666164398, 0.04603833332657814, -0.02829875610768795, 0.02813676930963993, 0.013437655754387379, 0.022444967180490494, 0.00867225881665945, -0.02254052832722664, 0.07101471722126007, 0.10381616652011871, 0.009902507066726685, -0.03686342015862465, -0.04541105777025223, -0.058949943631887436, -0.04608858376741409, 0.07207082957029343, 0.04808737710118294, -0.0099714994430542, 0.013352571055293083, 0.04197869822382927, 0.04694487154483795, 0.09132201969623566, -0.06216950714588165, 0.02089255303144455, 0.06863582134246826, 0.09513140469789505, -0.08034691214561462, -0.019459066912531853, -0.000021324100089259446, 0.08104786276817322, 0.01573636755347252, 0.03844163566827774, -0.0034891609102487564, -0.04083407670259476, -0.020297246053814888, 0.0426945686340332, 0.033435869961977005, 0.1312846839427948, -0.037693966180086136, 0.013662582263350487, 0.019069060683250427, 0.03046606108546257, 0.027338121086359024, 0.14587318897247314, 0.013035851530730724, -0.06508993357419968, 0.04773033410310745, -0.010495064780116081, -0.003893673187121749, -0.031560394912958145, -0.002770304447039962, 0.026054469868540764, -0.015023554675281048, -0.014172933995723724, -0.026639170944690704, -2.0218665852667073e-8, -0.11724372208118439, 0.05182432755827904, -0.08099552989006042, 0.04750218242406845, -0.01674017682671547, 0.11728814244270325, -0.022115159779787064, -0.03812999278306961, 0.028372688218951225, -0.02149774320423603, -0.025891577824950218, -0.025349974632263184, -0.03394560143351555, 0.07170646637678146, 0.050532784312963486, 0.02151445299386978, -0.040389664471149445, 0.041628237813711166, -0.011544056236743927, -0.030642295256257057, -0.06760772317647934, -0.005722480360418558, 0.004135653376579285, -0.020964505150914192, -0.019932134076952934, -0.020128808915615082, -0.09065168350934982, 0.031317275017499924, -0.004910716321319342, 0.10819561779499054, -0.02378859370946884, 0.09065651148557663, 0.009314280934631824, -0.0991952195763588, -0.026593288406729698, -0.08358057588338852, 0.0424528643488884, 0.025792669504880905, 0.001788339577615261, -0.029252683743834496, 0.015922725200653076, 0.033356666564941406, -0.027820581570267677, -0.0579032339155674, -0.019614174962043762, -0.009801872074604034, -0.09085222333669662, -0.013641756027936935, -0.044042740017175674, -0.05627214536070824, 0.045350831001996994, 0.055222947150468826, -0.055233873426914215, -0.016802970319986343, 0.023275280371308327, 0.020974567160010338, 0.019616546109318733, -0.016104966402053833, 0.010578476823866367, -0.0004304099711589515, 0.04963736981153488, 0.00044801365584135056, 0.10433854162693024, 0.01846117153763771 ]
masakhane/mt5_fr_ewe_news
666d3974bddc414c547a345fbae0f768520fa35c
2022-04-15T11:19:46.000Z
[ "pytorch", "mt5", "text2text-generation", "transformers", "license:afl-3.0", "autotrain_compatible" ]
text2text-generation
false
masakhane
null
masakhane/mt5_fr_ewe_news
0
null
transformers
--- license: afl-3.0 ---
[ 0.027447450906038284, 0.001308886450715363, -0.1063765361905098, -0.04375424236059189, 0.07398077845573425, 0.033307936042547226, 0.019095009192824364, -0.07335776835680008, 0.016507217660546303, 0.030171778053045273, -0.05557497590780258, -0.053071025758981705, -0.0768081545829773, 0.04108651727437973, -0.004119875840842724, -0.056826382875442505, -0.050467364490032196, -0.05819490924477577, 0.023606015369296074, -0.036463744938373566, -0.0141544658690691, 0.042655155062675476, -0.05588993802666664, 0.012095908634364605, -0.010612988844513893, 0.0016038966132327914, -0.061301082372665405, 0.10316609591245651, -0.021072110161185265, -0.05955338478088379, 0.006565694697201252, 0.03134031593799591, 0.08078460395336151, -0.0039395540952682495, 0.025050831958651543, -0.08594952523708344, 0.01930064894258976, -0.03672477975487709, -0.025206102058291435, 0.022423693910241127, 0.059268489480018616, -0.05580388382077217, 0.010280409827828407, 0.062456853687763214, -0.06482548266649246, -0.033237945288419724, -0.01767619699239731, 0.0034181997179985046, 0.06041668355464935, 0.11326771974563599, -0.05476139858365059, -0.00005383882307796739, -0.09023980051279068, -0.02816065400838852, 0.12938664853572845, -0.07231275737285614, -0.009278053417801857, 0.07261668890714645, -0.09495297819375992, 0.03852318599820137, -0.008326295763254166, 0.0033516273833811283, -0.054746393114328384, 0.09420747309923172, -0.03964363411068916, 0.02506597340106964, -0.08852506428956985, -0.10110718756914139, -0.041116487234830856, -0.06932160258293152, -0.088419109582901, -0.06441304832696915, -0.014943161979317665, -0.010617838241159916, 0.06850425899028778, 0.022974690422415733, 0.04655053839087486, 0.044824231415987015, 0.058296117931604385, -0.05138904228806496, -0.04908374696969986, -0.08737078309059143, 0.02518051117658615, 0.01902533322572708, -0.055373530834913254, -0.040459275245666504, -0.043049585074186325, -0.00989313330501318, 0.0026577943935990334, 0.033678654581308365, -0.058050546795129776, 0.017451195046305656, 0.10003840923309326, 0.09228537976741791, 0.011275268159806728, 0.09276874363422394, -0.04999873414635658, -0.04443052411079407, -0.03962747007608414, 0.08494676649570465, -0.045994922518730164, 0.0211174339056015, -0.05872718617320061, 0.025958076119422913, -0.022078877314925194, 0.01908787153661251, -0.0041317264549434185, 0.05162104591727257, -0.02656676433980465, 0.03349127247929573, 0.03989681601524353, 0.024901866912841797, -0.014685625210404396, -0.03247036412358284, -0.03093547746539116, 0.09946338087320328, -0.09659601002931595, -0.032918065786361694, 0.07145462185144424, -0.02894786186516285, 0.018452238291502, -0.02030753903090954, -0.021371053531765938, -0.01784609630703926, 0.04609999433159828, -0.03164170682430267, 0.051655545830726624, -7.632371678557846e-33, -0.07721330225467682, 0.029331333935260773, 0.007486286107450724, 0.07181759178638458, 0.017644507810473442, -0.08049134165048599, 0.03919106721878052, -0.021300025284290314, -0.14142726361751556, 0.11476870626211166, 0.07674505561590195, 0.10997629910707474, -0.06897244602441788, -0.02094709686934948, 0.10313668847084045, -0.04125010222196579, -0.08022201806306839, -0.017781464383006096, 0.002295394893735647, 0.054802171885967255, 0.02426394261419773, -0.04889768734574318, -0.010264362208545208, 0.009193403646349907, -0.039958443492650986, 0.08499819040298462, -0.02814282849431038, -0.0661352351307869, 0.11802182346582413, 0.03734716400504112, 0.020471759140491486, 0.011679080314934254, -0.09754464775323868, -0.03848116472363472, -0.0024583558551967144, 0.018568014726042747, -0.06199406459927559, -0.051189977675676346, -0.08912542462348938, 0.05577290803194046, -0.00041022480581887066, -0.042777832597494125, -0.027838902547955513, -0.03876537084579468, -0.057983845472335815, -0.04537376016378403, 0.0055638691410422325, -0.046467315405607224, 0.07388604432344437, 0.0694466382265091, 0.08464605361223221, -0.020176446065306664, -0.03659183159470558, -0.022286005318164825, 0.040046095848083496, -0.04686877503991127, -0.06898929178714752, 0.05422992631793022, 0.006564407143741846, -0.037605974823236465, 0.01577044278383255, -0.08846468478441238, -0.03450646996498108, -0.002717049093917012, 0.03727559372782707, -0.0030582831241190434, 0.0674295425415039, -0.0730024203658104, 0.07945699244737625, -0.02972172386944294, 0.03016393817961216, 0.028823528438806534, 0.018945343792438507, 0.01775004155933857, -0.04059880971908569, 0.027433089911937714, -0.02932867780327797, 0.06205883249640465, 0.0334363654255867, 0.041770339012145996, -0.056078724563121796, 0.020792223513126373, -0.0635533556342125, -0.04821519926190376, 0.0008206634665839374, 0.025182221084833145, -0.03248630836606026, -0.01999741420149803, -0.022215405479073524, -0.022394808009266853, -0.05673752725124359, 0.06719261407852173, -0.005497636739164591, 0.02867180109024048, -0.0346641018986702, 3.107468540224658e-33, -0.013791306875646114, -0.04591231048107147, -0.054455049335956573, 0.006899928208440542, -0.04768076539039612, 0.019102679565548897, 0.05759882181882858, 0.059171684086322784, 0.01014723815023899, 0.04845002666115761, 0.031034186482429504, 0.05914834141731262, -0.007256216835230589, -0.0647725760936737, 0.042577989399433136, -0.08045089989900589, 0.02314823865890503, -0.056442249566316605, -0.04229266196489334, 0.0036705806851387024, 0.0452117919921875, 0.03981439769268036, -0.0770755335688591, 0.0831095278263092, -0.06181623041629791, 0.0024248852860182524, -0.009061845950782299, 0.007697219494730234, 0.0029870872385799885, -0.014583328738808632, 0.02751733921468258, 0.036703791469335556, -0.06548565626144409, -0.012840100564062595, -0.05795455351471901, -0.007864857092499733, 0.0509134903550148, 0.031024044379591942, -0.04092515632510185, -0.011947537772357464, 0.04401026666164398, 0.04603833332657814, -0.02829875610768795, 0.02813676930963993, 0.013437655754387379, 0.022444967180490494, 0.00867225881665945, -0.02254052832722664, 0.07101471722126007, 0.10381616652011871, 0.009902507066726685, -0.03686342015862465, -0.04541105777025223, -0.058949943631887436, -0.04608858376741409, 0.07207082957029343, 0.04808737710118294, -0.0099714994430542, 0.013352571055293083, 0.04197869822382927, 0.04694487154483795, 0.09132201969623566, -0.06216950714588165, 0.02089255303144455, 0.06863582134246826, 0.09513140469789505, -0.08034691214561462, -0.019459066912531853, -0.000021324100089259446, 0.08104786276817322, 0.01573636755347252, 0.03844163566827774, -0.0034891609102487564, -0.04083407670259476, -0.020297246053814888, 0.0426945686340332, 0.033435869961977005, 0.1312846839427948, -0.037693966180086136, 0.013662582263350487, 0.019069060683250427, 0.03046606108546257, 0.027338121086359024, 0.14587318897247314, 0.013035851530730724, -0.06508993357419968, 0.04773033410310745, -0.010495064780116081, -0.003893673187121749, -0.031560394912958145, -0.002770304447039962, 0.026054469868540764, -0.015023554675281048, -0.014172933995723724, -0.026639170944690704, -2.0218665852667073e-8, -0.11724372208118439, 0.05182432755827904, -0.08099552989006042, 0.04750218242406845, -0.01674017682671547, 0.11728814244270325, -0.022115159779787064, -0.03812999278306961, 0.028372688218951225, -0.02149774320423603, -0.025891577824950218, -0.025349974632263184, -0.03394560143351555, 0.07170646637678146, 0.050532784312963486, 0.02151445299386978, -0.040389664471149445, 0.041628237813711166, -0.011544056236743927, -0.030642295256257057, -0.06760772317647934, -0.005722480360418558, 0.004135653376579285, -0.020964505150914192, -0.019932134076952934, -0.020128808915615082, -0.09065168350934982, 0.031317275017499924, -0.004910716321319342, 0.10819561779499054, -0.02378859370946884, 0.09065651148557663, 0.009314280934631824, -0.0991952195763588, -0.026593288406729698, -0.08358057588338852, 0.0424528643488884, 0.025792669504880905, 0.001788339577615261, -0.029252683743834496, 0.015922725200653076, 0.033356666564941406, -0.027820581570267677, -0.0579032339155674, -0.019614174962043762, -0.009801872074604034, -0.09085222333669662, -0.013641756027936935, -0.044042740017175674, -0.05627214536070824, 0.045350831001996994, 0.055222947150468826, -0.055233873426914215, -0.016802970319986343, 0.023275280371308327, 0.020974567160010338, 0.019616546109318733, -0.016104966402053833, 0.010578476823866367, -0.0004304099711589515, 0.04963736981153488, 0.00044801365584135056, 0.10433854162693024, 0.01846117153763771 ]
masakhane/mt5_ewe_fr_news
1996364930ac66520871602c9640fb8ddfe21f8e
2022-04-15T11:19:38.000Z
[ "pytorch", "mt5", "text2text-generation", "transformers", "license:afl-3.0", "autotrain_compatible" ]
text2text-generation
false
masakhane
null
masakhane/mt5_ewe_fr_news
0
null
transformers
--- license: afl-3.0 ---
[ 0.027447450906038284, 0.001308886450715363, -0.1063765361905098, -0.04375424236059189, 0.07398077845573425, 0.033307936042547226, 0.019095009192824364, -0.07335776835680008, 0.016507217660546303, 0.030171778053045273, -0.05557497590780258, -0.053071025758981705, -0.0768081545829773, 0.04108651727437973, -0.004119875840842724, -0.056826382875442505, -0.050467364490032196, -0.05819490924477577, 0.023606015369296074, -0.036463744938373566, -0.0141544658690691, 0.042655155062675476, -0.05588993802666664, 0.012095908634364605, -0.010612988844513893, 0.0016038966132327914, -0.061301082372665405, 0.10316609591245651, -0.021072110161185265, -0.05955338478088379, 0.006565694697201252, 0.03134031593799591, 0.08078460395336151, -0.0039395540952682495, 0.025050831958651543, -0.08594952523708344, 0.01930064894258976, -0.03672477975487709, -0.025206102058291435, 0.022423693910241127, 0.059268489480018616, -0.05580388382077217, 0.010280409827828407, 0.062456853687763214, -0.06482548266649246, -0.033237945288419724, -0.01767619699239731, 0.0034181997179985046, 0.06041668355464935, 0.11326771974563599, -0.05476139858365059, -0.00005383882307796739, -0.09023980051279068, -0.02816065400838852, 0.12938664853572845, -0.07231275737285614, -0.009278053417801857, 0.07261668890714645, -0.09495297819375992, 0.03852318599820137, -0.008326295763254166, 0.0033516273833811283, -0.054746393114328384, 0.09420747309923172, -0.03964363411068916, 0.02506597340106964, -0.08852506428956985, -0.10110718756914139, -0.041116487234830856, -0.06932160258293152, -0.088419109582901, -0.06441304832696915, -0.014943161979317665, -0.010617838241159916, 0.06850425899028778, 0.022974690422415733, 0.04655053839087486, 0.044824231415987015, 0.058296117931604385, -0.05138904228806496, -0.04908374696969986, -0.08737078309059143, 0.02518051117658615, 0.01902533322572708, -0.055373530834913254, -0.040459275245666504, -0.043049585074186325, -0.00989313330501318, 0.0026577943935990334, 0.033678654581308365, -0.058050546795129776, 0.017451195046305656, 0.10003840923309326, 0.09228537976741791, 0.011275268159806728, 0.09276874363422394, -0.04999873414635658, -0.04443052411079407, -0.03962747007608414, 0.08494676649570465, -0.045994922518730164, 0.0211174339056015, -0.05872718617320061, 0.025958076119422913, -0.022078877314925194, 0.01908787153661251, -0.0041317264549434185, 0.05162104591727257, -0.02656676433980465, 0.03349127247929573, 0.03989681601524353, 0.024901866912841797, -0.014685625210404396, -0.03247036412358284, -0.03093547746539116, 0.09946338087320328, -0.09659601002931595, -0.032918065786361694, 0.07145462185144424, -0.02894786186516285, 0.018452238291502, -0.02030753903090954, -0.021371053531765938, -0.01784609630703926, 0.04609999433159828, -0.03164170682430267, 0.051655545830726624, -7.632371678557846e-33, -0.07721330225467682, 0.029331333935260773, 0.007486286107450724, 0.07181759178638458, 0.017644507810473442, -0.08049134165048599, 0.03919106721878052, -0.021300025284290314, -0.14142726361751556, 0.11476870626211166, 0.07674505561590195, 0.10997629910707474, -0.06897244602441788, -0.02094709686934948, 0.10313668847084045, -0.04125010222196579, -0.08022201806306839, -0.017781464383006096, 0.002295394893735647, 0.054802171885967255, 0.02426394261419773, -0.04889768734574318, -0.010264362208545208, 0.009193403646349907, -0.039958443492650986, 0.08499819040298462, -0.02814282849431038, -0.0661352351307869, 0.11802182346582413, 0.03734716400504112, 0.020471759140491486, 0.011679080314934254, -0.09754464775323868, -0.03848116472363472, -0.0024583558551967144, 0.018568014726042747, -0.06199406459927559, -0.051189977675676346, -0.08912542462348938, 0.05577290803194046, -0.00041022480581887066, -0.042777832597494125, -0.027838902547955513, -0.03876537084579468, -0.057983845472335815, -0.04537376016378403, 0.0055638691410422325, -0.046467315405607224, 0.07388604432344437, 0.0694466382265091, 0.08464605361223221, -0.020176446065306664, -0.03659183159470558, -0.022286005318164825, 0.040046095848083496, -0.04686877503991127, -0.06898929178714752, 0.05422992631793022, 0.006564407143741846, -0.037605974823236465, 0.01577044278383255, -0.08846468478441238, -0.03450646996498108, -0.002717049093917012, 0.03727559372782707, -0.0030582831241190434, 0.0674295425415039, -0.0730024203658104, 0.07945699244737625, -0.02972172386944294, 0.03016393817961216, 0.028823528438806534, 0.018945343792438507, 0.01775004155933857, -0.04059880971908569, 0.027433089911937714, -0.02932867780327797, 0.06205883249640465, 0.0334363654255867, 0.041770339012145996, -0.056078724563121796, 0.020792223513126373, -0.0635533556342125, -0.04821519926190376, 0.0008206634665839374, 0.025182221084833145, -0.03248630836606026, -0.01999741420149803, -0.022215405479073524, -0.022394808009266853, -0.05673752725124359, 0.06719261407852173, -0.005497636739164591, 0.02867180109024048, -0.0346641018986702, 3.107468540224658e-33, -0.013791306875646114, -0.04591231048107147, -0.054455049335956573, 0.006899928208440542, -0.04768076539039612, 0.019102679565548897, 0.05759882181882858, 0.059171684086322784, 0.01014723815023899, 0.04845002666115761, 0.031034186482429504, 0.05914834141731262, -0.007256216835230589, -0.0647725760936737, 0.042577989399433136, -0.08045089989900589, 0.02314823865890503, -0.056442249566316605, -0.04229266196489334, 0.0036705806851387024, 0.0452117919921875, 0.03981439769268036, -0.0770755335688591, 0.0831095278263092, -0.06181623041629791, 0.0024248852860182524, -0.009061845950782299, 0.007697219494730234, 0.0029870872385799885, -0.014583328738808632, 0.02751733921468258, 0.036703791469335556, -0.06548565626144409, -0.012840100564062595, -0.05795455351471901, -0.007864857092499733, 0.0509134903550148, 0.031024044379591942, -0.04092515632510185, -0.011947537772357464, 0.04401026666164398, 0.04603833332657814, -0.02829875610768795, 0.02813676930963993, 0.013437655754387379, 0.022444967180490494, 0.00867225881665945, -0.02254052832722664, 0.07101471722126007, 0.10381616652011871, 0.009902507066726685, -0.03686342015862465, -0.04541105777025223, -0.058949943631887436, -0.04608858376741409, 0.07207082957029343, 0.04808737710118294, -0.0099714994430542, 0.013352571055293083, 0.04197869822382927, 0.04694487154483795, 0.09132201969623566, -0.06216950714588165, 0.02089255303144455, 0.06863582134246826, 0.09513140469789505, -0.08034691214561462, -0.019459066912531853, -0.000021324100089259446, 0.08104786276817322, 0.01573636755347252, 0.03844163566827774, -0.0034891609102487564, -0.04083407670259476, -0.020297246053814888, 0.0426945686340332, 0.033435869961977005, 0.1312846839427948, -0.037693966180086136, 0.013662582263350487, 0.019069060683250427, 0.03046606108546257, 0.027338121086359024, 0.14587318897247314, 0.013035851530730724, -0.06508993357419968, 0.04773033410310745, -0.010495064780116081, -0.003893673187121749, -0.031560394912958145, -0.002770304447039962, 0.026054469868540764, -0.015023554675281048, -0.014172933995723724, -0.026639170944690704, -2.0218665852667073e-8, -0.11724372208118439, 0.05182432755827904, -0.08099552989006042, 0.04750218242406845, -0.01674017682671547, 0.11728814244270325, -0.022115159779787064, -0.03812999278306961, 0.028372688218951225, -0.02149774320423603, -0.025891577824950218, -0.025349974632263184, -0.03394560143351555, 0.07170646637678146, 0.050532784312963486, 0.02151445299386978, -0.040389664471149445, 0.041628237813711166, -0.011544056236743927, -0.030642295256257057, -0.06760772317647934, -0.005722480360418558, 0.004135653376579285, -0.020964505150914192, -0.019932134076952934, -0.020128808915615082, -0.09065168350934982, 0.031317275017499924, -0.004910716321319342, 0.10819561779499054, -0.02378859370946884, 0.09065651148557663, 0.009314280934631824, -0.0991952195763588, -0.026593288406729698, -0.08358057588338852, 0.0424528643488884, 0.025792669504880905, 0.001788339577615261, -0.029252683743834496, 0.015922725200653076, 0.033356666564941406, -0.027820581570267677, -0.0579032339155674, -0.019614174962043762, -0.009801872074604034, -0.09085222333669662, -0.013641756027936935, -0.044042740017175674, -0.05627214536070824, 0.045350831001996994, 0.055222947150468826, -0.055233873426914215, -0.016802970319986343, 0.023275280371308327, 0.020974567160010338, 0.019616546109318733, -0.016104966402053833, 0.010578476823866367, -0.0004304099711589515, 0.04963736981153488, 0.00044801365584135056, 0.10433854162693024, 0.01846117153763771 ]
masakhane/mbart50_fr_ewe_news
6e559e03c4f762b5189b77c1c99847ec4c91a622
2022-04-15T11:19:26.000Z
[ "pytorch", "mbart", "text2text-generation", "transformers", "license:afl-3.0", "autotrain_compatible" ]
text2text-generation
false
masakhane
null
masakhane/mbart50_fr_ewe_news
0
null
transformers
--- license: afl-3.0 ---
[ 0.027447450906038284, 0.001308886450715363, -0.1063765361905098, -0.04375424236059189, 0.07398077845573425, 0.033307936042547226, 0.019095009192824364, -0.07335776835680008, 0.016507217660546303, 0.030171778053045273, -0.05557497590780258, -0.053071025758981705, -0.0768081545829773, 0.04108651727437973, -0.004119875840842724, -0.056826382875442505, -0.050467364490032196, -0.05819490924477577, 0.023606015369296074, -0.036463744938373566, -0.0141544658690691, 0.042655155062675476, -0.05588993802666664, 0.012095908634364605, -0.010612988844513893, 0.0016038966132327914, -0.061301082372665405, 0.10316609591245651, -0.021072110161185265, -0.05955338478088379, 0.006565694697201252, 0.03134031593799591, 0.08078460395336151, -0.0039395540952682495, 0.025050831958651543, -0.08594952523708344, 0.01930064894258976, -0.03672477975487709, -0.025206102058291435, 0.022423693910241127, 0.059268489480018616, -0.05580388382077217, 0.010280409827828407, 0.062456853687763214, -0.06482548266649246, -0.033237945288419724, -0.01767619699239731, 0.0034181997179985046, 0.06041668355464935, 0.11326771974563599, -0.05476139858365059, -0.00005383882307796739, -0.09023980051279068, -0.02816065400838852, 0.12938664853572845, -0.07231275737285614, -0.009278053417801857, 0.07261668890714645, -0.09495297819375992, 0.03852318599820137, -0.008326295763254166, 0.0033516273833811283, -0.054746393114328384, 0.09420747309923172, -0.03964363411068916, 0.02506597340106964, -0.08852506428956985, -0.10110718756914139, -0.041116487234830856, -0.06932160258293152, -0.088419109582901, -0.06441304832696915, -0.014943161979317665, -0.010617838241159916, 0.06850425899028778, 0.022974690422415733, 0.04655053839087486, 0.044824231415987015, 0.058296117931604385, -0.05138904228806496, -0.04908374696969986, -0.08737078309059143, 0.02518051117658615, 0.01902533322572708, -0.055373530834913254, -0.040459275245666504, -0.043049585074186325, -0.00989313330501318, 0.0026577943935990334, 0.033678654581308365, -0.058050546795129776, 0.017451195046305656, 0.10003840923309326, 0.09228537976741791, 0.011275268159806728, 0.09276874363422394, -0.04999873414635658, -0.04443052411079407, -0.03962747007608414, 0.08494676649570465, -0.045994922518730164, 0.0211174339056015, -0.05872718617320061, 0.025958076119422913, -0.022078877314925194, 0.01908787153661251, -0.0041317264549434185, 0.05162104591727257, -0.02656676433980465, 0.03349127247929573, 0.03989681601524353, 0.024901866912841797, -0.014685625210404396, -0.03247036412358284, -0.03093547746539116, 0.09946338087320328, -0.09659601002931595, -0.032918065786361694, 0.07145462185144424, -0.02894786186516285, 0.018452238291502, -0.02030753903090954, -0.021371053531765938, -0.01784609630703926, 0.04609999433159828, -0.03164170682430267, 0.051655545830726624, -7.632371678557846e-33, -0.07721330225467682, 0.029331333935260773, 0.007486286107450724, 0.07181759178638458, 0.017644507810473442, -0.08049134165048599, 0.03919106721878052, -0.021300025284290314, -0.14142726361751556, 0.11476870626211166, 0.07674505561590195, 0.10997629910707474, -0.06897244602441788, -0.02094709686934948, 0.10313668847084045, -0.04125010222196579, -0.08022201806306839, -0.017781464383006096, 0.002295394893735647, 0.054802171885967255, 0.02426394261419773, -0.04889768734574318, -0.010264362208545208, 0.009193403646349907, -0.039958443492650986, 0.08499819040298462, -0.02814282849431038, -0.0661352351307869, 0.11802182346582413, 0.03734716400504112, 0.020471759140491486, 0.011679080314934254, -0.09754464775323868, -0.03848116472363472, -0.0024583558551967144, 0.018568014726042747, -0.06199406459927559, -0.051189977675676346, -0.08912542462348938, 0.05577290803194046, -0.00041022480581887066, -0.042777832597494125, -0.027838902547955513, -0.03876537084579468, -0.057983845472335815, -0.04537376016378403, 0.0055638691410422325, -0.046467315405607224, 0.07388604432344437, 0.0694466382265091, 0.08464605361223221, -0.020176446065306664, -0.03659183159470558, -0.022286005318164825, 0.040046095848083496, -0.04686877503991127, -0.06898929178714752, 0.05422992631793022, 0.006564407143741846, -0.037605974823236465, 0.01577044278383255, -0.08846468478441238, -0.03450646996498108, -0.002717049093917012, 0.03727559372782707, -0.0030582831241190434, 0.0674295425415039, -0.0730024203658104, 0.07945699244737625, -0.02972172386944294, 0.03016393817961216, 0.028823528438806534, 0.018945343792438507, 0.01775004155933857, -0.04059880971908569, 0.027433089911937714, -0.02932867780327797, 0.06205883249640465, 0.0334363654255867, 0.041770339012145996, -0.056078724563121796, 0.020792223513126373, -0.0635533556342125, -0.04821519926190376, 0.0008206634665839374, 0.025182221084833145, -0.03248630836606026, -0.01999741420149803, -0.022215405479073524, -0.022394808009266853, -0.05673752725124359, 0.06719261407852173, -0.005497636739164591, 0.02867180109024048, -0.0346641018986702, 3.107468540224658e-33, -0.013791306875646114, -0.04591231048107147, -0.054455049335956573, 0.006899928208440542, -0.04768076539039612, 0.019102679565548897, 0.05759882181882858, 0.059171684086322784, 0.01014723815023899, 0.04845002666115761, 0.031034186482429504, 0.05914834141731262, -0.007256216835230589, -0.0647725760936737, 0.042577989399433136, -0.08045089989900589, 0.02314823865890503, -0.056442249566316605, -0.04229266196489334, 0.0036705806851387024, 0.0452117919921875, 0.03981439769268036, -0.0770755335688591, 0.0831095278263092, -0.06181623041629791, 0.0024248852860182524, -0.009061845950782299, 0.007697219494730234, 0.0029870872385799885, -0.014583328738808632, 0.02751733921468258, 0.036703791469335556, -0.06548565626144409, -0.012840100564062595, -0.05795455351471901, -0.007864857092499733, 0.0509134903550148, 0.031024044379591942, -0.04092515632510185, -0.011947537772357464, 0.04401026666164398, 0.04603833332657814, -0.02829875610768795, 0.02813676930963993, 0.013437655754387379, 0.022444967180490494, 0.00867225881665945, -0.02254052832722664, 0.07101471722126007, 0.10381616652011871, 0.009902507066726685, -0.03686342015862465, -0.04541105777025223, -0.058949943631887436, -0.04608858376741409, 0.07207082957029343, 0.04808737710118294, -0.0099714994430542, 0.013352571055293083, 0.04197869822382927, 0.04694487154483795, 0.09132201969623566, -0.06216950714588165, 0.02089255303144455, 0.06863582134246826, 0.09513140469789505, -0.08034691214561462, -0.019459066912531853, -0.000021324100089259446, 0.08104786276817322, 0.01573636755347252, 0.03844163566827774, -0.0034891609102487564, -0.04083407670259476, -0.020297246053814888, 0.0426945686340332, 0.033435869961977005, 0.1312846839427948, -0.037693966180086136, 0.013662582263350487, 0.019069060683250427, 0.03046606108546257, 0.027338121086359024, 0.14587318897247314, 0.013035851530730724, -0.06508993357419968, 0.04773033410310745, -0.010495064780116081, -0.003893673187121749, -0.031560394912958145, -0.002770304447039962, 0.026054469868540764, -0.015023554675281048, -0.014172933995723724, -0.026639170944690704, -2.0218665852667073e-8, -0.11724372208118439, 0.05182432755827904, -0.08099552989006042, 0.04750218242406845, -0.01674017682671547, 0.11728814244270325, -0.022115159779787064, -0.03812999278306961, 0.028372688218951225, -0.02149774320423603, -0.025891577824950218, -0.025349974632263184, -0.03394560143351555, 0.07170646637678146, 0.050532784312963486, 0.02151445299386978, -0.040389664471149445, 0.041628237813711166, -0.011544056236743927, -0.030642295256257057, -0.06760772317647934, -0.005722480360418558, 0.004135653376579285, -0.020964505150914192, -0.019932134076952934, -0.020128808915615082, -0.09065168350934982, 0.031317275017499924, -0.004910716321319342, 0.10819561779499054, -0.02378859370946884, 0.09065651148557663, 0.009314280934631824, -0.0991952195763588, -0.026593288406729698, -0.08358057588338852, 0.0424528643488884, 0.025792669504880905, 0.001788339577615261, -0.029252683743834496, 0.015922725200653076, 0.033356666564941406, -0.027820581570267677, -0.0579032339155674, -0.019614174962043762, -0.009801872074604034, -0.09085222333669662, -0.013641756027936935, -0.044042740017175674, -0.05627214536070824, 0.045350831001996994, 0.055222947150468826, -0.055233873426914215, -0.016802970319986343, 0.023275280371308327, 0.020974567160010338, 0.019616546109318733, -0.016104966402053833, 0.010578476823866367, -0.0004304099711589515, 0.04963736981153488, 0.00044801365584135056, 0.10433854162693024, 0.01846117153763771 ]
masakhane/mbart50_ewe_fr_news
535139d1b9482217748159aeb1242b58d018e976
2022-04-15T11:19:33.000Z
[ "pytorch", "mbart", "text2text-generation", "transformers", "license:afl-3.0", "autotrain_compatible" ]
text2text-generation
false
masakhane
null
masakhane/mbart50_ewe_fr_news
0
null
transformers
--- license: afl-3.0 ---
[ 0.027447450906038284, 0.001308886450715363, -0.1063765361905098, -0.04375424236059189, 0.07398077845573425, 0.033307936042547226, 0.019095009192824364, -0.07335776835680008, 0.016507217660546303, 0.030171778053045273, -0.05557497590780258, -0.053071025758981705, -0.0768081545829773, 0.04108651727437973, -0.004119875840842724, -0.056826382875442505, -0.050467364490032196, -0.05819490924477577, 0.023606015369296074, -0.036463744938373566, -0.0141544658690691, 0.042655155062675476, -0.05588993802666664, 0.012095908634364605, -0.010612988844513893, 0.0016038966132327914, -0.061301082372665405, 0.10316609591245651, -0.021072110161185265, -0.05955338478088379, 0.006565694697201252, 0.03134031593799591, 0.08078460395336151, -0.0039395540952682495, 0.025050831958651543, -0.08594952523708344, 0.01930064894258976, -0.03672477975487709, -0.025206102058291435, 0.022423693910241127, 0.059268489480018616, -0.05580388382077217, 0.010280409827828407, 0.062456853687763214, -0.06482548266649246, -0.033237945288419724, -0.01767619699239731, 0.0034181997179985046, 0.06041668355464935, 0.11326771974563599, -0.05476139858365059, -0.00005383882307796739, -0.09023980051279068, -0.02816065400838852, 0.12938664853572845, -0.07231275737285614, -0.009278053417801857, 0.07261668890714645, -0.09495297819375992, 0.03852318599820137, -0.008326295763254166, 0.0033516273833811283, -0.054746393114328384, 0.09420747309923172, -0.03964363411068916, 0.02506597340106964, -0.08852506428956985, -0.10110718756914139, -0.041116487234830856, -0.06932160258293152, -0.088419109582901, -0.06441304832696915, -0.014943161979317665, -0.010617838241159916, 0.06850425899028778, 0.022974690422415733, 0.04655053839087486, 0.044824231415987015, 0.058296117931604385, -0.05138904228806496, -0.04908374696969986, -0.08737078309059143, 0.02518051117658615, 0.01902533322572708, -0.055373530834913254, -0.040459275245666504, -0.043049585074186325, -0.00989313330501318, 0.0026577943935990334, 0.033678654581308365, -0.058050546795129776, 0.017451195046305656, 0.10003840923309326, 0.09228537976741791, 0.011275268159806728, 0.09276874363422394, -0.04999873414635658, -0.04443052411079407, -0.03962747007608414, 0.08494676649570465, -0.045994922518730164, 0.0211174339056015, -0.05872718617320061, 0.025958076119422913, -0.022078877314925194, 0.01908787153661251, -0.0041317264549434185, 0.05162104591727257, -0.02656676433980465, 0.03349127247929573, 0.03989681601524353, 0.024901866912841797, -0.014685625210404396, -0.03247036412358284, -0.03093547746539116, 0.09946338087320328, -0.09659601002931595, -0.032918065786361694, 0.07145462185144424, -0.02894786186516285, 0.018452238291502, -0.02030753903090954, -0.021371053531765938, -0.01784609630703926, 0.04609999433159828, -0.03164170682430267, 0.051655545830726624, -7.632371678557846e-33, -0.07721330225467682, 0.029331333935260773, 0.007486286107450724, 0.07181759178638458, 0.017644507810473442, -0.08049134165048599, 0.03919106721878052, -0.021300025284290314, -0.14142726361751556, 0.11476870626211166, 0.07674505561590195, 0.10997629910707474, -0.06897244602441788, -0.02094709686934948, 0.10313668847084045, -0.04125010222196579, -0.08022201806306839, -0.017781464383006096, 0.002295394893735647, 0.054802171885967255, 0.02426394261419773, -0.04889768734574318, -0.010264362208545208, 0.009193403646349907, -0.039958443492650986, 0.08499819040298462, -0.02814282849431038, -0.0661352351307869, 0.11802182346582413, 0.03734716400504112, 0.020471759140491486, 0.011679080314934254, -0.09754464775323868, -0.03848116472363472, -0.0024583558551967144, 0.018568014726042747, -0.06199406459927559, -0.051189977675676346, -0.08912542462348938, 0.05577290803194046, -0.00041022480581887066, -0.042777832597494125, -0.027838902547955513, -0.03876537084579468, -0.057983845472335815, -0.04537376016378403, 0.0055638691410422325, -0.046467315405607224, 0.07388604432344437, 0.0694466382265091, 0.08464605361223221, -0.020176446065306664, -0.03659183159470558, -0.022286005318164825, 0.040046095848083496, -0.04686877503991127, -0.06898929178714752, 0.05422992631793022, 0.006564407143741846, -0.037605974823236465, 0.01577044278383255, -0.08846468478441238, -0.03450646996498108, -0.002717049093917012, 0.03727559372782707, -0.0030582831241190434, 0.0674295425415039, -0.0730024203658104, 0.07945699244737625, -0.02972172386944294, 0.03016393817961216, 0.028823528438806534, 0.018945343792438507, 0.01775004155933857, -0.04059880971908569, 0.027433089911937714, -0.02932867780327797, 0.06205883249640465, 0.0334363654255867, 0.041770339012145996, -0.056078724563121796, 0.020792223513126373, -0.0635533556342125, -0.04821519926190376, 0.0008206634665839374, 0.025182221084833145, -0.03248630836606026, -0.01999741420149803, -0.022215405479073524, -0.022394808009266853, -0.05673752725124359, 0.06719261407852173, -0.005497636739164591, 0.02867180109024048, -0.0346641018986702, 3.107468540224658e-33, -0.013791306875646114, -0.04591231048107147, -0.054455049335956573, 0.006899928208440542, -0.04768076539039612, 0.019102679565548897, 0.05759882181882858, 0.059171684086322784, 0.01014723815023899, 0.04845002666115761, 0.031034186482429504, 0.05914834141731262, -0.007256216835230589, -0.0647725760936737, 0.042577989399433136, -0.08045089989900589, 0.02314823865890503, -0.056442249566316605, -0.04229266196489334, 0.0036705806851387024, 0.0452117919921875, 0.03981439769268036, -0.0770755335688591, 0.0831095278263092, -0.06181623041629791, 0.0024248852860182524, -0.009061845950782299, 0.007697219494730234, 0.0029870872385799885, -0.014583328738808632, 0.02751733921468258, 0.036703791469335556, -0.06548565626144409, -0.012840100564062595, -0.05795455351471901, -0.007864857092499733, 0.0509134903550148, 0.031024044379591942, -0.04092515632510185, -0.011947537772357464, 0.04401026666164398, 0.04603833332657814, -0.02829875610768795, 0.02813676930963993, 0.013437655754387379, 0.022444967180490494, 0.00867225881665945, -0.02254052832722664, 0.07101471722126007, 0.10381616652011871, 0.009902507066726685, -0.03686342015862465, -0.04541105777025223, -0.058949943631887436, -0.04608858376741409, 0.07207082957029343, 0.04808737710118294, -0.0099714994430542, 0.013352571055293083, 0.04197869822382927, 0.04694487154483795, 0.09132201969623566, -0.06216950714588165, 0.02089255303144455, 0.06863582134246826, 0.09513140469789505, -0.08034691214561462, -0.019459066912531853, -0.000021324100089259446, 0.08104786276817322, 0.01573636755347252, 0.03844163566827774, -0.0034891609102487564, -0.04083407670259476, -0.020297246053814888, 0.0426945686340332, 0.033435869961977005, 0.1312846839427948, -0.037693966180086136, 0.013662582263350487, 0.019069060683250427, 0.03046606108546257, 0.027338121086359024, 0.14587318897247314, 0.013035851530730724, -0.06508993357419968, 0.04773033410310745, -0.010495064780116081, -0.003893673187121749, -0.031560394912958145, -0.002770304447039962, 0.026054469868540764, -0.015023554675281048, -0.014172933995723724, -0.026639170944690704, -2.0218665852667073e-8, -0.11724372208118439, 0.05182432755827904, -0.08099552989006042, 0.04750218242406845, -0.01674017682671547, 0.11728814244270325, -0.022115159779787064, -0.03812999278306961, 0.028372688218951225, -0.02149774320423603, -0.025891577824950218, -0.025349974632263184, -0.03394560143351555, 0.07170646637678146, 0.050532784312963486, 0.02151445299386978, -0.040389664471149445, 0.041628237813711166, -0.011544056236743927, -0.030642295256257057, -0.06760772317647934, -0.005722480360418558, 0.004135653376579285, -0.020964505150914192, -0.019932134076952934, -0.020128808915615082, -0.09065168350934982, 0.031317275017499924, -0.004910716321319342, 0.10819561779499054, -0.02378859370946884, 0.09065651148557663, 0.009314280934631824, -0.0991952195763588, -0.026593288406729698, -0.08358057588338852, 0.0424528643488884, 0.025792669504880905, 0.001788339577615261, -0.029252683743834496, 0.015922725200653076, 0.033356666564941406, -0.027820581570267677, -0.0579032339155674, -0.019614174962043762, -0.009801872074604034, -0.09085222333669662, -0.013641756027936935, -0.044042740017175674, -0.05627214536070824, 0.045350831001996994, 0.055222947150468826, -0.055233873426914215, -0.016802970319986343, 0.023275280371308327, 0.020974567160010338, 0.019616546109318733, -0.016104966402053833, 0.010578476823866367, -0.0004304099711589515, 0.04963736981153488, 0.00044801365584135056, 0.10433854162693024, 0.01846117153763771 ]
masakhane/m2m100_418M_ewe_fr_news
404bb64c3207a0a5377c1a08c484180aa94e10ab
2022-04-15T13:28:00.000Z
[ "pytorch", "m2m_100", "text2text-generation", "transformers", "license:afl-3.0", "autotrain_compatible" ]
text2text-generation
false
masakhane
null
masakhane/m2m100_418M_ewe_fr_news
0
null
transformers
--- license: afl-3.0 ---
[ 0.027447450906038284, 0.001308886450715363, -0.1063765361905098, -0.04375424236059189, 0.07398077845573425, 0.033307936042547226, 0.019095009192824364, -0.07335776835680008, 0.016507217660546303, 0.030171778053045273, -0.05557497590780258, -0.053071025758981705, -0.0768081545829773, 0.04108651727437973, -0.004119875840842724, -0.056826382875442505, -0.050467364490032196, -0.05819490924477577, 0.023606015369296074, -0.036463744938373566, -0.0141544658690691, 0.042655155062675476, -0.05588993802666664, 0.012095908634364605, -0.010612988844513893, 0.0016038966132327914, -0.061301082372665405, 0.10316609591245651, -0.021072110161185265, -0.05955338478088379, 0.006565694697201252, 0.03134031593799591, 0.08078460395336151, -0.0039395540952682495, 0.025050831958651543, -0.08594952523708344, 0.01930064894258976, -0.03672477975487709, -0.025206102058291435, 0.022423693910241127, 0.059268489480018616, -0.05580388382077217, 0.010280409827828407, 0.062456853687763214, -0.06482548266649246, -0.033237945288419724, -0.01767619699239731, 0.0034181997179985046, 0.06041668355464935, 0.11326771974563599, -0.05476139858365059, -0.00005383882307796739, -0.09023980051279068, -0.02816065400838852, 0.12938664853572845, -0.07231275737285614, -0.009278053417801857, 0.07261668890714645, -0.09495297819375992, 0.03852318599820137, -0.008326295763254166, 0.0033516273833811283, -0.054746393114328384, 0.09420747309923172, -0.03964363411068916, 0.02506597340106964, -0.08852506428956985, -0.10110718756914139, -0.041116487234830856, -0.06932160258293152, -0.088419109582901, -0.06441304832696915, -0.014943161979317665, -0.010617838241159916, 0.06850425899028778, 0.022974690422415733, 0.04655053839087486, 0.044824231415987015, 0.058296117931604385, -0.05138904228806496, -0.04908374696969986, -0.08737078309059143, 0.02518051117658615, 0.01902533322572708, -0.055373530834913254, -0.040459275245666504, -0.043049585074186325, -0.00989313330501318, 0.0026577943935990334, 0.033678654581308365, -0.058050546795129776, 0.017451195046305656, 0.10003840923309326, 0.09228537976741791, 0.011275268159806728, 0.09276874363422394, -0.04999873414635658, -0.04443052411079407, -0.03962747007608414, 0.08494676649570465, -0.045994922518730164, 0.0211174339056015, -0.05872718617320061, 0.025958076119422913, -0.022078877314925194, 0.01908787153661251, -0.0041317264549434185, 0.05162104591727257, -0.02656676433980465, 0.03349127247929573, 0.03989681601524353, 0.024901866912841797, -0.014685625210404396, -0.03247036412358284, -0.03093547746539116, 0.09946338087320328, -0.09659601002931595, -0.032918065786361694, 0.07145462185144424, -0.02894786186516285, 0.018452238291502, -0.02030753903090954, -0.021371053531765938, -0.01784609630703926, 0.04609999433159828, -0.03164170682430267, 0.051655545830726624, -7.632371678557846e-33, -0.07721330225467682, 0.029331333935260773, 0.007486286107450724, 0.07181759178638458, 0.017644507810473442, -0.08049134165048599, 0.03919106721878052, -0.021300025284290314, -0.14142726361751556, 0.11476870626211166, 0.07674505561590195, 0.10997629910707474, -0.06897244602441788, -0.02094709686934948, 0.10313668847084045, -0.04125010222196579, -0.08022201806306839, -0.017781464383006096, 0.002295394893735647, 0.054802171885967255, 0.02426394261419773, -0.04889768734574318, -0.010264362208545208, 0.009193403646349907, -0.039958443492650986, 0.08499819040298462, -0.02814282849431038, -0.0661352351307869, 0.11802182346582413, 0.03734716400504112, 0.020471759140491486, 0.011679080314934254, -0.09754464775323868, -0.03848116472363472, -0.0024583558551967144, 0.018568014726042747, -0.06199406459927559, -0.051189977675676346, -0.08912542462348938, 0.05577290803194046, -0.00041022480581887066, -0.042777832597494125, -0.027838902547955513, -0.03876537084579468, -0.057983845472335815, -0.04537376016378403, 0.0055638691410422325, -0.046467315405607224, 0.07388604432344437, 0.0694466382265091, 0.08464605361223221, -0.020176446065306664, -0.03659183159470558, -0.022286005318164825, 0.040046095848083496, -0.04686877503991127, -0.06898929178714752, 0.05422992631793022, 0.006564407143741846, -0.037605974823236465, 0.01577044278383255, -0.08846468478441238, -0.03450646996498108, -0.002717049093917012, 0.03727559372782707, -0.0030582831241190434, 0.0674295425415039, -0.0730024203658104, 0.07945699244737625, -0.02972172386944294, 0.03016393817961216, 0.028823528438806534, 0.018945343792438507, 0.01775004155933857, -0.04059880971908569, 0.027433089911937714, -0.02932867780327797, 0.06205883249640465, 0.0334363654255867, 0.041770339012145996, -0.056078724563121796, 0.020792223513126373, -0.0635533556342125, -0.04821519926190376, 0.0008206634665839374, 0.025182221084833145, -0.03248630836606026, -0.01999741420149803, -0.022215405479073524, -0.022394808009266853, -0.05673752725124359, 0.06719261407852173, -0.005497636739164591, 0.02867180109024048, -0.0346641018986702, 3.107468540224658e-33, -0.013791306875646114, -0.04591231048107147, -0.054455049335956573, 0.006899928208440542, -0.04768076539039612, 0.019102679565548897, 0.05759882181882858, 0.059171684086322784, 0.01014723815023899, 0.04845002666115761, 0.031034186482429504, 0.05914834141731262, -0.007256216835230589, -0.0647725760936737, 0.042577989399433136, -0.08045089989900589, 0.02314823865890503, -0.056442249566316605, -0.04229266196489334, 0.0036705806851387024, 0.0452117919921875, 0.03981439769268036, -0.0770755335688591, 0.0831095278263092, -0.06181623041629791, 0.0024248852860182524, -0.009061845950782299, 0.007697219494730234, 0.0029870872385799885, -0.014583328738808632, 0.02751733921468258, 0.036703791469335556, -0.06548565626144409, -0.012840100564062595, -0.05795455351471901, -0.007864857092499733, 0.0509134903550148, 0.031024044379591942, -0.04092515632510185, -0.011947537772357464, 0.04401026666164398, 0.04603833332657814, -0.02829875610768795, 0.02813676930963993, 0.013437655754387379, 0.022444967180490494, 0.00867225881665945, -0.02254052832722664, 0.07101471722126007, 0.10381616652011871, 0.009902507066726685, -0.03686342015862465, -0.04541105777025223, -0.058949943631887436, -0.04608858376741409, 0.07207082957029343, 0.04808737710118294, -0.0099714994430542, 0.013352571055293083, 0.04197869822382927, 0.04694487154483795, 0.09132201969623566, -0.06216950714588165, 0.02089255303144455, 0.06863582134246826, 0.09513140469789505, -0.08034691214561462, -0.019459066912531853, -0.000021324100089259446, 0.08104786276817322, 0.01573636755347252, 0.03844163566827774, -0.0034891609102487564, -0.04083407670259476, -0.020297246053814888, 0.0426945686340332, 0.033435869961977005, 0.1312846839427948, -0.037693966180086136, 0.013662582263350487, 0.019069060683250427, 0.03046606108546257, 0.027338121086359024, 0.14587318897247314, 0.013035851530730724, -0.06508993357419968, 0.04773033410310745, -0.010495064780116081, -0.003893673187121749, -0.031560394912958145, -0.002770304447039962, 0.026054469868540764, -0.015023554675281048, -0.014172933995723724, -0.026639170944690704, -2.0218665852667073e-8, -0.11724372208118439, 0.05182432755827904, -0.08099552989006042, 0.04750218242406845, -0.01674017682671547, 0.11728814244270325, -0.022115159779787064, -0.03812999278306961, 0.028372688218951225, -0.02149774320423603, -0.025891577824950218, -0.025349974632263184, -0.03394560143351555, 0.07170646637678146, 0.050532784312963486, 0.02151445299386978, -0.040389664471149445, 0.041628237813711166, -0.011544056236743927, -0.030642295256257057, -0.06760772317647934, -0.005722480360418558, 0.004135653376579285, -0.020964505150914192, -0.019932134076952934, -0.020128808915615082, -0.09065168350934982, 0.031317275017499924, -0.004910716321319342, 0.10819561779499054, -0.02378859370946884, 0.09065651148557663, 0.009314280934631824, -0.0991952195763588, -0.026593288406729698, -0.08358057588338852, 0.0424528643488884, 0.025792669504880905, 0.001788339577615261, -0.029252683743834496, 0.015922725200653076, 0.033356666564941406, -0.027820581570267677, -0.0579032339155674, -0.019614174962043762, -0.009801872074604034, -0.09085222333669662, -0.013641756027936935, -0.044042740017175674, -0.05627214536070824, 0.045350831001996994, 0.055222947150468826, -0.055233873426914215, -0.016802970319986343, 0.023275280371308327, 0.020974567160010338, 0.019616546109318733, -0.016104966402053833, 0.010578476823866367, -0.0004304099711589515, 0.04963736981153488, 0.00044801365584135056, 0.10433854162693024, 0.01846117153763771 ]
masakhane/m2m100_418M_ewe_fr_rel_news
cbaeff3d677296bad068633176cabfba44c61a80
2022-04-15T13:28:09.000Z
[ "pytorch", "m2m_100", "text2text-generation", "transformers", "license:afl-3.0", "autotrain_compatible" ]
text2text-generation
false
masakhane
null
masakhane/m2m100_418M_ewe_fr_rel_news
0
null
transformers
--- license: afl-3.0 ---
[ 0.027447450906038284, 0.001308886450715363, -0.1063765361905098, -0.04375424236059189, 0.07398077845573425, 0.033307936042547226, 0.019095009192824364, -0.07335776835680008, 0.016507217660546303, 0.030171778053045273, -0.05557497590780258, -0.053071025758981705, -0.0768081545829773, 0.04108651727437973, -0.004119875840842724, -0.056826382875442505, -0.050467364490032196, -0.05819490924477577, 0.023606015369296074, -0.036463744938373566, -0.0141544658690691, 0.042655155062675476, -0.05588993802666664, 0.012095908634364605, -0.010612988844513893, 0.0016038966132327914, -0.061301082372665405, 0.10316609591245651, -0.021072110161185265, -0.05955338478088379, 0.006565694697201252, 0.03134031593799591, 0.08078460395336151, -0.0039395540952682495, 0.025050831958651543, -0.08594952523708344, 0.01930064894258976, -0.03672477975487709, -0.025206102058291435, 0.022423693910241127, 0.059268489480018616, -0.05580388382077217, 0.010280409827828407, 0.062456853687763214, -0.06482548266649246, -0.033237945288419724, -0.01767619699239731, 0.0034181997179985046, 0.06041668355464935, 0.11326771974563599, -0.05476139858365059, -0.00005383882307796739, -0.09023980051279068, -0.02816065400838852, 0.12938664853572845, -0.07231275737285614, -0.009278053417801857, 0.07261668890714645, -0.09495297819375992, 0.03852318599820137, -0.008326295763254166, 0.0033516273833811283, -0.054746393114328384, 0.09420747309923172, -0.03964363411068916, 0.02506597340106964, -0.08852506428956985, -0.10110718756914139, -0.041116487234830856, -0.06932160258293152, -0.088419109582901, -0.06441304832696915, -0.014943161979317665, -0.010617838241159916, 0.06850425899028778, 0.022974690422415733, 0.04655053839087486, 0.044824231415987015, 0.058296117931604385, -0.05138904228806496, -0.04908374696969986, -0.08737078309059143, 0.02518051117658615, 0.01902533322572708, -0.055373530834913254, -0.040459275245666504, -0.043049585074186325, -0.00989313330501318, 0.0026577943935990334, 0.033678654581308365, -0.058050546795129776, 0.017451195046305656, 0.10003840923309326, 0.09228537976741791, 0.011275268159806728, 0.09276874363422394, -0.04999873414635658, -0.04443052411079407, -0.03962747007608414, 0.08494676649570465, -0.045994922518730164, 0.0211174339056015, -0.05872718617320061, 0.025958076119422913, -0.022078877314925194, 0.01908787153661251, -0.0041317264549434185, 0.05162104591727257, -0.02656676433980465, 0.03349127247929573, 0.03989681601524353, 0.024901866912841797, -0.014685625210404396, -0.03247036412358284, -0.03093547746539116, 0.09946338087320328, -0.09659601002931595, -0.032918065786361694, 0.07145462185144424, -0.02894786186516285, 0.018452238291502, -0.02030753903090954, -0.021371053531765938, -0.01784609630703926, 0.04609999433159828, -0.03164170682430267, 0.051655545830726624, -7.632371678557846e-33, -0.07721330225467682, 0.029331333935260773, 0.007486286107450724, 0.07181759178638458, 0.017644507810473442, -0.08049134165048599, 0.03919106721878052, -0.021300025284290314, -0.14142726361751556, 0.11476870626211166, 0.07674505561590195, 0.10997629910707474, -0.06897244602441788, -0.02094709686934948, 0.10313668847084045, -0.04125010222196579, -0.08022201806306839, -0.017781464383006096, 0.002295394893735647, 0.054802171885967255, 0.02426394261419773, -0.04889768734574318, -0.010264362208545208, 0.009193403646349907, -0.039958443492650986, 0.08499819040298462, -0.02814282849431038, -0.0661352351307869, 0.11802182346582413, 0.03734716400504112, 0.020471759140491486, 0.011679080314934254, -0.09754464775323868, -0.03848116472363472, -0.0024583558551967144, 0.018568014726042747, -0.06199406459927559, -0.051189977675676346, -0.08912542462348938, 0.05577290803194046, -0.00041022480581887066, -0.042777832597494125, -0.027838902547955513, -0.03876537084579468, -0.057983845472335815, -0.04537376016378403, 0.0055638691410422325, -0.046467315405607224, 0.07388604432344437, 0.0694466382265091, 0.08464605361223221, -0.020176446065306664, -0.03659183159470558, -0.022286005318164825, 0.040046095848083496, -0.04686877503991127, -0.06898929178714752, 0.05422992631793022, 0.006564407143741846, -0.037605974823236465, 0.01577044278383255, -0.08846468478441238, -0.03450646996498108, -0.002717049093917012, 0.03727559372782707, -0.0030582831241190434, 0.0674295425415039, -0.0730024203658104, 0.07945699244737625, -0.02972172386944294, 0.03016393817961216, 0.028823528438806534, 0.018945343792438507, 0.01775004155933857, -0.04059880971908569, 0.027433089911937714, -0.02932867780327797, 0.06205883249640465, 0.0334363654255867, 0.041770339012145996, -0.056078724563121796, 0.020792223513126373, -0.0635533556342125, -0.04821519926190376, 0.0008206634665839374, 0.025182221084833145, -0.03248630836606026, -0.01999741420149803, -0.022215405479073524, -0.022394808009266853, -0.05673752725124359, 0.06719261407852173, -0.005497636739164591, 0.02867180109024048, -0.0346641018986702, 3.107468540224658e-33, -0.013791306875646114, -0.04591231048107147, -0.054455049335956573, 0.006899928208440542, -0.04768076539039612, 0.019102679565548897, 0.05759882181882858, 0.059171684086322784, 0.01014723815023899, 0.04845002666115761, 0.031034186482429504, 0.05914834141731262, -0.007256216835230589, -0.0647725760936737, 0.042577989399433136, -0.08045089989900589, 0.02314823865890503, -0.056442249566316605, -0.04229266196489334, 0.0036705806851387024, 0.0452117919921875, 0.03981439769268036, -0.0770755335688591, 0.0831095278263092, -0.06181623041629791, 0.0024248852860182524, -0.009061845950782299, 0.007697219494730234, 0.0029870872385799885, -0.014583328738808632, 0.02751733921468258, 0.036703791469335556, -0.06548565626144409, -0.012840100564062595, -0.05795455351471901, -0.007864857092499733, 0.0509134903550148, 0.031024044379591942, -0.04092515632510185, -0.011947537772357464, 0.04401026666164398, 0.04603833332657814, -0.02829875610768795, 0.02813676930963993, 0.013437655754387379, 0.022444967180490494, 0.00867225881665945, -0.02254052832722664, 0.07101471722126007, 0.10381616652011871, 0.009902507066726685, -0.03686342015862465, -0.04541105777025223, -0.058949943631887436, -0.04608858376741409, 0.07207082957029343, 0.04808737710118294, -0.0099714994430542, 0.013352571055293083, 0.04197869822382927, 0.04694487154483795, 0.09132201969623566, -0.06216950714588165, 0.02089255303144455, 0.06863582134246826, 0.09513140469789505, -0.08034691214561462, -0.019459066912531853, -0.000021324100089259446, 0.08104786276817322, 0.01573636755347252, 0.03844163566827774, -0.0034891609102487564, -0.04083407670259476, -0.020297246053814888, 0.0426945686340332, 0.033435869961977005, 0.1312846839427948, -0.037693966180086136, 0.013662582263350487, 0.019069060683250427, 0.03046606108546257, 0.027338121086359024, 0.14587318897247314, 0.013035851530730724, -0.06508993357419968, 0.04773033410310745, -0.010495064780116081, -0.003893673187121749, -0.031560394912958145, -0.002770304447039962, 0.026054469868540764, -0.015023554675281048, -0.014172933995723724, -0.026639170944690704, -2.0218665852667073e-8, -0.11724372208118439, 0.05182432755827904, -0.08099552989006042, 0.04750218242406845, -0.01674017682671547, 0.11728814244270325, -0.022115159779787064, -0.03812999278306961, 0.028372688218951225, -0.02149774320423603, -0.025891577824950218, -0.025349974632263184, -0.03394560143351555, 0.07170646637678146, 0.050532784312963486, 0.02151445299386978, -0.040389664471149445, 0.041628237813711166, -0.011544056236743927, -0.030642295256257057, -0.06760772317647934, -0.005722480360418558, 0.004135653376579285, -0.020964505150914192, -0.019932134076952934, -0.020128808915615082, -0.09065168350934982, 0.031317275017499924, -0.004910716321319342, 0.10819561779499054, -0.02378859370946884, 0.09065651148557663, 0.009314280934631824, -0.0991952195763588, -0.026593288406729698, -0.08358057588338852, 0.0424528643488884, 0.025792669504880905, 0.001788339577615261, -0.029252683743834496, 0.015922725200653076, 0.033356666564941406, -0.027820581570267677, -0.0579032339155674, -0.019614174962043762, -0.009801872074604034, -0.09085222333669662, -0.013641756027936935, -0.044042740017175674, -0.05627214536070824, 0.045350831001996994, 0.055222947150468826, -0.055233873426914215, -0.016802970319986343, 0.023275280371308327, 0.020974567160010338, 0.019616546109318733, -0.016104966402053833, 0.010578476823866367, -0.0004304099711589515, 0.04963736981153488, 0.00044801365584135056, 0.10433854162693024, 0.01846117153763771 ]
masakhane/m2m100_418M_fr_ewe_rel_news_ft
43c7d60c1276258d5184f899d5dd6f5bbb5d251a
2022-04-15T16:28:07.000Z
[ "pytorch", "m2m_100", "text2text-generation", "transformers", "license:afl-3.0", "autotrain_compatible" ]
text2text-generation
false
masakhane
null
masakhane/m2m100_418M_fr_ewe_rel_news_ft
0
null
transformers
--- license: afl-3.0 ---
[ 0.027447504922747612, 0.0013088852865621448, -0.10637658089399338, -0.04375426098704338, 0.07398077100515366, 0.03330794721841812, 0.01909494958817959, -0.07335776090621948, 0.016507230699062347, 0.030171729624271393, -0.055575042963027954, -0.05307106301188469, -0.07680817693471909, 0.041086532175540924, -0.0041198646649718285, -0.0568263903260231, -0.05046742781996727, -0.058194857090711594, 0.023606037721037865, -0.03646378219127655, -0.014154498465359211, 0.04265515133738518, -0.05588993430137634, 0.012095899321138859, -0.01061294600367546, 0.0016039212932810187, -0.061301089823246, 0.10316610336303711, -0.02107207477092743, -0.059553418308496475, 0.006565665826201439, 0.03134031221270561, 0.08078456670045853, -0.003939554560929537, 0.02505083940923214, -0.08594945073127747, 0.01930059865117073, -0.036724772304296494, -0.025206023827195168, 0.022423740476369858, 0.05926847085356712, -0.055803872644901276, 0.010280435904860497, 0.062456775456666946, -0.06482553482055664, -0.03323793038725853, -0.017676223069429398, 0.003418191336095333, 0.06041664630174637, 0.11326770484447479, -0.05476146936416626, -0.00005383813186199404, -0.09023981541395187, -0.028160635381937027, 0.12938666343688965, -0.07231277227401733, -0.00927803572267294, 0.07261668145656586, -0.0949530303478241, 0.038523197174072266, -0.008326302282512188, 0.003351690014824271, -0.05474643409252167, 0.09420745819807053, -0.03964364156126976, 0.025065980851650238, -0.08852501958608627, -0.1011071428656578, -0.041116487234830856, -0.06932156533002853, -0.08841913193464279, -0.06441301107406616, -0.014943175949156284, -0.010617825202643871, 0.06850425153970718, 0.022974707186222076, 0.04655048996210098, 0.04482429847121239, 0.05829609930515289, -0.05138908699154854, -0.04908373951911926, -0.08737080544233322, 0.0251805167645216, 0.019025318324565887, -0.05537351220846176, -0.04045926779508591, -0.04304956644773483, -0.009893130511045456, 0.0026578062679618597, 0.03367867320775986, -0.05805056914687157, 0.017451174557209015, 0.10003838688135147, 0.09228543192148209, 0.011275265365839005, 0.09276878088712692, -0.04999871924519539, -0.04443053901195526, -0.039627477526664734, 0.08494678139686584, -0.04599490761756897, 0.0211174376308918, -0.05872717499732971, 0.025958025828003883, -0.022078869864344597, 0.019087815657258034, -0.00413172785192728, 0.051621031016111374, -0.02656680904328823, 0.03349124267697334, 0.039896830916404724, 0.024901842698454857, -0.014685641042888165, -0.03247034549713135, -0.030935443937778473, 0.09946338087320328, -0.09659601002931595, -0.03291812539100647, 0.07145453989505768, -0.028947826474905014, 0.018452249467372894, -0.020307542756199837, -0.021371081471443176, -0.017846090719103813, 0.04610005021095276, -0.03164166957139969, 0.051655568182468414, -7.632369474505938e-33, -0.07721326500177383, 0.02933131903409958, 0.007486333139240742, 0.07181759923696518, 0.017644494771957397, -0.0804913267493248, 0.03919104114174843, -0.02130003273487091, -0.14142729341983795, 0.11476870626211166, 0.07674510031938553, 0.10997629910707474, -0.06897242367267609, -0.020947126671671867, 0.10313668102025986, -0.04125012457370758, -0.0802220031619072, -0.0177814532071352, 0.0022953792940825224, 0.05480218306183815, 0.02426399104297161, -0.04889770969748497, -0.010264392010867596, 0.009193395264446735, -0.039958417415618896, 0.08499819040298462, -0.02814280427992344, -0.0661352127790451, 0.11802180856466293, 0.03734717145562172, 0.020471783354878426, 0.011679090559482574, -0.09754469990730286, -0.038481153547763824, -0.002458319766446948, 0.0185680091381073, -0.061994053423404694, -0.051189932972192764, -0.08912545442581177, 0.05577290803194046, -0.0004102048114873469, -0.04277782887220383, -0.02783891186118126, -0.038765378296375275, -0.05798377841711044, -0.045373719185590744, 0.005563884042203426, -0.04646730422973633, 0.07388606667518616, 0.0694466158747673, 0.08464609086513519, -0.020176472142338753, -0.036591820418834686, -0.02228604629635811, 0.04004610702395439, -0.04686874896287918, -0.06898929178714752, 0.05422995612025261, 0.006564383860677481, -0.03760596737265587, 0.015770411118865013, -0.08846465498209, -0.03450651094317436, -0.0027170926332473755, 0.03727560117840767, -0.0030582775361835957, 0.06742960959672928, -0.07300245761871338, 0.07945702224969864, -0.029721738770604134, 0.0301639623939991, 0.028823476284742355, 0.018945369869470596, 0.01775011047720909, -0.040598783642053604, 0.027433130890130997, -0.02932869829237461, 0.06205882877111435, 0.03343641012907028, 0.041770320385694504, -0.056078698486089706, 0.020792217925190926, -0.06355337053537369, -0.04821527376770973, 0.0008206569473259151, 0.025182226672768593, -0.03248629346489906, -0.019997412338852882, -0.022215384989976883, -0.022394822910428047, -0.05673753097653389, 0.06719266623258591, -0.005497640464454889, 0.028671791777014732, -0.03466418758034706, 3.107467438198704e-33, -0.013791291043162346, -0.04591231048107147, -0.054455045610666275, 0.006899930536746979, -0.04768079146742821, 0.019102662801742554, 0.057598840445280075, 0.059171710163354874, 0.01014725398272276, 0.048450034111738205, 0.03103417158126831, 0.05914835259318352, -0.0072561646811664104, -0.06477255374193192, 0.04257791116833687, -0.08045098185539246, 0.02314824052155018, -0.05644223093986511, -0.04229271411895752, 0.0036705804523080587, 0.0452117957174778, 0.039814405143260956, -0.07707549631595612, 0.08310959488153458, -0.06181621924042702, 0.002424968872219324, -0.009061863645911217, 0.007697225548326969, 0.002987081417813897, -0.014583381824195385, 0.027517417445778847, 0.03670372813940048, -0.06548573076725006, -0.0128401517868042, -0.057954590767621994, -0.00786486268043518, 0.05091354250907898, 0.031024040654301643, -0.040925152599811554, -0.011947511695325375, 0.0440102219581604, 0.04603832587599754, -0.028298748657107353, 0.0281367227435112, 0.013437708839774132, 0.022444993257522583, 0.0086722606793046, -0.022540532052516937, 0.0710146501660347, 0.10381613671779633, 0.0099025322124362, -0.036863405257463455, -0.04541105404496193, -0.058949925005435944, -0.04608849808573723, 0.07207082957029343, 0.048087384551763535, -0.009971566498279572, 0.013352593407034874, 0.041978657245635986, 0.046944838017225266, 0.09132206439971924, -0.06216953694820404, 0.020892620086669922, 0.06863582879304886, 0.09513139724731445, -0.08034692704677582, -0.019459089264273643, -0.000021301086235325783, 0.08104781806468964, 0.015736360102891922, 0.038441698998212814, -0.003489180002361536, -0.04083404690027237, -0.020297231152653694, 0.04269455745816231, 0.03343586623668671, 0.1312846839427948, -0.037693947553634644, 0.01366256084293127, 0.019069043919444084, 0.03046603314578533, 0.02733810804784298, 0.14587315917015076, 0.01303582638502121, -0.0650898888707161, 0.047730326652526855, -0.010495070368051529, -0.0038936033379286528, -0.031560398638248444, -0.0027703179512172937, 0.02605447918176651, -0.015023540705442429, -0.014172880910336971, -0.02663915604352951, -2.021866940538075e-8, -0.1172437071800232, 0.05182434991002083, -0.080995574593544, 0.047502219676971436, -0.016740186139941216, 0.11728816479444504, -0.0221151951700449, -0.038129985332489014, 0.028372738510370255, -0.02149774134159088, -0.025891603901982307, -0.025349944829940796, -0.03394559770822525, 0.07170651108026505, 0.050532784312963486, 0.021514441817998886, -0.040389664471149445, 0.04162819683551788, -0.011544030159711838, -0.030642300844192505, -0.06760763376951218, -0.005722492933273315, 0.00413566455245018, -0.02096451446413994, -0.019932109862565994, -0.02012881636619568, -0.09065168350934982, 0.03131726756691933, -0.004910763818770647, 0.10819561779499054, -0.02378855273127556, 0.09065651148557663, 0.009314309805631638, -0.0991952046751976, -0.026593264192342758, -0.08358056098222733, 0.042452894151210785, 0.025792665779590607, 0.0017883451655507088, -0.02925269491970539, 0.01592269353568554, 0.033356644213199615, -0.02782060205936432, -0.0579032301902771, -0.019614169374108315, -0.009801935404539108, -0.09085224568843842, -0.01364177092909813, -0.044042736291885376, -0.056272171437740326, 0.045350849628448486, 0.05522293597459793, -0.055233847349882126, -0.016802918165922165, 0.02327531762421131, 0.020974572747945786, 0.01961653120815754, -0.01610499806702137, 0.01057842094451189, -0.00043043773621320724, 0.049637358635663986, 0.0004479801864363253, 0.10433852672576904, 0.018461186438798904 ]
masakhane/m2m100_418M_ewe_fr_rel_news_ft
25080abbe934676a34fe86a0efd01408ca6c53ec
2022-04-15T16:27:42.000Z
[ "pytorch", "m2m_100", "text2text-generation", "transformers", "license:afl-3.0", "autotrain_compatible" ]
text2text-generation
false
masakhane
null
masakhane/m2m100_418M_ewe_fr_rel_news_ft
0
null
transformers
--- license: afl-3.0 ---
[ 0.027447504922747612, 0.0013088852865621448, -0.10637658089399338, -0.04375426098704338, 0.07398077100515366, 0.03330794721841812, 0.01909494958817959, -0.07335776090621948, 0.016507230699062347, 0.030171729624271393, -0.055575042963027954, -0.05307106301188469, -0.07680817693471909, 0.041086532175540924, -0.0041198646649718285, -0.0568263903260231, -0.05046742781996727, -0.058194857090711594, 0.023606037721037865, -0.03646378219127655, -0.014154498465359211, 0.04265515133738518, -0.05588993430137634, 0.012095899321138859, -0.01061294600367546, 0.0016039212932810187, -0.061301089823246, 0.10316610336303711, -0.02107207477092743, -0.059553418308496475, 0.006565665826201439, 0.03134031221270561, 0.08078456670045853, -0.003939554560929537, 0.02505083940923214, -0.08594945073127747, 0.01930059865117073, -0.036724772304296494, -0.025206023827195168, 0.022423740476369858, 0.05926847085356712, -0.055803872644901276, 0.010280435904860497, 0.062456775456666946, -0.06482553482055664, -0.03323793038725853, -0.017676223069429398, 0.003418191336095333, 0.06041664630174637, 0.11326770484447479, -0.05476146936416626, -0.00005383813186199404, -0.09023981541395187, -0.028160635381937027, 0.12938666343688965, -0.07231277227401733, -0.00927803572267294, 0.07261668145656586, -0.0949530303478241, 0.038523197174072266, -0.008326302282512188, 0.003351690014824271, -0.05474643409252167, 0.09420745819807053, -0.03964364156126976, 0.025065980851650238, -0.08852501958608627, -0.1011071428656578, -0.041116487234830856, -0.06932156533002853, -0.08841913193464279, -0.06441301107406616, -0.014943175949156284, -0.010617825202643871, 0.06850425153970718, 0.022974707186222076, 0.04655048996210098, 0.04482429847121239, 0.05829609930515289, -0.05138908699154854, -0.04908373951911926, -0.08737080544233322, 0.0251805167645216, 0.019025318324565887, -0.05537351220846176, -0.04045926779508591, -0.04304956644773483, -0.009893130511045456, 0.0026578062679618597, 0.03367867320775986, -0.05805056914687157, 0.017451174557209015, 0.10003838688135147, 0.09228543192148209, 0.011275265365839005, 0.09276878088712692, -0.04999871924519539, -0.04443053901195526, -0.039627477526664734, 0.08494678139686584, -0.04599490761756897, 0.0211174376308918, -0.05872717499732971, 0.025958025828003883, -0.022078869864344597, 0.019087815657258034, -0.00413172785192728, 0.051621031016111374, -0.02656680904328823, 0.03349124267697334, 0.039896830916404724, 0.024901842698454857, -0.014685641042888165, -0.03247034549713135, -0.030935443937778473, 0.09946338087320328, -0.09659601002931595, -0.03291812539100647, 0.07145453989505768, -0.028947826474905014, 0.018452249467372894, -0.020307542756199837, -0.021371081471443176, -0.017846090719103813, 0.04610005021095276, -0.03164166957139969, 0.051655568182468414, -7.632369474505938e-33, -0.07721326500177383, 0.02933131903409958, 0.007486333139240742, 0.07181759923696518, 0.017644494771957397, -0.0804913267493248, 0.03919104114174843, -0.02130003273487091, -0.14142729341983795, 0.11476870626211166, 0.07674510031938553, 0.10997629910707474, -0.06897242367267609, -0.020947126671671867, 0.10313668102025986, -0.04125012457370758, -0.0802220031619072, -0.0177814532071352, 0.0022953792940825224, 0.05480218306183815, 0.02426399104297161, -0.04889770969748497, -0.010264392010867596, 0.009193395264446735, -0.039958417415618896, 0.08499819040298462, -0.02814280427992344, -0.0661352127790451, 0.11802180856466293, 0.03734717145562172, 0.020471783354878426, 0.011679090559482574, -0.09754469990730286, -0.038481153547763824, -0.002458319766446948, 0.0185680091381073, -0.061994053423404694, -0.051189932972192764, -0.08912545442581177, 0.05577290803194046, -0.0004102048114873469, -0.04277782887220383, -0.02783891186118126, -0.038765378296375275, -0.05798377841711044, -0.045373719185590744, 0.005563884042203426, -0.04646730422973633, 0.07388606667518616, 0.0694466158747673, 0.08464609086513519, -0.020176472142338753, -0.036591820418834686, -0.02228604629635811, 0.04004610702395439, -0.04686874896287918, -0.06898929178714752, 0.05422995612025261, 0.006564383860677481, -0.03760596737265587, 0.015770411118865013, -0.08846465498209, -0.03450651094317436, -0.0027170926332473755, 0.03727560117840767, -0.0030582775361835957, 0.06742960959672928, -0.07300245761871338, 0.07945702224969864, -0.029721738770604134, 0.0301639623939991, 0.028823476284742355, 0.018945369869470596, 0.01775011047720909, -0.040598783642053604, 0.027433130890130997, -0.02932869829237461, 0.06205882877111435, 0.03343641012907028, 0.041770320385694504, -0.056078698486089706, 0.020792217925190926, -0.06355337053537369, -0.04821527376770973, 0.0008206569473259151, 0.025182226672768593, -0.03248629346489906, -0.019997412338852882, -0.022215384989976883, -0.022394822910428047, -0.05673753097653389, 0.06719266623258591, -0.005497640464454889, 0.028671791777014732, -0.03466418758034706, 3.107467438198704e-33, -0.013791291043162346, -0.04591231048107147, -0.054455045610666275, 0.006899930536746979, -0.04768079146742821, 0.019102662801742554, 0.057598840445280075, 0.059171710163354874, 0.01014725398272276, 0.048450034111738205, 0.03103417158126831, 0.05914835259318352, -0.0072561646811664104, -0.06477255374193192, 0.04257791116833687, -0.08045098185539246, 0.02314824052155018, -0.05644223093986511, -0.04229271411895752, 0.0036705804523080587, 0.0452117957174778, 0.039814405143260956, -0.07707549631595612, 0.08310959488153458, -0.06181621924042702, 0.002424968872219324, -0.009061863645911217, 0.007697225548326969, 0.002987081417813897, -0.014583381824195385, 0.027517417445778847, 0.03670372813940048, -0.06548573076725006, -0.0128401517868042, -0.057954590767621994, -0.00786486268043518, 0.05091354250907898, 0.031024040654301643, -0.040925152599811554, -0.011947511695325375, 0.0440102219581604, 0.04603832587599754, -0.028298748657107353, 0.0281367227435112, 0.013437708839774132, 0.022444993257522583, 0.0086722606793046, -0.022540532052516937, 0.0710146501660347, 0.10381613671779633, 0.0099025322124362, -0.036863405257463455, -0.04541105404496193, -0.058949925005435944, -0.04608849808573723, 0.07207082957029343, 0.048087384551763535, -0.009971566498279572, 0.013352593407034874, 0.041978657245635986, 0.046944838017225266, 0.09132206439971924, -0.06216953694820404, 0.020892620086669922, 0.06863582879304886, 0.09513139724731445, -0.08034692704677582, -0.019459089264273643, -0.000021301086235325783, 0.08104781806468964, 0.015736360102891922, 0.038441698998212814, -0.003489180002361536, -0.04083404690027237, -0.020297231152653694, 0.04269455745816231, 0.03343586623668671, 0.1312846839427948, -0.037693947553634644, 0.01366256084293127, 0.019069043919444084, 0.03046603314578533, 0.02733810804784298, 0.14587315917015076, 0.01303582638502121, -0.0650898888707161, 0.047730326652526855, -0.010495070368051529, -0.0038936033379286528, -0.031560398638248444, -0.0027703179512172937, 0.02605447918176651, -0.015023540705442429, -0.014172880910336971, -0.02663915604352951, -2.021866940538075e-8, -0.1172437071800232, 0.05182434991002083, -0.080995574593544, 0.047502219676971436, -0.016740186139941216, 0.11728816479444504, -0.0221151951700449, -0.038129985332489014, 0.028372738510370255, -0.02149774134159088, -0.025891603901982307, -0.025349944829940796, -0.03394559770822525, 0.07170651108026505, 0.050532784312963486, 0.021514441817998886, -0.040389664471149445, 0.04162819683551788, -0.011544030159711838, -0.030642300844192505, -0.06760763376951218, -0.005722492933273315, 0.00413566455245018, -0.02096451446413994, -0.019932109862565994, -0.02012881636619568, -0.09065168350934982, 0.03131726756691933, -0.004910763818770647, 0.10819561779499054, -0.02378855273127556, 0.09065651148557663, 0.009314309805631638, -0.0991952046751976, -0.026593264192342758, -0.08358056098222733, 0.042452894151210785, 0.025792665779590607, 0.0017883451655507088, -0.02925269491970539, 0.01592269353568554, 0.033356644213199615, -0.02782060205936432, -0.0579032301902771, -0.019614169374108315, -0.009801935404539108, -0.09085224568843842, -0.01364177092909813, -0.044042736291885376, -0.056272171437740326, 0.045350849628448486, 0.05522293597459793, -0.055233847349882126, -0.016802918165922165, 0.02327531762421131, 0.020974572747945786, 0.01961653120815754, -0.01610499806702137, 0.01057842094451189, -0.00043043773621320724, 0.049637358635663986, 0.0004479801864363253, 0.10433852672576904, 0.018461186438798904 ]
masakhane/m2m100_418M_ewe_fr_rel_ft
a08335a51e2e84fa37eae59410fd80d31a27bbf8
2022-04-15T16:28:00.000Z
[ "pytorch", "m2m_100", "text2text-generation", "transformers", "license:afl-3.0", "autotrain_compatible" ]
text2text-generation
false
masakhane
null
masakhane/m2m100_418M_ewe_fr_rel_ft
0
null
transformers
--- license: afl-3.0 ---
[ 0.027447504922747612, 0.0013088852865621448, -0.10637658089399338, -0.04375426098704338, 0.07398077100515366, 0.03330794721841812, 0.01909494958817959, -0.07335776090621948, 0.016507230699062347, 0.030171729624271393, -0.055575042963027954, -0.05307106301188469, -0.07680817693471909, 0.041086532175540924, -0.0041198646649718285, -0.0568263903260231, -0.05046742781996727, -0.058194857090711594, 0.023606037721037865, -0.03646378219127655, -0.014154498465359211, 0.04265515133738518, -0.05588993430137634, 0.012095899321138859, -0.01061294600367546, 0.0016039212932810187, -0.061301089823246, 0.10316610336303711, -0.02107207477092743, -0.059553418308496475, 0.006565665826201439, 0.03134031221270561, 0.08078456670045853, -0.003939554560929537, 0.02505083940923214, -0.08594945073127747, 0.01930059865117073, -0.036724772304296494, -0.025206023827195168, 0.022423740476369858, 0.05926847085356712, -0.055803872644901276, 0.010280435904860497, 0.062456775456666946, -0.06482553482055664, -0.03323793038725853, -0.017676223069429398, 0.003418191336095333, 0.06041664630174637, 0.11326770484447479, -0.05476146936416626, -0.00005383813186199404, -0.09023981541395187, -0.028160635381937027, 0.12938666343688965, -0.07231277227401733, -0.00927803572267294, 0.07261668145656586, -0.0949530303478241, 0.038523197174072266, -0.008326302282512188, 0.003351690014824271, -0.05474643409252167, 0.09420745819807053, -0.03964364156126976, 0.025065980851650238, -0.08852501958608627, -0.1011071428656578, -0.041116487234830856, -0.06932156533002853, -0.08841913193464279, -0.06441301107406616, -0.014943175949156284, -0.010617825202643871, 0.06850425153970718, 0.022974707186222076, 0.04655048996210098, 0.04482429847121239, 0.05829609930515289, -0.05138908699154854, -0.04908373951911926, -0.08737080544233322, 0.0251805167645216, 0.019025318324565887, -0.05537351220846176, -0.04045926779508591, -0.04304956644773483, -0.009893130511045456, 0.0026578062679618597, 0.03367867320775986, -0.05805056914687157, 0.017451174557209015, 0.10003838688135147, 0.09228543192148209, 0.011275265365839005, 0.09276878088712692, -0.04999871924519539, -0.04443053901195526, -0.039627477526664734, 0.08494678139686584, -0.04599490761756897, 0.0211174376308918, -0.05872717499732971, 0.025958025828003883, -0.022078869864344597, 0.019087815657258034, -0.00413172785192728, 0.051621031016111374, -0.02656680904328823, 0.03349124267697334, 0.039896830916404724, 0.024901842698454857, -0.014685641042888165, -0.03247034549713135, -0.030935443937778473, 0.09946338087320328, -0.09659601002931595, -0.03291812539100647, 0.07145453989505768, -0.028947826474905014, 0.018452249467372894, -0.020307542756199837, -0.021371081471443176, -0.017846090719103813, 0.04610005021095276, -0.03164166957139969, 0.051655568182468414, -7.632369474505938e-33, -0.07721326500177383, 0.02933131903409958, 0.007486333139240742, 0.07181759923696518, 0.017644494771957397, -0.0804913267493248, 0.03919104114174843, -0.02130003273487091, -0.14142729341983795, 0.11476870626211166, 0.07674510031938553, 0.10997629910707474, -0.06897242367267609, -0.020947126671671867, 0.10313668102025986, -0.04125012457370758, -0.0802220031619072, -0.0177814532071352, 0.0022953792940825224, 0.05480218306183815, 0.02426399104297161, -0.04889770969748497, -0.010264392010867596, 0.009193395264446735, -0.039958417415618896, 0.08499819040298462, -0.02814280427992344, -0.0661352127790451, 0.11802180856466293, 0.03734717145562172, 0.020471783354878426, 0.011679090559482574, -0.09754469990730286, -0.038481153547763824, -0.002458319766446948, 0.0185680091381073, -0.061994053423404694, -0.051189932972192764, -0.08912545442581177, 0.05577290803194046, -0.0004102048114873469, -0.04277782887220383, -0.02783891186118126, -0.038765378296375275, -0.05798377841711044, -0.045373719185590744, 0.005563884042203426, -0.04646730422973633, 0.07388606667518616, 0.0694466158747673, 0.08464609086513519, -0.020176472142338753, -0.036591820418834686, -0.02228604629635811, 0.04004610702395439, -0.04686874896287918, -0.06898929178714752, 0.05422995612025261, 0.006564383860677481, -0.03760596737265587, 0.015770411118865013, -0.08846465498209, -0.03450651094317436, -0.0027170926332473755, 0.03727560117840767, -0.0030582775361835957, 0.06742960959672928, -0.07300245761871338, 0.07945702224969864, -0.029721738770604134, 0.0301639623939991, 0.028823476284742355, 0.018945369869470596, 0.01775011047720909, -0.040598783642053604, 0.027433130890130997, -0.02932869829237461, 0.06205882877111435, 0.03343641012907028, 0.041770320385694504, -0.056078698486089706, 0.020792217925190926, -0.06355337053537369, -0.04821527376770973, 0.0008206569473259151, 0.025182226672768593, -0.03248629346489906, -0.019997412338852882, -0.022215384989976883, -0.022394822910428047, -0.05673753097653389, 0.06719266623258591, -0.005497640464454889, 0.028671791777014732, -0.03466418758034706, 3.107467438198704e-33, -0.013791291043162346, -0.04591231048107147, -0.054455045610666275, 0.006899930536746979, -0.04768079146742821, 0.019102662801742554, 0.057598840445280075, 0.059171710163354874, 0.01014725398272276, 0.048450034111738205, 0.03103417158126831, 0.05914835259318352, -0.0072561646811664104, -0.06477255374193192, 0.04257791116833687, -0.08045098185539246, 0.02314824052155018, -0.05644223093986511, -0.04229271411895752, 0.0036705804523080587, 0.0452117957174778, 0.039814405143260956, -0.07707549631595612, 0.08310959488153458, -0.06181621924042702, 0.002424968872219324, -0.009061863645911217, 0.007697225548326969, 0.002987081417813897, -0.014583381824195385, 0.027517417445778847, 0.03670372813940048, -0.06548573076725006, -0.0128401517868042, -0.057954590767621994, -0.00786486268043518, 0.05091354250907898, 0.031024040654301643, -0.040925152599811554, -0.011947511695325375, 0.0440102219581604, 0.04603832587599754, -0.028298748657107353, 0.0281367227435112, 0.013437708839774132, 0.022444993257522583, 0.0086722606793046, -0.022540532052516937, 0.0710146501660347, 0.10381613671779633, 0.0099025322124362, -0.036863405257463455, -0.04541105404496193, -0.058949925005435944, -0.04608849808573723, 0.07207082957029343, 0.048087384551763535, -0.009971566498279572, 0.013352593407034874, 0.041978657245635986, 0.046944838017225266, 0.09132206439971924, -0.06216953694820404, 0.020892620086669922, 0.06863582879304886, 0.09513139724731445, -0.08034692704677582, -0.019459089264273643, -0.000021301086235325783, 0.08104781806468964, 0.015736360102891922, 0.038441698998212814, -0.003489180002361536, -0.04083404690027237, -0.020297231152653694, 0.04269455745816231, 0.03343586623668671, 0.1312846839427948, -0.037693947553634644, 0.01366256084293127, 0.019069043919444084, 0.03046603314578533, 0.02733810804784298, 0.14587315917015076, 0.01303582638502121, -0.0650898888707161, 0.047730326652526855, -0.010495070368051529, -0.0038936033379286528, -0.031560398638248444, -0.0027703179512172937, 0.02605447918176651, -0.015023540705442429, -0.014172880910336971, -0.02663915604352951, -2.021866940538075e-8, -0.1172437071800232, 0.05182434991002083, -0.080995574593544, 0.047502219676971436, -0.016740186139941216, 0.11728816479444504, -0.0221151951700449, -0.038129985332489014, 0.028372738510370255, -0.02149774134159088, -0.025891603901982307, -0.025349944829940796, -0.03394559770822525, 0.07170651108026505, 0.050532784312963486, 0.021514441817998886, -0.040389664471149445, 0.04162819683551788, -0.011544030159711838, -0.030642300844192505, -0.06760763376951218, -0.005722492933273315, 0.00413566455245018, -0.02096451446413994, -0.019932109862565994, -0.02012881636619568, -0.09065168350934982, 0.03131726756691933, -0.004910763818770647, 0.10819561779499054, -0.02378855273127556, 0.09065651148557663, 0.009314309805631638, -0.0991952046751976, -0.026593264192342758, -0.08358056098222733, 0.042452894151210785, 0.025792665779590607, 0.0017883451655507088, -0.02925269491970539, 0.01592269353568554, 0.033356644213199615, -0.02782060205936432, -0.0579032301902771, -0.019614169374108315, -0.009801935404539108, -0.09085224568843842, -0.01364177092909813, -0.044042736291885376, -0.056272171437740326, 0.045350849628448486, 0.05522293597459793, -0.055233847349882126, -0.016802918165922165, 0.02327531762421131, 0.020974572747945786, 0.01961653120815754, -0.01610499806702137, 0.01057842094451189, -0.00043043773621320724, 0.049637358635663986, 0.0004479801864363253, 0.10433852672576904, 0.018461186438798904 ]
masakhane/m2m100_418M_ewe_fr_rel
36fc61609692fa8fd4a60502a12fdb7d8acfad90
2022-04-15T17:39:03.000Z
[ "pytorch", "m2m_100", "text2text-generation", "transformers", "license:afl-3.0", "autotrain_compatible" ]
text2text-generation
false
masakhane
null
masakhane/m2m100_418M_ewe_fr_rel
0
null
transformers
--- license: afl-3.0 ---
[ 0.027447504922747612, 0.0013088852865621448, -0.10637658089399338, -0.04375426098704338, 0.07398077100515366, 0.03330794721841812, 0.01909494958817959, -0.07335776090621948, 0.016507230699062347, 0.030171729624271393, -0.055575042963027954, -0.05307106301188469, -0.07680817693471909, 0.041086532175540924, -0.0041198646649718285, -0.0568263903260231, -0.05046742781996727, -0.058194857090711594, 0.023606037721037865, -0.03646378219127655, -0.014154498465359211, 0.04265515133738518, -0.05588993430137634, 0.012095899321138859, -0.01061294600367546, 0.0016039212932810187, -0.061301089823246, 0.10316610336303711, -0.02107207477092743, -0.059553418308496475, 0.006565665826201439, 0.03134031221270561, 0.08078456670045853, -0.003939554560929537, 0.02505083940923214, -0.08594945073127747, 0.01930059865117073, -0.036724772304296494, -0.025206023827195168, 0.022423740476369858, 0.05926847085356712, -0.055803872644901276, 0.010280435904860497, 0.062456775456666946, -0.06482553482055664, -0.03323793038725853, -0.017676223069429398, 0.003418191336095333, 0.06041664630174637, 0.11326770484447479, -0.05476146936416626, -0.00005383813186199404, -0.09023981541395187, -0.028160635381937027, 0.12938666343688965, -0.07231277227401733, -0.00927803572267294, 0.07261668145656586, -0.0949530303478241, 0.038523197174072266, -0.008326302282512188, 0.003351690014824271, -0.05474643409252167, 0.09420745819807053, -0.03964364156126976, 0.025065980851650238, -0.08852501958608627, -0.1011071428656578, -0.041116487234830856, -0.06932156533002853, -0.08841913193464279, -0.06441301107406616, -0.014943175949156284, -0.010617825202643871, 0.06850425153970718, 0.022974707186222076, 0.04655048996210098, 0.04482429847121239, 0.05829609930515289, -0.05138908699154854, -0.04908373951911926, -0.08737080544233322, 0.0251805167645216, 0.019025318324565887, -0.05537351220846176, -0.04045926779508591, -0.04304956644773483, -0.009893130511045456, 0.0026578062679618597, 0.03367867320775986, -0.05805056914687157, 0.017451174557209015, 0.10003838688135147, 0.09228543192148209, 0.011275265365839005, 0.09276878088712692, -0.04999871924519539, -0.04443053901195526, -0.039627477526664734, 0.08494678139686584, -0.04599490761756897, 0.0211174376308918, -0.05872717499732971, 0.025958025828003883, -0.022078869864344597, 0.019087815657258034, -0.00413172785192728, 0.051621031016111374, -0.02656680904328823, 0.03349124267697334, 0.039896830916404724, 0.024901842698454857, -0.014685641042888165, -0.03247034549713135, -0.030935443937778473, 0.09946338087320328, -0.09659601002931595, -0.03291812539100647, 0.07145453989505768, -0.028947826474905014, 0.018452249467372894, -0.020307542756199837, -0.021371081471443176, -0.017846090719103813, 0.04610005021095276, -0.03164166957139969, 0.051655568182468414, -7.632369474505938e-33, -0.07721326500177383, 0.02933131903409958, 0.007486333139240742, 0.07181759923696518, 0.017644494771957397, -0.0804913267493248, 0.03919104114174843, -0.02130003273487091, -0.14142729341983795, 0.11476870626211166, 0.07674510031938553, 0.10997629910707474, -0.06897242367267609, -0.020947126671671867, 0.10313668102025986, -0.04125012457370758, -0.0802220031619072, -0.0177814532071352, 0.0022953792940825224, 0.05480218306183815, 0.02426399104297161, -0.04889770969748497, -0.010264392010867596, 0.009193395264446735, -0.039958417415618896, 0.08499819040298462, -0.02814280427992344, -0.0661352127790451, 0.11802180856466293, 0.03734717145562172, 0.020471783354878426, 0.011679090559482574, -0.09754469990730286, -0.038481153547763824, -0.002458319766446948, 0.0185680091381073, -0.061994053423404694, -0.051189932972192764, -0.08912545442581177, 0.05577290803194046, -0.0004102048114873469, -0.04277782887220383, -0.02783891186118126, -0.038765378296375275, -0.05798377841711044, -0.045373719185590744, 0.005563884042203426, -0.04646730422973633, 0.07388606667518616, 0.0694466158747673, 0.08464609086513519, -0.020176472142338753, -0.036591820418834686, -0.02228604629635811, 0.04004610702395439, -0.04686874896287918, -0.06898929178714752, 0.05422995612025261, 0.006564383860677481, -0.03760596737265587, 0.015770411118865013, -0.08846465498209, -0.03450651094317436, -0.0027170926332473755, 0.03727560117840767, -0.0030582775361835957, 0.06742960959672928, -0.07300245761871338, 0.07945702224969864, -0.029721738770604134, 0.0301639623939991, 0.028823476284742355, 0.018945369869470596, 0.01775011047720909, -0.040598783642053604, 0.027433130890130997, -0.02932869829237461, 0.06205882877111435, 0.03343641012907028, 0.041770320385694504, -0.056078698486089706, 0.020792217925190926, -0.06355337053537369, -0.04821527376770973, 0.0008206569473259151, 0.025182226672768593, -0.03248629346489906, -0.019997412338852882, -0.022215384989976883, -0.022394822910428047, -0.05673753097653389, 0.06719266623258591, -0.005497640464454889, 0.028671791777014732, -0.03466418758034706, 3.107467438198704e-33, -0.013791291043162346, -0.04591231048107147, -0.054455045610666275, 0.006899930536746979, -0.04768079146742821, 0.019102662801742554, 0.057598840445280075, 0.059171710163354874, 0.01014725398272276, 0.048450034111738205, 0.03103417158126831, 0.05914835259318352, -0.0072561646811664104, -0.06477255374193192, 0.04257791116833687, -0.08045098185539246, 0.02314824052155018, -0.05644223093986511, -0.04229271411895752, 0.0036705804523080587, 0.0452117957174778, 0.039814405143260956, -0.07707549631595612, 0.08310959488153458, -0.06181621924042702, 0.002424968872219324, -0.009061863645911217, 0.007697225548326969, 0.002987081417813897, -0.014583381824195385, 0.027517417445778847, 0.03670372813940048, -0.06548573076725006, -0.0128401517868042, -0.057954590767621994, -0.00786486268043518, 0.05091354250907898, 0.031024040654301643, -0.040925152599811554, -0.011947511695325375, 0.0440102219581604, 0.04603832587599754, -0.028298748657107353, 0.0281367227435112, 0.013437708839774132, 0.022444993257522583, 0.0086722606793046, -0.022540532052516937, 0.0710146501660347, 0.10381613671779633, 0.0099025322124362, -0.036863405257463455, -0.04541105404496193, -0.058949925005435944, -0.04608849808573723, 0.07207082957029343, 0.048087384551763535, -0.009971566498279572, 0.013352593407034874, 0.041978657245635986, 0.046944838017225266, 0.09132206439971924, -0.06216953694820404, 0.020892620086669922, 0.06863582879304886, 0.09513139724731445, -0.08034692704677582, -0.019459089264273643, -0.000021301086235325783, 0.08104781806468964, 0.015736360102891922, 0.038441698998212814, -0.003489180002361536, -0.04083404690027237, -0.020297231152653694, 0.04269455745816231, 0.03343586623668671, 0.1312846839427948, -0.037693947553634644, 0.01366256084293127, 0.019069043919444084, 0.03046603314578533, 0.02733810804784298, 0.14587315917015076, 0.01303582638502121, -0.0650898888707161, 0.047730326652526855, -0.010495070368051529, -0.0038936033379286528, -0.031560398638248444, -0.0027703179512172937, 0.02605447918176651, -0.015023540705442429, -0.014172880910336971, -0.02663915604352951, -2.021866940538075e-8, -0.1172437071800232, 0.05182434991002083, -0.080995574593544, 0.047502219676971436, -0.016740186139941216, 0.11728816479444504, -0.0221151951700449, -0.038129985332489014, 0.028372738510370255, -0.02149774134159088, -0.025891603901982307, -0.025349944829940796, -0.03394559770822525, 0.07170651108026505, 0.050532784312963486, 0.021514441817998886, -0.040389664471149445, 0.04162819683551788, -0.011544030159711838, -0.030642300844192505, -0.06760763376951218, -0.005722492933273315, 0.00413566455245018, -0.02096451446413994, -0.019932109862565994, -0.02012881636619568, -0.09065168350934982, 0.03131726756691933, -0.004910763818770647, 0.10819561779499054, -0.02378855273127556, 0.09065651148557663, 0.009314309805631638, -0.0991952046751976, -0.026593264192342758, -0.08358056098222733, 0.042452894151210785, 0.025792665779590607, 0.0017883451655507088, -0.02925269491970539, 0.01592269353568554, 0.033356644213199615, -0.02782060205936432, -0.0579032301902771, -0.019614169374108315, -0.009801935404539108, -0.09085224568843842, -0.01364177092909813, -0.044042736291885376, -0.056272171437740326, 0.045350849628448486, 0.05522293597459793, -0.055233847349882126, -0.016802918165922165, 0.02327531762421131, 0.020974572747945786, 0.01961653120815754, -0.01610499806702137, 0.01057842094451189, -0.00043043773621320724, 0.049637358635663986, 0.0004479801864363253, 0.10433852672576904, 0.018461186438798904 ]